From 297fdb4a9db47ae5fc602d4e824fe75edc0a29a8 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Wed, 14 Aug 2024 19:31:51 +0400 Subject: [PATCH 01/69] weights compression init --- .../torch/fx/quantization/quantize_model.py | 39 +++ .../weight_compression/algorithm.py | 4 + .../weight_compression/torch_fx_backend.py | 269 ++++++++++++++++ nncf/quantization/quantize_model.py | 17 ++ tests/torch/fx/test_compress_weights.py | 286 ++++++++++++++++++ 5 files changed, 615 insertions(+) create mode 100644 nncf/quantization/algorithms/weight_compression/torch_fx_backend.py create mode 100644 tests/torch/fx/test_compress_weights.py diff --git a/nncf/experimental/torch/fx/quantization/quantize_model.py b/nncf/experimental/torch/fx/quantization/quantize_model.py index 01aebf68c1f..3c4104bad40 100644 --- a/nncf/experimental/torch/fx/quantization/quantize_model.py +++ b/nncf/experimental/torch/fx/quantization/quantize_model.py @@ -30,9 +30,13 @@ from nncf.experimental.torch.fx.transformations import revert_quantization_transformations from nncf.parameters import ModelType from nncf.parameters import QuantizationMode +from nncf.parameters import CompressWeightsMode from nncf.parameters import TargetDevice +from nncf.parameters import SensitivityMetric from nncf.quantization.advanced_parameters import AdvancedQuantizationParameters +from nncf.quantization.advanced_parameters import AdvancedCompressionParameters from nncf.quantization.algorithms.post_training.algorithm import PostTrainingQuantization +from nncf.quantization.algorithms.weight_compression.algorithm import WeightCompression from nncf.scopes import IgnoredScope DEFAULT_RANGE_TYPE = "mean_min_max" @@ -105,3 +109,38 @@ def quantize_impl( quantized_model = _disallow_eval_train(quantized_model) return quantized_model + +def compress_weights_impl( + model: torch.nn.Module, + dataset: Dataset, + mode: CompressWeightsMode, + ratio: float, + group_size: int, + ignored_scope: IgnoredScope, + all_layers: bool, + sensitivity_metric: SensitivityMetric, + awq: bool, + subset_size: int, + scale_estimation: bool, + gptq: bool, + advanced_parameters: Optional[AdvancedCompressionParameters] = None, +) -> torch.fx.GraphModule: + """ + Implementation of the `compress_weights()` method for the Torch Fx backend. + """ + + compression_algorithm = WeightCompression( + mode, + ratio, + group_size, + ignored_scope, + all_layers, + sensitivity_metric, + awq, + subset_size, + scale_estimation, + gptq, + advanced_parameters, + ) + graph = NNCFGraphFactory.create(model) + return compression_algorithm.apply(model, graph, dataset=dataset) diff --git a/nncf/quantization/algorithms/weight_compression/algorithm.py b/nncf/quantization/algorithms/weight_compression/algorithm.py index e509ce7d11c..93fbff40276 100644 --- a/nncf/quantization/algorithms/weight_compression/algorithm.py +++ b/nncf/quantization/algorithms/weight_compression/algorithm.py @@ -141,6 +141,10 @@ def _set_backend_entity(self, model: TModel) -> None: from nncf.quantization.algorithms.weight_compression.torch_backend import PTWeightCompressionAlgoBackend self._backend_entity = PTWeightCompressionAlgoBackend() + elif model_backend == BackendType.TORCH_FX: + from nncf.quantization.algorithms.weight_compression.torch_fx_backend import FXWeightCompressionAlgoBackend + + self._backend_entity = FXWeightCompressionAlgoBackend() else: raise nncf.UnsupportedBackendError( "Cannot return backend-specific entity because {} is not supported!".format(model_backend.value) diff --git a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py new file mode 100644 index 00000000000..457a7374325 --- /dev/null +++ b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py @@ -0,0 +1,269 @@ +# Copyright (c) 2024 Intel Corporation +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# http://www.apache.org/licenses/LICENSE-2.0 +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +from typing import Dict, Iterable, List, Optional, Tuple + +import torch +import torch.fx + +import nncf +from nncf.common.graph.definitions import NNCFGraphNodeType +from nncf.common.graph.graph import NNCFGraph +from nncf.common.graph.graph import NNCFNode +from nncf.common.graph.operator_metatypes import CONST_NOOP_METATYPES +from nncf.common.graph.operator_metatypes import OperatorMetatype +from nncf.common.graph.transformations.commands import TargetType +from nncf.common.graph.transformations.layout import TransformationLayout +from nncf.experimental.common.tensor_statistics.collectors import TensorCollector +from nncf.parameters import CompressWeightsMode +from nncf.quantization.algorithms.weight_compression.backend import WeightCompressionAlgoBackend +from nncf.quantization.algorithms.weight_compression.config import WeightCompressionParameters +from nncf.quantization.algorithms.weight_compression.weight_lowering import compress_weight +from nncf.tensor import Tensor +from nncf.tensor.definitions import TensorDataType +from nncf.torch.dynamic_graph.scope import Scope +from nncf.torch.graph import operator_metatypes as om +from nncf.torch.graph.transformations.commands import PTSharedFnInsertionCommand +from nncf.torch.graph.transformations.commands import PTTargetPoint +from nncf.torch.model_graph_manager import find_const_node_in_constant_subgraph +from nncf.torch.model_graph_manager import get_const_node +from nncf.torch.model_graph_manager import get_module_by_name +from nncf.torch.model_graph_manager import split_const_name +from nncf.experimental.torch.fx import FXModelTransformer +from nncf.torch.quantization.layers import AsymmetricWeightsDecompressor +from nncf.torch.quantization.layers import SymmetricWeightsDecompressor +from nncf.torch.tensor_statistics.collectors import get_raw_stat_collector +from torch.ao.quantization.pt2e.utils import _get_tensor_constant_from_node +from nncf.experimental.torch.fx.node_utils import get_graph_node_by_name +from torch.ao.quantization.fx.utils import create_getattr_from_value + + +class FXWeightCompressionAlgoBackend(WeightCompressionAlgoBackend): + TARGET_TYPE_TO_PT_INS_TYPE_MAP = { + TargetType.PRE_LAYER_OPERATION: TargetType.OPERATOR_PRE_HOOK, + TargetType.POST_LAYER_OPERATION: TargetType.OPERATOR_POST_HOOK, + } + MATMUL_METATYPES = [om.PTLinearMetatype, om.PTMatMulMetatype, om.PTAddmmMetatype] + EMBEDDING_METATYPES = [om.PTEmbeddingMetatype] + CONVOLUTION_METATYPES = [ + om.PTConv1dMetatype, + om.PTConv2dMetatype, + om.PTConv3dMetatype, + om.PTDepthwiseConv1dSubtype, + om.PTDepthwiseConv2dSubtype, + om.PTDepthwiseConv3dSubtype, + om.PTConvTranspose1dMetatype, + om.PTConvTranspose2dMetatype, + om.PTConvTranspose3dMetatype, + ] + + @property + def matmul_metatypes(self) -> List[OperatorMetatype]: + return FXWeightCompressionAlgoBackend.MATMUL_METATYPES + + @property + def embedding_metatypes(self) -> List[OperatorMetatype]: + return FXWeightCompressionAlgoBackend.EMBEDDING_METATYPES + + @property + def convolution_metatypes(self) -> List[OperatorMetatype]: + return FXWeightCompressionAlgoBackend.CONVOLUTION_METATYPES + + @staticmethod + def is_node_with_weights(node: NNCFNode, graph: NNCFGraph) -> bool: + if ( + node.metatype not in FXWeightCompressionAlgoBackend.MATMUL_METATYPES + and node.metatype not in FXWeightCompressionAlgoBackend.EMBEDDING_METATYPES + and node.metatype not in FXWeightCompressionAlgoBackend.CONVOLUTION_METATYPES + ): + return False + for prev_node in graph.get_previous_nodes(node): + edge = graph.get_edge(prev_node, node) + if edge.input_port_id not in node.metatype.weight_port_ids: + continue + weight_node = find_const_node_in_constant_subgraph(prev_node, graph) + if weight_node is not None: + return True + return False + + @staticmethod + def get_weight_names_and_port_ids(node: NNCFNode, graph: NNCFGraph) -> List[Tuple[str, int]]: + weight_port_ids = [] + for prev_node in graph.get_previous_nodes(node): + weight_node = find_const_node_in_constant_subgraph(prev_node, graph) + if weight_node is None: + continue + edge = graph.get_edge(prev_node, node) + if edge.input_port_id in node.metatype.weight_port_ids: + weight_port_ids.append((weight_node.layer_attributes.name, edge.input_port_id)) + return weight_port_ids + + @staticmethod + def get_reduction_axes(node_with_weight: NNCFNode, weight_port_id: int, graph: NNCFGraph) -> Optional[Tuple[int]]: + weight_node = get_const_node(node_with_weight, weight_port_id, graph) + + ndims = len(weight_node.layer_attributes.shape) + reduction_axes = None + if node_with_weight.metatype == om.PTEmbeddingMetatype: + reduction_axes = [1] + elif node_with_weight.metatype == om.PTLinearMetatype: + reduction_axes = [ndims - 1] + elif node_with_weight.metatype == om.PTMatMulMetatype: + if weight_port_id == 0: + reduction_axes = [ndims - 1] + elif weight_port_id == 1: + reduction_axes = [max(0, ndims - 2)] + elif node_with_weight.metatype == om.PTAddmmMetatype: + if weight_port_id == 1: + reduction_axes = [ndims - 1] + elif weight_port_id == 2: + reduction_axes = [max(0, ndims - 2)] + elif node_with_weight.metatype in FXWeightCompressionAlgoBackend.CONVOLUTION_METATYPES: + channel_idx = ( + 1 + if node_with_weight.metatype + in [om.PTConvTranspose1dMetatype, om.PTConvTranspose2dMetatype, om.PTConvTranspose3dMetatype] + else 0 + ) + reduction_axes = [i for i in range(ndims) if i != channel_idx] + return tuple(reduction_axes) + + @staticmethod + def target_point(target_type: TargetType, target_node_name: str, port_id: int) -> PTTargetPoint: + if NNCFGraphNodeType.INPUT_NODE in target_node_name or target_type == TargetType.POST_LAYER_OPERATION: + port_id = None + if target_type in FXWeightCompressionAlgoBackend.TARGET_TYPE_TO_PT_INS_TYPE_MAP: + target_type = FXWeightCompressionAlgoBackend.TARGET_TYPE_TO_PT_INS_TYPE_MAP[target_type] + return PTTargetPoint(target_type, target_node_name, input_port_id=port_id) + + @staticmethod + def raw_statistic_collector(num_samples: Optional[int] = None) -> TensorCollector: + return get_raw_stat_collector(num_samples) + + @staticmethod + def get_activation_port_id(node: NNCFNode, graph: NNCFGraph) -> int: + activation_ports = [] + for prev_node in graph.get_previous_nodes(node): + if prev_node.metatype in CONST_NOOP_METATYPES: + continue + edge = graph.get_edge(prev_node, node) + activation_ports.append(edge.input_port_id) + assert len(activation_ports) == 1 + return activation_ports[0] + + def get_weight( + self, node_with_weight: NNCFNode, weight_port_id: int, model: torch.fx.GraphModule, graph: NNCFGraph + ) -> Tensor: + weight_node = graph.get_input_nodes(node_with_weight)[weight_port_id] + # TODO(dlyakhov): make a node_name_vs_node map to speed up the process + graph_weight_node = get_graph_node_by_name(model.graph, node_with_weight.node_name) + weight = _get_tensor_constant_from_node(graph_weight_node.all_input_nodes[1], model) + if weight is None: + raise nncf.InternalError(f"Could not find a node in the model by name {weight_node}.") + + return Tensor(weight) + + def set_weight( + self, node_with_weight: NNCFNode, weight_port_id: int, model: torch.nn.Module, graph: NNCFGraph, weight: Tensor + ): + graph = model.grap + weight_node = graph.get_input_nodes(node_with_weight)[weight_port_id] + target_node_name = weight_node.node_name + graph_node = get_graph_node_by_name(graph, target_node_name) + if len(graph_node.users) != 1: + raise nncf.InternalError(f"Weight Node has {len(graph_node.users)} users, 1 expected.") + + bias_node = next(iter(graph_node.users)) + with graph.inserting_before(bias_node): + new_constant = create_getattr_from_value(model, graph, target_node_name + "_compressed_weight", weight) + + args = list(bias_node.args) + # A bias node suppose to have constant on the second input port. + args[weight_port_id] = new_constant + bias_node.args = tuple(args) + graph.eliminate_dead_code() + + def transform_model( + self, + model: torch.fx.GraphModule, + graph: NNCFGraph, + weight_compression_parameters: Iterable[WeightCompressionParameters], + precomputed_scales: Dict[str, Tensor] = None, + precomputed_zero_points: Dict[str, Tensor] = None, + ) -> torch.fx.GraphModule: + transformation_layout = TransformationLayout() + + for wc_params in weight_compression_parameters: + compression_config = wc_params.compression_config + if compression_config.mode not in [ + CompressWeightsMode.INT8_ASYM, + CompressWeightsMode.INT8_SYM, + CompressWeightsMode.INT8, + ]: + raise ValueError(f"{compression_config.mode.value} is not supported.") + weight_node = get_const_node(wc_params.node_with_weight, wc_params.weight_port_id, graph) + weight_name = weight_node.layer_attributes.name + weight = self.get_weight(wc_params.node_with_weight, wc_params.weight_port_id, model, graph) + if weight is None or not isinstance(weight, torch.nn.Parameter): + raise nncf.InternalError(f"Could not find a torch.nn.Parameter in the model by name {weight_name}.") + + # calculates compressed weights and decompression parameters + compressed_weight = compress_weight( + weight, + wc_params.reduction_axes, + compression_config, + None if precomputed_scales is None else precomputed_scales.get(wc_params.weight_name), + None if precomputed_zero_points is None else precomputed_zero_points.get(wc_params.weight_name), + ) + compressed_weight.scale = compressed_weight.scale.astype(dtype=TensorDataType.float16) + + # pack compressed tensor + if compression_config.mode == CompressWeightsMode.INT8_SYM: + dtype = TensorDataType.int8 + else: + dtype = TensorDataType.uint8 + packed_tensor = compressed_weight.tensor.astype(dtype) + + self.set_weight(wc_params.node_with_weight, wc_params.weight_port_id, model, graph, packed_tensor) + + consumer_nodes = graph.get_next_nodes(weight_node) + if len(consumer_nodes) > 1: + for c_node in consumer_nodes: + c_module = model.nncf.get_module_by_scope(Scope.from_str(c_node.layer_name)) + for name, param in c_module.named_parameters(recurse=False, remove_duplicate=False): + if id(param) == id(weight): + setattr(c_module, name, compressed_parameter) + + # creates weight decompressor + if compression_config.mode == CompressWeightsMode.INT8_SYM: + decompressor = SymmetricWeightsDecompressor(compressed_weight.scale.data, result_dtype=weight.dtype) + else: + packed_zero_point = compressed_weight.zero_point.astype(dtype) + decompressor = AsymmetricWeightsDecompressor( + compressed_weight.scale.data, packed_zero_point.data, result_dtype=weight.dtype + ) + + # registry weight decompression module in the model + decompressor_name = f"weights_decompressor_{weight_node.node_name.replace('.', '_')}" + + # inserts the weight decompressor into the model as the post hook on the model weight + transformation_layout.register( + PTSharedFnInsertionCommand( + [PTTargetPoint(TargetType.OPERATOR_POST_HOOK, target_node_name=weight_node.node_name)], + decompressor, + decompressor_name, + ) + ) + + # apply transformations + transformed_model = FXModelTransformer(model).transform(transformation_layout) + + return transformed_model diff --git a/nncf/quantization/quantize_model.py b/nncf/quantization/quantize_model.py index dc56e6daede..4092d6f3fe4 100644 --- a/nncf/quantization/quantize_model.py +++ b/nncf/quantization/quantize_model.py @@ -467,6 +467,23 @@ def compress_weights( dataset = None compression_weights_impl = pt_compression_weights_impl + if backend == BackendType.TORCH_FX: + from nncf.experimental.torch.fx.quantization.quantize_model import compress_weights_impl as fx_compression_weights_impl + + if mode not in [CompressWeightsMode.INT8_ASYM, CompressWeightsMode.INT8_SYM]: + raise AttributeError( + "Torch backend supports only INT8_ASYM, INT8_SYM modes for weight compression, " + f"but given {mode.value} mode." + ) + + if True in [awq, scale_estimation, gptq]: + raise AttributeError( + "Torch backend doesn`t supports scale estimation and AWQ algorithm, " + "but awq=True or scale_estimation=True or gptq=True is specified." + ) + + compression_weights_impl = fx_compression_weights_impl + if backend == BackendType.OPENVINO: from nncf.openvino.quantization.quantize_model import compress_weights_impl as ov_compress_weights_impl diff --git a/tests/torch/fx/test_compress_weights.py b/tests/torch/fx/test_compress_weights.py new file mode 100644 index 00000000000..df2677718d8 --- /dev/null +++ b/tests/torch/fx/test_compress_weights.py @@ -0,0 +1,286 @@ +# Copyright (c) 2024 Intel Corporation +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# http://www.apache.org/licenses/LICENSE-2.0 +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import pytest +import torch +import torch.nn.functional as F + +from nncf import CompressWeightsMode +from nncf import SensitivityMetric +from nncf.quantization import compress_weights +from nncf.torch import wrap_model +from nncf.torch.quantization.layers import AsymmetricWeightsDecompressor +from nncf.torch.quantization.layers import SymmetricWeightsDecompressor +from torch._export import capture_pre_autograd_graph +from nncf.torch.dynamic_graph.patch_pytorch import disable_patching + +DATA_BASED_SENSITIVITY_METRICS = ( + SensitivityMetric.HESSIAN_INPUT_ACTIVATION, + SensitivityMetric.MEAN_ACTIVATION_VARIANCE, + SensitivityMetric.MAX_ACTIVATION_VARIANCE, + SensitivityMetric.MEAN_ACTIVATION_MAGNITUDE, +) + +ALL_SENSITIVITY_METRICS = DATA_BASED_SENSITIVITY_METRICS + (SensitivityMetric.WEIGHT_QUANTIZATION_ERROR,) + +SUPPORTED_MODES = (CompressWeightsMode.INT8, CompressWeightsMode.INT8_ASYM, CompressWeightsMode.INT8_SYM) +UNSUPPORTED_MODES = ( + CompressWeightsMode.INT4_SYM, + CompressWeightsMode.INT4_ASYM, + CompressWeightsMode.NF4, +) + + +class ShortTransformer(torch.nn.Module): + def __init__(self, in_features, num_embeddings, share_weights=False): + super().__init__() + self.wte = torch.nn.Embedding(num_embeddings, in_features) + self.linear = torch.nn.Linear(in_features, in_features) + self.lm_head = torch.nn.Linear(in_features, num_embeddings) + + if share_weights: + self.lm_head.weight = self.wte.weight + + def forward(self, input_ids): + x = self.wte(input_ids) + x = self.linear(x) + res = self.lm_head(x) + return res + + +class MatMulModel(torch.nn.Module): + def __init__(self): + super().__init__() + self.w = torch.nn.Parameter(torch.ones(size=(300, 300), dtype=torch.float32)) + + def forward(self, input): + return input @ self.w + + +class FunctionalModel(torch.nn.Module): + def __init__(self): + super().__init__() + self.conv_w = torch.nn.Parameter(torch.ones(size=(5, 3, 3, 3), dtype=torch.float32)) + self.matmul_w = torch.nn.Parameter(torch.ones(size=(1, 3, 300, 300), dtype=torch.float32)) + self.conv_tr_w = torch.nn.Parameter(torch.rand(size=(5, 4, 3, 3))) + self.nested_matmul = MatMulModel() + + def forward(self, input_): + x = input_.to(torch.float32) + x = x @ self.matmul_w + x = self.nested_matmul(x) + x = F.conv2d(x, self.conv_w) + x = F.conv_transpose2d(x, self.conv_tr_w) + return x + + +class ConvolutionModel(torch.nn.Module): + def __init__(self): + super().__init__() + self.conv_regular = torch.nn.Conv2d(in_channels=3, out_channels=16, kernel_size=3) + self.max_pool2d = torch.nn.MaxPool2d(kernel_size=2) + self.conv_transpose = torch.nn.ConvTranspose2d(in_channels=16, out_channels=8, kernel_size=3) + self.conv_depthwise = torch.nn.Conv2d(in_channels=8, out_channels=8, kernel_size=5, groups=8) + self.adaptive_avg_pool = torch.nn.AdaptiveAvgPool2d(output_size=1) + self.linear = torch.nn.Linear(in_features=8, out_features=8) + + def forward(self, input_): + input_ = input_.to(torch.float32) + x = self.conv_regular(input_) + x = F.relu(x) + x.transpose_(2, 3) + x = self.max_pool2d(x) + y = self.conv_transpose(x) + z = F.conv_transpose2d(x, self.conv_transpose.weight) + x = y + z + x = self.conv_depthwise(x) + x = F.conv2d(x, self.conv_depthwise.weight, groups=self.conv_depthwise.groups) + x += torch.ones_like(x) + x = self.adaptive_avg_pool(x) + x = self.linear(x.flatten()) + return x + + +@pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) +def test_compress_weights(mode): + model = ShortTransformer(5, 10) + dtype = torch.int8 if mode == CompressWeightsMode.INT8_SYM else torch.uint8 + + input_ids = torch.randint(0, 10, (5,)) + print("before") + with disable_patching(): + exported_model = capture_pre_autograd_graph(model, args=(input_ids,)) + from nncf.common.factory import NNCFGraphFactory + nncf_graph = NNCFGraphFactory.create(exported_model) + for parameter in exported_model.parameters(): + print(type(parameter)) + print("Current node: ", type(nncf_graph.get_all_nodes()[1])) + print(nncf_graph.get_next_nodes(nncf_graph.get_all_nodes()[2])) + nncf_graph.visualize_graph('graph.dot') + assert False + # compressed_model = compress_weights(exported_model, mode=mode) + + # n_compressed_weights = 0 + # n_target_modules = 0 + + # for _, module in compressed_model.named_children(): + # if isinstance(module, (torch.nn.Linear, torch.nn.Embedding)): + # n_target_modules += 1 + # if module.weight.dtype == dtype: + # n_compressed_weights += 1 + + # assert n_compressed_weights == n_target_modules + + +# @pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) +# def test_compress_weights_functional_model(mode): +# model = FunctionalModel() +# decompressor_type = ( +# SymmetricWeightsDecompressor if mode == CompressWeightsMode.INT8_SYM else AsymmetricWeightsDecompressor +# ) + +# input_ids = torch.randint(0, 10, [1, 3, 300, 300]) +# exported_model = capture_pre_autograd_graph(model, args=(input_ids,)) +# compressed_model = compress_weights(exported_model, mode=mode) +# n_compressed_weights = 0 +# for layer in compressed_model.nncf.external_op.values(): +# if isinstance(layer, decompressor_type): +# n_compressed_weights += 1 +# assert n_compressed_weights == 4 + + +# def test_compress_weights_conv(): +# model = ConvolutionModel() + +# input_ids = torch.randint(0, 10, [1, 3, 300, 300]) +# wrapped_model = wrap_model(model, example_input=input_ids, trace_parameters=True) +# compressed_model = compress_weights(wrapped_model) + +# n_compressed_weights = 0 +# n_target_modules = 0 + +# for _, module in compressed_model.named_children(): +# if isinstance(module, (torch.nn.Linear, torch.nn.Conv2d, torch.nn.ConvTranspose2d)): +# n_target_modules += 1 +# if module.weight.dtype in [torch.uint8, torch.int8]: +# n_compressed_weights += 1 + +# assert n_compressed_weights == n_target_modules + + +# @pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) +# def test_compress_shared_weights(mocker, mode): +# model = ShortTransformer(5, 10, share_weights=True) +# dtype = torch.int8 if mode == CompressWeightsMode.INT8_SYM else torch.uint8 + +# input_ids = torch.randint(0, 10, (5,)) +# wrapped_model = wrap_model(model, example_input=input_ids, trace_parameters=True) +# compressed_model = compress_weights(wrapped_model, mode=mode) + +# n_compressed_weights = 0 +# n_target_modules = 0 + +# for _, module in compressed_model.named_children(): +# if isinstance(module, (torch.nn.Linear, torch.nn.Embedding)): +# n_target_modules += 1 +# if module.weight.dtype == dtype: +# n_compressed_weights += 1 + +# assert n_compressed_weights == n_target_modules +# assert len(compressed_model.nncf.external_op) == 2 + +# # check that the weight decompressors are called only once +# for val in compressed_model.nncf.external_op.values(): +# mocker.spy(val, "forward") + +# compressed_model(input_ids) + +# for val in compressed_model.nncf.external_op.values(): +# assert val.forward.call_count == 1 + + +# class EmptyModel(torch.nn.Module): +# def forward(self, input): +# return input + + +# @pytest.mark.parametrize("mode", SUPPORTED_MODES) +# @pytest.mark.parametrize( +# "params", +# ( +# {"ratio": 0.5}, +# {"group_size": 64}, +# {"all_layers": True}, +# {"all_layers": False}, +# *({"sensitivity_metric": metric} for metric in ALL_SENSITIVITY_METRICS), +# {"gptq": True}, +# {"awq": True}, +# {"scale_estimation": True}, +# ), +# ) +# def test_raise_error_with_unsupported_params_for_int8(mode, params): +# dummy_torch_model = EmptyModel() +# dummy_input = torch.Tensor() +# exported_model = capture_pre_autograd_graph(dummy_torch_model, example_input=dummy_input, trace_parameters=True) +# with pytest.raises(AttributeError): +# compress_weights(wrapped_model, mode=mode, **params) + + +# @pytest.mark.parametrize("mode", UNSUPPORTED_MODES) +# def test_raise_error_with_not_int8(mode): +# dummy_torch_model = EmptyModel() +# dummy_input = torch.Tensor() +# wrapped_model = wrap_model(dummy_torch_model, example_input=dummy_input, trace_parameters=True) +# with pytest.raises(AttributeError): +# compress_weights(wrapped_model, mode=mode) + + +# class DTypeModel(torch.nn.Module): +# def __init__(self): +# super().__init__() +# self.weight = torch.nn.Parameter(torch.ones(size=(3, 3), dtype=torch.float32)) + +# def forward(self, x): +# x = x.to(self.weight.dtype) +# x = x @ self.weight +# return x + + +# def test_get_dtype_attribute_of_parameter(): +# model = DTypeModel() +# dummy_input = torch.randint(0, 10, [3, 3]) +# wrapped_model = wrap_model(model, example_input=dummy_input, trace_parameters=True) +# compressed_model = compress_weights(wrapped_model) +# assert compressed_model.weight.dtype == torch.uint8 +# compressed_model(dummy_input) +# assert compressed_model.weight.dtype == torch.uint8 + + +# @pytest.mark.parametrize("dtype", ("float16", "float32")) +# def test_model_devices_and_precisions(use_cuda, dtype): +# if use_cuda and not torch.cuda.is_available(): +# pytest.skip("Skipping for CPU-only setups") +# device = torch.device("cuda" if use_cuda else "cpu") +# dtype = torch.float16 if dtype == "float16" else torch.float32 + +# model = MatMulModel().to(device) +# if dtype == torch.float16: +# model.half() + +# dummy_input = torch.rand((1, 300), dtype=dtype, device=device) +# wrapped_model = wrap_model(model, example_input=dummy_input, trace_parameters=True) +# compressed_model = compress_weights(wrapped_model) +# result = compressed_model(dummy_input) + +# # Scale should always be in float16 +# assert compressed_model.state_dict()["_nncf.external_op.weights_decompressor_w._scale"].dtype == torch.float16 +# # Result should be in the precision of the model +# assert result.dtype == dtype From 06ca5a377c52beb4346da8ee17be668833f0a2a7 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Fri, 16 Aug 2024 19:14:12 +0400 Subject: [PATCH 02/69] compression complete TODO: Fix edge data for get_attr node --- nncf/experimental/torch/fx/transformations.py | 2 +- .../weight_compression/torch_fx_backend.py | 68 +++++++++---------- nncf/quantization/quantize_model.py | 1 - tests/torch/fx/test_compress_weights.py | 40 ++++++----- 4 files changed, 59 insertions(+), 52 deletions(-) diff --git a/nncf/experimental/torch/fx/transformations.py b/nncf/experimental/torch/fx/transformations.py index d15172e93d0..8569893da9f 100644 --- a/nncf/experimental/torch/fx/transformations.py +++ b/nncf/experimental/torch/fx/transformations.py @@ -79,7 +79,7 @@ def module_insertion_transformation(model: torch.fx.GraphModule): else: prev_node = target_node.args[target_point.input_port_id] - _set_new_node_meta(new_node, prev_node, module_to_insert) + # _set_new_node_meta(new_node, prev_node, module_to_insert) target_node.replace_input_with(prev_node, new_node) return module_insertion_transformation diff --git a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py index 457a7374325..e431cc4a666 100644 --- a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py +++ b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py @@ -28,6 +28,7 @@ from nncf.quantization.algorithms.weight_compression.config import WeightCompressionParameters from nncf.quantization.algorithms.weight_compression.weight_lowering import compress_weight from nncf.tensor import Tensor +import nncf.tensor from nncf.tensor.definitions import TensorDataType from nncf.torch.dynamic_graph.scope import Scope from nncf.torch.graph import operator_metatypes as om @@ -37,14 +38,15 @@ from nncf.torch.model_graph_manager import get_const_node from nncf.torch.model_graph_manager import get_module_by_name from nncf.torch.model_graph_manager import split_const_name -from nncf.experimental.torch.fx import FXModelTransformer from nncf.torch.quantization.layers import AsymmetricWeightsDecompressor from nncf.torch.quantization.layers import SymmetricWeightsDecompressor from nncf.torch.tensor_statistics.collectors import get_raw_stat_collector from torch.ao.quantization.pt2e.utils import _get_tensor_constant_from_node from nncf.experimental.torch.fx.node_utils import get_graph_node_by_name from torch.ao.quantization.fx.utils import create_getattr_from_value - +from nncf.experimental.torch.fx.commands import FXApplyTransformationCommand +from nncf.experimental.torch.fx.transformations import module_insertion_transformation_builder +from nncf.experimental.torch.fx.model_transformer import FXModelTransformer class FXWeightCompressionAlgoBackend(WeightCompressionAlgoBackend): TARGET_TYPE_TO_PT_INS_TYPE_MAP = { @@ -103,14 +105,15 @@ def get_weight_names_and_port_ids(node: NNCFNode, graph: NNCFGraph) -> List[Tupl continue edge = graph.get_edge(prev_node, node) if edge.input_port_id in node.metatype.weight_port_ids: - weight_port_ids.append((weight_node.layer_attributes.name, edge.input_port_id)) + weight_port_ids.append((weight_node.node_name, edge.input_port_id)) return weight_port_ids @staticmethod def get_reduction_axes(node_with_weight: NNCFNode, weight_port_id: int, graph: NNCFGraph) -> Optional[Tuple[int]]: weight_node = get_const_node(node_with_weight, weight_port_id, graph) + edge = graph.get_edge(weight_node, graph.get_next_nodes(weight_node)[0]) - ndims = len(weight_node.layer_attributes.shape) + ndims = len(edge.tensor_shape) reduction_axes = None if node_with_weight.metatype == om.PTEmbeddingMetatype: reduction_axes = [1] @@ -162,34 +165,31 @@ def get_activation_port_id(node: NNCFNode, graph: NNCFGraph) -> int: def get_weight( self, node_with_weight: NNCFNode, weight_port_id: int, model: torch.fx.GraphModule, graph: NNCFGraph ) -> Tensor: - weight_node = graph.get_input_nodes(node_with_weight)[weight_port_id] + weight_node = graph.get_previous_nodes(node_with_weight)[weight_port_id] # TODO(dlyakhov): make a node_name_vs_node map to speed up the process - graph_weight_node = get_graph_node_by_name(model.graph, node_with_weight.node_name) - weight = _get_tensor_constant_from_node(graph_weight_node.all_input_nodes[1], model) + graph_weight_node = get_graph_node_by_name(model.graph, weight_node.node_name) + weight = _get_tensor_constant_from_node(graph_weight_node, model).data if weight is None: raise nncf.InternalError(f"Could not find a node in the model by name {weight_node}.") return Tensor(weight) def set_weight( - self, node_with_weight: NNCFNode, weight_port_id: int, model: torch.nn.Module, graph: NNCFGraph, weight: Tensor + self, node_with_weight: NNCFNode, weight_port_id: int, model: torch.fx.GraphModule, graph: NNCFGraph, weight: Tensor ): - graph = model.grap - weight_node = graph.get_input_nodes(node_with_weight)[weight_port_id] - target_node_name = weight_node.node_name - graph_node = get_graph_node_by_name(graph, target_node_name) + weight_node = graph.get_previous_nodes(node_with_weight)[weight_port_id] + graph_node = get_graph_node_by_name(model.graph, weight_node.node_name) if len(graph_node.users) != 1: raise nncf.InternalError(f"Weight Node has {len(graph_node.users)} users, 1 expected.") - bias_node = next(iter(graph_node.users)) - with graph.inserting_before(bias_node): - new_constant = create_getattr_from_value(model, graph, target_node_name + "_compressed_weight", weight) + node_with_weight_graph = next(iter(graph_node.users)) + with model.graph.inserting_before(node_with_weight_graph): + new_constant = create_getattr_from_value(model, model.graph, node_with_weight.node_name + "_compressed_weight", weight.data) - args = list(bias_node.args) - # A bias node suppose to have constant on the second input port. + args = list(node_with_weight_graph.args) args[weight_port_id] = new_constant - bias_node.args = tuple(args) - graph.eliminate_dead_code() + node_with_weight_graph.args = tuple(args) + model.graph.eliminate_dead_code() def transform_model( self, @@ -210,10 +210,11 @@ def transform_model( ]: raise ValueError(f"{compression_config.mode.value} is not supported.") weight_node = get_const_node(wc_params.node_with_weight, wc_params.weight_port_id, graph) - weight_name = weight_node.layer_attributes.name + weight_name = weight_node.node_name weight = self.get_weight(wc_params.node_with_weight, wc_params.weight_port_id, model, graph) - if weight is None or not isinstance(weight, torch.nn.Parameter): - raise nncf.InternalError(f"Could not find a torch.nn.Parameter in the model by name {weight_name}.") + print("Weight is: ", weight) + if weight is None or not isinstance(weight, Tensor): + raise nncf.InternalError(f"Could not find a nncf.tensor in the model by name {weight_name}.") # calculates compressed weights and decompression parameters compressed_weight = compress_weight( @@ -234,13 +235,13 @@ def transform_model( self.set_weight(wc_params.node_with_weight, wc_params.weight_port_id, model, graph, packed_tensor) - consumer_nodes = graph.get_next_nodes(weight_node) - if len(consumer_nodes) > 1: - for c_node in consumer_nodes: - c_module = model.nncf.get_module_by_scope(Scope.from_str(c_node.layer_name)) - for name, param in c_module.named_parameters(recurse=False, remove_duplicate=False): - if id(param) == id(weight): - setattr(c_module, name, compressed_parameter) + # consumer_nodes = graph.get_next_nodes(weight_node) + # if len(consumer_nodes) > 1: + # for c_node in consumer_nodes: + # c_module = model.nncf.get_module_by_scope(Scope.from_str(c_node.layer_name)) + # for name, param in c_module.named_parameters(recurse=False, remove_duplicate=False): + # if id(param) == id(weight): + # setattr(c_module, name, compressed_parameter) # creates weight decompressor if compression_config.mode == CompressWeightsMode.INT8_SYM: @@ -252,14 +253,13 @@ def transform_model( ) # registry weight decompression module in the model - decompressor_name = f"weights_decompressor_{weight_node.node_name.replace('.', '_')}" + compressed_weight_name = wc_params.node_with_weight.node_name + decompressor_name = f"weights_decompressor_{compressed_weight_name.replace('.', '_')}" # inserts the weight decompressor into the model as the post hook on the model weight transformation_layout.register( - PTSharedFnInsertionCommand( - [PTTargetPoint(TargetType.OPERATOR_POST_HOOK, target_node_name=weight_node.node_name)], - decompressor, - decompressor_name, + FXApplyTransformationCommand(module_insertion_transformation_builder( + decompressor, [PTTargetPoint(TargetType.OPERATOR_PRE_HOOK, target_node_name=wc_params.node_with_weight.node_name, input_port_id=wc_params.weight_port_id)], decompressor_name) ) ) diff --git a/nncf/quantization/quantize_model.py b/nncf/quantization/quantize_model.py index 4092d6f3fe4..c70339ccbdf 100644 --- a/nncf/quantization/quantize_model.py +++ b/nncf/quantization/quantize_model.py @@ -481,7 +481,6 @@ def compress_weights( "Torch backend doesn`t supports scale estimation and AWQ algorithm, " "but awq=True or scale_estimation=True or gptq=True is specified." ) - compression_weights_impl = fx_compression_weights_impl if backend == BackendType.OPENVINO: diff --git a/tests/torch/fx/test_compress_weights.py b/tests/torch/fx/test_compress_weights.py index df2677718d8..47cfd25af83 100644 --- a/tests/torch/fx/test_compress_weights.py +++ b/tests/torch/fx/test_compress_weights.py @@ -21,6 +21,8 @@ from nncf.torch.quantization.layers import SymmetricWeightsDecompressor from torch._export import capture_pre_autograd_graph from nncf.torch.dynamic_graph.patch_pytorch import disable_patching +from torch.ao.quantization.pt2e.utils import _get_tensor_constant_from_node +from nncf.quantization.algorithms.fast_bias_correction.torch_fx_backend import get_graph_node_by_name DATA_BASED_SENSITIVITY_METRICS = ( SensitivityMetric.HESSIAN_INPUT_ACTIVATION, @@ -120,24 +122,30 @@ def test_compress_weights(mode): exported_model = capture_pre_autograd_graph(model, args=(input_ids,)) from nncf.common.factory import NNCFGraphFactory nncf_graph = NNCFGraphFactory.create(exported_model) - for parameter in exported_model.parameters(): - print(type(parameter)) - print("Current node: ", type(nncf_graph.get_all_nodes()[1])) - print(nncf_graph.get_next_nodes(nncf_graph.get_all_nodes()[2])) + print("Current node: ", nncf_graph.get_all_nodes()[3]) + linear_node = nncf_graph.get_all_nodes()[3] + graph_bias_node = get_graph_node_by_name(exported_model.graph, linear_node.node_name) + print(_get_tensor_constant_from_node(graph_bias_node, exported_model)) nncf_graph.visualize_graph('graph.dot') - assert False - # compressed_model = compress_weights(exported_model, mode=mode) - - # n_compressed_weights = 0 - # n_target_modules = 0 + compressed_model = compress_weights(exported_model, mode=mode) + nncf_graph_compressed = NNCFGraphFactory.create(compressed_model) + nncf_graph_compressed.visualize_graph('compressed_graph.dot') + n_compressed_weights = 0 + n_target_modules = 0 + + for node in compressed_model.graph.nodes: + print(node.all_input_nodes) + # if isinstance(module, (torch.nn.Linear, torch.nn.Embedding)): + # print("dwedwe") + # n_target_modules += 1 + # if module.weight.dtype == dtype: + # n_compressed_weights += 1 + if node.op == "call_function" and hasattr(node.target, "overloadpacket"): + node_type = str(node.target.overloadpacket).split(".")[1] + if node_type in ["linear", "embedding"]: + n_target_modules += 1 - # for _, module in compressed_model.named_children(): - # if isinstance(module, (torch.nn.Linear, torch.nn.Embedding)): - # n_target_modules += 1 - # if module.weight.dtype == dtype: - # n_compressed_weights += 1 - - # assert n_compressed_weights == n_target_modules + assert False # @pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) From c770d2cc583b6227b07526980ab2f6b66ec51575 Mon Sep 17 00:00:00 2001 From: Aamir Nazir Date: Mon, 19 Aug 2024 21:07:50 +0400 Subject: [PATCH 03/69] Modify graph builder to include support for embedding op --- nncf/experimental/torch/fx/nncf_graph_builder.py | 11 ++++++++--- 1 file changed, 8 insertions(+), 3 deletions(-) diff --git a/nncf/experimental/torch/fx/nncf_graph_builder.py b/nncf/experimental/torch/fx/nncf_graph_builder.py index f7501a3fd55..3a30be22a64 100644 --- a/nncf/experimental/torch/fx/nncf_graph_builder.py +++ b/nncf/experimental/torch/fx/nncf_graph_builder.py @@ -75,7 +75,13 @@ def create_nncf_graph(model: torch.fx.GraphModule) -> PTNNCFGraph: for source_node in model.graph.nodes: node_type, node_metatype = GraphConverter._get_node_type_and_metatype(source_node) - + if ( + "aten.embedding.default" in str(source_node.target) and source_node.args[1].op == "placeholder" + ): # Using aten.embedding.default as a whole to not confuse with other similar named nodes + source_node.args = ( + source_node.args[1], + source_node.args[0], + ) nncf_graph.add_nncf_node( node_name=source_node.name, node_type=node_type, @@ -89,7 +95,6 @@ def create_nncf_graph(model: torch.fx.GraphModule) -> PTNNCFGraph: input_port_id, output_port_id, tensor_shape = GraphConverter.get_edge_params( model, source_node, source_nncf_node, dist_node, idx ) - nncf_graph.add_edge_between_nncf_nodes( source_nncf_node.node_id, dist_node_id, @@ -115,7 +120,7 @@ def get_edge_params( :param source_node: Source node in format of torch.fx.Node. :param source_nncf_node: Source node in format of NNCFNode. :param dist_node: Distance node in format of torch.fx.Node. - :param output_idx: Output indes of the source_node. + :param output_idx: Output index of the source_node. :return: Tuple of edge parameters: edge input port id, edge output port id and edge tensor shape. """ From 70b00f96c72890d7b370c8472e50fcb022f3e142 Mon Sep 17 00:00:00 2001 From: Aamir Nazir Date: Mon, 19 Aug 2024 21:09:07 +0400 Subject: [PATCH 04/69] modify function to set new node meta for new module insertion to fx graph to include post operator hook insertion for constant nodes --- nncf/experimental/torch/fx/transformations.py | 16 +++++++++++----- 1 file changed, 11 insertions(+), 5 deletions(-) diff --git a/nncf/experimental/torch/fx/transformations.py b/nncf/experimental/torch/fx/transformations.py index 8569893da9f..d484aa364fa 100644 --- a/nncf/experimental/torch/fx/transformations.py +++ b/nncf/experimental/torch/fx/transformations.py @@ -27,7 +27,9 @@ TransformationFNType = Callable[[torch.fx.GraphModule], None] -def _set_new_node_meta(new_node: torch.fx.Node, prev_node: torch.fx.Node, target_module: torch.nn.Module): +def _set_new_node_meta( + new_node: torch.fx.Node, prev_node: torch.fx.Node, target_module: torch.nn.Module, model: torch.fx.GraphModule +): """ Sets correct meta \"val\" value to the new node. @@ -36,7 +38,11 @@ def _set_new_node_meta(new_node: torch.fx.Node, prev_node: torch.fx.Node, target New node expected to have only one input node. :param target_module: Module which is being called by the new node. """ - val = prev_node.meta["val"] + val = ( + prev_node.meta["val"] + if prev_node.op not in ["get_attr"] + else get_tensor_constant_from_node(prev_node, model).data + ) val = val if isinstance(val, tuple) else (val,) retval = [] for t in val: @@ -70,16 +76,16 @@ def module_insertion_transformation(model: torch.fx.GraphModule): target_node = get_graph_node_by_name(graph, target_point.target_node_name) if target_point.target_type == TargetType.OPERATOR_POST_HOOK: - _set_new_node_meta(new_node, target_node, module_to_insert) + _set_new_node_meta(new_node, target_node, module_to_insert, model) with graph.inserting_after(target_node): - for user in target_node.users: + for user in list(target_node.users.keys()): if user is new_node: continue user.replace_input_with(target_node, new_node) else: prev_node = target_node.args[target_point.input_port_id] - # _set_new_node_meta(new_node, prev_node, module_to_insert) + _set_new_node_meta(new_node, prev_node, module_to_insert, model) target_node.replace_input_with(prev_node, new_node) return module_insertion_transformation From c7fa7f2ac93dbbd700b1dbd1bdb970e321d996af Mon Sep 17 00:00:00 2001 From: Aamir Nazir Date: Mon, 19 Aug 2024 21:12:31 +0400 Subject: [PATCH 05/69] Add weights compression support for torch fx --- .../torch/fx/quantization/quantize_model.py | 18 +++-- .../weight_compression/torch_fx_backend.py | 72 +++++++++++-------- nncf/quantization/quantize_model.py | 4 +- 3 files changed, 58 insertions(+), 36 deletions(-) diff --git a/nncf/experimental/torch/fx/quantization/quantize_model.py b/nncf/experimental/torch/fx/quantization/quantize_model.py index 3c4104bad40..240155cd5ed 100644 --- a/nncf/experimental/torch/fx/quantization/quantize_model.py +++ b/nncf/experimental/torch/fx/quantization/quantize_model.py @@ -28,13 +28,13 @@ from nncf.data import Dataset from nncf.experimental.torch.fx.transformations import apply_quantization_transformations from nncf.experimental.torch.fx.transformations import revert_quantization_transformations +from nncf.parameters import CompressWeightsMode from nncf.parameters import ModelType from nncf.parameters import QuantizationMode -from nncf.parameters import CompressWeightsMode -from nncf.parameters import TargetDevice from nncf.parameters import SensitivityMetric -from nncf.quantization.advanced_parameters import AdvancedQuantizationParameters +from nncf.parameters import TargetDevice from nncf.quantization.advanced_parameters import AdvancedCompressionParameters +from nncf.quantization.advanced_parameters import AdvancedQuantizationParameters from nncf.quantization.algorithms.post_training.algorithm import PostTrainingQuantization from nncf.quantization.algorithms.weight_compression.algorithm import WeightCompression from nncf.scopes import IgnoredScope @@ -110,8 +110,9 @@ def quantize_impl( return quantized_model + def compress_weights_impl( - model: torch.nn.Module, + model: torch.fx.GraphModule, dataset: Dataset, mode: CompressWeightsMode, ratio: float, @@ -142,5 +143,12 @@ def compress_weights_impl( gptq, advanced_parameters, ) + # switch the arguments since capture_pre_autograd_graph() + # was returning the node embedding op with weight at 0th + # index and nncf expects weight to be on port 1 graph = NNCFGraphFactory.create(model) - return compression_algorithm.apply(model, graph, dataset=dataset) + compressed_model = compression_algorithm.apply(model, graph, dataset=dataset) + compressed_model = GraphModule(compressed_model, compressed_model.graph) + compressed_model = _disallow_eval_train(compressed_model) + + return compressed_model diff --git a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py index e431cc4a666..578dacc5d62 100644 --- a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py +++ b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py @@ -13,8 +13,11 @@ import torch import torch.fx +from torch.ao.quantization.fx.utils import create_getattr_from_value import nncf +import nncf.errors +import nncf.tensor from nncf.common.graph.definitions import NNCFGraphNodeType from nncf.common.graph.graph import NNCFGraph from nncf.common.graph.graph import NNCFNode @@ -23,30 +26,25 @@ from nncf.common.graph.transformations.commands import TargetType from nncf.common.graph.transformations.layout import TransformationLayout from nncf.experimental.common.tensor_statistics.collectors import TensorCollector +from nncf.experimental.torch.fx.commands import FXApplyTransformationCommand +from nncf.experimental.torch.fx.model_transformer import FXModelTransformer +from nncf.experimental.torch.fx.node_utils import get_graph_node_by_name +from nncf.experimental.torch.fx.node_utils import get_tensor_constant_from_node +from nncf.experimental.torch.fx.transformations import module_insertion_transformation_builder from nncf.parameters import CompressWeightsMode from nncf.quantization.algorithms.weight_compression.backend import WeightCompressionAlgoBackend from nncf.quantization.algorithms.weight_compression.config import WeightCompressionParameters from nncf.quantization.algorithms.weight_compression.weight_lowering import compress_weight from nncf.tensor import Tensor -import nncf.tensor from nncf.tensor.definitions import TensorDataType -from nncf.torch.dynamic_graph.scope import Scope from nncf.torch.graph import operator_metatypes as om -from nncf.torch.graph.transformations.commands import PTSharedFnInsertionCommand from nncf.torch.graph.transformations.commands import PTTargetPoint from nncf.torch.model_graph_manager import find_const_node_in_constant_subgraph from nncf.torch.model_graph_manager import get_const_node -from nncf.torch.model_graph_manager import get_module_by_name -from nncf.torch.model_graph_manager import split_const_name from nncf.torch.quantization.layers import AsymmetricWeightsDecompressor from nncf.torch.quantization.layers import SymmetricWeightsDecompressor from nncf.torch.tensor_statistics.collectors import get_raw_stat_collector -from torch.ao.quantization.pt2e.utils import _get_tensor_constant_from_node -from nncf.experimental.torch.fx.node_utils import get_graph_node_by_name -from torch.ao.quantization.fx.utils import create_getattr_from_value -from nncf.experimental.torch.fx.commands import FXApplyTransformationCommand -from nncf.experimental.torch.fx.transformations import module_insertion_transformation_builder -from nncf.experimental.torch.fx.model_transformer import FXModelTransformer + class FXWeightCompressionAlgoBackend(WeightCompressionAlgoBackend): TARGET_TYPE_TO_PT_INS_TYPE_MAP = { @@ -168,15 +166,20 @@ def get_weight( weight_node = graph.get_previous_nodes(node_with_weight)[weight_port_id] # TODO(dlyakhov): make a node_name_vs_node map to speed up the process graph_weight_node = get_graph_node_by_name(model.graph, weight_node.node_name) - weight = _get_tensor_constant_from_node(graph_weight_node, model).data + weight = get_tensor_constant_from_node(graph_weight_node, model).data if weight is None: raise nncf.InternalError(f"Could not find a node in the model by name {weight_node}.") return Tensor(weight) def set_weight( - self, node_with_weight: NNCFNode, weight_port_id: int, model: torch.fx.GraphModule, graph: NNCFGraph, weight: Tensor - ): + self, + node_with_weight: NNCFNode, + weight_port_id: int, + model: torch.fx.GraphModule, + graph: NNCFGraph, + weight: Tensor, + ) -> torch.fx.Node: weight_node = graph.get_previous_nodes(node_with_weight)[weight_port_id] graph_node = get_graph_node_by_name(model.graph, weight_node.node_name) if len(graph_node.users) != 1: @@ -184,13 +187,17 @@ def set_weight( node_with_weight_graph = next(iter(graph_node.users)) with model.graph.inserting_before(node_with_weight_graph): - new_constant = create_getattr_from_value(model, model.graph, node_with_weight.node_name + "_compressed_weight", weight.data) + new_weight_node = create_getattr_from_value( + model, model.graph, node_with_weight.node_name + "_compressed_weight", weight.data + ) args = list(node_with_weight_graph.args) - args[weight_port_id] = new_constant + args[weight_port_id] = new_weight_node node_with_weight_graph.args = tuple(args) model.graph.eliminate_dead_code() + return new_weight_node + def transform_model( self, model: torch.fx.GraphModule, @@ -211,8 +218,8 @@ def transform_model( raise ValueError(f"{compression_config.mode.value} is not supported.") weight_node = get_const_node(wc_params.node_with_weight, wc_params.weight_port_id, graph) weight_name = weight_node.node_name + consumer_nodes = graph.get_next_nodes(weight_node) weight = self.get_weight(wc_params.node_with_weight, wc_params.weight_port_id, model, graph) - print("Weight is: ", weight) if weight is None or not isinstance(weight, Tensor): raise nncf.InternalError(f"Could not find a nncf.tensor in the model by name {weight_name}.") @@ -233,33 +240,38 @@ def transform_model( dtype = TensorDataType.uint8 packed_tensor = compressed_weight.tensor.astype(dtype) - self.set_weight(wc_params.node_with_weight, wc_params.weight_port_id, model, graph, packed_tensor) + new_weight = self.set_weight( + wc_params.node_with_weight, wc_params.weight_port_id, model, graph, packed_tensor + ) - # consumer_nodes = graph.get_next_nodes(weight_node) - # if len(consumer_nodes) > 1: - # for c_node in consumer_nodes: - # c_module = model.nncf.get_module_by_scope(Scope.from_str(c_node.layer_name)) - # for name, param in c_module.named_parameters(recurse=False, remove_duplicate=False): - # if id(param) == id(weight): - # setattr(c_module, name, compressed_parameter) + if len(consumer_nodes) > 1: + raise nncf.InternalError("Shared weights not supported in compression for Torch Fx models") # creates weight decompressor if compression_config.mode == CompressWeightsMode.INT8_SYM: - decompressor = SymmetricWeightsDecompressor(compressed_weight.scale.data, result_dtype=weight.dtype) + decompressor = SymmetricWeightsDecompressor( + compressed_weight.scale.data, result_dtype=weight.data.dtype + ) + decompressor_type = "symmetric" else: packed_zero_point = compressed_weight.zero_point.astype(dtype) decompressor = AsymmetricWeightsDecompressor( - compressed_weight.scale.data, packed_zero_point.data, result_dtype=weight.dtype + compressed_weight.scale.data, packed_zero_point.data, result_dtype=weight.data.dtype ) + decompressor_type = "asymmetric" # registry weight decompression module in the model compressed_weight_name = wc_params.node_with_weight.node_name - decompressor_name = f"weights_decompressor_{compressed_weight_name.replace('.', '_')}" + decompressor_name = f"{decompressor_type}_weights_decompressor_{compressed_weight_name.replace('.', '_')}" # inserts the weight decompressor into the model as the post hook on the model weight transformation_layout.register( - FXApplyTransformationCommand(module_insertion_transformation_builder( - decompressor, [PTTargetPoint(TargetType.OPERATOR_PRE_HOOK, target_node_name=wc_params.node_with_weight.node_name, input_port_id=wc_params.weight_port_id)], decompressor_name) + FXApplyTransformationCommand( + module_insertion_transformation_builder( + decompressor, + [PTTargetPoint(TargetType.OPERATOR_POST_HOOK, target_node_name=new_weight.name)], + decompressor_name, + ) ) ) diff --git a/nncf/quantization/quantize_model.py b/nncf/quantization/quantize_model.py index c70339ccbdf..5cc33cae296 100644 --- a/nncf/quantization/quantize_model.py +++ b/nncf/quantization/quantize_model.py @@ -468,7 +468,9 @@ def compress_weights( compression_weights_impl = pt_compression_weights_impl if backend == BackendType.TORCH_FX: - from nncf.experimental.torch.fx.quantization.quantize_model import compress_weights_impl as fx_compression_weights_impl + from nncf.experimental.torch.fx.quantization.quantize_model import ( + compress_weights_impl as fx_compression_weights_impl, + ) if mode not in [CompressWeightsMode.INT8_ASYM, CompressWeightsMode.INT8_SYM]: raise AttributeError( From 667b8a5e45beea289ede820c2149e0ecd57899d8 Mon Sep 17 00:00:00 2001 From: Aamir Nazir Date: Mon, 19 Aug 2024 21:12:45 +0400 Subject: [PATCH 06/69] Add test for torch fx weights compression --- tests/torch/fx/test_compress_weights.py | 398 +++++++++--------------- 1 file changed, 146 insertions(+), 252 deletions(-) diff --git a/tests/torch/fx/test_compress_weights.py b/tests/torch/fx/test_compress_weights.py index 47cfd25af83..551c6759e92 100644 --- a/tests/torch/fx/test_compress_weights.py +++ b/tests/torch/fx/test_compress_weights.py @@ -9,286 +9,180 @@ # See the License for the specific language governing permissions and # limitations under the License. +from typing import List + import pytest import torch -import torch.nn.functional as F +from torch._export import capture_pre_autograd_graph from nncf import CompressWeightsMode -from nncf import SensitivityMetric +from nncf.experimental.torch.fx.node_utils import get_tensor_constant_from_node from nncf.quantization import compress_weights -from nncf.torch import wrap_model -from nncf.torch.quantization.layers import AsymmetricWeightsDecompressor -from nncf.torch.quantization.layers import SymmetricWeightsDecompressor -from torch._export import capture_pre_autograd_graph from nncf.torch.dynamic_graph.patch_pytorch import disable_patching -from torch.ao.quantization.pt2e.utils import _get_tensor_constant_from_node -from nncf.quantization.algorithms.fast_bias_correction.torch_fx_backend import get_graph_node_by_name - -DATA_BASED_SENSITIVITY_METRICS = ( - SensitivityMetric.HESSIAN_INPUT_ACTIVATION, - SensitivityMetric.MEAN_ACTIVATION_VARIANCE, - SensitivityMetric.MAX_ACTIVATION_VARIANCE, - SensitivityMetric.MEAN_ACTIVATION_MAGNITUDE, -) +from tests.torch.ptq.test_weights_compression import ALL_SENSITIVITY_METRICS +from tests.torch.ptq.test_weights_compression import SUPPORTED_MODES +from tests.torch.ptq.test_weights_compression import UNSUPPORTED_MODES +from tests.torch.ptq.test_weights_compression import ConvolutionModel +from tests.torch.ptq.test_weights_compression import DTypeModel +from tests.torch.ptq.test_weights_compression import EmptyModel +from tests.torch.ptq.test_weights_compression import FunctionalModel +from tests.torch.ptq.test_weights_compression import MatMulModel +from tests.torch.ptq.test_weights_compression import ShortTransformer -ALL_SENSITIVITY_METRICS = DATA_BASED_SENSITIVITY_METRICS + (SensitivityMetric.WEIGHT_QUANTIZATION_ERROR,) -SUPPORTED_MODES = (CompressWeightsMode.INT8, CompressWeightsMode.INT8_ASYM, CompressWeightsMode.INT8_SYM) -UNSUPPORTED_MODES = ( - CompressWeightsMode.INT4_SYM, - CompressWeightsMode.INT4_ASYM, - CompressWeightsMode.NF4, -) +def get_model_size(model): + param_size = 0 + for param in model.parameters(): + param_size += param.nelement() * param.element_size() + buffer_size = 0 + for buffer in model.buffers(): + buffer_size += buffer.nelement() * buffer.element_size() + size_all_mb = (param_size + buffer_size) / 1024**2 -class ShortTransformer(torch.nn.Module): - def __init__(self, in_features, num_embeddings, share_weights=False): - super().__init__() - self.wte = torch.nn.Embedding(num_embeddings, in_features) - self.linear = torch.nn.Linear(in_features, in_features) - self.lm_head = torch.nn.Linear(in_features, num_embeddings) - - if share_weights: - self.lm_head.weight = self.wte.weight - - def forward(self, input_ids): - x = self.wte(input_ids) - x = self.linear(x) - res = self.lm_head(x) - return res - - -class MatMulModel(torch.nn.Module): - def __init__(self): - super().__init__() - self.w = torch.nn.Parameter(torch.ones(size=(300, 300), dtype=torch.float32)) - - def forward(self, input): - return input @ self.w - - -class FunctionalModel(torch.nn.Module): - def __init__(self): - super().__init__() - self.conv_w = torch.nn.Parameter(torch.ones(size=(5, 3, 3, 3), dtype=torch.float32)) - self.matmul_w = torch.nn.Parameter(torch.ones(size=(1, 3, 300, 300), dtype=torch.float32)) - self.conv_tr_w = torch.nn.Parameter(torch.rand(size=(5, 4, 3, 3))) - self.nested_matmul = MatMulModel() - - def forward(self, input_): - x = input_.to(torch.float32) - x = x @ self.matmul_w - x = self.nested_matmul(x) - x = F.conv2d(x, self.conv_w) - x = F.conv_transpose2d(x, self.conv_tr_w) - return x - - -class ConvolutionModel(torch.nn.Module): - def __init__(self): - super().__init__() - self.conv_regular = torch.nn.Conv2d(in_channels=3, out_channels=16, kernel_size=3) - self.max_pool2d = torch.nn.MaxPool2d(kernel_size=2) - self.conv_transpose = torch.nn.ConvTranspose2d(in_channels=16, out_channels=8, kernel_size=3) - self.conv_depthwise = torch.nn.Conv2d(in_channels=8, out_channels=8, kernel_size=5, groups=8) - self.adaptive_avg_pool = torch.nn.AdaptiveAvgPool2d(output_size=1) - self.linear = torch.nn.Linear(in_features=8, out_features=8) - - def forward(self, input_): - input_ = input_.to(torch.float32) - x = self.conv_regular(input_) - x = F.relu(x) - x.transpose_(2, 3) - x = self.max_pool2d(x) - y = self.conv_transpose(x) - z = F.conv_transpose2d(x, self.conv_transpose.weight) - x = y + z - x = self.conv_depthwise(x) - x = F.conv2d(x, self.conv_depthwise.weight, groups=self.conv_depthwise.groups) - x += torch.ones_like(x) - x = self.adaptive_avg_pool(x) - x = self.linear(x.flatten()) - return x + return size_all_mb @pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) def test_compress_weights(mode): - model = ShortTransformer(5, 10) - dtype = torch.int8 if mode == CompressWeightsMode.INT8_SYM else torch.uint8 - - input_ids = torch.randint(0, 10, (5,)) - print("before") with disable_patching(): + model = ShortTransformer(5, 10) + input_ids = torch.randint(0, 10, (5,)) exported_model = capture_pre_autograd_graph(model, args=(input_ids,)) - from nncf.common.factory import NNCFGraphFactory - nncf_graph = NNCFGraphFactory.create(exported_model) - print("Current node: ", nncf_graph.get_all_nodes()[3]) - linear_node = nncf_graph.get_all_nodes()[3] - graph_bias_node = get_graph_node_by_name(exported_model.graph, linear_node.node_name) - print(_get_tensor_constant_from_node(graph_bias_node, exported_model)) - nncf_graph.visualize_graph('graph.dot') - compressed_model = compress_weights(exported_model, mode=mode) - nncf_graph_compressed = NNCFGraphFactory.create(compressed_model) - nncf_graph_compressed.visualize_graph('compressed_graph.dot') + compressed_model = compress_weights(exported_model, mode=mode) + + dtype = torch.int8 if mode == CompressWeightsMode.INT8_SYM else torch.uint8 + n_compressed_weights = 0 n_target_modules = 0 + compressed_node_types = ["linear", "embedding"] + n_target_modules, n_compressed_weights = get_compressed_modules_weights( + compressed_model, dtype, compressed_node_types, weight_port_ids=1 + ) + assert n_target_modules == n_compressed_weights + + +def get_compressed_modules_weights( + compressed_model: torch.fx.GraphModule, dtype: torch.dtype, compressed_node_types: List[str], weight_port_ids: int +): + n_target_modules = 0 + n_compressed_weights = 0 for node in compressed_model.graph.nodes: - print(node.all_input_nodes) - # if isinstance(module, (torch.nn.Linear, torch.nn.Embedding)): - # print("dwedwe") - # n_target_modules += 1 - # if module.weight.dtype == dtype: - # n_compressed_weights += 1 if node.op == "call_function" and hasattr(node.target, "overloadpacket"): node_type = str(node.target.overloadpacket).split(".")[1] - if node_type in ["linear", "embedding"]: + if node_type in compressed_node_types: n_target_modules += 1 + weight_decompressor_node = node.all_input_nodes[weight_port_ids] + compressed_weight_node = weight_decompressor_node.all_input_nodes[0] + weight = get_tensor_constant_from_node(compressed_weight_node, compressed_model).data + if weight.dtype == dtype: + n_compressed_weights += 1 - assert False + return n_target_modules, n_compressed_weights -# @pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) -# def test_compress_weights_functional_model(mode): -# model = FunctionalModel() -# decompressor_type = ( -# SymmetricWeightsDecompressor if mode == CompressWeightsMode.INT8_SYM else AsymmetricWeightsDecompressor -# ) - -# input_ids = torch.randint(0, 10, [1, 3, 300, 300]) -# exported_model = capture_pre_autograd_graph(model, args=(input_ids,)) -# compressed_model = compress_weights(exported_model, mode=mode) -# n_compressed_weights = 0 -# for layer in compressed_model.nncf.external_op.values(): -# if isinstance(layer, decompressor_type): -# n_compressed_weights += 1 -# assert n_compressed_weights == 4 +@pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) +def test_compress_weights_conv(mode): + dtype = torch.int8 if mode == CompressWeightsMode.INT8_SYM else torch.uint8 + model = ConvolutionModel() + with disable_patching(): + input_ids = torch.randint(0, 10, [1, 3, 300, 300]) + exported_model = capture_pre_autograd_graph(model, args=(input_ids,)) + model_size = get_model_size(exported_model) + compressed_model = compress_weights(exported_model, mode=mode) + compressed_model_size = get_model_size(compressed_model) -# def test_compress_weights_conv(): -# model = ConvolutionModel() - -# input_ids = torch.randint(0, 10, [1, 3, 300, 300]) -# wrapped_model = wrap_model(model, example_input=input_ids, trace_parameters=True) -# compressed_model = compress_weights(wrapped_model) + n_compressed_weights = 0 + n_target_modules = 0 + compressed_node_types = ["linear", "conv2d", "conv_transpose2d"] + + n_target_modules, n_compressed_weights = get_compressed_modules_weights( + compressed_model, dtype, compressed_node_types, weight_port_ids=1 + ) + + assert n_compressed_weights == n_target_modules + assert compressed_model_size < model_size + + +@pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) +def test_compress_weights_functional_model(mode): + model = FunctionalModel() + decompressor_type = "symmetric" if mode == CompressWeightsMode.INT8_SYM else "asymmetric" + with disable_patching(): + input_ids = torch.randint(0, 10, [1, 3, 300, 300]) + exported_model = capture_pre_autograd_graph(model, args=(input_ids,)) + compressed_model = compress_weights(exported_model, mode=mode) + + n_compressed_weights = 0 -# n_compressed_weights = 0 -# n_target_modules = 0 + for node in compressed_model.graph.nodes: + if decompressor_type in node.name: + n_compressed_weights += 1 + assert n_compressed_weights == 4 + + +@pytest.mark.parametrize("mode", SUPPORTED_MODES) +@pytest.mark.parametrize( + "params", + ( + {"ratio": 0.5}, + {"group_size": 64}, + {"all_layers": True}, + {"all_layers": False}, + *({"sensitivity_metric": metric} for metric in ALL_SENSITIVITY_METRICS), + {"gptq": True}, + {"awq": True}, + {"scale_estimation": True}, + ), +) +def test_raise_error_with_unsupported_params_for_int8(mode, params): + dummy_torch_model = EmptyModel() + dummy_input = torch.Tensor() + with disable_patching(): + exported_model = capture_pre_autograd_graph(dummy_torch_model, args=(dummy_input,)) + with pytest.raises(AttributeError): + compress_weights(exported_model, mode=mode, **params) -# for _, module in compressed_model.named_children(): -# if isinstance(module, (torch.nn.Linear, torch.nn.Conv2d, torch.nn.ConvTranspose2d)): -# n_target_modules += 1 -# if module.weight.dtype in [torch.uint8, torch.int8]: -# n_compressed_weights += 1 - -# assert n_compressed_weights == n_target_modules - -# @pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) -# def test_compress_shared_weights(mocker, mode): -# model = ShortTransformer(5, 10, share_weights=True) -# dtype = torch.int8 if mode == CompressWeightsMode.INT8_SYM else torch.uint8 - -# input_ids = torch.randint(0, 10, (5,)) -# wrapped_model = wrap_model(model, example_input=input_ids, trace_parameters=True) -# compressed_model = compress_weights(wrapped_model, mode=mode) - -# n_compressed_weights = 0 -# n_target_modules = 0 - -# for _, module in compressed_model.named_children(): -# if isinstance(module, (torch.nn.Linear, torch.nn.Embedding)): -# n_target_modules += 1 -# if module.weight.dtype == dtype: -# n_compressed_weights += 1 - -# assert n_compressed_weights == n_target_modules -# assert len(compressed_model.nncf.external_op) == 2 - -# # check that the weight decompressors are called only once -# for val in compressed_model.nncf.external_op.values(): -# mocker.spy(val, "forward") - -# compressed_model(input_ids) - -# for val in compressed_model.nncf.external_op.values(): -# assert val.forward.call_count == 1 - - -# class EmptyModel(torch.nn.Module): -# def forward(self, input): -# return input - - -# @pytest.mark.parametrize("mode", SUPPORTED_MODES) -# @pytest.mark.parametrize( -# "params", -# ( -# {"ratio": 0.5}, -# {"group_size": 64}, -# {"all_layers": True}, -# {"all_layers": False}, -# *({"sensitivity_metric": metric} for metric in ALL_SENSITIVITY_METRICS), -# {"gptq": True}, -# {"awq": True}, -# {"scale_estimation": True}, -# ), -# ) -# def test_raise_error_with_unsupported_params_for_int8(mode, params): -# dummy_torch_model = EmptyModel() -# dummy_input = torch.Tensor() -# exported_model = capture_pre_autograd_graph(dummy_torch_model, example_input=dummy_input, trace_parameters=True) -# with pytest.raises(AttributeError): -# compress_weights(wrapped_model, mode=mode, **params) - - -# @pytest.mark.parametrize("mode", UNSUPPORTED_MODES) -# def test_raise_error_with_not_int8(mode): -# dummy_torch_model = EmptyModel() -# dummy_input = torch.Tensor() -# wrapped_model = wrap_model(dummy_torch_model, example_input=dummy_input, trace_parameters=True) -# with pytest.raises(AttributeError): -# compress_weights(wrapped_model, mode=mode) - - -# class DTypeModel(torch.nn.Module): -# def __init__(self): -# super().__init__() -# self.weight = torch.nn.Parameter(torch.ones(size=(3, 3), dtype=torch.float32)) - -# def forward(self, x): -# x = x.to(self.weight.dtype) -# x = x @ self.weight -# return x - - -# def test_get_dtype_attribute_of_parameter(): -# model = DTypeModel() -# dummy_input = torch.randint(0, 10, [3, 3]) -# wrapped_model = wrap_model(model, example_input=dummy_input, trace_parameters=True) -# compressed_model = compress_weights(wrapped_model) -# assert compressed_model.weight.dtype == torch.uint8 -# compressed_model(dummy_input) -# assert compressed_model.weight.dtype == torch.uint8 - - -# @pytest.mark.parametrize("dtype", ("float16", "float32")) -# def test_model_devices_and_precisions(use_cuda, dtype): -# if use_cuda and not torch.cuda.is_available(): -# pytest.skip("Skipping for CPU-only setups") -# device = torch.device("cuda" if use_cuda else "cpu") -# dtype = torch.float16 if dtype == "float16" else torch.float32 - -# model = MatMulModel().to(device) -# if dtype == torch.float16: -# model.half() - -# dummy_input = torch.rand((1, 300), dtype=dtype, device=device) -# wrapped_model = wrap_model(model, example_input=dummy_input, trace_parameters=True) -# compressed_model = compress_weights(wrapped_model) -# result = compressed_model(dummy_input) - -# # Scale should always be in float16 -# assert compressed_model.state_dict()["_nncf.external_op.weights_decompressor_w._scale"].dtype == torch.float16 -# # Result should be in the precision of the model -# assert result.dtype == dtype +@pytest.mark.parametrize("mode", UNSUPPORTED_MODES) +def test_raise_error_with_not_int8(mode): + dummy_torch_model = EmptyModel() + dummy_input = torch.Tensor() + with disable_patching(): + exported_model = capture_pre_autograd_graph(dummy_torch_model, args=(dummy_input,)) + with pytest.raises(AttributeError): + compress_weights(exported_model, mode=mode) + + +def test_get_dtype_attribute_of_parameter(): + model = DTypeModel() + with disable_patching(): + dummy_input = torch.randint(0, 10, [3, 3]) + exported_model = capture_pre_autograd_graph(model, args=(dummy_input,)) + compressed_model = compress_weights(exported_model) + assert compressed_model.matmul_compressed_weight0.dtype == torch.uint8 + compressed_model(dummy_input) + assert compressed_model.matmul_compressed_weight0.dtype == torch.uint8 + + +@pytest.mark.parametrize("dtype", ("float16", "float32")) +def test_model_devices_and_precisions(use_cuda, dtype): + if use_cuda and not torch.cuda.is_available(): + pytest.skip("Skipping for CPU-only setups") + device = torch.device("cuda" if use_cuda else "cpu") + dtype = torch.float16 if dtype == "float16" else torch.float32 + + model = MatMulModel().to(device) + if dtype == torch.float16: + model.half() + with disable_patching(): + dummy_input = torch.rand((1, 300), dtype=dtype, device=device) + exported_model = capture_pre_autograd_graph(model, args=(dummy_input,)) + compressed_model = compress_weights(exported_model) + result = compressed_model(dummy_input) + # Scale should always be in float16 + assert compressed_model.state_dict()["asymmetric_weights_decompressor_matmul._scale"].dtype == torch.float16 + # Result should be in the precision of the model + assert result.dtype == dtype From dca2374076ad2e18935884445a66730b66cac38f Mon Sep 17 00:00:00 2001 From: Aamir Nazir Date: Mon, 19 Aug 2024 21:17:50 +0400 Subject: [PATCH 07/69] reorder comments --- nncf/experimental/torch/fx/nncf_graph_builder.py | 3 +++ nncf/experimental/torch/fx/quantization/quantize_model.py | 3 --- 2 files changed, 3 insertions(+), 3 deletions(-) diff --git a/nncf/experimental/torch/fx/nncf_graph_builder.py b/nncf/experimental/torch/fx/nncf_graph_builder.py index 3a30be22a64..e27f5373288 100644 --- a/nncf/experimental/torch/fx/nncf_graph_builder.py +++ b/nncf/experimental/torch/fx/nncf_graph_builder.py @@ -75,6 +75,9 @@ def create_nncf_graph(model: torch.fx.GraphModule) -> PTNNCFGraph: for source_node in model.graph.nodes: node_type, node_metatype = GraphConverter._get_node_type_and_metatype(source_node) + # switch the arguments since capture_pre_autograd_graph() + # was returning the node embedding op with weight at 0th + # index and nncf expects weight to be on port 1 if ( "aten.embedding.default" in str(source_node.target) and source_node.args[1].op == "placeholder" ): # Using aten.embedding.default as a whole to not confuse with other similar named nodes diff --git a/nncf/experimental/torch/fx/quantization/quantize_model.py b/nncf/experimental/torch/fx/quantization/quantize_model.py index 240155cd5ed..dea0be15508 100644 --- a/nncf/experimental/torch/fx/quantization/quantize_model.py +++ b/nncf/experimental/torch/fx/quantization/quantize_model.py @@ -143,9 +143,6 @@ def compress_weights_impl( gptq, advanced_parameters, ) - # switch the arguments since capture_pre_autograd_graph() - # was returning the node embedding op with weight at 0th - # index and nncf expects weight to be on port 1 graph = NNCFGraphFactory.create(model) compressed_model = compression_algorithm.apply(model, graph, dataset=dataset) compressed_model = GraphModule(compressed_model, compressed_model.graph) From 6f693c9cc54e96c90323c71524e7a255b641b6e3 Mon Sep 17 00:00:00 2001 From: Aamir Nazir Date: Mon, 19 Aug 2024 21:24:46 +0400 Subject: [PATCH 08/69] variable names fix --- tests/torch/fx/test_compress_weights.py | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/tests/torch/fx/test_compress_weights.py b/tests/torch/fx/test_compress_weights.py index 551c6759e92..01e62db56ba 100644 --- a/tests/torch/fx/test_compress_weights.py +++ b/tests/torch/fx/test_compress_weights.py @@ -38,9 +38,9 @@ def get_model_size(model): for buffer in model.buffers(): buffer_size += buffer.nelement() * buffer.element_size() - size_all_mb = (param_size + buffer_size) / 1024**2 + model_size_mb = (param_size + buffer_size) / 1024**2 - return size_all_mb + return model_size_mb @pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) From 159a615ff3f3c59f2730ba3a5aa9c3a1d99b34d8 Mon Sep 17 00:00:00 2001 From: Aamir Nazir Date: Mon, 19 Aug 2024 22:47:56 +0400 Subject: [PATCH 09/69] Fix messages, use transformation for updating weight --- nncf/experimental/torch/fx/transformations.py | 2 +- .../weight_compression/torch_fx_backend.py | 35 +++++++------------ nncf/quantization/quantize_model.py | 6 ++-- tests/torch/fx/test_compress_weights.py | 9 +++-- 4 files changed, 22 insertions(+), 30 deletions(-) diff --git a/nncf/experimental/torch/fx/transformations.py b/nncf/experimental/torch/fx/transformations.py index d484aa364fa..e057446741d 100644 --- a/nncf/experimental/torch/fx/transformations.py +++ b/nncf/experimental/torch/fx/transformations.py @@ -78,7 +78,7 @@ def module_insertion_transformation(model: torch.fx.GraphModule): if target_point.target_type == TargetType.OPERATOR_POST_HOOK: _set_new_node_meta(new_node, target_node, module_to_insert, model) with graph.inserting_after(target_node): - for user in list(target_node.users.keys()): + for user in list(target_node.users): if user is new_node: continue user.replace_input_with(target_node, new_node) diff --git a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py index 578dacc5d62..a65d1505dd1 100644 --- a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py +++ b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py @@ -13,7 +13,6 @@ import torch import torch.fx -from torch.ao.quantization.fx.utils import create_getattr_from_value import nncf import nncf.errors @@ -30,6 +29,7 @@ from nncf.experimental.torch.fx.model_transformer import FXModelTransformer from nncf.experimental.torch.fx.node_utils import get_graph_node_by_name from nncf.experimental.torch.fx.node_utils import get_tensor_constant_from_node +from nncf.experimental.torch.fx.transformations import constant_update_transformation_builder from nncf.experimental.torch.fx.transformations import module_insertion_transformation_builder from nncf.parameters import CompressWeightsMode from nncf.quantization.algorithms.weight_compression.backend import WeightCompressionAlgoBackend @@ -180,23 +180,13 @@ def set_weight( graph: NNCFGraph, weight: Tensor, ) -> torch.fx.Node: - weight_node = graph.get_previous_nodes(node_with_weight)[weight_port_id] - graph_node = get_graph_node_by_name(model.graph, weight_node.node_name) - if len(graph_node.users) != 1: - raise nncf.InternalError(f"Weight Node has {len(graph_node.users)} users, 1 expected.") - - node_with_weight_graph = next(iter(graph_node.users)) - with model.graph.inserting_before(node_with_weight_graph): - new_weight_node = create_getattr_from_value( - model, model.graph, node_with_weight.node_name + "_compressed_weight", weight.data - ) - args = list(node_with_weight_graph.args) - args[weight_port_id] = new_weight_node - node_with_weight_graph.args = tuple(args) - model.graph.eliminate_dead_code() - - return new_weight_node + weight_update_command = FXApplyTransformationCommand( + constant_update_transformation_builder(node_with_weight, weight.data) + ) + layout = TransformationLayout() + layout.register(weight_update_command) + model = FXModelTransformer(model).transform(layout) def transform_model( self, @@ -240,12 +230,10 @@ def transform_model( dtype = TensorDataType.uint8 packed_tensor = compressed_weight.tensor.astype(dtype) - new_weight = self.set_weight( - wc_params.node_with_weight, wc_params.weight_port_id, model, graph, packed_tensor - ) + self.set_weight(wc_params.node_with_weight, wc_params.weight_port_id, model, graph, packed_tensor) if len(consumer_nodes) > 1: - raise nncf.InternalError("Shared weights not supported in compression for Torch Fx models") + raise nncf.InternalError("Shared weights not supported in compression for TorchFX models") # creates weight decompressor if compression_config.mode == CompressWeightsMode.INT8_SYM: @@ -261,7 +249,8 @@ def transform_model( decompressor_type = "asymmetric" # registry weight decompression module in the model - compressed_weight_name = wc_params.node_with_weight.node_name + # TODO: Find a more efficient way to access updated constant name + compressed_weight_name = wc_params.node_with_weight.node_name + "_updated_constant0" decompressor_name = f"{decompressor_type}_weights_decompressor_{compressed_weight_name.replace('.', '_')}" # inserts the weight decompressor into the model as the post hook on the model weight @@ -269,7 +258,7 @@ def transform_model( FXApplyTransformationCommand( module_insertion_transformation_builder( decompressor, - [PTTargetPoint(TargetType.OPERATOR_POST_HOOK, target_node_name=new_weight.name)], + [PTTargetPoint(TargetType.OPERATOR_POST_HOOK, target_node_name=compressed_weight_name)], decompressor_name, ) ) diff --git a/nncf/quantization/quantize_model.py b/nncf/quantization/quantize_model.py index 5cc33cae296..3e0f61b4fee 100644 --- a/nncf/quantization/quantize_model.py +++ b/nncf/quantization/quantize_model.py @@ -474,13 +474,13 @@ def compress_weights( if mode not in [CompressWeightsMode.INT8_ASYM, CompressWeightsMode.INT8_SYM]: raise AttributeError( - "Torch backend supports only INT8_ASYM, INT8_SYM modes for weight compression, " + "TorchFX backend supports only INT8_ASYM, INT8_SYM modes for weight compression, " f"but given {mode.value} mode." ) - if True in [awq, scale_estimation, gptq]: + if any((awq, scale_estimation, gptq)): raise AttributeError( - "Torch backend doesn`t supports scale estimation and AWQ algorithm, " + "TorchFX backend doesn`t supports scale estimation and AWQ algorithm, " "but awq=True or scale_estimation=True or gptq=True is specified." ) compression_weights_impl = fx_compression_weights_impl diff --git a/tests/torch/fx/test_compress_weights.py b/tests/torch/fx/test_compress_weights.py index 01e62db56ba..4f9f3822705 100644 --- a/tests/torch/fx/test_compress_weights.py +++ b/tests/torch/fx/test_compress_weights.py @@ -162,9 +162,9 @@ def test_get_dtype_attribute_of_parameter(): dummy_input = torch.randint(0, 10, [3, 3]) exported_model = capture_pre_autograd_graph(model, args=(dummy_input,)) compressed_model = compress_weights(exported_model) - assert compressed_model.matmul_compressed_weight0.dtype == torch.uint8 + assert compressed_model.matmul_updated_constant0.dtype == torch.uint8 compressed_model(dummy_input) - assert compressed_model.matmul_compressed_weight0.dtype == torch.uint8 + assert compressed_model.matmul_updated_constant0.dtype == torch.uint8 @pytest.mark.parametrize("dtype", ("float16", "float32")) @@ -183,6 +183,9 @@ def test_model_devices_and_precisions(use_cuda, dtype): compressed_model = compress_weights(exported_model) result = compressed_model(dummy_input) # Scale should always be in float16 - assert compressed_model.state_dict()["asymmetric_weights_decompressor_matmul._scale"].dtype == torch.float16 + assert ( + compressed_model.state_dict()["asymmetric_weights_decompressor_matmul_updated_constant0._scale"].dtype + == torch.float16 + ) # Result should be in the precision of the model assert result.dtype == dtype From 7a896d654da3e702f86463bb44f4f06705a79b58 Mon Sep 17 00:00:00 2001 From: Aamir Nazir Date: Mon, 19 Aug 2024 22:50:58 +0400 Subject: [PATCH 10/69] Minor mypy fix --- .../algorithms/weight_compression/torch_fx_backend.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py index a65d1505dd1..79898d7d2d4 100644 --- a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py +++ b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py @@ -179,7 +179,7 @@ def set_weight( model: torch.fx.GraphModule, graph: NNCFGraph, weight: Tensor, - ) -> torch.fx.Node: + ) -> None: weight_update_command = FXApplyTransformationCommand( constant_update_transformation_builder(node_with_weight, weight.data) From 0de1d9b497fe918ab106ce6601a355d544fed758 Mon Sep 17 00:00:00 2001 From: Aamir Nazir Date: Mon, 19 Aug 2024 22:53:47 +0400 Subject: [PATCH 11/69] fix set_weight --- .../algorithms/weight_compression/torch_fx_backend.py | 8 +------- 1 file changed, 1 insertion(+), 7 deletions(-) diff --git a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py index 79898d7d2d4..36946258d8d 100644 --- a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py +++ b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py @@ -180,13 +180,7 @@ def set_weight( graph: NNCFGraph, weight: Tensor, ) -> None: - - weight_update_command = FXApplyTransformationCommand( - constant_update_transformation_builder(node_with_weight, weight.data) - ) - layout = TransformationLayout() - layout.register(weight_update_command) - model = FXModelTransformer(model).transform(layout) + constant_update_transformation_builder(node_with_weight, weight.data)(model) def transform_model( self, From f9e5d7c043b4347007e185e9a78020efe0368516 Mon Sep 17 00:00:00 2001 From: Aamir Nazir Date: Tue, 20 Aug 2024 13:23:13 +0400 Subject: [PATCH 12/69] Update torch_fx_backend.py --- nncf/quantization/algorithms/min_max/torch_fx_backend.py | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/nncf/quantization/algorithms/min_max/torch_fx_backend.py b/nncf/quantization/algorithms/min_max/torch_fx_backend.py index f18c7fc385b..0e59532cb28 100644 --- a/nncf/quantization/algorithms/min_max/torch_fx_backend.py +++ b/nncf/quantization/algorithms/min_max/torch_fx_backend.py @@ -202,7 +202,8 @@ def get_weight_tensor_port_ids(node: NNCFNode, graph: NNCFGraph) -> List[Optiona @staticmethod def get_weight_name(nncf_graph: NNCFGraph, target_point: PTTargetPoint) -> str: weighted_node = nncf_graph.get_node_by_name(target_point.target_node_name) - weight = nncf_graph.get_previous_nodes(weighted_node)[target_point.input_port_id] + weight_edge = nncf_graph.get_input_edge_by_port_id(weighted_node, target_point.input_port_id) + weight = weight_edge.from_node return weight.node_name @staticmethod From 443dce74829a0cd32aa0024f247811acbd34fd0c Mon Sep 17 00:00:00 2001 From: Aamir Nazir Date: Tue, 20 Aug 2024 16:31:18 +0400 Subject: [PATCH 13/69] Add embedding metatype for torch fx as a subtype --- nncf/torch/graph/operator_metatypes.py | 10 +++++++++- 1 file changed, 9 insertions(+), 1 deletion(-) diff --git a/nncf/torch/graph/operator_metatypes.py b/nncf/torch/graph/operator_metatypes.py index 15966d62130..38c5e0bf97e 100644 --- a/nncf/torch/graph/operator_metatypes.py +++ b/nncf/torch/graph/operator_metatypes.py @@ -908,13 +908,19 @@ class PTModuleEmbeddingMetatype(PTModuleOperatorSubtype): hw_config_names = [HWConfigOpName.EMBEDDING] weight_port_ids = [1] +@PT_OPERATOR_METATYPES.register(is_subtype=True) +class FXEmbeddingMetatype(PTModuleOperatorSubtype): + name = "EmbeddingOp" + module_to_function_names = {NamespaceTarget.ATEN: ["embedding"]} + hw_config_names = [HWConfigOpName.EMBEDDING] + weight_port_ids = [0] @PT_OPERATOR_METATYPES.register() class PTEmbeddingMetatype(PTOperatorMetatype): name = "EmbeddingOp" module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["embedding"]} hw_config_names = [HWConfigOpName.EMBEDDING] - subtypes = [PTModuleEmbeddingMetatype] + subtypes = [PTModuleEmbeddingMetatype, FXEmbeddingMetatype] weight_port_ids = [1] @@ -1125,6 +1131,7 @@ def get_operator_metatypes() -> List[Type[OperatorMetatype]]: PTModuleConvTranspose2dMetatype, PTModuleConvTranspose3dMetatype, PTModuleEmbeddingMetatype, + FXEmbeddingMetatype, PTModuleEmbeddingBagMetatype, ] @@ -1154,4 +1161,5 @@ def get_operator_metatypes() -> List[Type[OperatorMetatype]]: PTEmbeddingBagMetatype, PTModuleEmbeddingBagMetatype, PTModuleEmbeddingMetatype, + FXEmbeddingMetatype ] From 03d16f84c30abd3ea4ab7ee59cc12414302cdb45 Mon Sep 17 00:00:00 2001 From: Aamir Nazir Date: Tue, 20 Aug 2024 16:31:42 +0400 Subject: [PATCH 14/69] replace embedding metatype with torch fx subtype in torch fx graph builder --- .../torch/fx/nncf_graph_builder.py | 50 ++++++++++++++----- 1 file changed, 38 insertions(+), 12 deletions(-) diff --git a/nncf/experimental/torch/fx/nncf_graph_builder.py b/nncf/experimental/torch/fx/nncf_graph_builder.py index e27f5373288..52246f21ba4 100644 --- a/nncf/experimental/torch/fx/nncf_graph_builder.py +++ b/nncf/experimental/torch/fx/nncf_graph_builder.py @@ -18,8 +18,10 @@ from nncf.common.graph.layer_attributes import Dtype from nncf.common.graph.operator_metatypes import UnknownMetatype from nncf.common.logging import nncf_logger +from nncf.experimental.torch.fx.node_utils import get_tensor_constant_from_node from nncf.torch.graph.graph import PTNNCFGraph from nncf.torch.graph.operator_metatypes import PT_OPERATOR_METATYPES +from nncf.torch.graph.operator_metatypes import PTOperatorMetatype class GraphConverter: @@ -27,8 +29,41 @@ class GraphConverter: Builds the NNCFGraph from an torch.fx.GraphModule instance. """ + def _get_node_subtype( + node: torch.fx.Node, metatype: om.OperatorMetatype, model: torch.fx.GraphModule + ) -> 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 subtype of the given node if it is exist or the original node metatype otherwise. + """ + if metatype in [om.PTConv1dMetatype, om.PTConv2dMetatype, om.PTConv3dMetatype]: + if len(node.args) < 7: + return metatype + constant_node = node.args[1] + if constant_node.op != "get_attr": + return metatype + weight = get_tensor_constant_from_node(constant_node, model) + out_channels = weight.shape[0] + groups = node.args[6] + if out_channels > 1 and out_channels == groups: + return { + om.PTConv1dMetatype: om.PTDepthwiseConv1dSubtype, + om.PTConv2dMetatype: om.PTDepthwiseConv2dSubtype, + om.PTConv3dMetatype: om.PTDepthwiseConv3dSubtype, + }[metatype] + elif metatype in [om.PTEmbeddingMetatype]: + weight_node = node.args[0] + if weight_node.op == "get_attr": + return om.FXEmbeddingMetatype + + return metatype + @staticmethod - def _get_node_type_and_metatype(node: torch.fx.Node) -> Tuple[str, om.OperatorMetatype]: + def _get_node_type_and_metatype(node: torch.fx.Node, model: torch.fx.GraphModule) -> Tuple[str, om.OperatorMetatype]: """ Retrieves node's type and metatype. @@ -53,6 +88,7 @@ def _get_node_type_and_metatype(node: torch.fx.Node) -> Tuple[str, om.OperatorMe # 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 = GraphConverter._get_node_subtype(node, node_metatype, model) else: node_type = node.op node_metatype = UnknownMetatype @@ -74,17 +110,7 @@ def create_nncf_graph(model: torch.fx.GraphModule) -> PTNNCFGraph: nncf_graph = PTNNCFGraph() for source_node in model.graph.nodes: - node_type, node_metatype = GraphConverter._get_node_type_and_metatype(source_node) - # switch the arguments since capture_pre_autograd_graph() - # was returning the node embedding op with weight at 0th - # index and nncf expects weight to be on port 1 - if ( - "aten.embedding.default" in str(source_node.target) and source_node.args[1].op == "placeholder" - ): # Using aten.embedding.default as a whole to not confuse with other similar named nodes - source_node.args = ( - source_node.args[1], - source_node.args[0], - ) + node_type, node_metatype = GraphConverter._get_node_type_and_metatype(source_node, model) nncf_graph.add_nncf_node( node_name=source_node.name, node_type=node_type, From 52269343cbb1112ebff41da07191eb2b07852085 Mon Sep 17 00:00:00 2001 From: Aamir Nazir Date: Tue, 20 Aug 2024 16:32:54 +0400 Subject: [PATCH 15/69] 1. Adjust the torch fx weights compression backend to use fx embedding metatype 2. Modify constant update transformation builder to accept input port for the constant node. Default is set to 1 --- nncf/experimental/torch/fx/transformations.py | 5 +++-- .../algorithms/weight_compression/torch_fx_backend.py | 9 +++++---- 2 files changed, 8 insertions(+), 6 deletions(-) diff --git a/nncf/experimental/torch/fx/transformations.py b/nncf/experimental/torch/fx/transformations.py index e057446741d..476753800fa 100644 --- a/nncf/experimental/torch/fx/transformations.py +++ b/nncf/experimental/torch/fx/transformations.py @@ -137,17 +137,18 @@ def bias_update_transformation(model: torch.fx.GraphModule): return bias_update_transformation -def constant_update_transformation_builder(node: NNCFNode, value: torch.Tensor) -> TransformationFNType: +def constant_update_transformation_builder(node: NNCFNode, value: torch.Tensor, input_port_id: int = 1) -> TransformationFNType: """ Return transformation which updates constant of the given node to the given value. :param node: Node which requires bias constant update. :param value: New value to use as the node constant. + :param input_port_id: Port Id of the constant. :return: Transformation which updates constant of the given node to the given value. """ def constant_update_transformation(model: torch.fx.GraphModule): - constant_update_fn(model, get_graph_node_by_name(model.graph, node.node_name), value, input_port_id=1) + constant_update_fn(model, get_graph_node_by_name(model.graph, node.node_name), value, input_port_id) return constant_update_transformation diff --git a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py index 36946258d8d..21ba7310259 100644 --- a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py +++ b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py @@ -52,7 +52,7 @@ class FXWeightCompressionAlgoBackend(WeightCompressionAlgoBackend): TargetType.POST_LAYER_OPERATION: TargetType.OPERATOR_POST_HOOK, } MATMUL_METATYPES = [om.PTLinearMetatype, om.PTMatMulMetatype, om.PTAddmmMetatype] - EMBEDDING_METATYPES = [om.PTEmbeddingMetatype] + EMBEDDING_METATYPES = [om.FXEmbeddingMetatype] CONVOLUTION_METATYPES = [ om.PTConv1dMetatype, om.PTConv2dMetatype, @@ -113,7 +113,7 @@ def get_reduction_axes(node_with_weight: NNCFNode, weight_port_id: int, graph: N ndims = len(edge.tensor_shape) reduction_axes = None - if node_with_weight.metatype == om.PTEmbeddingMetatype: + if node_with_weight.metatype == om.FXEmbeddingMetatype: reduction_axes = [1] elif node_with_weight.metatype == om.PTLinearMetatype: reduction_axes = [ndims - 1] @@ -163,7 +163,8 @@ def get_activation_port_id(node: NNCFNode, graph: NNCFGraph) -> int: def get_weight( self, node_with_weight: NNCFNode, weight_port_id: int, model: torch.fx.GraphModule, graph: NNCFGraph ) -> Tensor: - weight_node = graph.get_previous_nodes(node_with_weight)[weight_port_id] + weight_edge = graph.get_input_edge_by_port_id(node_with_weight, weight_port_id) + weight_node = weight_edge.from_node # TODO(dlyakhov): make a node_name_vs_node map to speed up the process graph_weight_node = get_graph_node_by_name(model.graph, weight_node.node_name) weight = get_tensor_constant_from_node(graph_weight_node, model).data @@ -180,7 +181,7 @@ def set_weight( graph: NNCFGraph, weight: Tensor, ) -> None: - constant_update_transformation_builder(node_with_weight, weight.data)(model) + constant_update_transformation_builder(node_with_weight, weight.data, input_port_id=weight_port_id)(model) def transform_model( self, From 3cdb7b3d6e997339735c6e7e92e1e3a6abc23bd4 Mon Sep 17 00:00:00 2001 From: Aamir Nazir Date: Tue, 20 Aug 2024 16:33:55 +0400 Subject: [PATCH 16/69] Update test for weight compression. Include test to see if 1. inference is performed correctly with compressed model 2. compressed model has same output shape as normal model 3. compressed model output is not very different from normal model --- tests/torch/fx/test_compress_weights.py | 42 +++++++++++++++++-------- 1 file changed, 29 insertions(+), 13 deletions(-) diff --git a/tests/torch/fx/test_compress_weights.py b/tests/torch/fx/test_compress_weights.py index 4f9f3822705..ca3f926343f 100644 --- a/tests/torch/fx/test_compress_weights.py +++ b/tests/torch/fx/test_compress_weights.py @@ -9,7 +9,7 @@ # See the License for the specific language governing permissions and # limitations under the License. -from typing import List +from typing import Dict import pytest import torch @@ -52,18 +52,32 @@ def test_compress_weights(mode): compressed_model = compress_weights(exported_model, mode=mode) dtype = torch.int8 if mode == CompressWeightsMode.INT8_SYM else torch.uint8 - n_compressed_weights = 0 n_target_modules = 0 - compressed_node_types = ["linear", "embedding"] + compressed_node_weight_port = {"linear": 1, "embedding": 0} + n_target_modules, n_compressed_weights = get_compressed_modules_weights( - compressed_model, dtype, compressed_node_types, weight_port_ids=1 + compressed_model, dtype, compressed_node_weight_port ) assert n_target_modules == n_compressed_weights +@pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) +def test_compressed_model_inference(mode): + torch.manual_seed(42) + with disable_patching(): + model = ShortTransformer(5, 10) + input_ids = torch.randint(0, 10, (5,)) + exported_model = capture_pre_autograd_graph(model, args=(input_ids,)) + exported_model_output = exported_model(input_ids) + compressed_model = compress_weights(exported_model, mode=mode) + compressed_model_outputs = compressed_model(input_ids) + assert exported_model_output.shape == compressed_model_outputs.shape, "Compressed model output shape is not equal to the model output shape" + assert torch.all(torch.isclose(exported_model_output, compressed_model_outputs, atol=0.1)).item() + + def get_compressed_modules_weights( - compressed_model: torch.fx.GraphModule, dtype: torch.dtype, compressed_node_types: List[str], weight_port_ids: int + compressed_model: torch.fx.GraphModule, dtype: torch.dtype, compressed_node_weight_port: Dict[str, int] ): n_target_modules = 0 n_compressed_weights = 0 @@ -71,13 +85,15 @@ def get_compressed_modules_weights( for node in compressed_model.graph.nodes: if node.op == "call_function" and hasattr(node.target, "overloadpacket"): node_type = str(node.target.overloadpacket).split(".")[1] - if node_type in compressed_node_types: + if node_type in compressed_node_weight_port: n_target_modules += 1 - weight_decompressor_node = node.all_input_nodes[weight_port_ids] - compressed_weight_node = weight_decompressor_node.all_input_nodes[0] - weight = get_tensor_constant_from_node(compressed_weight_node, compressed_model).data - if weight.dtype == dtype: - n_compressed_weights += 1 + weight_port_id = compressed_node_weight_port[node_type] + weight_decompressor_node = node.all_input_nodes[weight_port_id] + if weight_decompressor_node.all_input_nodes: + compressed_weight_node = weight_decompressor_node.all_input_nodes[0] + weight = get_tensor_constant_from_node(compressed_weight_node, compressed_model).data + if weight.dtype == dtype: + n_compressed_weights += 1 return n_target_modules, n_compressed_weights @@ -96,10 +112,10 @@ def test_compress_weights_conv(mode): n_compressed_weights = 0 n_target_modules = 0 - compressed_node_types = ["linear", "conv2d", "conv_transpose2d"] + compressed_node_weight_port = {"linear":1, "conv2d":1, "conv_transpose2d":1} n_target_modules, n_compressed_weights = get_compressed_modules_weights( - compressed_model, dtype, compressed_node_types, weight_port_ids=1 + compressed_model, dtype, compressed_node_weight_port ) assert n_compressed_weights == n_target_modules From 28f70533b0b2ea41d05f7f3581f5d8f794fe71ff Mon Sep 17 00:00:00 2001 From: Aamir Nazir Date: Tue, 20 Aug 2024 16:48:25 +0400 Subject: [PATCH 17/69] Fix FX metatype mapping --- .../torch/fx/nncf_graph_builder.py | 29 ++++--------------- nncf/experimental/torch/fx/transformations.py | 4 ++- nncf/torch/graph/operator_metatypes.py | 4 ++- tests/torch/fx/test_compress_weights.py | 8 +++-- 4 files changed, 17 insertions(+), 28 deletions(-) diff --git a/nncf/experimental/torch/fx/nncf_graph_builder.py b/nncf/experimental/torch/fx/nncf_graph_builder.py index 52246f21ba4..204bd60e62e 100644 --- a/nncf/experimental/torch/fx/nncf_graph_builder.py +++ b/nncf/experimental/torch/fx/nncf_graph_builder.py @@ -18,10 +18,8 @@ from nncf.common.graph.layer_attributes import Dtype from nncf.common.graph.operator_metatypes import UnknownMetatype from nncf.common.logging import nncf_logger -from nncf.experimental.torch.fx.node_utils import get_tensor_constant_from_node from nncf.torch.graph.graph import PTNNCFGraph from nncf.torch.graph.operator_metatypes import PT_OPERATOR_METATYPES -from nncf.torch.graph.operator_metatypes import PTOperatorMetatype class GraphConverter: @@ -29,9 +27,7 @@ class GraphConverter: Builds the NNCFGraph from an torch.fx.GraphModule instance. """ - def _get_node_subtype( - node: torch.fx.Node, metatype: om.OperatorMetatype, model: torch.fx.GraphModule - ) -> om.OperatorMetatype: + def _map_fx_unique_metatypes(node: torch.fx.Node, metatype: om.OperatorMetatype) -> om.OperatorMetatype: """ Attempts to retrieve correct subtype for the given node. @@ -40,22 +36,7 @@ def _get_node_subtype( :param model: Target GraphModule instance. :return: Correct subtype of the given node if it is exist or the original node metatype otherwise. """ - if metatype in [om.PTConv1dMetatype, om.PTConv2dMetatype, om.PTConv3dMetatype]: - if len(node.args) < 7: - return metatype - constant_node = node.args[1] - if constant_node.op != "get_attr": - return metatype - weight = get_tensor_constant_from_node(constant_node, model) - out_channels = weight.shape[0] - groups = node.args[6] - if out_channels > 1 and out_channels == groups: - return { - om.PTConv1dMetatype: om.PTDepthwiseConv1dSubtype, - om.PTConv2dMetatype: om.PTDepthwiseConv2dSubtype, - om.PTConv3dMetatype: om.PTDepthwiseConv3dSubtype, - }[metatype] - elif metatype in [om.PTEmbeddingMetatype]: + if metatype in [om.PTEmbeddingMetatype]: weight_node = node.args[0] if weight_node.op == "get_attr": return om.FXEmbeddingMetatype @@ -63,7 +44,9 @@ def _get_node_subtype( return metatype @staticmethod - def _get_node_type_and_metatype(node: torch.fx.Node, model: torch.fx.GraphModule) -> Tuple[str, om.OperatorMetatype]: + def _get_node_type_and_metatype( + node: torch.fx.Node, model: torch.fx.GraphModule + ) -> Tuple[str, om.OperatorMetatype]: """ Retrieves node's type and metatype. @@ -88,7 +71,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) - node_metatype = GraphConverter._get_node_subtype(node, node_metatype, model) else: node_type = node.op node_metatype = UnknownMetatype @@ -111,6 +93,7 @@ def create_nncf_graph(model: torch.fx.GraphModule) -> PTNNCFGraph: 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) nncf_graph.add_nncf_node( node_name=source_node.name, node_type=node_type, diff --git a/nncf/experimental/torch/fx/transformations.py b/nncf/experimental/torch/fx/transformations.py index 476753800fa..e8a6aea870b 100644 --- a/nncf/experimental/torch/fx/transformations.py +++ b/nncf/experimental/torch/fx/transformations.py @@ -137,7 +137,9 @@ def bias_update_transformation(model: torch.fx.GraphModule): return bias_update_transformation -def constant_update_transformation_builder(node: NNCFNode, value: torch.Tensor, input_port_id: int = 1) -> TransformationFNType: +def constant_update_transformation_builder( + node: NNCFNode, value: torch.Tensor, input_port_id: int = 1 +) -> TransformationFNType: """ Return transformation which updates constant of the given node to the given value. diff --git a/nncf/torch/graph/operator_metatypes.py b/nncf/torch/graph/operator_metatypes.py index 38c5e0bf97e..843ea54a2a2 100644 --- a/nncf/torch/graph/operator_metatypes.py +++ b/nncf/torch/graph/operator_metatypes.py @@ -908,6 +908,7 @@ class PTModuleEmbeddingMetatype(PTModuleOperatorSubtype): hw_config_names = [HWConfigOpName.EMBEDDING] weight_port_ids = [1] + @PT_OPERATOR_METATYPES.register(is_subtype=True) class FXEmbeddingMetatype(PTModuleOperatorSubtype): name = "EmbeddingOp" @@ -915,6 +916,7 @@ class FXEmbeddingMetatype(PTModuleOperatorSubtype): hw_config_names = [HWConfigOpName.EMBEDDING] weight_port_ids = [0] + @PT_OPERATOR_METATYPES.register() class PTEmbeddingMetatype(PTOperatorMetatype): name = "EmbeddingOp" @@ -1161,5 +1163,5 @@ def get_operator_metatypes() -> List[Type[OperatorMetatype]]: PTEmbeddingBagMetatype, PTModuleEmbeddingBagMetatype, PTModuleEmbeddingMetatype, - FXEmbeddingMetatype + FXEmbeddingMetatype, ] diff --git a/tests/torch/fx/test_compress_weights.py b/tests/torch/fx/test_compress_weights.py index ca3f926343f..648d99b6c7f 100644 --- a/tests/torch/fx/test_compress_weights.py +++ b/tests/torch/fx/test_compress_weights.py @@ -55,7 +55,7 @@ def test_compress_weights(mode): n_compressed_weights = 0 n_target_modules = 0 compressed_node_weight_port = {"linear": 1, "embedding": 0} - + n_target_modules, n_compressed_weights = get_compressed_modules_weights( compressed_model, dtype, compressed_node_weight_port ) @@ -72,7 +72,9 @@ def test_compressed_model_inference(mode): exported_model_output = exported_model(input_ids) compressed_model = compress_weights(exported_model, mode=mode) compressed_model_outputs = compressed_model(input_ids) - assert exported_model_output.shape == compressed_model_outputs.shape, "Compressed model output shape is not equal to the model output shape" + assert ( + exported_model_output.shape == compressed_model_outputs.shape + ), "Compressed model output shape is not equal to the model output shape" assert torch.all(torch.isclose(exported_model_output, compressed_model_outputs, atol=0.1)).item() @@ -112,7 +114,7 @@ def test_compress_weights_conv(mode): n_compressed_weights = 0 n_target_modules = 0 - compressed_node_weight_port = {"linear":1, "conv2d":1, "conv_transpose2d":1} + compressed_node_weight_port = {"linear": 1, "conv2d": 1, "conv_transpose2d": 1} n_target_modules, n_compressed_weights = get_compressed_modules_weights( compressed_model, dtype, compressed_node_weight_port From 8b3c6e27f9a207c2ebfd169acde22b06226f9092 Mon Sep 17 00:00:00 2001 From: Aamir Nazir Date: Tue, 20 Aug 2024 18:13:47 +0400 Subject: [PATCH 18/69] Add metatypes registry for torch fx specific embedding metatype and change references --- .../torch/fx/nncf_graph_builder.py | 3 +- .../torch/fx/operator_metatypes.py | 13 ++++++ .../weight_compression/torch_fx_backend.py | 5 ++- nncf/torch/graph/operator_metatypes.py | 12 +---- tests/torch/fx/test_compress_weights.py | 44 +++++++++---------- 5 files changed, 41 insertions(+), 36 deletions(-) create mode 100644 nncf/experimental/torch/fx/operator_metatypes.py diff --git a/nncf/experimental/torch/fx/nncf_graph_builder.py b/nncf/experimental/torch/fx/nncf_graph_builder.py index 204bd60e62e..5e28cf8b130 100644 --- a/nncf/experimental/torch/fx/nncf_graph_builder.py +++ b/nncf/experimental/torch/fx/nncf_graph_builder.py @@ -18,6 +18,7 @@ from nncf.common.graph.layer_attributes import Dtype from nncf.common.graph.operator_metatypes import UnknownMetatype from nncf.common.logging import nncf_logger +from nncf.experimental.torch.fx import operator_metatypes as fx_om from nncf.torch.graph.graph import PTNNCFGraph from nncf.torch.graph.operator_metatypes import PT_OPERATOR_METATYPES @@ -39,7 +40,7 @@ def _map_fx_unique_metatypes(node: torch.fx.Node, metatype: om.OperatorMetatype) if metatype in [om.PTEmbeddingMetatype]: weight_node = node.args[0] if weight_node.op == "get_attr": - return om.FXEmbeddingMetatype + return fx_om.FXEmbeddingMetatype return metatype diff --git a/nncf/experimental/torch/fx/operator_metatypes.py b/nncf/experimental/torch/fx/operator_metatypes.py new file mode 100644 index 00000000000..4652ceb7ef9 --- /dev/null +++ b/nncf/experimental/torch/fx/operator_metatypes.py @@ -0,0 +1,13 @@ +from nncf.common.graph.operator_metatypes import OperatorMetatypeRegistry +from nncf.common.graph.operator_metatypes import OperatorMetatype +from nncf.torch.dynamic_graph.structs import NamespaceTarget +from nncf.common.hardware.opset import HWConfigOpName + +FX_OPERATOR_METATYPES = OperatorMetatypeRegistry("operator_metatypes") + +@FX_OPERATOR_METATYPES.register() +class FXEmbeddingMetatype(OperatorMetatype): + name = "EmbeddingOp" + module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["embedding"]} + hw_config_names = [HWConfigOpName.EMBEDDING] + weight_port_ids = [0] \ No newline at end of file diff --git a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py index 21ba7310259..57d9e1ac826 100644 --- a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py +++ b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py @@ -25,6 +25,7 @@ from nncf.common.graph.transformations.commands import TargetType from nncf.common.graph.transformations.layout import TransformationLayout from nncf.experimental.common.tensor_statistics.collectors import TensorCollector +from nncf.experimental.torch.fx import operator_metatypes as fx_om from nncf.experimental.torch.fx.commands import FXApplyTransformationCommand from nncf.experimental.torch.fx.model_transformer import FXModelTransformer from nncf.experimental.torch.fx.node_utils import get_graph_node_by_name @@ -52,7 +53,7 @@ class FXWeightCompressionAlgoBackend(WeightCompressionAlgoBackend): TargetType.POST_LAYER_OPERATION: TargetType.OPERATOR_POST_HOOK, } MATMUL_METATYPES = [om.PTLinearMetatype, om.PTMatMulMetatype, om.PTAddmmMetatype] - EMBEDDING_METATYPES = [om.FXEmbeddingMetatype] + EMBEDDING_METATYPES = [fx_om.FXEmbeddingMetatype] CONVOLUTION_METATYPES = [ om.PTConv1dMetatype, om.PTConv2dMetatype, @@ -113,7 +114,7 @@ def get_reduction_axes(node_with_weight: NNCFNode, weight_port_id: int, graph: N ndims = len(edge.tensor_shape) reduction_axes = None - if node_with_weight.metatype == om.FXEmbeddingMetatype: + if node_with_weight.metatype == fx_om.FXEmbeddingMetatype: reduction_axes = [1] elif node_with_weight.metatype == om.PTLinearMetatype: reduction_axes = [ndims - 1] diff --git a/nncf/torch/graph/operator_metatypes.py b/nncf/torch/graph/operator_metatypes.py index 843ea54a2a2..15966d62130 100644 --- a/nncf/torch/graph/operator_metatypes.py +++ b/nncf/torch/graph/operator_metatypes.py @@ -909,20 +909,12 @@ class PTModuleEmbeddingMetatype(PTModuleOperatorSubtype): weight_port_ids = [1] -@PT_OPERATOR_METATYPES.register(is_subtype=True) -class FXEmbeddingMetatype(PTModuleOperatorSubtype): - name = "EmbeddingOp" - module_to_function_names = {NamespaceTarget.ATEN: ["embedding"]} - hw_config_names = [HWConfigOpName.EMBEDDING] - weight_port_ids = [0] - - @PT_OPERATOR_METATYPES.register() class PTEmbeddingMetatype(PTOperatorMetatype): name = "EmbeddingOp" module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["embedding"]} hw_config_names = [HWConfigOpName.EMBEDDING] - subtypes = [PTModuleEmbeddingMetatype, FXEmbeddingMetatype] + subtypes = [PTModuleEmbeddingMetatype] weight_port_ids = [1] @@ -1133,7 +1125,6 @@ def get_operator_metatypes() -> List[Type[OperatorMetatype]]: PTModuleConvTranspose2dMetatype, PTModuleConvTranspose3dMetatype, PTModuleEmbeddingMetatype, - FXEmbeddingMetatype, PTModuleEmbeddingBagMetatype, ] @@ -1163,5 +1154,4 @@ def get_operator_metatypes() -> List[Type[OperatorMetatype]]: PTEmbeddingBagMetatype, PTModuleEmbeddingBagMetatype, PTModuleEmbeddingMetatype, - FXEmbeddingMetatype, ] diff --git a/tests/torch/fx/test_compress_weights.py b/tests/torch/fx/test_compress_weights.py index 648d99b6c7f..d51609dc5b9 100644 --- a/tests/torch/fx/test_compress_weights.py +++ b/tests/torch/fx/test_compress_weights.py @@ -43,6 +43,28 @@ def get_model_size(model): return model_size_mb +def get_compressed_modules_weights( + compressed_model: torch.fx.GraphModule, dtype: torch.dtype, compressed_node_weight_port: Dict[str, int] +): + n_target_modules = 0 + n_compressed_weights = 0 + + for node in compressed_model.graph.nodes: + if node.op == "call_function" and hasattr(node.target, "overloadpacket"): + node_type = str(node.target.overloadpacket).split(".")[1] + if node_type in compressed_node_weight_port: + n_target_modules += 1 + weight_port_id = compressed_node_weight_port[node_type] + weight_decompressor_node = node.all_input_nodes[weight_port_id] + if weight_decompressor_node.all_input_nodes: + compressed_weight_node = weight_decompressor_node.all_input_nodes[0] + weight = get_tensor_constant_from_node(compressed_weight_node, compressed_model).data + if weight.dtype == dtype: + n_compressed_weights += 1 + + return n_target_modules, n_compressed_weights + + @pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) def test_compress_weights(mode): with disable_patching(): @@ -78,28 +100,6 @@ def test_compressed_model_inference(mode): assert torch.all(torch.isclose(exported_model_output, compressed_model_outputs, atol=0.1)).item() -def get_compressed_modules_weights( - compressed_model: torch.fx.GraphModule, dtype: torch.dtype, compressed_node_weight_port: Dict[str, int] -): - n_target_modules = 0 - n_compressed_weights = 0 - - for node in compressed_model.graph.nodes: - if node.op == "call_function" and hasattr(node.target, "overloadpacket"): - node_type = str(node.target.overloadpacket).split(".")[1] - if node_type in compressed_node_weight_port: - n_target_modules += 1 - weight_port_id = compressed_node_weight_port[node_type] - weight_decompressor_node = node.all_input_nodes[weight_port_id] - if weight_decompressor_node.all_input_nodes: - compressed_weight_node = weight_decompressor_node.all_input_nodes[0] - weight = get_tensor_constant_from_node(compressed_weight_node, compressed_model).data - if weight.dtype == dtype: - n_compressed_weights += 1 - - return n_target_modules, n_compressed_weights - - @pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) def test_compress_weights_conv(mode): From 79ec939d4a0dfcabcf4a0a343ed9f8480bf9b311 Mon Sep 17 00:00:00 2001 From: Aamir Nazir Date: Tue, 20 Aug 2024 18:29:17 +0400 Subject: [PATCH 19/69] Add copyright to new torch fx operator_metatypes file --- .../torch/fx/operator_metatypes.py | 18 +++++++++++++++--- 1 file changed, 15 insertions(+), 3 deletions(-) diff --git a/nncf/experimental/torch/fx/operator_metatypes.py b/nncf/experimental/torch/fx/operator_metatypes.py index 4652ceb7ef9..0d89961774e 100644 --- a/nncf/experimental/torch/fx/operator_metatypes.py +++ b/nncf/experimental/torch/fx/operator_metatypes.py @@ -1,13 +1,25 @@ -from nncf.common.graph.operator_metatypes import OperatorMetatypeRegistry +# Copyright (c) 2024 Intel Corporation +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# http://www.apache.org/licenses/LICENSE-2.0 +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + from nncf.common.graph.operator_metatypes import OperatorMetatype -from nncf.torch.dynamic_graph.structs import NamespaceTarget +from nncf.common.graph.operator_metatypes import OperatorMetatypeRegistry from nncf.common.hardware.opset import HWConfigOpName +from nncf.torch.dynamic_graph.structs import NamespaceTarget FX_OPERATOR_METATYPES = OperatorMetatypeRegistry("operator_metatypes") + @FX_OPERATOR_METATYPES.register() class FXEmbeddingMetatype(OperatorMetatype): name = "EmbeddingOp" module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["embedding"]} hw_config_names = [HWConfigOpName.EMBEDDING] - weight_port_ids = [0] \ No newline at end of file + weight_port_ids = [0] From 7accaf22b102cb540d491bbd9aef3eabbde034ea Mon Sep 17 00:00:00 2001 From: anzr299 Date: Mon, 26 Aug 2024 14:20:47 +0400 Subject: [PATCH 20/69] Add weights compression graph test --- .../fx/compressed/mobilenet_v3_small.dot | 930 ++++ .../fx/compressed/resnet18.dot | 437 ++ .../fx/compressed/swin_v2_s.dot | 4822 +++++++++++++++++ .../reference_graphs/fx/compressed/unet.dot | 493 ++ .../fx/compressed/vit_b_16.dot | 1319 +++++ tests/torch/fx/test_models.py | 37 +- 6 files changed, 8036 insertions(+), 2 deletions(-) create mode 100644 tests/torch/data/reference_graphs/fx/compressed/mobilenet_v3_small.dot create mode 100644 tests/torch/data/reference_graphs/fx/compressed/resnet18.dot create mode 100644 tests/torch/data/reference_graphs/fx/compressed/swin_v2_s.dot create mode 100644 tests/torch/data/reference_graphs/fx/compressed/unet.dot create mode 100644 tests/torch/data/reference_graphs/fx/compressed/vit_b_16.dot diff --git a/tests/torch/data/reference_graphs/fx/compressed/mobilenet_v3_small.dot b/tests/torch/data/reference_graphs/fx/compressed/mobilenet_v3_small.dot new file mode 100644 index 00000000000..accaa81c6d2 --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/compressed/mobilenet_v3_small.dot @@ -0,0 +1,930 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 conv2d_updated_constant0" [id=1, type=get_attr]; +"2 symmetric_weights_decompressor_conv2d_updated_constant0_0" [id=2, type=call_module]; +"3 conv2d" [id=3, type=conv2d]; +"4 _param_constant1" [id=4, type=get_attr]; +"5 _param_constant2" [id=5, type=get_attr]; +"6 _tensor_constant0" [id=6, type=get_attr]; +"7 _tensor_constant1" [id=7, type=get_attr]; +"8 _native_batch_norm_legit_no_training" [id=8, type=_native_batch_norm_legit_no_training]; +"9 getitem" [id=9, type=__getitem__]; +"10 hardswish_" [id=10, type=hardswish_]; +"11 conv2d_1_updated_constant0" [id=11, type=get_attr]; +"12 symmetric_weights_decompressor_conv2d_1_updated_constant0_0" [id=12, type=call_module]; +"13 conv2d_1" [id=13, type=conv2d]; +"14 _param_constant4" [id=14, type=get_attr]; +"15 _param_constant5" [id=15, type=get_attr]; +"16 _tensor_constant2" [id=16, type=get_attr]; +"17 _tensor_constant3" [id=17, type=get_attr]; +"18 _native_batch_norm_legit_no_training_1" [id=18, type=_native_batch_norm_legit_no_training]; +"19 getitem_3" [id=19, type=__getitem__]; +"20 relu_" [id=20, type=relu_]; +"21 adaptive_avg_pool2d" [id=21, type=adaptive_avg_pool2d]; +"22 _param_constant7" [id=22, type=get_attr]; +"23 conv2d_2_updated_constant0" [id=23, type=get_attr]; +"24 symmetric_weights_decompressor_conv2d_2_updated_constant0_0" [id=24, type=call_module]; +"25 conv2d_2" [id=25, type=conv2d]; +"26 relu" [id=26, type=relu]; +"27 _param_constant9" [id=27, type=get_attr]; +"28 conv2d_3_updated_constant0" [id=28, type=get_attr]; +"29 symmetric_weights_decompressor_conv2d_3_updated_constant0_0" [id=29, type=call_module]; +"30 conv2d_3" [id=30, type=conv2d]; +"31 hardsigmoid" [id=31, type=hardsigmoid]; +"32 mul" [id=32, type=mul]; +"33 conv2d_4_updated_constant0" [id=33, type=get_attr]; +"34 symmetric_weights_decompressor_conv2d_4_updated_constant0_0" [id=34, type=call_module]; +"35 conv2d_4" [id=35, type=conv2d]; +"36 _param_constant11" [id=36, type=get_attr]; +"37 _param_constant12" [id=37, type=get_attr]; +"38 _tensor_constant4" [id=38, type=get_attr]; +"39 _tensor_constant5" [id=39, type=get_attr]; +"40 _native_batch_norm_legit_no_training_2" [id=40, type=_native_batch_norm_legit_no_training]; +"41 getitem_6" [id=41, type=__getitem__]; +"42 conv2d_5_updated_constant0" [id=42, type=get_attr]; +"43 symmetric_weights_decompressor_conv2d_5_updated_constant0_0" [id=43, type=call_module]; +"44 conv2d_5" [id=44, type=conv2d]; +"45 _param_constant14" [id=45, type=get_attr]; +"46 _param_constant15" [id=46, type=get_attr]; +"47 _tensor_constant6" [id=47, type=get_attr]; +"48 _tensor_constant7" [id=48, type=get_attr]; +"49 _native_batch_norm_legit_no_training_3" [id=49, type=_native_batch_norm_legit_no_training]; +"50 getitem_9" [id=50, type=__getitem__]; +"51 relu__1" [id=51, type=relu_]; +"52 conv2d_6_updated_constant0" [id=52, type=get_attr]; +"53 symmetric_weights_decompressor_conv2d_6_updated_constant0_0" [id=53, type=call_module]; +"54 conv2d_6" [id=54, type=conv2d]; +"55 _param_constant17" [id=55, type=get_attr]; +"56 _param_constant18" [id=56, type=get_attr]; +"57 _tensor_constant8" [id=57, type=get_attr]; +"58 _tensor_constant9" [id=58, type=get_attr]; +"59 _native_batch_norm_legit_no_training_4" [id=59, type=_native_batch_norm_legit_no_training]; +"60 getitem_12" [id=60, type=__getitem__]; +"61 relu__2" [id=61, type=relu_]; +"62 conv2d_7_updated_constant0" [id=62, type=get_attr]; +"63 symmetric_weights_decompressor_conv2d_7_updated_constant0_0" [id=63, type=call_module]; +"64 conv2d_7" [id=64, type=conv2d]; +"65 _param_constant20" [id=65, type=get_attr]; +"66 _param_constant21" [id=66, type=get_attr]; +"67 _tensor_constant10" [id=67, type=get_attr]; +"68 _tensor_constant11" [id=68, type=get_attr]; +"69 _native_batch_norm_legit_no_training_5" [id=69, type=_native_batch_norm_legit_no_training]; +"70 getitem_15" [id=70, type=__getitem__]; +"71 conv2d_8_updated_constant0" [id=71, type=get_attr]; +"72 symmetric_weights_decompressor_conv2d_8_updated_constant0_0" [id=72, type=call_module]; +"73 conv2d_8" [id=73, type=conv2d]; +"74 _param_constant23" [id=74, type=get_attr]; +"75 _param_constant24" [id=75, type=get_attr]; +"76 _tensor_constant12" [id=76, type=get_attr]; +"77 _tensor_constant13" [id=77, type=get_attr]; +"78 _native_batch_norm_legit_no_training_6" [id=78, type=_native_batch_norm_legit_no_training]; +"79 getitem_18" [id=79, type=__getitem__]; +"80 relu__3" [id=80, type=relu_]; +"81 conv2d_9_updated_constant0" [id=81, type=get_attr]; +"82 symmetric_weights_decompressor_conv2d_9_updated_constant0_0" [id=82, type=call_module]; +"83 conv2d_9" [id=83, type=conv2d]; +"84 _param_constant26" [id=84, type=get_attr]; +"85 _param_constant27" [id=85, type=get_attr]; +"86 _tensor_constant14" [id=86, type=get_attr]; +"87 _tensor_constant15" [id=87, type=get_attr]; +"88 _native_batch_norm_legit_no_training_7" [id=88, type=_native_batch_norm_legit_no_training]; +"89 getitem_21" [id=89, type=__getitem__]; +"90 relu__4" [id=90, type=relu_]; +"91 conv2d_10_updated_constant0" [id=91, type=get_attr]; +"92 symmetric_weights_decompressor_conv2d_10_updated_constant0_0" [id=92, type=call_module]; +"93 conv2d_10" [id=93, type=conv2d]; +"94 _param_constant29" [id=94, type=get_attr]; +"95 _param_constant30" [id=95, type=get_attr]; +"96 _tensor_constant16" [id=96, type=get_attr]; +"97 _tensor_constant17" [id=97, type=get_attr]; +"98 _native_batch_norm_legit_no_training_8" [id=98, type=_native_batch_norm_legit_no_training]; +"99 getitem_24" [id=99, type=__getitem__]; +"100 add_" [id=100, type=add_]; +"101 conv2d_11_updated_constant0" [id=101, type=get_attr]; +"102 symmetric_weights_decompressor_conv2d_11_updated_constant0_0" [id=102, type=call_module]; +"103 conv2d_11" [id=103, type=conv2d]; +"104 _param_constant32" [id=104, type=get_attr]; +"105 _param_constant33" [id=105, type=get_attr]; +"106 _tensor_constant18" [id=106, type=get_attr]; +"107 _tensor_constant19" [id=107, type=get_attr]; +"108 _native_batch_norm_legit_no_training_9" [id=108, type=_native_batch_norm_legit_no_training]; +"109 getitem_27" [id=109, type=__getitem__]; +"110 hardswish__1" [id=110, type=hardswish_]; +"111 conv2d_12_updated_constant0" [id=111, type=get_attr]; +"112 symmetric_weights_decompressor_conv2d_12_updated_constant0_0" [id=112, type=call_module]; +"113 conv2d_12" [id=113, type=conv2d]; +"114 _param_constant35" [id=114, type=get_attr]; +"115 _param_constant36" [id=115, type=get_attr]; +"116 _tensor_constant20" [id=116, type=get_attr]; +"117 _tensor_constant21" [id=117, type=get_attr]; +"118 _native_batch_norm_legit_no_training_10" [id=118, type=_native_batch_norm_legit_no_training]; +"119 getitem_30" [id=119, type=__getitem__]; +"120 hardswish__2" [id=120, type=hardswish_]; +"121 adaptive_avg_pool2d_1" [id=121, type=adaptive_avg_pool2d]; +"122 _param_constant38" [id=122, type=get_attr]; +"123 conv2d_13_updated_constant0" [id=123, type=get_attr]; +"124 symmetric_weights_decompressor_conv2d_13_updated_constant0_0" [id=124, type=call_module]; +"125 conv2d_13" [id=125, type=conv2d]; +"126 relu_1" [id=126, type=relu]; +"127 _param_constant40" [id=127, type=get_attr]; +"128 conv2d_14_updated_constant0" [id=128, type=get_attr]; +"129 symmetric_weights_decompressor_conv2d_14_updated_constant0_0" [id=129, type=call_module]; +"130 conv2d_14" [id=130, type=conv2d]; +"131 hardsigmoid_1" [id=131, type=hardsigmoid]; +"132 mul_1" [id=132, type=mul]; +"133 conv2d_15_updated_constant0" [id=133, type=get_attr]; +"134 symmetric_weights_decompressor_conv2d_15_updated_constant0_0" [id=134, type=call_module]; +"135 conv2d_15" [id=135, type=conv2d]; +"136 _param_constant42" [id=136, type=get_attr]; +"137 _param_constant43" [id=137, type=get_attr]; +"138 _tensor_constant22" [id=138, type=get_attr]; +"139 _tensor_constant23" [id=139, type=get_attr]; +"140 _native_batch_norm_legit_no_training_11" [id=140, type=_native_batch_norm_legit_no_training]; +"141 getitem_33" [id=141, type=__getitem__]; +"142 conv2d_16_updated_constant0" [id=142, type=get_attr]; +"143 symmetric_weights_decompressor_conv2d_16_updated_constant0_0" [id=143, type=call_module]; +"144 conv2d_16" [id=144, type=conv2d]; +"145 _param_constant45" [id=145, type=get_attr]; +"146 _param_constant46" [id=146, type=get_attr]; +"147 _tensor_constant24" [id=147, type=get_attr]; +"148 _tensor_constant25" [id=148, type=get_attr]; +"149 _native_batch_norm_legit_no_training_12" [id=149, type=_native_batch_norm_legit_no_training]; +"150 getitem_36" [id=150, type=__getitem__]; +"151 hardswish__3" [id=151, type=hardswish_]; +"152 conv2d_17_updated_constant0" [id=152, type=get_attr]; +"153 symmetric_weights_decompressor_conv2d_17_updated_constant0_0" [id=153, type=call_module]; +"154 conv2d_17" [id=154, type=conv2d]; +"155 _param_constant48" [id=155, type=get_attr]; +"156 _param_constant49" [id=156, type=get_attr]; +"157 _tensor_constant26" [id=157, type=get_attr]; +"158 _tensor_constant27" [id=158, type=get_attr]; +"159 _native_batch_norm_legit_no_training_13" [id=159, type=_native_batch_norm_legit_no_training]; +"160 getitem_39" [id=160, type=__getitem__]; +"161 hardswish__4" [id=161, type=hardswish_]; +"162 adaptive_avg_pool2d_2" [id=162, type=adaptive_avg_pool2d]; +"163 _param_constant51" [id=163, type=get_attr]; +"164 conv2d_18_updated_constant0" [id=164, type=get_attr]; +"165 symmetric_weights_decompressor_conv2d_18_updated_constant0_0" [id=165, type=call_module]; +"166 conv2d_18" [id=166, type=conv2d]; +"167 relu_2" [id=167, type=relu]; +"168 _param_constant53" [id=168, type=get_attr]; +"169 conv2d_19_updated_constant0" [id=169, type=get_attr]; +"170 symmetric_weights_decompressor_conv2d_19_updated_constant0_0" [id=170, type=call_module]; +"171 conv2d_19" [id=171, type=conv2d]; +"172 hardsigmoid_2" [id=172, type=hardsigmoid]; +"173 mul_2" [id=173, type=mul]; +"174 conv2d_20_updated_constant0" [id=174, type=get_attr]; +"175 symmetric_weights_decompressor_conv2d_20_updated_constant0_0" [id=175, type=call_module]; +"176 conv2d_20" [id=176, type=conv2d]; +"177 _param_constant55" [id=177, type=get_attr]; +"178 _param_constant56" [id=178, type=get_attr]; +"179 _tensor_constant28" [id=179, type=get_attr]; +"180 _tensor_constant29" [id=180, type=get_attr]; +"181 _native_batch_norm_legit_no_training_14" [id=181, type=_native_batch_norm_legit_no_training]; +"182 getitem_42" [id=182, type=__getitem__]; +"183 add__1" [id=183, type=add_]; +"184 conv2d_21_updated_constant0" [id=184, type=get_attr]; +"185 symmetric_weights_decompressor_conv2d_21_updated_constant0_0" [id=185, type=call_module]; +"186 conv2d_21" [id=186, type=conv2d]; +"187 _param_constant58" [id=187, type=get_attr]; +"188 _param_constant59" [id=188, type=get_attr]; +"189 _tensor_constant30" [id=189, type=get_attr]; +"190 _tensor_constant31" [id=190, type=get_attr]; +"191 _native_batch_norm_legit_no_training_15" [id=191, type=_native_batch_norm_legit_no_training]; +"192 getitem_45" [id=192, type=__getitem__]; +"193 hardswish__5" [id=193, type=hardswish_]; +"194 conv2d_22_updated_constant0" [id=194, type=get_attr]; +"195 symmetric_weights_decompressor_conv2d_22_updated_constant0_0" [id=195, type=call_module]; +"196 conv2d_22" [id=196, type=conv2d]; +"197 _param_constant61" [id=197, type=get_attr]; +"198 _param_constant62" [id=198, type=get_attr]; +"199 _tensor_constant32" [id=199, type=get_attr]; +"200 _tensor_constant33" [id=200, type=get_attr]; +"201 _native_batch_norm_legit_no_training_16" [id=201, type=_native_batch_norm_legit_no_training]; +"202 getitem_48" [id=202, type=__getitem__]; +"203 hardswish__6" [id=203, type=hardswish_]; +"204 adaptive_avg_pool2d_3" [id=204, type=adaptive_avg_pool2d]; +"205 _param_constant64" [id=205, type=get_attr]; +"206 conv2d_23_updated_constant0" [id=206, type=get_attr]; +"207 symmetric_weights_decompressor_conv2d_23_updated_constant0_0" [id=207, type=call_module]; +"208 conv2d_23" [id=208, type=conv2d]; +"209 relu_3" [id=209, type=relu]; +"210 _param_constant66" [id=210, type=get_attr]; +"211 conv2d_24_updated_constant0" [id=211, type=get_attr]; +"212 symmetric_weights_decompressor_conv2d_24_updated_constant0_0" [id=212, type=call_module]; +"213 conv2d_24" [id=213, type=conv2d]; +"214 hardsigmoid_3" [id=214, type=hardsigmoid]; +"215 mul_3" [id=215, type=mul]; +"216 conv2d_25_updated_constant0" [id=216, type=get_attr]; +"217 symmetric_weights_decompressor_conv2d_25_updated_constant0_0" [id=217, type=call_module]; +"218 conv2d_25" [id=218, type=conv2d]; +"219 _param_constant68" [id=219, type=get_attr]; +"220 _param_constant69" [id=220, type=get_attr]; +"221 _tensor_constant34" [id=221, type=get_attr]; +"222 _tensor_constant35" [id=222, type=get_attr]; +"223 _native_batch_norm_legit_no_training_17" [id=223, type=_native_batch_norm_legit_no_training]; +"224 getitem_51" [id=224, type=__getitem__]; +"225 add__2" [id=225, type=add_]; +"226 conv2d_26_updated_constant0" [id=226, type=get_attr]; +"227 symmetric_weights_decompressor_conv2d_26_updated_constant0_0" [id=227, type=call_module]; +"228 conv2d_26" [id=228, type=conv2d]; +"229 _param_constant71" [id=229, type=get_attr]; +"230 _param_constant72" [id=230, type=get_attr]; +"231 _tensor_constant36" [id=231, type=get_attr]; +"232 _tensor_constant37" [id=232, type=get_attr]; +"233 _native_batch_norm_legit_no_training_18" [id=233, type=_native_batch_norm_legit_no_training]; +"234 getitem_54" [id=234, type=__getitem__]; +"235 hardswish__7" [id=235, type=hardswish_]; +"236 conv2d_27_updated_constant0" [id=236, type=get_attr]; +"237 symmetric_weights_decompressor_conv2d_27_updated_constant0_0" [id=237, type=call_module]; +"238 conv2d_27" [id=238, type=conv2d]; +"239 _param_constant74" [id=239, type=get_attr]; +"240 _param_constant75" [id=240, type=get_attr]; +"241 _tensor_constant38" [id=241, type=get_attr]; +"242 _tensor_constant39" [id=242, type=get_attr]; +"243 _native_batch_norm_legit_no_training_19" [id=243, type=_native_batch_norm_legit_no_training]; +"244 getitem_57" [id=244, type=__getitem__]; +"245 hardswish__8" [id=245, type=hardswish_]; +"246 adaptive_avg_pool2d_4" [id=246, type=adaptive_avg_pool2d]; +"247 _param_constant77" [id=247, type=get_attr]; +"248 conv2d_28_updated_constant0" [id=248, type=get_attr]; +"249 symmetric_weights_decompressor_conv2d_28_updated_constant0_0" [id=249, type=call_module]; +"250 conv2d_28" [id=250, type=conv2d]; +"251 relu_4" [id=251, type=relu]; +"252 _param_constant79" [id=252, type=get_attr]; +"253 conv2d_29_updated_constant0" [id=253, type=get_attr]; +"254 symmetric_weights_decompressor_conv2d_29_updated_constant0_0" [id=254, type=call_module]; +"255 conv2d_29" [id=255, type=conv2d]; +"256 hardsigmoid_4" [id=256, type=hardsigmoid]; +"257 mul_4" [id=257, type=mul]; +"258 conv2d_30_updated_constant0" [id=258, type=get_attr]; +"259 symmetric_weights_decompressor_conv2d_30_updated_constant0_0" [id=259, type=call_module]; +"260 conv2d_30" [id=260, type=conv2d]; +"261 _param_constant81" [id=261, type=get_attr]; +"262 _param_constant82" [id=262, type=get_attr]; +"263 _tensor_constant40" [id=263, type=get_attr]; +"264 _tensor_constant41" [id=264, type=get_attr]; +"265 _native_batch_norm_legit_no_training_20" [id=265, type=_native_batch_norm_legit_no_training]; +"266 getitem_60" [id=266, type=__getitem__]; +"267 conv2d_31_updated_constant0" [id=267, type=get_attr]; +"268 symmetric_weights_decompressor_conv2d_31_updated_constant0_0" [id=268, type=call_module]; +"269 conv2d_31" [id=269, type=conv2d]; +"270 _param_constant84" [id=270, type=get_attr]; +"271 _param_constant85" [id=271, type=get_attr]; +"272 _tensor_constant42" [id=272, type=get_attr]; +"273 _tensor_constant43" [id=273, type=get_attr]; +"274 _native_batch_norm_legit_no_training_21" [id=274, type=_native_batch_norm_legit_no_training]; +"275 getitem_63" [id=275, type=__getitem__]; +"276 hardswish__9" [id=276, type=hardswish_]; +"277 conv2d_32_updated_constant0" [id=277, type=get_attr]; +"278 symmetric_weights_decompressor_conv2d_32_updated_constant0_0" [id=278, type=call_module]; +"279 conv2d_32" [id=279, type=conv2d]; +"280 _param_constant87" [id=280, type=get_attr]; +"281 _param_constant88" [id=281, type=get_attr]; +"282 _tensor_constant44" [id=282, type=get_attr]; +"283 _tensor_constant45" [id=283, type=get_attr]; +"284 _native_batch_norm_legit_no_training_22" [id=284, type=_native_batch_norm_legit_no_training]; +"285 getitem_66" [id=285, type=__getitem__]; +"286 hardswish__10" [id=286, type=hardswish_]; +"287 adaptive_avg_pool2d_5" [id=287, type=adaptive_avg_pool2d]; +"288 _param_constant90" [id=288, type=get_attr]; +"289 conv2d_33_updated_constant0" [id=289, type=get_attr]; +"290 symmetric_weights_decompressor_conv2d_33_updated_constant0_0" [id=290, type=call_module]; +"291 conv2d_33" [id=291, type=conv2d]; +"292 relu_5" [id=292, type=relu]; +"293 _param_constant92" [id=293, type=get_attr]; +"294 conv2d_34_updated_constant0" [id=294, type=get_attr]; +"295 symmetric_weights_decompressor_conv2d_34_updated_constant0_0" [id=295, type=call_module]; +"296 conv2d_34" [id=296, type=conv2d]; +"297 hardsigmoid_5" [id=297, type=hardsigmoid]; +"298 mul_5" [id=298, type=mul]; +"299 conv2d_35_updated_constant0" [id=299, type=get_attr]; +"300 symmetric_weights_decompressor_conv2d_35_updated_constant0_0" [id=300, type=call_module]; +"301 conv2d_35" [id=301, type=conv2d]; +"302 _param_constant94" [id=302, type=get_attr]; +"303 _param_constant95" [id=303, type=get_attr]; +"304 _tensor_constant46" [id=304, type=get_attr]; +"305 _tensor_constant47" [id=305, type=get_attr]; +"306 _native_batch_norm_legit_no_training_23" [id=306, type=_native_batch_norm_legit_no_training]; +"307 getitem_69" [id=307, type=__getitem__]; +"308 add__3" [id=308, type=add_]; +"309 conv2d_36_updated_constant0" [id=309, type=get_attr]; +"310 symmetric_weights_decompressor_conv2d_36_updated_constant0_0" [id=310, type=call_module]; +"311 conv2d_36" [id=311, type=conv2d]; +"312 _param_constant97" [id=312, type=get_attr]; +"313 _param_constant98" [id=313, type=get_attr]; +"314 _tensor_constant48" [id=314, type=get_attr]; +"315 _tensor_constant49" [id=315, type=get_attr]; +"316 _native_batch_norm_legit_no_training_24" [id=316, type=_native_batch_norm_legit_no_training]; +"317 getitem_72" [id=317, type=__getitem__]; +"318 hardswish__11" [id=318, type=hardswish_]; +"319 conv2d_37_updated_constant0" [id=319, type=get_attr]; +"320 symmetric_weights_decompressor_conv2d_37_updated_constant0_0" [id=320, type=call_module]; +"321 conv2d_37" [id=321, type=conv2d]; +"322 _param_constant100" [id=322, type=get_attr]; +"323 _param_constant101" [id=323, type=get_attr]; +"324 _tensor_constant50" [id=324, type=get_attr]; +"325 _tensor_constant51" [id=325, type=get_attr]; +"326 _native_batch_norm_legit_no_training_25" [id=326, type=_native_batch_norm_legit_no_training]; +"327 getitem_75" [id=327, type=__getitem__]; +"328 hardswish__12" [id=328, type=hardswish_]; +"329 adaptive_avg_pool2d_6" [id=329, type=adaptive_avg_pool2d]; +"330 _param_constant103" [id=330, type=get_attr]; +"331 conv2d_38_updated_constant0" [id=331, type=get_attr]; +"332 symmetric_weights_decompressor_conv2d_38_updated_constant0_0" [id=332, type=call_module]; +"333 conv2d_38" [id=333, type=conv2d]; +"334 relu_6" [id=334, type=relu]; +"335 _param_constant105" [id=335, type=get_attr]; +"336 conv2d_39_updated_constant0" [id=336, type=get_attr]; +"337 symmetric_weights_decompressor_conv2d_39_updated_constant0_0" [id=337, type=call_module]; +"338 conv2d_39" [id=338, type=conv2d]; +"339 hardsigmoid_6" [id=339, type=hardsigmoid]; +"340 mul_6" [id=340, type=mul]; +"341 conv2d_40_updated_constant0" [id=341, type=get_attr]; +"342 symmetric_weights_decompressor_conv2d_40_updated_constant0_0" [id=342, type=call_module]; +"343 conv2d_40" [id=343, type=conv2d]; +"344 _param_constant107" [id=344, type=get_attr]; +"345 _param_constant108" [id=345, type=get_attr]; +"346 _tensor_constant52" [id=346, type=get_attr]; +"347 _tensor_constant53" [id=347, type=get_attr]; +"348 _native_batch_norm_legit_no_training_26" [id=348, type=_native_batch_norm_legit_no_training]; +"349 getitem_78" [id=349, type=__getitem__]; +"350 conv2d_41_updated_constant0" [id=350, type=get_attr]; +"351 symmetric_weights_decompressor_conv2d_41_updated_constant0_0" [id=351, type=call_module]; +"352 conv2d_41" [id=352, type=conv2d]; +"353 _param_constant110" [id=353, type=get_attr]; +"354 _param_constant111" [id=354, type=get_attr]; +"355 _tensor_constant54" [id=355, type=get_attr]; +"356 _tensor_constant55" [id=356, type=get_attr]; +"357 _native_batch_norm_legit_no_training_27" [id=357, type=_native_batch_norm_legit_no_training]; +"358 getitem_81" [id=358, type=__getitem__]; +"359 hardswish__13" [id=359, type=hardswish_]; +"360 conv2d_42_updated_constant0" [id=360, type=get_attr]; +"361 symmetric_weights_decompressor_conv2d_42_updated_constant0_0" [id=361, type=call_module]; +"362 conv2d_42" [id=362, type=conv2d]; +"363 _param_constant113" [id=363, type=get_attr]; +"364 _param_constant114" [id=364, type=get_attr]; +"365 _tensor_constant56" [id=365, type=get_attr]; +"366 _tensor_constant57" [id=366, type=get_attr]; +"367 _native_batch_norm_legit_no_training_28" [id=367, type=_native_batch_norm_legit_no_training]; +"368 getitem_84" [id=368, type=__getitem__]; +"369 hardswish__14" [id=369, type=hardswish_]; +"370 adaptive_avg_pool2d_7" [id=370, type=adaptive_avg_pool2d]; +"371 _param_constant116" [id=371, type=get_attr]; +"372 conv2d_43_updated_constant0" [id=372, type=get_attr]; +"373 symmetric_weights_decompressor_conv2d_43_updated_constant0_0" [id=373, type=call_module]; +"374 conv2d_43" [id=374, type=conv2d]; +"375 relu_7" [id=375, type=relu]; +"376 _param_constant118" [id=376, type=get_attr]; +"377 conv2d_44_updated_constant0" [id=377, type=get_attr]; +"378 symmetric_weights_decompressor_conv2d_44_updated_constant0_0" [id=378, type=call_module]; +"379 conv2d_44" [id=379, type=conv2d]; +"380 hardsigmoid_7" [id=380, type=hardsigmoid]; +"381 mul_7" [id=381, type=mul]; +"382 conv2d_45_updated_constant0" [id=382, type=get_attr]; +"383 symmetric_weights_decompressor_conv2d_45_updated_constant0_0" [id=383, type=call_module]; +"384 conv2d_45" [id=384, type=conv2d]; +"385 _param_constant120" [id=385, type=get_attr]; +"386 _param_constant121" [id=386, type=get_attr]; +"387 _tensor_constant58" [id=387, type=get_attr]; +"388 _tensor_constant59" [id=388, type=get_attr]; +"389 _native_batch_norm_legit_no_training_29" [id=389, type=_native_batch_norm_legit_no_training]; +"390 getitem_87" [id=390, type=__getitem__]; +"391 add__4" [id=391, type=add_]; +"392 conv2d_46_updated_constant0" [id=392, type=get_attr]; +"393 symmetric_weights_decompressor_conv2d_46_updated_constant0_0" [id=393, type=call_module]; +"394 conv2d_46" [id=394, type=conv2d]; +"395 _param_constant123" [id=395, type=get_attr]; +"396 _param_constant124" [id=396, type=get_attr]; +"397 _tensor_constant60" [id=397, type=get_attr]; +"398 _tensor_constant61" [id=398, type=get_attr]; +"399 _native_batch_norm_legit_no_training_30" [id=399, type=_native_batch_norm_legit_no_training]; +"400 getitem_90" [id=400, type=__getitem__]; +"401 hardswish__15" [id=401, type=hardswish_]; +"402 conv2d_47_updated_constant0" [id=402, type=get_attr]; +"403 symmetric_weights_decompressor_conv2d_47_updated_constant0_0" [id=403, type=call_module]; +"404 conv2d_47" [id=404, type=conv2d]; +"405 _param_constant126" [id=405, type=get_attr]; +"406 _param_constant127" [id=406, type=get_attr]; +"407 _tensor_constant62" [id=407, type=get_attr]; +"408 _tensor_constant63" [id=408, type=get_attr]; +"409 _native_batch_norm_legit_no_training_31" [id=409, type=_native_batch_norm_legit_no_training]; +"410 getitem_93" [id=410, type=__getitem__]; +"411 hardswish__16" [id=411, type=hardswish_]; +"412 adaptive_avg_pool2d_8" [id=412, type=adaptive_avg_pool2d]; +"413 _param_constant129" [id=413, type=get_attr]; +"414 conv2d_48_updated_constant0" [id=414, type=get_attr]; +"415 symmetric_weights_decompressor_conv2d_48_updated_constant0_0" [id=415, type=call_module]; +"416 conv2d_48" [id=416, type=conv2d]; +"417 relu_8" [id=417, type=relu]; +"418 _param_constant131" [id=418, type=get_attr]; +"419 conv2d_49_updated_constant0" [id=419, type=get_attr]; +"420 symmetric_weights_decompressor_conv2d_49_updated_constant0_0" [id=420, type=call_module]; +"421 conv2d_49" [id=421, type=conv2d]; +"422 hardsigmoid_8" [id=422, type=hardsigmoid]; +"423 mul_8" [id=423, type=mul]; +"424 conv2d_50_updated_constant0" [id=424, type=get_attr]; +"425 symmetric_weights_decompressor_conv2d_50_updated_constant0_0" [id=425, type=call_module]; +"426 conv2d_50" [id=426, type=conv2d]; +"427 _param_constant133" [id=427, type=get_attr]; +"428 _param_constant134" [id=428, type=get_attr]; +"429 _tensor_constant64" [id=429, type=get_attr]; +"430 _tensor_constant65" [id=430, type=get_attr]; +"431 _native_batch_norm_legit_no_training_32" [id=431, type=_native_batch_norm_legit_no_training]; +"432 getitem_96" [id=432, type=__getitem__]; +"433 add__5" [id=433, type=add_]; +"434 conv2d_51_updated_constant0" [id=434, type=get_attr]; +"435 symmetric_weights_decompressor_conv2d_51_updated_constant0_0" [id=435, type=call_module]; +"436 conv2d_51" [id=436, type=conv2d]; +"437 _param_constant136" [id=437, type=get_attr]; +"438 _param_constant137" [id=438, type=get_attr]; +"439 _tensor_constant66" [id=439, type=get_attr]; +"440 _tensor_constant67" [id=440, type=get_attr]; +"441 _native_batch_norm_legit_no_training_33" [id=441, type=_native_batch_norm_legit_no_training]; +"442 getitem_99" [id=442, type=__getitem__]; +"443 hardswish__17" [id=443, type=hardswish_]; +"444 adaptive_avg_pool2d_9" [id=444, type=adaptive_avg_pool2d]; +"445 flatten" [id=445, type=flatten]; +"446 _param_constant139" [id=446, type=get_attr]; +"447 linear_updated_constant0" [id=447, type=get_attr]; +"448 symmetric_weights_decompressor_linear_updated_constant0_0" [id=448, type=call_module]; +"449 linear" [id=449, type=linear]; +"450 hardswish__18" [id=450, type=hardswish_]; +"451 dropout_" [id=451, type=dropout_]; +"452 _param_constant141" [id=452, type=get_attr]; +"453 linear_1_updated_constant0" [id=453, type=get_attr]; +"454 symmetric_weights_decompressor_linear_1_updated_constant0_0" [id=454, type=call_module]; +"455 linear_1" [id=455, type=linear]; +"456 output" [id=456, type=output]; +"0 arg0_1" -> "3 conv2d"; +"1 conv2d_updated_constant0" -> "2 symmetric_weights_decompressor_conv2d_updated_constant0_0"; +"2 symmetric_weights_decompressor_conv2d_updated_constant0_0" -> "3 conv2d"; +"3 conv2d" -> "8 _native_batch_norm_legit_no_training"; +"4 _param_constant1" -> "8 _native_batch_norm_legit_no_training"; +"5 _param_constant2" -> "8 _native_batch_norm_legit_no_training"; +"6 _tensor_constant0" -> "8 _native_batch_norm_legit_no_training"; +"7 _tensor_constant1" -> "8 _native_batch_norm_legit_no_training"; +"8 _native_batch_norm_legit_no_training" -> "9 getitem"; +"9 getitem" -> "10 hardswish_"; +"10 hardswish_" -> "13 conv2d_1"; +"11 conv2d_1_updated_constant0" -> "12 symmetric_weights_decompressor_conv2d_1_updated_constant0_0"; +"12 symmetric_weights_decompressor_conv2d_1_updated_constant0_0" -> "13 conv2d_1"; +"13 conv2d_1" -> "18 _native_batch_norm_legit_no_training_1"; +"14 _param_constant4" -> "18 _native_batch_norm_legit_no_training_1"; +"15 _param_constant5" -> "18 _native_batch_norm_legit_no_training_1"; +"16 _tensor_constant2" -> "18 _native_batch_norm_legit_no_training_1"; +"17 _tensor_constant3" -> "18 _native_batch_norm_legit_no_training_1"; +"18 _native_batch_norm_legit_no_training_1" -> "19 getitem_3"; +"19 getitem_3" -> "20 relu_"; +"20 relu_" -> "21 adaptive_avg_pool2d"; +"20 relu_" -> "32 mul"; +"21 adaptive_avg_pool2d" -> "25 conv2d_2"; +"22 _param_constant7" -> "25 conv2d_2"; +"23 conv2d_2_updated_constant0" -> "24 symmetric_weights_decompressor_conv2d_2_updated_constant0_0"; +"24 symmetric_weights_decompressor_conv2d_2_updated_constant0_0" -> "25 conv2d_2"; +"25 conv2d_2" -> "26 relu"; +"26 relu" -> "30 conv2d_3"; +"27 _param_constant9" -> "30 conv2d_3"; +"28 conv2d_3_updated_constant0" -> "29 symmetric_weights_decompressor_conv2d_3_updated_constant0_0"; +"29 symmetric_weights_decompressor_conv2d_3_updated_constant0_0" -> "30 conv2d_3"; +"30 conv2d_3" -> "31 hardsigmoid"; +"31 hardsigmoid" -> "32 mul"; +"32 mul" -> "35 conv2d_4"; +"33 conv2d_4_updated_constant0" -> "34 symmetric_weights_decompressor_conv2d_4_updated_constant0_0"; +"34 symmetric_weights_decompressor_conv2d_4_updated_constant0_0" -> "35 conv2d_4"; +"35 conv2d_4" -> "40 _native_batch_norm_legit_no_training_2"; +"36 _param_constant11" -> "40 _native_batch_norm_legit_no_training_2"; +"37 _param_constant12" -> "40 _native_batch_norm_legit_no_training_2"; +"38 _tensor_constant4" -> "40 _native_batch_norm_legit_no_training_2"; +"39 _tensor_constant5" -> "40 _native_batch_norm_legit_no_training_2"; +"40 _native_batch_norm_legit_no_training_2" -> "41 getitem_6"; +"41 getitem_6" -> "44 conv2d_5"; +"42 conv2d_5_updated_constant0" -> "43 symmetric_weights_decompressor_conv2d_5_updated_constant0_0"; +"43 symmetric_weights_decompressor_conv2d_5_updated_constant0_0" -> "44 conv2d_5"; +"44 conv2d_5" -> "49 _native_batch_norm_legit_no_training_3"; +"45 _param_constant14" -> "49 _native_batch_norm_legit_no_training_3"; +"46 _param_constant15" -> "49 _native_batch_norm_legit_no_training_3"; +"47 _tensor_constant6" -> "49 _native_batch_norm_legit_no_training_3"; +"48 _tensor_constant7" -> "49 _native_batch_norm_legit_no_training_3"; +"49 _native_batch_norm_legit_no_training_3" -> "50 getitem_9"; +"50 getitem_9" -> "51 relu__1"; +"51 relu__1" -> "54 conv2d_6"; +"52 conv2d_6_updated_constant0" -> "53 symmetric_weights_decompressor_conv2d_6_updated_constant0_0"; +"53 symmetric_weights_decompressor_conv2d_6_updated_constant0_0" -> "54 conv2d_6"; +"54 conv2d_6" -> "59 _native_batch_norm_legit_no_training_4"; +"55 _param_constant17" -> "59 _native_batch_norm_legit_no_training_4"; +"56 _param_constant18" -> "59 _native_batch_norm_legit_no_training_4"; +"57 _tensor_constant8" -> "59 _native_batch_norm_legit_no_training_4"; +"58 _tensor_constant9" -> "59 _native_batch_norm_legit_no_training_4"; +"59 _native_batch_norm_legit_no_training_4" -> "60 getitem_12"; +"60 getitem_12" -> "61 relu__2"; +"61 relu__2" -> "64 conv2d_7"; +"62 conv2d_7_updated_constant0" -> "63 symmetric_weights_decompressor_conv2d_7_updated_constant0_0"; +"63 symmetric_weights_decompressor_conv2d_7_updated_constant0_0" -> "64 conv2d_7"; +"64 conv2d_7" -> "69 _native_batch_norm_legit_no_training_5"; +"65 _param_constant20" -> "69 _native_batch_norm_legit_no_training_5"; +"66 _param_constant21" -> "69 _native_batch_norm_legit_no_training_5"; +"67 _tensor_constant10" -> "69 _native_batch_norm_legit_no_training_5"; +"68 _tensor_constant11" -> "69 _native_batch_norm_legit_no_training_5"; +"69 _native_batch_norm_legit_no_training_5" -> "70 getitem_15"; +"70 getitem_15" -> "73 conv2d_8"; +"70 getitem_15" -> "100 add_"; +"71 conv2d_8_updated_constant0" -> "72 symmetric_weights_decompressor_conv2d_8_updated_constant0_0"; +"72 symmetric_weights_decompressor_conv2d_8_updated_constant0_0" -> "73 conv2d_8"; +"73 conv2d_8" -> "78 _native_batch_norm_legit_no_training_6"; +"74 _param_constant23" -> "78 _native_batch_norm_legit_no_training_6"; +"75 _param_constant24" -> "78 _native_batch_norm_legit_no_training_6"; +"76 _tensor_constant12" -> "78 _native_batch_norm_legit_no_training_6"; +"77 _tensor_constant13" -> "78 _native_batch_norm_legit_no_training_6"; +"78 _native_batch_norm_legit_no_training_6" -> "79 getitem_18"; +"79 getitem_18" -> "80 relu__3"; +"80 relu__3" -> "83 conv2d_9"; +"81 conv2d_9_updated_constant0" -> "82 symmetric_weights_decompressor_conv2d_9_updated_constant0_0"; +"82 symmetric_weights_decompressor_conv2d_9_updated_constant0_0" -> "83 conv2d_9"; +"83 conv2d_9" -> "88 _native_batch_norm_legit_no_training_7"; +"84 _param_constant26" -> "88 _native_batch_norm_legit_no_training_7"; +"85 _param_constant27" -> "88 _native_batch_norm_legit_no_training_7"; +"86 _tensor_constant14" -> "88 _native_batch_norm_legit_no_training_7"; +"87 _tensor_constant15" -> "88 _native_batch_norm_legit_no_training_7"; +"88 _native_batch_norm_legit_no_training_7" -> "89 getitem_21"; +"89 getitem_21" -> "90 relu__4"; +"90 relu__4" -> "93 conv2d_10"; +"91 conv2d_10_updated_constant0" -> "92 symmetric_weights_decompressor_conv2d_10_updated_constant0_0"; +"92 symmetric_weights_decompressor_conv2d_10_updated_constant0_0" -> "93 conv2d_10"; +"93 conv2d_10" -> "98 _native_batch_norm_legit_no_training_8"; +"94 _param_constant29" -> "98 _native_batch_norm_legit_no_training_8"; +"95 _param_constant30" -> "98 _native_batch_norm_legit_no_training_8"; +"96 _tensor_constant16" -> "98 _native_batch_norm_legit_no_training_8"; +"97 _tensor_constant17" -> "98 _native_batch_norm_legit_no_training_8"; +"98 _native_batch_norm_legit_no_training_8" -> "99 getitem_24"; +"99 getitem_24" -> "100 add_"; +"100 add_" -> "103 conv2d_11"; +"101 conv2d_11_updated_constant0" -> "102 symmetric_weights_decompressor_conv2d_11_updated_constant0_0"; +"102 symmetric_weights_decompressor_conv2d_11_updated_constant0_0" -> "103 conv2d_11"; +"103 conv2d_11" -> "108 _native_batch_norm_legit_no_training_9"; +"104 _param_constant32" -> "108 _native_batch_norm_legit_no_training_9"; +"105 _param_constant33" -> "108 _native_batch_norm_legit_no_training_9"; +"106 _tensor_constant18" -> "108 _native_batch_norm_legit_no_training_9"; +"107 _tensor_constant19" -> "108 _native_batch_norm_legit_no_training_9"; +"108 _native_batch_norm_legit_no_training_9" -> "109 getitem_27"; +"109 getitem_27" -> "110 hardswish__1"; +"110 hardswish__1" -> "113 conv2d_12"; +"111 conv2d_12_updated_constant0" -> "112 symmetric_weights_decompressor_conv2d_12_updated_constant0_0"; +"112 symmetric_weights_decompressor_conv2d_12_updated_constant0_0" -> "113 conv2d_12"; +"113 conv2d_12" -> "118 _native_batch_norm_legit_no_training_10"; +"114 _param_constant35" -> "118 _native_batch_norm_legit_no_training_10"; +"115 _param_constant36" -> "118 _native_batch_norm_legit_no_training_10"; +"116 _tensor_constant20" -> "118 _native_batch_norm_legit_no_training_10"; +"117 _tensor_constant21" -> "118 _native_batch_norm_legit_no_training_10"; +"118 _native_batch_norm_legit_no_training_10" -> "119 getitem_30"; +"119 getitem_30" -> "120 hardswish__2"; +"120 hardswish__2" -> "121 adaptive_avg_pool2d_1"; +"120 hardswish__2" -> "132 mul_1"; +"121 adaptive_avg_pool2d_1" -> "125 conv2d_13"; +"122 _param_constant38" -> "125 conv2d_13"; +"123 conv2d_13_updated_constant0" -> "124 symmetric_weights_decompressor_conv2d_13_updated_constant0_0"; +"124 symmetric_weights_decompressor_conv2d_13_updated_constant0_0" -> "125 conv2d_13"; +"125 conv2d_13" -> "126 relu_1"; +"126 relu_1" -> "130 conv2d_14"; +"127 _param_constant40" -> "130 conv2d_14"; +"128 conv2d_14_updated_constant0" -> "129 symmetric_weights_decompressor_conv2d_14_updated_constant0_0"; +"129 symmetric_weights_decompressor_conv2d_14_updated_constant0_0" -> "130 conv2d_14"; +"130 conv2d_14" -> "131 hardsigmoid_1"; +"131 hardsigmoid_1" -> "132 mul_1"; +"132 mul_1" -> "135 conv2d_15"; +"133 conv2d_15_updated_constant0" -> "134 symmetric_weights_decompressor_conv2d_15_updated_constant0_0"; +"134 symmetric_weights_decompressor_conv2d_15_updated_constant0_0" -> "135 conv2d_15"; +"135 conv2d_15" -> "140 _native_batch_norm_legit_no_training_11"; +"136 _param_constant42" -> "140 _native_batch_norm_legit_no_training_11"; +"137 _param_constant43" -> "140 _native_batch_norm_legit_no_training_11"; +"138 _tensor_constant22" -> "140 _native_batch_norm_legit_no_training_11"; +"139 _tensor_constant23" -> "140 _native_batch_norm_legit_no_training_11"; +"140 _native_batch_norm_legit_no_training_11" -> "141 getitem_33"; +"141 getitem_33" -> "144 conv2d_16"; +"141 getitem_33" -> "183 add__1"; +"142 conv2d_16_updated_constant0" -> "143 symmetric_weights_decompressor_conv2d_16_updated_constant0_0"; +"143 symmetric_weights_decompressor_conv2d_16_updated_constant0_0" -> "144 conv2d_16"; +"144 conv2d_16" -> "149 _native_batch_norm_legit_no_training_12"; +"145 _param_constant45" -> "149 _native_batch_norm_legit_no_training_12"; +"146 _param_constant46" -> "149 _native_batch_norm_legit_no_training_12"; +"147 _tensor_constant24" -> "149 _native_batch_norm_legit_no_training_12"; +"148 _tensor_constant25" -> "149 _native_batch_norm_legit_no_training_12"; +"149 _native_batch_norm_legit_no_training_12" -> "150 getitem_36"; +"150 getitem_36" -> "151 hardswish__3"; +"151 hardswish__3" -> "154 conv2d_17"; +"152 conv2d_17_updated_constant0" -> "153 symmetric_weights_decompressor_conv2d_17_updated_constant0_0"; +"153 symmetric_weights_decompressor_conv2d_17_updated_constant0_0" -> "154 conv2d_17"; +"154 conv2d_17" -> "159 _native_batch_norm_legit_no_training_13"; +"155 _param_constant48" -> "159 _native_batch_norm_legit_no_training_13"; +"156 _param_constant49" -> "159 _native_batch_norm_legit_no_training_13"; +"157 _tensor_constant26" -> "159 _native_batch_norm_legit_no_training_13"; +"158 _tensor_constant27" -> "159 _native_batch_norm_legit_no_training_13"; +"159 _native_batch_norm_legit_no_training_13" -> "160 getitem_39"; +"160 getitem_39" -> "161 hardswish__4"; +"161 hardswish__4" -> "162 adaptive_avg_pool2d_2"; +"161 hardswish__4" -> "173 mul_2"; +"162 adaptive_avg_pool2d_2" -> "166 conv2d_18"; +"163 _param_constant51" -> "166 conv2d_18"; +"164 conv2d_18_updated_constant0" -> "165 symmetric_weights_decompressor_conv2d_18_updated_constant0_0"; +"165 symmetric_weights_decompressor_conv2d_18_updated_constant0_0" -> "166 conv2d_18"; +"166 conv2d_18" -> "167 relu_2"; +"167 relu_2" -> "171 conv2d_19"; +"168 _param_constant53" -> "171 conv2d_19"; +"169 conv2d_19_updated_constant0" -> "170 symmetric_weights_decompressor_conv2d_19_updated_constant0_0"; +"170 symmetric_weights_decompressor_conv2d_19_updated_constant0_0" -> "171 conv2d_19"; +"171 conv2d_19" -> "172 hardsigmoid_2"; +"172 hardsigmoid_2" -> "173 mul_2"; +"173 mul_2" -> "176 conv2d_20"; +"174 conv2d_20_updated_constant0" -> "175 symmetric_weights_decompressor_conv2d_20_updated_constant0_0"; +"175 symmetric_weights_decompressor_conv2d_20_updated_constant0_0" -> "176 conv2d_20"; +"176 conv2d_20" -> "181 _native_batch_norm_legit_no_training_14"; +"177 _param_constant55" -> "181 _native_batch_norm_legit_no_training_14"; +"178 _param_constant56" -> "181 _native_batch_norm_legit_no_training_14"; +"179 _tensor_constant28" -> "181 _native_batch_norm_legit_no_training_14"; +"180 _tensor_constant29" -> "181 _native_batch_norm_legit_no_training_14"; +"181 _native_batch_norm_legit_no_training_14" -> "182 getitem_42"; +"182 getitem_42" -> "183 add__1"; +"183 add__1" -> "186 conv2d_21"; +"183 add__1" -> "225 add__2"; +"184 conv2d_21_updated_constant0" -> "185 symmetric_weights_decompressor_conv2d_21_updated_constant0_0"; +"185 symmetric_weights_decompressor_conv2d_21_updated_constant0_0" -> "186 conv2d_21"; +"186 conv2d_21" -> "191 _native_batch_norm_legit_no_training_15"; +"187 _param_constant58" -> "191 _native_batch_norm_legit_no_training_15"; +"188 _param_constant59" -> "191 _native_batch_norm_legit_no_training_15"; +"189 _tensor_constant30" -> "191 _native_batch_norm_legit_no_training_15"; +"190 _tensor_constant31" -> "191 _native_batch_norm_legit_no_training_15"; +"191 _native_batch_norm_legit_no_training_15" -> "192 getitem_45"; +"192 getitem_45" -> "193 hardswish__5"; +"193 hardswish__5" -> "196 conv2d_22"; +"194 conv2d_22_updated_constant0" -> "195 symmetric_weights_decompressor_conv2d_22_updated_constant0_0"; +"195 symmetric_weights_decompressor_conv2d_22_updated_constant0_0" -> "196 conv2d_22"; +"196 conv2d_22" -> "201 _native_batch_norm_legit_no_training_16"; +"197 _param_constant61" -> "201 _native_batch_norm_legit_no_training_16"; +"198 _param_constant62" -> "201 _native_batch_norm_legit_no_training_16"; +"199 _tensor_constant32" -> "201 _native_batch_norm_legit_no_training_16"; +"200 _tensor_constant33" -> "201 _native_batch_norm_legit_no_training_16"; +"201 _native_batch_norm_legit_no_training_16" -> "202 getitem_48"; +"202 getitem_48" -> "203 hardswish__6"; +"203 hardswish__6" -> "204 adaptive_avg_pool2d_3"; +"203 hardswish__6" -> "215 mul_3"; +"204 adaptive_avg_pool2d_3" -> "208 conv2d_23"; +"205 _param_constant64" -> "208 conv2d_23"; +"206 conv2d_23_updated_constant0" -> "207 symmetric_weights_decompressor_conv2d_23_updated_constant0_0"; +"207 symmetric_weights_decompressor_conv2d_23_updated_constant0_0" -> "208 conv2d_23"; +"208 conv2d_23" -> "209 relu_3"; +"209 relu_3" -> "213 conv2d_24"; +"210 _param_constant66" -> "213 conv2d_24"; +"211 conv2d_24_updated_constant0" -> "212 symmetric_weights_decompressor_conv2d_24_updated_constant0_0"; +"212 symmetric_weights_decompressor_conv2d_24_updated_constant0_0" -> "213 conv2d_24"; +"213 conv2d_24" -> "214 hardsigmoid_3"; +"214 hardsigmoid_3" -> "215 mul_3"; +"215 mul_3" -> "218 conv2d_25"; +"216 conv2d_25_updated_constant0" -> "217 symmetric_weights_decompressor_conv2d_25_updated_constant0_0"; +"217 symmetric_weights_decompressor_conv2d_25_updated_constant0_0" -> "218 conv2d_25"; +"218 conv2d_25" -> "223 _native_batch_norm_legit_no_training_17"; +"219 _param_constant68" -> "223 _native_batch_norm_legit_no_training_17"; +"220 _param_constant69" -> "223 _native_batch_norm_legit_no_training_17"; +"221 _tensor_constant34" -> "223 _native_batch_norm_legit_no_training_17"; +"222 _tensor_constant35" -> "223 _native_batch_norm_legit_no_training_17"; +"223 _native_batch_norm_legit_no_training_17" -> "224 getitem_51"; +"224 getitem_51" -> "225 add__2"; +"225 add__2" -> "228 conv2d_26"; +"226 conv2d_26_updated_constant0" -> "227 symmetric_weights_decompressor_conv2d_26_updated_constant0_0"; +"227 symmetric_weights_decompressor_conv2d_26_updated_constant0_0" -> "228 conv2d_26"; +"228 conv2d_26" -> "233 _native_batch_norm_legit_no_training_18"; +"229 _param_constant71" -> "233 _native_batch_norm_legit_no_training_18"; +"230 _param_constant72" -> "233 _native_batch_norm_legit_no_training_18"; +"231 _tensor_constant36" -> "233 _native_batch_norm_legit_no_training_18"; +"232 _tensor_constant37" -> "233 _native_batch_norm_legit_no_training_18"; +"233 _native_batch_norm_legit_no_training_18" -> "234 getitem_54"; +"234 getitem_54" -> "235 hardswish__7"; +"235 hardswish__7" -> "238 conv2d_27"; +"236 conv2d_27_updated_constant0" -> "237 symmetric_weights_decompressor_conv2d_27_updated_constant0_0"; +"237 symmetric_weights_decompressor_conv2d_27_updated_constant0_0" -> "238 conv2d_27"; +"238 conv2d_27" -> "243 _native_batch_norm_legit_no_training_19"; +"239 _param_constant74" -> "243 _native_batch_norm_legit_no_training_19"; +"240 _param_constant75" -> "243 _native_batch_norm_legit_no_training_19"; +"241 _tensor_constant38" -> "243 _native_batch_norm_legit_no_training_19"; +"242 _tensor_constant39" -> "243 _native_batch_norm_legit_no_training_19"; +"243 _native_batch_norm_legit_no_training_19" -> "244 getitem_57"; +"244 getitem_57" -> "245 hardswish__8"; +"245 hardswish__8" -> "246 adaptive_avg_pool2d_4"; +"245 hardswish__8" -> "257 mul_4"; +"246 adaptive_avg_pool2d_4" -> "250 conv2d_28"; +"247 _param_constant77" -> "250 conv2d_28"; +"248 conv2d_28_updated_constant0" -> "249 symmetric_weights_decompressor_conv2d_28_updated_constant0_0"; +"249 symmetric_weights_decompressor_conv2d_28_updated_constant0_0" -> "250 conv2d_28"; +"250 conv2d_28" -> "251 relu_4"; +"251 relu_4" -> "255 conv2d_29"; +"252 _param_constant79" -> "255 conv2d_29"; +"253 conv2d_29_updated_constant0" -> "254 symmetric_weights_decompressor_conv2d_29_updated_constant0_0"; +"254 symmetric_weights_decompressor_conv2d_29_updated_constant0_0" -> "255 conv2d_29"; +"255 conv2d_29" -> "256 hardsigmoid_4"; +"256 hardsigmoid_4" -> "257 mul_4"; +"257 mul_4" -> "260 conv2d_30"; +"258 conv2d_30_updated_constant0" -> "259 symmetric_weights_decompressor_conv2d_30_updated_constant0_0"; +"259 symmetric_weights_decompressor_conv2d_30_updated_constant0_0" -> "260 conv2d_30"; +"260 conv2d_30" -> "265 _native_batch_norm_legit_no_training_20"; +"261 _param_constant81" -> "265 _native_batch_norm_legit_no_training_20"; +"262 _param_constant82" -> "265 _native_batch_norm_legit_no_training_20"; +"263 _tensor_constant40" -> "265 _native_batch_norm_legit_no_training_20"; +"264 _tensor_constant41" -> "265 _native_batch_norm_legit_no_training_20"; +"265 _native_batch_norm_legit_no_training_20" -> "266 getitem_60"; +"266 getitem_60" -> "269 conv2d_31"; +"266 getitem_60" -> "308 add__3"; +"267 conv2d_31_updated_constant0" -> "268 symmetric_weights_decompressor_conv2d_31_updated_constant0_0"; +"268 symmetric_weights_decompressor_conv2d_31_updated_constant0_0" -> "269 conv2d_31"; +"269 conv2d_31" -> "274 _native_batch_norm_legit_no_training_21"; +"270 _param_constant84" -> "274 _native_batch_norm_legit_no_training_21"; +"271 _param_constant85" -> "274 _native_batch_norm_legit_no_training_21"; +"272 _tensor_constant42" -> "274 _native_batch_norm_legit_no_training_21"; +"273 _tensor_constant43" -> "274 _native_batch_norm_legit_no_training_21"; +"274 _native_batch_norm_legit_no_training_21" -> "275 getitem_63"; +"275 getitem_63" -> "276 hardswish__9"; +"276 hardswish__9" -> "279 conv2d_32"; +"277 conv2d_32_updated_constant0" -> "278 symmetric_weights_decompressor_conv2d_32_updated_constant0_0"; +"278 symmetric_weights_decompressor_conv2d_32_updated_constant0_0" -> "279 conv2d_32"; +"279 conv2d_32" -> "284 _native_batch_norm_legit_no_training_22"; +"280 _param_constant87" -> "284 _native_batch_norm_legit_no_training_22"; +"281 _param_constant88" -> "284 _native_batch_norm_legit_no_training_22"; +"282 _tensor_constant44" -> "284 _native_batch_norm_legit_no_training_22"; +"283 _tensor_constant45" -> "284 _native_batch_norm_legit_no_training_22"; +"284 _native_batch_norm_legit_no_training_22" -> "285 getitem_66"; +"285 getitem_66" -> "286 hardswish__10"; +"286 hardswish__10" -> "287 adaptive_avg_pool2d_5"; +"286 hardswish__10" -> "298 mul_5"; +"287 adaptive_avg_pool2d_5" -> "291 conv2d_33"; +"288 _param_constant90" -> "291 conv2d_33"; +"289 conv2d_33_updated_constant0" -> "290 symmetric_weights_decompressor_conv2d_33_updated_constant0_0"; +"290 symmetric_weights_decompressor_conv2d_33_updated_constant0_0" -> "291 conv2d_33"; +"291 conv2d_33" -> "292 relu_5"; +"292 relu_5" -> "296 conv2d_34"; +"293 _param_constant92" -> "296 conv2d_34"; +"294 conv2d_34_updated_constant0" -> "295 symmetric_weights_decompressor_conv2d_34_updated_constant0_0"; +"295 symmetric_weights_decompressor_conv2d_34_updated_constant0_0" -> "296 conv2d_34"; +"296 conv2d_34" -> "297 hardsigmoid_5"; +"297 hardsigmoid_5" -> "298 mul_5"; +"298 mul_5" -> "301 conv2d_35"; +"299 conv2d_35_updated_constant0" -> "300 symmetric_weights_decompressor_conv2d_35_updated_constant0_0"; +"300 symmetric_weights_decompressor_conv2d_35_updated_constant0_0" -> "301 conv2d_35"; +"301 conv2d_35" -> "306 _native_batch_norm_legit_no_training_23"; +"302 _param_constant94" -> "306 _native_batch_norm_legit_no_training_23"; +"303 _param_constant95" -> "306 _native_batch_norm_legit_no_training_23"; +"304 _tensor_constant46" -> "306 _native_batch_norm_legit_no_training_23"; +"305 _tensor_constant47" -> "306 _native_batch_norm_legit_no_training_23"; +"306 _native_batch_norm_legit_no_training_23" -> "307 getitem_69"; +"307 getitem_69" -> "308 add__3"; +"308 add__3" -> "311 conv2d_36"; +"309 conv2d_36_updated_constant0" -> "310 symmetric_weights_decompressor_conv2d_36_updated_constant0_0"; +"310 symmetric_weights_decompressor_conv2d_36_updated_constant0_0" -> "311 conv2d_36"; +"311 conv2d_36" -> "316 _native_batch_norm_legit_no_training_24"; +"312 _param_constant97" -> "316 _native_batch_norm_legit_no_training_24"; +"313 _param_constant98" -> "316 _native_batch_norm_legit_no_training_24"; +"314 _tensor_constant48" -> "316 _native_batch_norm_legit_no_training_24"; +"315 _tensor_constant49" -> "316 _native_batch_norm_legit_no_training_24"; +"316 _native_batch_norm_legit_no_training_24" -> "317 getitem_72"; +"317 getitem_72" -> "318 hardswish__11"; +"318 hardswish__11" -> "321 conv2d_37"; +"319 conv2d_37_updated_constant0" -> "320 symmetric_weights_decompressor_conv2d_37_updated_constant0_0"; +"320 symmetric_weights_decompressor_conv2d_37_updated_constant0_0" -> "321 conv2d_37"; +"321 conv2d_37" -> "326 _native_batch_norm_legit_no_training_25"; +"322 _param_constant100" -> "326 _native_batch_norm_legit_no_training_25"; +"323 _param_constant101" -> "326 _native_batch_norm_legit_no_training_25"; +"324 _tensor_constant50" -> "326 _native_batch_norm_legit_no_training_25"; +"325 _tensor_constant51" -> "326 _native_batch_norm_legit_no_training_25"; +"326 _native_batch_norm_legit_no_training_25" -> "327 getitem_75"; +"327 getitem_75" -> "328 hardswish__12"; +"328 hardswish__12" -> "329 adaptive_avg_pool2d_6"; +"328 hardswish__12" -> "340 mul_6"; +"329 adaptive_avg_pool2d_6" -> "333 conv2d_38"; +"330 _param_constant103" -> "333 conv2d_38"; +"331 conv2d_38_updated_constant0" -> "332 symmetric_weights_decompressor_conv2d_38_updated_constant0_0"; +"332 symmetric_weights_decompressor_conv2d_38_updated_constant0_0" -> "333 conv2d_38"; +"333 conv2d_38" -> "334 relu_6"; +"334 relu_6" -> "338 conv2d_39"; +"335 _param_constant105" -> "338 conv2d_39"; +"336 conv2d_39_updated_constant0" -> "337 symmetric_weights_decompressor_conv2d_39_updated_constant0_0"; +"337 symmetric_weights_decompressor_conv2d_39_updated_constant0_0" -> "338 conv2d_39"; +"338 conv2d_39" -> "339 hardsigmoid_6"; +"339 hardsigmoid_6" -> "340 mul_6"; +"340 mul_6" -> "343 conv2d_40"; +"341 conv2d_40_updated_constant0" -> "342 symmetric_weights_decompressor_conv2d_40_updated_constant0_0"; +"342 symmetric_weights_decompressor_conv2d_40_updated_constant0_0" -> "343 conv2d_40"; +"343 conv2d_40" -> "348 _native_batch_norm_legit_no_training_26"; +"344 _param_constant107" -> "348 _native_batch_norm_legit_no_training_26"; +"345 _param_constant108" -> "348 _native_batch_norm_legit_no_training_26"; +"346 _tensor_constant52" -> "348 _native_batch_norm_legit_no_training_26"; +"347 _tensor_constant53" -> "348 _native_batch_norm_legit_no_training_26"; +"348 _native_batch_norm_legit_no_training_26" -> "349 getitem_78"; +"349 getitem_78" -> "352 conv2d_41"; +"349 getitem_78" -> "391 add__4"; +"350 conv2d_41_updated_constant0" -> "351 symmetric_weights_decompressor_conv2d_41_updated_constant0_0"; +"351 symmetric_weights_decompressor_conv2d_41_updated_constant0_0" -> "352 conv2d_41"; +"352 conv2d_41" -> "357 _native_batch_norm_legit_no_training_27"; +"353 _param_constant110" -> "357 _native_batch_norm_legit_no_training_27"; +"354 _param_constant111" -> "357 _native_batch_norm_legit_no_training_27"; +"355 _tensor_constant54" -> "357 _native_batch_norm_legit_no_training_27"; +"356 _tensor_constant55" -> "357 _native_batch_norm_legit_no_training_27"; +"357 _native_batch_norm_legit_no_training_27" -> "358 getitem_81"; +"358 getitem_81" -> "359 hardswish__13"; +"359 hardswish__13" -> "362 conv2d_42"; +"360 conv2d_42_updated_constant0" -> "361 symmetric_weights_decompressor_conv2d_42_updated_constant0_0"; +"361 symmetric_weights_decompressor_conv2d_42_updated_constant0_0" -> "362 conv2d_42"; +"362 conv2d_42" -> "367 _native_batch_norm_legit_no_training_28"; +"363 _param_constant113" -> "367 _native_batch_norm_legit_no_training_28"; +"364 _param_constant114" -> "367 _native_batch_norm_legit_no_training_28"; +"365 _tensor_constant56" -> "367 _native_batch_norm_legit_no_training_28"; +"366 _tensor_constant57" -> "367 _native_batch_norm_legit_no_training_28"; +"367 _native_batch_norm_legit_no_training_28" -> "368 getitem_84"; +"368 getitem_84" -> "369 hardswish__14"; +"369 hardswish__14" -> "370 adaptive_avg_pool2d_7"; +"369 hardswish__14" -> "381 mul_7"; +"370 adaptive_avg_pool2d_7" -> "374 conv2d_43"; +"371 _param_constant116" -> "374 conv2d_43"; +"372 conv2d_43_updated_constant0" -> "373 symmetric_weights_decompressor_conv2d_43_updated_constant0_0"; +"373 symmetric_weights_decompressor_conv2d_43_updated_constant0_0" -> "374 conv2d_43"; +"374 conv2d_43" -> "375 relu_7"; +"375 relu_7" -> "379 conv2d_44"; +"376 _param_constant118" -> "379 conv2d_44"; +"377 conv2d_44_updated_constant0" -> "378 symmetric_weights_decompressor_conv2d_44_updated_constant0_0"; +"378 symmetric_weights_decompressor_conv2d_44_updated_constant0_0" -> "379 conv2d_44"; +"379 conv2d_44" -> "380 hardsigmoid_7"; +"380 hardsigmoid_7" -> "381 mul_7"; +"381 mul_7" -> "384 conv2d_45"; +"382 conv2d_45_updated_constant0" -> "383 symmetric_weights_decompressor_conv2d_45_updated_constant0_0"; +"383 symmetric_weights_decompressor_conv2d_45_updated_constant0_0" -> "384 conv2d_45"; +"384 conv2d_45" -> "389 _native_batch_norm_legit_no_training_29"; +"385 _param_constant120" -> "389 _native_batch_norm_legit_no_training_29"; +"386 _param_constant121" -> "389 _native_batch_norm_legit_no_training_29"; +"387 _tensor_constant58" -> "389 _native_batch_norm_legit_no_training_29"; +"388 _tensor_constant59" -> "389 _native_batch_norm_legit_no_training_29"; +"389 _native_batch_norm_legit_no_training_29" -> "390 getitem_87"; +"390 getitem_87" -> "391 add__4"; +"391 add__4" -> "394 conv2d_46"; +"391 add__4" -> "433 add__5"; +"392 conv2d_46_updated_constant0" -> "393 symmetric_weights_decompressor_conv2d_46_updated_constant0_0"; +"393 symmetric_weights_decompressor_conv2d_46_updated_constant0_0" -> "394 conv2d_46"; +"394 conv2d_46" -> "399 _native_batch_norm_legit_no_training_30"; +"395 _param_constant123" -> "399 _native_batch_norm_legit_no_training_30"; +"396 _param_constant124" -> "399 _native_batch_norm_legit_no_training_30"; +"397 _tensor_constant60" -> "399 _native_batch_norm_legit_no_training_30"; +"398 _tensor_constant61" -> "399 _native_batch_norm_legit_no_training_30"; +"399 _native_batch_norm_legit_no_training_30" -> "400 getitem_90"; +"400 getitem_90" -> "401 hardswish__15"; +"401 hardswish__15" -> "404 conv2d_47"; +"402 conv2d_47_updated_constant0" -> "403 symmetric_weights_decompressor_conv2d_47_updated_constant0_0"; +"403 symmetric_weights_decompressor_conv2d_47_updated_constant0_0" -> "404 conv2d_47"; +"404 conv2d_47" -> "409 _native_batch_norm_legit_no_training_31"; +"405 _param_constant126" -> "409 _native_batch_norm_legit_no_training_31"; +"406 _param_constant127" -> "409 _native_batch_norm_legit_no_training_31"; +"407 _tensor_constant62" -> "409 _native_batch_norm_legit_no_training_31"; +"408 _tensor_constant63" -> "409 _native_batch_norm_legit_no_training_31"; +"409 _native_batch_norm_legit_no_training_31" -> "410 getitem_93"; +"410 getitem_93" -> "411 hardswish__16"; +"411 hardswish__16" -> "412 adaptive_avg_pool2d_8"; +"411 hardswish__16" -> "423 mul_8"; +"412 adaptive_avg_pool2d_8" -> "416 conv2d_48"; +"413 _param_constant129" -> "416 conv2d_48"; +"414 conv2d_48_updated_constant0" -> "415 symmetric_weights_decompressor_conv2d_48_updated_constant0_0"; +"415 symmetric_weights_decompressor_conv2d_48_updated_constant0_0" -> "416 conv2d_48"; +"416 conv2d_48" -> "417 relu_8"; +"417 relu_8" -> "421 conv2d_49"; +"418 _param_constant131" -> "421 conv2d_49"; +"419 conv2d_49_updated_constant0" -> "420 symmetric_weights_decompressor_conv2d_49_updated_constant0_0"; +"420 symmetric_weights_decompressor_conv2d_49_updated_constant0_0" -> "421 conv2d_49"; +"421 conv2d_49" -> "422 hardsigmoid_8"; +"422 hardsigmoid_8" -> "423 mul_8"; +"423 mul_8" -> "426 conv2d_50"; +"424 conv2d_50_updated_constant0" -> "425 symmetric_weights_decompressor_conv2d_50_updated_constant0_0"; +"425 symmetric_weights_decompressor_conv2d_50_updated_constant0_0" -> "426 conv2d_50"; +"426 conv2d_50" -> "431 _native_batch_norm_legit_no_training_32"; +"427 _param_constant133" -> "431 _native_batch_norm_legit_no_training_32"; +"428 _param_constant134" -> "431 _native_batch_norm_legit_no_training_32"; +"429 _tensor_constant64" -> "431 _native_batch_norm_legit_no_training_32"; +"430 _tensor_constant65" -> "431 _native_batch_norm_legit_no_training_32"; +"431 _native_batch_norm_legit_no_training_32" -> "432 getitem_96"; +"432 getitem_96" -> "433 add__5"; +"433 add__5" -> "436 conv2d_51"; +"434 conv2d_51_updated_constant0" -> "435 symmetric_weights_decompressor_conv2d_51_updated_constant0_0"; +"435 symmetric_weights_decompressor_conv2d_51_updated_constant0_0" -> "436 conv2d_51"; +"436 conv2d_51" -> "441 _native_batch_norm_legit_no_training_33"; +"437 _param_constant136" -> "441 _native_batch_norm_legit_no_training_33"; +"438 _param_constant137" -> "441 _native_batch_norm_legit_no_training_33"; +"439 _tensor_constant66" -> "441 _native_batch_norm_legit_no_training_33"; +"440 _tensor_constant67" -> "441 _native_batch_norm_legit_no_training_33"; +"441 _native_batch_norm_legit_no_training_33" -> "442 getitem_99"; +"442 getitem_99" -> "443 hardswish__17"; +"443 hardswish__17" -> "444 adaptive_avg_pool2d_9"; +"444 adaptive_avg_pool2d_9" -> "445 flatten"; +"445 flatten" -> "449 linear"; +"446 _param_constant139" -> "449 linear"; +"447 linear_updated_constant0" -> "448 symmetric_weights_decompressor_linear_updated_constant0_0"; +"448 symmetric_weights_decompressor_linear_updated_constant0_0" -> "449 linear"; +"449 linear" -> "450 hardswish__18"; +"450 hardswish__18" -> "451 dropout_"; +"451 dropout_" -> "455 linear_1"; +"452 _param_constant141" -> "455 linear_1"; +"453 linear_1_updated_constant0" -> "454 symmetric_weights_decompressor_linear_1_updated_constant0_0"; +"454 symmetric_weights_decompressor_linear_1_updated_constant0_0" -> "455 linear_1"; +"455 linear_1" -> "456 output"; +} diff --git a/tests/torch/data/reference_graphs/fx/compressed/resnet18.dot b/tests/torch/data/reference_graphs/fx/compressed/resnet18.dot new file mode 100644 index 00000000000..747c5cd3a65 --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/compressed/resnet18.dot @@ -0,0 +1,437 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 conv2d_updated_constant0" [id=1, type=get_attr]; +"2 symmetric_weights_decompressor_conv2d_updated_constant0_0" [id=2, type=call_module]; +"3 conv2d" [id=3, type=conv2d]; +"4 _param_constant1" [id=4, type=get_attr]; +"5 _param_constant2" [id=5, type=get_attr]; +"6 _tensor_constant0" [id=6, type=get_attr]; +"7 _tensor_constant1" [id=7, type=get_attr]; +"8 _native_batch_norm_legit_no_training" [id=8, type=_native_batch_norm_legit_no_training]; +"9 getitem" [id=9, type=__getitem__]; +"10 relu_" [id=10, type=relu_]; +"11 max_pool2d" [id=11, type=max_pool2d]; +"12 conv2d_1_updated_constant0" [id=12, type=get_attr]; +"13 symmetric_weights_decompressor_conv2d_1_updated_constant0_0" [id=13, type=call_module]; +"14 conv2d_1" [id=14, type=conv2d]; +"15 _param_constant4" [id=15, type=get_attr]; +"16 _param_constant5" [id=16, type=get_attr]; +"17 _tensor_constant2" [id=17, type=get_attr]; +"18 _tensor_constant3" [id=18, type=get_attr]; +"19 _native_batch_norm_legit_no_training_1" [id=19, type=_native_batch_norm_legit_no_training]; +"20 getitem_3" [id=20, type=__getitem__]; +"21 relu__1" [id=21, type=relu_]; +"22 conv2d_2_updated_constant0" [id=22, type=get_attr]; +"23 symmetric_weights_decompressor_conv2d_2_updated_constant0_0" [id=23, type=call_module]; +"24 conv2d_2" [id=24, type=conv2d]; +"25 _param_constant7" [id=25, type=get_attr]; +"26 _param_constant8" [id=26, type=get_attr]; +"27 _tensor_constant4" [id=27, type=get_attr]; +"28 _tensor_constant5" [id=28, type=get_attr]; +"29 _native_batch_norm_legit_no_training_2" [id=29, type=_native_batch_norm_legit_no_training]; +"30 getitem_6" [id=30, type=__getitem__]; +"31 add_" [id=31, type=add_]; +"32 relu__2" [id=32, type=relu_]; +"33 conv2d_3_updated_constant0" [id=33, type=get_attr]; +"34 symmetric_weights_decompressor_conv2d_3_updated_constant0_0" [id=34, type=call_module]; +"35 conv2d_3" [id=35, type=conv2d]; +"36 _param_constant10" [id=36, type=get_attr]; +"37 _param_constant11" [id=37, type=get_attr]; +"38 _tensor_constant6" [id=38, type=get_attr]; +"39 _tensor_constant7" [id=39, type=get_attr]; +"40 _native_batch_norm_legit_no_training_3" [id=40, type=_native_batch_norm_legit_no_training]; +"41 getitem_9" [id=41, type=__getitem__]; +"42 relu__3" [id=42, type=relu_]; +"43 conv2d_4_updated_constant0" [id=43, type=get_attr]; +"44 symmetric_weights_decompressor_conv2d_4_updated_constant0_0" [id=44, type=call_module]; +"45 conv2d_4" [id=45, type=conv2d]; +"46 _param_constant13" [id=46, type=get_attr]; +"47 _param_constant14" [id=47, type=get_attr]; +"48 _tensor_constant8" [id=48, type=get_attr]; +"49 _tensor_constant9" [id=49, type=get_attr]; +"50 _native_batch_norm_legit_no_training_4" [id=50, type=_native_batch_norm_legit_no_training]; +"51 getitem_12" [id=51, type=__getitem__]; +"52 add__1" [id=52, type=add_]; +"53 relu__4" [id=53, type=relu_]; +"54 conv2d_5_updated_constant0" [id=54, type=get_attr]; +"55 symmetric_weights_decompressor_conv2d_5_updated_constant0_0" [id=55, type=call_module]; +"56 conv2d_5" [id=56, type=conv2d]; +"57 _param_constant16" [id=57, type=get_attr]; +"58 _param_constant17" [id=58, type=get_attr]; +"59 _tensor_constant10" [id=59, type=get_attr]; +"60 _tensor_constant11" [id=60, type=get_attr]; +"61 _native_batch_norm_legit_no_training_5" [id=61, type=_native_batch_norm_legit_no_training]; +"62 getitem_15" [id=62, type=__getitem__]; +"63 relu__5" [id=63, type=relu_]; +"64 conv2d_6_updated_constant0" [id=64, type=get_attr]; +"65 symmetric_weights_decompressor_conv2d_6_updated_constant0_0" [id=65, type=call_module]; +"66 conv2d_6" [id=66, type=conv2d]; +"67 _param_constant19" [id=67, type=get_attr]; +"68 _param_constant20" [id=68, type=get_attr]; +"69 _tensor_constant12" [id=69, type=get_attr]; +"70 _tensor_constant13" [id=70, type=get_attr]; +"71 _native_batch_norm_legit_no_training_6" [id=71, type=_native_batch_norm_legit_no_training]; +"72 getitem_18" [id=72, type=__getitem__]; +"73 conv2d_7_updated_constant0" [id=73, type=get_attr]; +"74 symmetric_weights_decompressor_conv2d_7_updated_constant0_0" [id=74, type=call_module]; +"75 conv2d_7" [id=75, type=conv2d]; +"76 _param_constant22" [id=76, type=get_attr]; +"77 _param_constant23" [id=77, type=get_attr]; +"78 _tensor_constant14" [id=78, type=get_attr]; +"79 _tensor_constant15" [id=79, type=get_attr]; +"80 _native_batch_norm_legit_no_training_7" [id=80, type=_native_batch_norm_legit_no_training]; +"81 getitem_21" [id=81, type=__getitem__]; +"82 add__2" [id=82, type=add_]; +"83 relu__6" [id=83, type=relu_]; +"84 conv2d_8_updated_constant0" [id=84, type=get_attr]; +"85 symmetric_weights_decompressor_conv2d_8_updated_constant0_0" [id=85, type=call_module]; +"86 conv2d_8" [id=86, type=conv2d]; +"87 _param_constant25" [id=87, type=get_attr]; +"88 _param_constant26" [id=88, type=get_attr]; +"89 _tensor_constant16" [id=89, type=get_attr]; +"90 _tensor_constant17" [id=90, type=get_attr]; +"91 _native_batch_norm_legit_no_training_8" [id=91, type=_native_batch_norm_legit_no_training]; +"92 getitem_24" [id=92, type=__getitem__]; +"93 relu__7" [id=93, type=relu_]; +"94 conv2d_9_updated_constant0" [id=94, type=get_attr]; +"95 symmetric_weights_decompressor_conv2d_9_updated_constant0_0" [id=95, type=call_module]; +"96 conv2d_9" [id=96, type=conv2d]; +"97 _param_constant28" [id=97, type=get_attr]; +"98 _param_constant29" [id=98, type=get_attr]; +"99 _tensor_constant18" [id=99, type=get_attr]; +"100 _tensor_constant19" [id=100, type=get_attr]; +"101 _native_batch_norm_legit_no_training_9" [id=101, type=_native_batch_norm_legit_no_training]; +"102 getitem_27" [id=102, type=__getitem__]; +"103 add__3" [id=103, type=add_]; +"104 relu__8" [id=104, type=relu_]; +"105 conv2d_10_updated_constant0" [id=105, type=get_attr]; +"106 symmetric_weights_decompressor_conv2d_10_updated_constant0_0" [id=106, type=call_module]; +"107 conv2d_10" [id=107, type=conv2d]; +"108 _param_constant31" [id=108, type=get_attr]; +"109 _param_constant32" [id=109, type=get_attr]; +"110 _tensor_constant20" [id=110, type=get_attr]; +"111 _tensor_constant21" [id=111, type=get_attr]; +"112 _native_batch_norm_legit_no_training_10" [id=112, type=_native_batch_norm_legit_no_training]; +"113 getitem_30" [id=113, type=__getitem__]; +"114 relu__9" [id=114, type=relu_]; +"115 conv2d_11_updated_constant0" [id=115, type=get_attr]; +"116 symmetric_weights_decompressor_conv2d_11_updated_constant0_0" [id=116, type=call_module]; +"117 conv2d_11" [id=117, type=conv2d]; +"118 _param_constant34" [id=118, type=get_attr]; +"119 _param_constant35" [id=119, type=get_attr]; +"120 _tensor_constant22" [id=120, type=get_attr]; +"121 _tensor_constant23" [id=121, type=get_attr]; +"122 _native_batch_norm_legit_no_training_11" [id=122, type=_native_batch_norm_legit_no_training]; +"123 getitem_33" [id=123, type=__getitem__]; +"124 conv2d_12_updated_constant0" [id=124, type=get_attr]; +"125 symmetric_weights_decompressor_conv2d_12_updated_constant0_0" [id=125, type=call_module]; +"126 conv2d_12" [id=126, type=conv2d]; +"127 _param_constant37" [id=127, type=get_attr]; +"128 _param_constant38" [id=128, type=get_attr]; +"129 _tensor_constant24" [id=129, type=get_attr]; +"130 _tensor_constant25" [id=130, type=get_attr]; +"131 _native_batch_norm_legit_no_training_12" [id=131, type=_native_batch_norm_legit_no_training]; +"132 getitem_36" [id=132, type=__getitem__]; +"133 add__4" [id=133, type=add_]; +"134 relu__10" [id=134, type=relu_]; +"135 conv2d_13_updated_constant0" [id=135, type=get_attr]; +"136 symmetric_weights_decompressor_conv2d_13_updated_constant0_0" [id=136, type=call_module]; +"137 conv2d_13" [id=137, type=conv2d]; +"138 _param_constant40" [id=138, type=get_attr]; +"139 _param_constant41" [id=139, type=get_attr]; +"140 _tensor_constant26" [id=140, type=get_attr]; +"141 _tensor_constant27" [id=141, type=get_attr]; +"142 _native_batch_norm_legit_no_training_13" [id=142, type=_native_batch_norm_legit_no_training]; +"143 getitem_39" [id=143, type=__getitem__]; +"144 relu__11" [id=144, type=relu_]; +"145 conv2d_14_updated_constant0" [id=145, type=get_attr]; +"146 symmetric_weights_decompressor_conv2d_14_updated_constant0_0" [id=146, type=call_module]; +"147 conv2d_14" [id=147, type=conv2d]; +"148 _param_constant43" [id=148, type=get_attr]; +"149 _param_constant44" [id=149, type=get_attr]; +"150 _tensor_constant28" [id=150, type=get_attr]; +"151 _tensor_constant29" [id=151, type=get_attr]; +"152 _native_batch_norm_legit_no_training_14" [id=152, type=_native_batch_norm_legit_no_training]; +"153 getitem_42" [id=153, type=__getitem__]; +"154 add__5" [id=154, type=add_]; +"155 relu__12" [id=155, type=relu_]; +"156 conv2d_15_updated_constant0" [id=156, type=get_attr]; +"157 symmetric_weights_decompressor_conv2d_15_updated_constant0_0" [id=157, type=call_module]; +"158 conv2d_15" [id=158, type=conv2d]; +"159 _param_constant46" [id=159, type=get_attr]; +"160 _param_constant47" [id=160, type=get_attr]; +"161 _tensor_constant30" [id=161, type=get_attr]; +"162 _tensor_constant31" [id=162, type=get_attr]; +"163 _native_batch_norm_legit_no_training_15" [id=163, type=_native_batch_norm_legit_no_training]; +"164 getitem_45" [id=164, type=__getitem__]; +"165 relu__13" [id=165, type=relu_]; +"166 conv2d_16_updated_constant0" [id=166, type=get_attr]; +"167 symmetric_weights_decompressor_conv2d_16_updated_constant0_0" [id=167, type=call_module]; +"168 conv2d_16" [id=168, type=conv2d]; +"169 _param_constant49" [id=169, type=get_attr]; +"170 _param_constant50" [id=170, type=get_attr]; +"171 _tensor_constant32" [id=171, type=get_attr]; +"172 _tensor_constant33" [id=172, type=get_attr]; +"173 _native_batch_norm_legit_no_training_16" [id=173, type=_native_batch_norm_legit_no_training]; +"174 getitem_48" [id=174, type=__getitem__]; +"175 conv2d_17_updated_constant0" [id=175, type=get_attr]; +"176 symmetric_weights_decompressor_conv2d_17_updated_constant0_0" [id=176, type=call_module]; +"177 conv2d_17" [id=177, type=conv2d]; +"178 _param_constant52" [id=178, type=get_attr]; +"179 _param_constant53" [id=179, type=get_attr]; +"180 _tensor_constant34" [id=180, type=get_attr]; +"181 _tensor_constant35" [id=181, type=get_attr]; +"182 _native_batch_norm_legit_no_training_17" [id=182, type=_native_batch_norm_legit_no_training]; +"183 getitem_51" [id=183, type=__getitem__]; +"184 add__6" [id=184, type=add_]; +"185 relu__14" [id=185, type=relu_]; +"186 conv2d_18_updated_constant0" [id=186, type=get_attr]; +"187 symmetric_weights_decompressor_conv2d_18_updated_constant0_0" [id=187, type=call_module]; +"188 conv2d_18" [id=188, type=conv2d]; +"189 _param_constant55" [id=189, type=get_attr]; +"190 _param_constant56" [id=190, type=get_attr]; +"191 _tensor_constant36" [id=191, type=get_attr]; +"192 _tensor_constant37" [id=192, type=get_attr]; +"193 _native_batch_norm_legit_no_training_18" [id=193, type=_native_batch_norm_legit_no_training]; +"194 getitem_54" [id=194, type=__getitem__]; +"195 relu__15" [id=195, type=relu_]; +"196 conv2d_19_updated_constant0" [id=196, type=get_attr]; +"197 symmetric_weights_decompressor_conv2d_19_updated_constant0_0" [id=197, type=call_module]; +"198 conv2d_19" [id=198, type=conv2d]; +"199 _param_constant58" [id=199, type=get_attr]; +"200 _param_constant59" [id=200, type=get_attr]; +"201 _tensor_constant38" [id=201, type=get_attr]; +"202 _tensor_constant39" [id=202, type=get_attr]; +"203 _native_batch_norm_legit_no_training_19" [id=203, type=_native_batch_norm_legit_no_training]; +"204 getitem_57" [id=204, type=__getitem__]; +"205 add__7" [id=205, type=add_]; +"206 relu__16" [id=206, type=relu_]; +"207 adaptive_avg_pool2d" [id=207, type=adaptive_avg_pool2d]; +"208 flatten" [id=208, type=flatten]; +"209 _param_constant61" [id=209, type=get_attr]; +"210 linear_updated_constant0" [id=210, type=get_attr]; +"211 symmetric_weights_decompressor_linear_updated_constant0_0" [id=211, type=call_module]; +"212 linear" [id=212, type=linear]; +"213 output" [id=213, type=output]; +"0 arg0_1" -> "3 conv2d"; +"1 conv2d_updated_constant0" -> "2 symmetric_weights_decompressor_conv2d_updated_constant0_0"; +"2 symmetric_weights_decompressor_conv2d_updated_constant0_0" -> "3 conv2d"; +"3 conv2d" -> "8 _native_batch_norm_legit_no_training"; +"4 _param_constant1" -> "8 _native_batch_norm_legit_no_training"; +"5 _param_constant2" -> "8 _native_batch_norm_legit_no_training"; +"6 _tensor_constant0" -> "8 _native_batch_norm_legit_no_training"; +"7 _tensor_constant1" -> "8 _native_batch_norm_legit_no_training"; +"8 _native_batch_norm_legit_no_training" -> "9 getitem"; +"9 getitem" -> "10 relu_"; +"10 relu_" -> "11 max_pool2d"; +"11 max_pool2d" -> "14 conv2d_1"; +"11 max_pool2d" -> "31 add_"; +"12 conv2d_1_updated_constant0" -> "13 symmetric_weights_decompressor_conv2d_1_updated_constant0_0"; +"13 symmetric_weights_decompressor_conv2d_1_updated_constant0_0" -> "14 conv2d_1"; +"14 conv2d_1" -> "19 _native_batch_norm_legit_no_training_1"; +"15 _param_constant4" -> "19 _native_batch_norm_legit_no_training_1"; +"16 _param_constant5" -> "19 _native_batch_norm_legit_no_training_1"; +"17 _tensor_constant2" -> "19 _native_batch_norm_legit_no_training_1"; +"18 _tensor_constant3" -> "19 _native_batch_norm_legit_no_training_1"; +"19 _native_batch_norm_legit_no_training_1" -> "20 getitem_3"; +"20 getitem_3" -> "21 relu__1"; +"21 relu__1" -> "24 conv2d_2"; +"22 conv2d_2_updated_constant0" -> "23 symmetric_weights_decompressor_conv2d_2_updated_constant0_0"; +"23 symmetric_weights_decompressor_conv2d_2_updated_constant0_0" -> "24 conv2d_2"; +"24 conv2d_2" -> "29 _native_batch_norm_legit_no_training_2"; +"25 _param_constant7" -> "29 _native_batch_norm_legit_no_training_2"; +"26 _param_constant8" -> "29 _native_batch_norm_legit_no_training_2"; +"27 _tensor_constant4" -> "29 _native_batch_norm_legit_no_training_2"; +"28 _tensor_constant5" -> "29 _native_batch_norm_legit_no_training_2"; +"29 _native_batch_norm_legit_no_training_2" -> "30 getitem_6"; +"30 getitem_6" -> "31 add_"; +"31 add_" -> "32 relu__2"; +"32 relu__2" -> "35 conv2d_3"; +"32 relu__2" -> "52 add__1"; +"33 conv2d_3_updated_constant0" -> "34 symmetric_weights_decompressor_conv2d_3_updated_constant0_0"; +"34 symmetric_weights_decompressor_conv2d_3_updated_constant0_0" -> "35 conv2d_3"; +"35 conv2d_3" -> "40 _native_batch_norm_legit_no_training_3"; +"36 _param_constant10" -> "40 _native_batch_norm_legit_no_training_3"; +"37 _param_constant11" -> "40 _native_batch_norm_legit_no_training_3"; +"38 _tensor_constant6" -> "40 _native_batch_norm_legit_no_training_3"; +"39 _tensor_constant7" -> "40 _native_batch_norm_legit_no_training_3"; +"40 _native_batch_norm_legit_no_training_3" -> "41 getitem_9"; +"41 getitem_9" -> "42 relu__3"; +"42 relu__3" -> "45 conv2d_4"; +"43 conv2d_4_updated_constant0" -> "44 symmetric_weights_decompressor_conv2d_4_updated_constant0_0"; +"44 symmetric_weights_decompressor_conv2d_4_updated_constant0_0" -> "45 conv2d_4"; +"45 conv2d_4" -> "50 _native_batch_norm_legit_no_training_4"; +"46 _param_constant13" -> "50 _native_batch_norm_legit_no_training_4"; +"47 _param_constant14" -> "50 _native_batch_norm_legit_no_training_4"; +"48 _tensor_constant8" -> "50 _native_batch_norm_legit_no_training_4"; +"49 _tensor_constant9" -> "50 _native_batch_norm_legit_no_training_4"; +"50 _native_batch_norm_legit_no_training_4" -> "51 getitem_12"; +"51 getitem_12" -> "52 add__1"; +"52 add__1" -> "53 relu__4"; +"53 relu__4" -> "56 conv2d_5"; +"53 relu__4" -> "75 conv2d_7"; +"54 conv2d_5_updated_constant0" -> "55 symmetric_weights_decompressor_conv2d_5_updated_constant0_0"; +"55 symmetric_weights_decompressor_conv2d_5_updated_constant0_0" -> "56 conv2d_5"; +"56 conv2d_5" -> "61 _native_batch_norm_legit_no_training_5"; +"57 _param_constant16" -> "61 _native_batch_norm_legit_no_training_5"; +"58 _param_constant17" -> "61 _native_batch_norm_legit_no_training_5"; +"59 _tensor_constant10" -> "61 _native_batch_norm_legit_no_training_5"; +"60 _tensor_constant11" -> "61 _native_batch_norm_legit_no_training_5"; +"61 _native_batch_norm_legit_no_training_5" -> "62 getitem_15"; +"62 getitem_15" -> "63 relu__5"; +"63 relu__5" -> "66 conv2d_6"; +"64 conv2d_6_updated_constant0" -> "65 symmetric_weights_decompressor_conv2d_6_updated_constant0_0"; +"65 symmetric_weights_decompressor_conv2d_6_updated_constant0_0" -> "66 conv2d_6"; +"66 conv2d_6" -> "71 _native_batch_norm_legit_no_training_6"; +"67 _param_constant19" -> "71 _native_batch_norm_legit_no_training_6"; +"68 _param_constant20" -> "71 _native_batch_norm_legit_no_training_6"; +"69 _tensor_constant12" -> "71 _native_batch_norm_legit_no_training_6"; +"70 _tensor_constant13" -> "71 _native_batch_norm_legit_no_training_6"; +"71 _native_batch_norm_legit_no_training_6" -> "72 getitem_18"; +"72 getitem_18" -> "82 add__2"; +"73 conv2d_7_updated_constant0" -> "74 symmetric_weights_decompressor_conv2d_7_updated_constant0_0"; +"74 symmetric_weights_decompressor_conv2d_7_updated_constant0_0" -> "75 conv2d_7"; +"75 conv2d_7" -> "80 _native_batch_norm_legit_no_training_7"; +"76 _param_constant22" -> "80 _native_batch_norm_legit_no_training_7"; +"77 _param_constant23" -> "80 _native_batch_norm_legit_no_training_7"; +"78 _tensor_constant14" -> "80 _native_batch_norm_legit_no_training_7"; +"79 _tensor_constant15" -> "80 _native_batch_norm_legit_no_training_7"; +"80 _native_batch_norm_legit_no_training_7" -> "81 getitem_21"; +"81 getitem_21" -> "82 add__2"; +"82 add__2" -> "83 relu__6"; +"83 relu__6" -> "86 conv2d_8"; +"83 relu__6" -> "103 add__3"; +"84 conv2d_8_updated_constant0" -> "85 symmetric_weights_decompressor_conv2d_8_updated_constant0_0"; +"85 symmetric_weights_decompressor_conv2d_8_updated_constant0_0" -> "86 conv2d_8"; +"86 conv2d_8" -> "91 _native_batch_norm_legit_no_training_8"; +"87 _param_constant25" -> "91 _native_batch_norm_legit_no_training_8"; +"88 _param_constant26" -> "91 _native_batch_norm_legit_no_training_8"; +"89 _tensor_constant16" -> "91 _native_batch_norm_legit_no_training_8"; +"90 _tensor_constant17" -> "91 _native_batch_norm_legit_no_training_8"; +"91 _native_batch_norm_legit_no_training_8" -> "92 getitem_24"; +"92 getitem_24" -> "93 relu__7"; +"93 relu__7" -> "96 conv2d_9"; +"94 conv2d_9_updated_constant0" -> "95 symmetric_weights_decompressor_conv2d_9_updated_constant0_0"; +"95 symmetric_weights_decompressor_conv2d_9_updated_constant0_0" -> "96 conv2d_9"; +"96 conv2d_9" -> "101 _native_batch_norm_legit_no_training_9"; +"97 _param_constant28" -> "101 _native_batch_norm_legit_no_training_9"; +"98 _param_constant29" -> "101 _native_batch_norm_legit_no_training_9"; +"99 _tensor_constant18" -> "101 _native_batch_norm_legit_no_training_9"; +"100 _tensor_constant19" -> "101 _native_batch_norm_legit_no_training_9"; +"101 _native_batch_norm_legit_no_training_9" -> "102 getitem_27"; +"102 getitem_27" -> "103 add__3"; +"103 add__3" -> "104 relu__8"; +"104 relu__8" -> "107 conv2d_10"; +"104 relu__8" -> "126 conv2d_12"; +"105 conv2d_10_updated_constant0" -> "106 symmetric_weights_decompressor_conv2d_10_updated_constant0_0"; +"106 symmetric_weights_decompressor_conv2d_10_updated_constant0_0" -> "107 conv2d_10"; +"107 conv2d_10" -> "112 _native_batch_norm_legit_no_training_10"; +"108 _param_constant31" -> "112 _native_batch_norm_legit_no_training_10"; +"109 _param_constant32" -> "112 _native_batch_norm_legit_no_training_10"; +"110 _tensor_constant20" -> "112 _native_batch_norm_legit_no_training_10"; +"111 _tensor_constant21" -> "112 _native_batch_norm_legit_no_training_10"; +"112 _native_batch_norm_legit_no_training_10" -> "113 getitem_30"; +"113 getitem_30" -> "114 relu__9"; +"114 relu__9" -> "117 conv2d_11"; +"115 conv2d_11_updated_constant0" -> "116 symmetric_weights_decompressor_conv2d_11_updated_constant0_0"; +"116 symmetric_weights_decompressor_conv2d_11_updated_constant0_0" -> "117 conv2d_11"; +"117 conv2d_11" -> "122 _native_batch_norm_legit_no_training_11"; +"118 _param_constant34" -> "122 _native_batch_norm_legit_no_training_11"; +"119 _param_constant35" -> "122 _native_batch_norm_legit_no_training_11"; +"120 _tensor_constant22" -> "122 _native_batch_norm_legit_no_training_11"; +"121 _tensor_constant23" -> "122 _native_batch_norm_legit_no_training_11"; +"122 _native_batch_norm_legit_no_training_11" -> "123 getitem_33"; +"123 getitem_33" -> "133 add__4"; +"124 conv2d_12_updated_constant0" -> "125 symmetric_weights_decompressor_conv2d_12_updated_constant0_0"; +"125 symmetric_weights_decompressor_conv2d_12_updated_constant0_0" -> "126 conv2d_12"; +"126 conv2d_12" -> "131 _native_batch_norm_legit_no_training_12"; +"127 _param_constant37" -> "131 _native_batch_norm_legit_no_training_12"; +"128 _param_constant38" -> "131 _native_batch_norm_legit_no_training_12"; +"129 _tensor_constant24" -> "131 _native_batch_norm_legit_no_training_12"; +"130 _tensor_constant25" -> "131 _native_batch_norm_legit_no_training_12"; +"131 _native_batch_norm_legit_no_training_12" -> "132 getitem_36"; +"132 getitem_36" -> "133 add__4"; +"133 add__4" -> "134 relu__10"; +"134 relu__10" -> "137 conv2d_13"; +"134 relu__10" -> "154 add__5"; +"135 conv2d_13_updated_constant0" -> "136 symmetric_weights_decompressor_conv2d_13_updated_constant0_0"; +"136 symmetric_weights_decompressor_conv2d_13_updated_constant0_0" -> "137 conv2d_13"; +"137 conv2d_13" -> "142 _native_batch_norm_legit_no_training_13"; +"138 _param_constant40" -> "142 _native_batch_norm_legit_no_training_13"; +"139 _param_constant41" -> "142 _native_batch_norm_legit_no_training_13"; +"140 _tensor_constant26" -> "142 _native_batch_norm_legit_no_training_13"; +"141 _tensor_constant27" -> "142 _native_batch_norm_legit_no_training_13"; +"142 _native_batch_norm_legit_no_training_13" -> "143 getitem_39"; +"143 getitem_39" -> "144 relu__11"; +"144 relu__11" -> "147 conv2d_14"; +"145 conv2d_14_updated_constant0" -> "146 symmetric_weights_decompressor_conv2d_14_updated_constant0_0"; +"146 symmetric_weights_decompressor_conv2d_14_updated_constant0_0" -> "147 conv2d_14"; +"147 conv2d_14" -> "152 _native_batch_norm_legit_no_training_14"; +"148 _param_constant43" -> "152 _native_batch_norm_legit_no_training_14"; +"149 _param_constant44" -> "152 _native_batch_norm_legit_no_training_14"; +"150 _tensor_constant28" -> "152 _native_batch_norm_legit_no_training_14"; +"151 _tensor_constant29" -> "152 _native_batch_norm_legit_no_training_14"; +"152 _native_batch_norm_legit_no_training_14" -> "153 getitem_42"; +"153 getitem_42" -> "154 add__5"; +"154 add__5" -> "155 relu__12"; +"155 relu__12" -> "158 conv2d_15"; +"155 relu__12" -> "177 conv2d_17"; +"156 conv2d_15_updated_constant0" -> "157 symmetric_weights_decompressor_conv2d_15_updated_constant0_0"; +"157 symmetric_weights_decompressor_conv2d_15_updated_constant0_0" -> "158 conv2d_15"; +"158 conv2d_15" -> "163 _native_batch_norm_legit_no_training_15"; +"159 _param_constant46" -> "163 _native_batch_norm_legit_no_training_15"; +"160 _param_constant47" -> "163 _native_batch_norm_legit_no_training_15"; +"161 _tensor_constant30" -> "163 _native_batch_norm_legit_no_training_15"; +"162 _tensor_constant31" -> "163 _native_batch_norm_legit_no_training_15"; +"163 _native_batch_norm_legit_no_training_15" -> "164 getitem_45"; +"164 getitem_45" -> "165 relu__13"; +"165 relu__13" -> "168 conv2d_16"; +"166 conv2d_16_updated_constant0" -> "167 symmetric_weights_decompressor_conv2d_16_updated_constant0_0"; +"167 symmetric_weights_decompressor_conv2d_16_updated_constant0_0" -> "168 conv2d_16"; +"168 conv2d_16" -> "173 _native_batch_norm_legit_no_training_16"; +"169 _param_constant49" -> "173 _native_batch_norm_legit_no_training_16"; +"170 _param_constant50" -> "173 _native_batch_norm_legit_no_training_16"; +"171 _tensor_constant32" -> "173 _native_batch_norm_legit_no_training_16"; +"172 _tensor_constant33" -> "173 _native_batch_norm_legit_no_training_16"; +"173 _native_batch_norm_legit_no_training_16" -> "174 getitem_48"; +"174 getitem_48" -> "184 add__6"; +"175 conv2d_17_updated_constant0" -> "176 symmetric_weights_decompressor_conv2d_17_updated_constant0_0"; +"176 symmetric_weights_decompressor_conv2d_17_updated_constant0_0" -> "177 conv2d_17"; +"177 conv2d_17" -> "182 _native_batch_norm_legit_no_training_17"; +"178 _param_constant52" -> "182 _native_batch_norm_legit_no_training_17"; +"179 _param_constant53" -> "182 _native_batch_norm_legit_no_training_17"; +"180 _tensor_constant34" -> "182 _native_batch_norm_legit_no_training_17"; +"181 _tensor_constant35" -> "182 _native_batch_norm_legit_no_training_17"; +"182 _native_batch_norm_legit_no_training_17" -> "183 getitem_51"; +"183 getitem_51" -> "184 add__6"; +"184 add__6" -> "185 relu__14"; +"185 relu__14" -> "188 conv2d_18"; +"185 relu__14" -> "205 add__7"; +"186 conv2d_18_updated_constant0" -> "187 symmetric_weights_decompressor_conv2d_18_updated_constant0_0"; +"187 symmetric_weights_decompressor_conv2d_18_updated_constant0_0" -> "188 conv2d_18"; +"188 conv2d_18" -> "193 _native_batch_norm_legit_no_training_18"; +"189 _param_constant55" -> "193 _native_batch_norm_legit_no_training_18"; +"190 _param_constant56" -> "193 _native_batch_norm_legit_no_training_18"; +"191 _tensor_constant36" -> "193 _native_batch_norm_legit_no_training_18"; +"192 _tensor_constant37" -> "193 _native_batch_norm_legit_no_training_18"; +"193 _native_batch_norm_legit_no_training_18" -> "194 getitem_54"; +"194 getitem_54" -> "195 relu__15"; +"195 relu__15" -> "198 conv2d_19"; +"196 conv2d_19_updated_constant0" -> "197 symmetric_weights_decompressor_conv2d_19_updated_constant0_0"; +"197 symmetric_weights_decompressor_conv2d_19_updated_constant0_0" -> "198 conv2d_19"; +"198 conv2d_19" -> "203 _native_batch_norm_legit_no_training_19"; +"199 _param_constant58" -> "203 _native_batch_norm_legit_no_training_19"; +"200 _param_constant59" -> "203 _native_batch_norm_legit_no_training_19"; +"201 _tensor_constant38" -> "203 _native_batch_norm_legit_no_training_19"; +"202 _tensor_constant39" -> "203 _native_batch_norm_legit_no_training_19"; +"203 _native_batch_norm_legit_no_training_19" -> "204 getitem_57"; +"204 getitem_57" -> "205 add__7"; +"205 add__7" -> "206 relu__16"; +"206 relu__16" -> "207 adaptive_avg_pool2d"; +"207 adaptive_avg_pool2d" -> "208 flatten"; +"208 flatten" -> "212 linear"; +"209 _param_constant61" -> "212 linear"; +"210 linear_updated_constant0" -> "211 symmetric_weights_decompressor_linear_updated_constant0_0"; +"211 symmetric_weights_decompressor_linear_updated_constant0_0" -> "212 linear"; +"212 linear" -> "213 output"; +} diff --git a/tests/torch/data/reference_graphs/fx/compressed/swin_v2_s.dot b/tests/torch/data/reference_graphs/fx/compressed/swin_v2_s.dot new file mode 100644 index 00000000000..e66e393bef9 --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/compressed/swin_v2_s.dot @@ -0,0 +1,4822 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 _param_constant1" [id=1, type=get_attr]; +"2 conv2d_updated_constant0" [id=2, type=get_attr]; +"3 symmetric_weights_decompressor_conv2d_updated_constant0_0" [id=3, type=call_module]; +"4 conv2d" [id=4, type=conv2d]; +"5 permute" [id=5, type=permute]; +"6 _param_constant2" [id=6, type=get_attr]; +"7 _param_constant3" [id=7, type=get_attr]; +"8 layer_norm" [id=8, type=layer_norm]; +"9 _tensor_constant0" [id=9, type=get_attr]; +"10 _param_constant5" [id=10, type=get_attr]; +"11 linear_updated_constant0" [id=11, type=get_attr]; +"12 symmetric_weights_decompressor_linear_updated_constant0_0" [id=12, type=call_module]; +"13 linear" [id=13, type=linear]; +"14 relu_" [id=14, type=relu_]; +"15 linear_1_updated_constant0" [id=15, type=get_attr]; +"16 symmetric_weights_decompressor_linear_1_updated_constant0_0" [id=16, type=call_module]; +"17 linear_1" [id=17, type=linear]; +"18 view" [id=18, type=view]; +"19 _tensor_constant1" [id=19, type=get_attr]; +"20 index" [id=20, type=index]; +"21 view_1" [id=21, type=view]; +"22 permute_1" [id=22, type=permute]; +"23 contiguous" [id=23, type=contiguous]; +"24 unsqueeze" [id=24, type=unsqueeze]; +"25 sigmoid" [id=25, type=sigmoid]; +"26 mul" [id=26, type=mul]; +"27 pad" [id=27, type=pad]; +"28 view_2" [id=28, type=view]; +"29 permute_2" [id=29, type=permute]; +"30 reshape" [id=30, type=reshape]; +"31 _param_constant7" [id=31, type=get_attr]; +"32 clone" [id=32, type=clone]; +"33 linear_2_updated_constant0" [id=33, type=get_attr]; +"34 symmetric_weights_decompressor_linear_2_updated_constant0_0" [id=34, type=call_module]; +"35 linear_2" [id=35, type=linear]; +"36 reshape_1" [id=36, type=reshape]; +"37 permute_3" [id=37, type=permute]; +"38 select" [id=38, type=select]; +"39 select_1" [id=39, type=select]; +"40 select_2" [id=40, type=select]; +"41 linalg_vector_norm" [id=41, type=linalg_vector_norm]; +"42 clamp_min" [id=42, type=clamp_min]; +"43 expand_as" [id=43, type=expand_as]; +"44 div" [id=44, type=div]; +"45 linalg_vector_norm_1" [id=45, type=linalg_vector_norm]; +"46 clamp_min_1" [id=46, type=clamp_min]; +"47 expand_as_1" [id=47, type=expand_as]; +"48 div_1" [id=48, type=div]; +"49 transpose" [id=49, type=transpose]; +"50 matmul" [id=50, type=matmul]; +"51 _param_constant9" [id=51, type=get_attr]; +"52 clamp" [id=52, type=clamp]; +"53 exp" [id=53, type=exp]; +"54 mul_1" [id=54, type=mul]; +"55 add" [id=55, type=add]; +"56 softmax" [id=56, type=softmax]; +"57 dropout" [id=57, type=dropout]; +"58 matmul_1" [id=58, type=matmul]; +"59 transpose_1" [id=59, type=transpose]; +"60 reshape_2" [id=60, type=reshape]; +"61 _param_constant11" [id=61, type=get_attr]; +"62 linear_3_updated_constant0" [id=62, type=get_attr]; +"63 symmetric_weights_decompressor_linear_3_updated_constant0_0" [id=63, type=call_module]; +"64 linear_3" [id=64, type=linear]; +"65 dropout_1" [id=65, type=dropout]; +"66 view_3" [id=66, type=view]; +"67 permute_4" [id=67, type=permute]; +"68 reshape_3" [id=68, type=reshape]; +"69 slice_2" [id=69, type=slice]; +"70 slice_3" [id=70, type=slice]; +"71 _param_constant12" [id=71, type=get_attr]; +"72 _param_constant13" [id=72, type=get_attr]; +"73 layer_norm_1" [id=73, type=layer_norm]; +"74 add_1" [id=74, type=add]; +"75 _param_constant15" [id=75, type=get_attr]; +"76 linear_4_updated_constant0" [id=76, type=get_attr]; +"77 symmetric_weights_decompressor_linear_4_updated_constant0_0" [id=77, type=call_module]; +"78 linear_4" [id=78, type=linear]; +"79 gelu" [id=79, type=gelu]; +"80 dropout_2" [id=80, type=dropout]; +"81 _param_constant17" [id=81, type=get_attr]; +"82 linear_5_updated_constant0" [id=82, type=get_attr]; +"83 symmetric_weights_decompressor_linear_5_updated_constant0_0" [id=83, type=call_module]; +"84 linear_5" [id=84, type=linear]; +"85 dropout_3" [id=85, type=dropout]; +"86 _param_constant18" [id=86, type=get_attr]; +"87 _param_constant19" [id=87, type=get_attr]; +"88 layer_norm_2" [id=88, type=layer_norm]; +"89 add_2" [id=89, type=add]; +"90 _tensor_constant2" [id=90, type=get_attr]; +"91 _param_constant21" [id=91, type=get_attr]; +"92 linear_6_updated_constant0" [id=92, type=get_attr]; +"93 symmetric_weights_decompressor_linear_6_updated_constant0_0" [id=93, type=call_module]; +"94 linear_6" [id=94, type=linear]; +"95 relu__1" [id=95, type=relu_]; +"96 linear_7_updated_constant0" [id=96, type=get_attr]; +"97 symmetric_weights_decompressor_linear_7_updated_constant0_0" [id=97, type=call_module]; +"98 linear_7" [id=98, type=linear]; +"99 view_4" [id=99, type=view]; +"100 _tensor_constant3" [id=100, type=get_attr]; +"101 index_1" [id=101, type=index]; +"102 view_5" [id=102, type=view]; +"103 permute_5" [id=103, type=permute]; +"104 contiguous_1" [id=104, type=contiguous]; +"105 unsqueeze_1" [id=105, type=unsqueeze]; +"106 sigmoid_1" [id=106, type=sigmoid]; +"107 mul_2" [id=107, type=mul]; +"108 pad_1" [id=108, type=pad]; +"109 roll" [id=109, type=roll]; +"110 view_6" [id=110, type=view]; +"111 permute_6" [id=111, type=permute]; +"112 reshape_4" [id=112, type=reshape]; +"113 _param_constant23" [id=113, type=get_attr]; +"114 clone_1" [id=114, type=clone]; +"115 linear_8_updated_constant0" [id=115, type=get_attr]; +"116 symmetric_weights_decompressor_linear_8_updated_constant0_0" [id=116, type=call_module]; +"117 linear_8" [id=117, type=linear]; +"118 reshape_5" [id=118, type=reshape]; +"119 permute_7" [id=119, type=permute]; +"120 select_3" [id=120, type=select]; +"121 select_4" [id=121, type=select]; +"122 select_5" [id=122, type=select]; +"123 linalg_vector_norm_2" [id=123, type=linalg_vector_norm]; +"124 clamp_min_2" [id=124, type=clamp_min]; +"125 expand_as_2" [id=125, type=expand_as]; +"126 div_2" [id=126, type=div]; +"127 linalg_vector_norm_3" [id=127, type=linalg_vector_norm]; +"128 clamp_min_3" [id=128, type=clamp_min]; +"129 expand_as_3" [id=129, type=expand_as]; +"130 div_3" [id=130, type=div]; +"131 transpose_2" [id=131, type=transpose]; +"132 matmul_2" [id=132, type=matmul]; +"133 _param_constant25" [id=133, type=get_attr]; +"134 clamp_1" [id=134, type=clamp]; +"135 exp_1" [id=135, type=exp]; +"136 mul_3" [id=136, type=mul]; +"137 add_3" [id=137, type=add]; +"138 new_zeros" [id=138, type=new_zeros]; +"139 view_7" [id=139, type=view]; +"140 permute_8" [id=140, type=permute]; +"141 reshape_6" [id=141, type=reshape]; +"142 unsqueeze_2" [id=142, type=unsqueeze]; +"143 unsqueeze_3" [id=143, type=unsqueeze]; +"144 sub" [id=144, type=sub]; +"145 ne" [id=145, type=ne]; +"146 masked_fill" [id=146, type=masked_fill]; +"147 eq" [id=147, type=eq]; +"148 masked_fill_1" [id=148, type=masked_fill]; +"149 view_8" [id=149, type=view]; +"150 unsqueeze_4" [id=150, type=unsqueeze]; +"151 unsqueeze_5" [id=151, type=unsqueeze]; +"152 add_4" [id=152, type=add]; +"153 view_9" [id=153, type=view]; +"154 softmax_1" [id=154, type=softmax]; +"155 dropout_4" [id=155, type=dropout]; +"156 matmul_3" [id=156, type=matmul]; +"157 transpose_3" [id=157, type=transpose]; +"158 reshape_7" [id=158, type=reshape]; +"159 _param_constant27" [id=159, type=get_attr]; +"160 linear_9_updated_constant0" [id=160, type=get_attr]; +"161 symmetric_weights_decompressor_linear_9_updated_constant0_0" [id=161, type=call_module]; +"162 linear_9" [id=162, type=linear]; +"163 dropout_5" [id=163, type=dropout]; +"164 view_10" [id=164, type=view]; +"165 permute_9" [id=165, type=permute]; +"166 reshape_8" [id=166, type=reshape]; +"167 roll_1" [id=167, type=roll]; +"168 slice_23" [id=168, type=slice]; +"169 slice_24" [id=169, type=slice]; +"170 _param_constant28" [id=170, type=get_attr]; +"171 _param_constant29" [id=171, type=get_attr]; +"172 layer_norm_3" [id=172, type=layer_norm]; +"173 add_5" [id=173, type=add]; +"174 _param_constant31" [id=174, type=get_attr]; +"175 linear_10_updated_constant0" [id=175, type=get_attr]; +"176 symmetric_weights_decompressor_linear_10_updated_constant0_0" [id=176, type=call_module]; +"177 linear_10" [id=177, type=linear]; +"178 gelu_1" [id=178, type=gelu]; +"179 dropout_6" [id=179, type=dropout]; +"180 _param_constant33" [id=180, type=get_attr]; +"181 linear_11_updated_constant0" [id=181, type=get_attr]; +"182 symmetric_weights_decompressor_linear_11_updated_constant0_0" [id=182, type=call_module]; +"183 linear_11" [id=183, type=linear]; +"184 dropout_7" [id=184, type=dropout]; +"185 _param_constant34" [id=185, type=get_attr]; +"186 _param_constant35" [id=186, type=get_attr]; +"187 layer_norm_4" [id=187, type=layer_norm]; +"188 add_6" [id=188, type=add]; +"189 pad_2" [id=189, type=pad]; +"190 slice_25" [id=190, type=slice]; +"191 slice_26" [id=191, type=slice]; +"192 slice_27" [id=192, type=slice]; +"193 slice_28" [id=193, type=slice]; +"194 slice_29" [id=194, type=slice]; +"195 slice_30" [id=195, type=slice]; +"196 slice_31" [id=196, type=slice]; +"197 slice_32" [id=197, type=slice]; +"198 slice_33" [id=198, type=slice]; +"199 slice_34" [id=199, type=slice]; +"200 slice_35" [id=200, type=slice]; +"201 slice_36" [id=201, type=slice]; +"202 cat" [id=202, type=cat]; +"203 linear_12_updated_constant0" [id=203, type=get_attr]; +"204 symmetric_weights_decompressor_linear_12_updated_constant0_0" [id=204, type=call_module]; +"205 linear_12" [id=205, type=linear]; +"206 _param_constant37" [id=206, type=get_attr]; +"207 _param_constant38" [id=207, type=get_attr]; +"208 layer_norm_5" [id=208, type=layer_norm]; +"209 _tensor_constant13" [id=209, type=get_attr]; +"210 _param_constant40" [id=210, type=get_attr]; +"211 linear_13_updated_constant0" [id=211, type=get_attr]; +"212 symmetric_weights_decompressor_linear_13_updated_constant0_0" [id=212, type=call_module]; +"213 linear_13" [id=213, type=linear]; +"214 relu__2" [id=214, type=relu_]; +"215 linear_14_updated_constant0" [id=215, type=get_attr]; +"216 symmetric_weights_decompressor_linear_14_updated_constant0_0" [id=216, type=call_module]; +"217 linear_14" [id=217, type=linear]; +"218 view_11" [id=218, type=view]; +"219 _tensor_constant14" [id=219, type=get_attr]; +"220 index_2" [id=220, type=index]; +"221 view_12" [id=221, type=view]; +"222 permute_10" [id=222, type=permute]; +"223 contiguous_2" [id=223, type=contiguous]; +"224 unsqueeze_6" [id=224, type=unsqueeze]; +"225 sigmoid_2" [id=225, type=sigmoid]; +"226 mul_4" [id=226, type=mul]; +"227 pad_3" [id=227, type=pad]; +"228 view_13" [id=228, type=view]; +"229 permute_11" [id=229, type=permute]; +"230 reshape_9" [id=230, type=reshape]; +"231 _param_constant42" [id=231, type=get_attr]; +"232 clone_2" [id=232, type=clone]; +"233 linear_15_updated_constant0" [id=233, type=get_attr]; +"234 symmetric_weights_decompressor_linear_15_updated_constant0_0" [id=234, type=call_module]; +"235 linear_15" [id=235, type=linear]; +"236 reshape_10" [id=236, type=reshape]; +"237 permute_12" [id=237, type=permute]; +"238 select_6" [id=238, type=select]; +"239 select_7" [id=239, type=select]; +"240 select_8" [id=240, type=select]; +"241 linalg_vector_norm_4" [id=241, type=linalg_vector_norm]; +"242 clamp_min_4" [id=242, type=clamp_min]; +"243 expand_as_4" [id=243, type=expand_as]; +"244 div_4" [id=244, type=div]; +"245 linalg_vector_norm_5" [id=245, type=linalg_vector_norm]; +"246 clamp_min_5" [id=246, type=clamp_min]; +"247 expand_as_5" [id=247, type=expand_as]; +"248 div_5" [id=248, type=div]; +"249 transpose_4" [id=249, type=transpose]; +"250 matmul_4" [id=250, type=matmul]; +"251 _param_constant44" [id=251, type=get_attr]; +"252 clamp_2" [id=252, type=clamp]; +"253 exp_2" [id=253, type=exp]; +"254 mul_5" [id=254, type=mul]; +"255 add_7" [id=255, type=add]; +"256 softmax_2" [id=256, type=softmax]; +"257 dropout_8" [id=257, type=dropout]; +"258 matmul_5" [id=258, type=matmul]; +"259 transpose_5" [id=259, type=transpose]; +"260 reshape_11" [id=260, type=reshape]; +"261 _param_constant46" [id=261, type=get_attr]; +"262 linear_16_updated_constant0" [id=262, type=get_attr]; +"263 symmetric_weights_decompressor_linear_16_updated_constant0_0" [id=263, type=call_module]; +"264 linear_16" [id=264, type=linear]; +"265 dropout_9" [id=265, type=dropout]; +"266 view_14" [id=266, type=view]; +"267 permute_13" [id=267, type=permute]; +"268 reshape_12" [id=268, type=reshape]; +"269 slice_38" [id=269, type=slice]; +"270 slice_39" [id=270, type=slice]; +"271 slice_40" [id=271, type=slice]; +"272 slice_41" [id=272, type=slice]; +"273 contiguous_3" [id=273, type=contiguous]; +"274 _param_constant47" [id=274, type=get_attr]; +"275 _param_constant48" [id=275, type=get_attr]; +"276 layer_norm_6" [id=276, type=layer_norm]; +"277 add_8" [id=277, type=add]; +"278 _param_constant50" [id=278, type=get_attr]; +"279 linear_17_updated_constant0" [id=279, type=get_attr]; +"280 symmetric_weights_decompressor_linear_17_updated_constant0_0" [id=280, type=call_module]; +"281 linear_17" [id=281, type=linear]; +"282 gelu_2" [id=282, type=gelu]; +"283 dropout_10" [id=283, type=dropout]; +"284 _param_constant52" [id=284, type=get_attr]; +"285 linear_18_updated_constant0" [id=285, type=get_attr]; +"286 symmetric_weights_decompressor_linear_18_updated_constant0_0" [id=286, type=call_module]; +"287 linear_18" [id=287, type=linear]; +"288 dropout_11" [id=288, type=dropout]; +"289 _param_constant53" [id=289, type=get_attr]; +"290 _param_constant54" [id=290, type=get_attr]; +"291 layer_norm_7" [id=291, type=layer_norm]; +"292 add_9" [id=292, type=add]; +"293 _tensor_constant15" [id=293, type=get_attr]; +"294 _param_constant56" [id=294, type=get_attr]; +"295 linear_19_updated_constant0" [id=295, type=get_attr]; +"296 symmetric_weights_decompressor_linear_19_updated_constant0_0" [id=296, type=call_module]; +"297 linear_19" [id=297, type=linear]; +"298 relu__3" [id=298, type=relu_]; +"299 linear_20_updated_constant0" [id=299, type=get_attr]; +"300 symmetric_weights_decompressor_linear_20_updated_constant0_0" [id=300, type=call_module]; +"301 linear_20" [id=301, type=linear]; +"302 view_15" [id=302, type=view]; +"303 _tensor_constant16" [id=303, type=get_attr]; +"304 index_3" [id=304, type=index]; +"305 view_16" [id=305, type=view]; +"306 permute_14" [id=306, type=permute]; +"307 contiguous_4" [id=307, type=contiguous]; +"308 unsqueeze_7" [id=308, type=unsqueeze]; +"309 sigmoid_3" [id=309, type=sigmoid]; +"310 mul_6" [id=310, type=mul]; +"311 pad_4" [id=311, type=pad]; +"312 roll_2" [id=312, type=roll]; +"313 view_17" [id=313, type=view]; +"314 permute_15" [id=314, type=permute]; +"315 reshape_13" [id=315, type=reshape]; +"316 _param_constant58" [id=316, type=get_attr]; +"317 clone_3" [id=317, type=clone]; +"318 linear_21_updated_constant0" [id=318, type=get_attr]; +"319 symmetric_weights_decompressor_linear_21_updated_constant0_0" [id=319, type=call_module]; +"320 linear_21" [id=320, type=linear]; +"321 reshape_14" [id=321, type=reshape]; +"322 permute_16" [id=322, type=permute]; +"323 select_9" [id=323, type=select]; +"324 select_10" [id=324, type=select]; +"325 select_11" [id=325, type=select]; +"326 linalg_vector_norm_6" [id=326, type=linalg_vector_norm]; +"327 clamp_min_6" [id=327, type=clamp_min]; +"328 expand_as_6" [id=328, type=expand_as]; +"329 div_6" [id=329, type=div]; +"330 linalg_vector_norm_7" [id=330, type=linalg_vector_norm]; +"331 clamp_min_7" [id=331, type=clamp_min]; +"332 expand_as_7" [id=332, type=expand_as]; +"333 div_7" [id=333, type=div]; +"334 transpose_6" [id=334, type=transpose]; +"335 matmul_6" [id=335, type=matmul]; +"336 _param_constant60" [id=336, type=get_attr]; +"337 clamp_3" [id=337, type=clamp]; +"338 exp_3" [id=338, type=exp]; +"339 mul_7" [id=339, type=mul]; +"340 add_10" [id=340, type=add]; +"341 new_zeros_1" [id=341, type=new_zeros]; +"342 view_18" [id=342, type=view]; +"343 permute_17" [id=343, type=permute]; +"344 reshape_15" [id=344, type=reshape]; +"345 unsqueeze_8" [id=345, type=unsqueeze]; +"346 unsqueeze_9" [id=346, type=unsqueeze]; +"347 sub_1" [id=347, type=sub]; +"348 ne_1" [id=348, type=ne]; +"349 masked_fill_2" [id=349, type=masked_fill]; +"350 eq_1" [id=350, type=eq]; +"351 masked_fill_3" [id=351, type=masked_fill]; +"352 view_19" [id=352, type=view]; +"353 unsqueeze_10" [id=353, type=unsqueeze]; +"354 unsqueeze_11" [id=354, type=unsqueeze]; +"355 add_11" [id=355, type=add]; +"356 view_20" [id=356, type=view]; +"357 softmax_3" [id=357, type=softmax]; +"358 dropout_12" [id=358, type=dropout]; +"359 matmul_7" [id=359, type=matmul]; +"360 transpose_7" [id=360, type=transpose]; +"361 reshape_16" [id=361, type=reshape]; +"362 _param_constant62" [id=362, type=get_attr]; +"363 linear_22_updated_constant0" [id=363, type=get_attr]; +"364 symmetric_weights_decompressor_linear_22_updated_constant0_0" [id=364, type=call_module]; +"365 linear_22" [id=365, type=linear]; +"366 dropout_13" [id=366, type=dropout]; +"367 view_21" [id=367, type=view]; +"368 permute_18" [id=368, type=permute]; +"369 reshape_17" [id=369, type=reshape]; +"370 roll_3" [id=370, type=roll]; +"371 slice_61" [id=371, type=slice]; +"372 slice_62" [id=372, type=slice]; +"373 slice_63" [id=373, type=slice]; +"374 slice_64" [id=374, type=slice]; +"375 contiguous_5" [id=375, type=contiguous]; +"376 _param_constant63" [id=376, type=get_attr]; +"377 _param_constant64" [id=377, type=get_attr]; +"378 layer_norm_8" [id=378, type=layer_norm]; +"379 add_12" [id=379, type=add]; +"380 _param_constant66" [id=380, type=get_attr]; +"381 linear_23_updated_constant0" [id=381, type=get_attr]; +"382 symmetric_weights_decompressor_linear_23_updated_constant0_0" [id=382, type=call_module]; +"383 linear_23" [id=383, type=linear]; +"384 gelu_3" [id=384, type=gelu]; +"385 dropout_14" [id=385, type=dropout]; +"386 _param_constant68" [id=386, type=get_attr]; +"387 linear_24_updated_constant0" [id=387, type=get_attr]; +"388 symmetric_weights_decompressor_linear_24_updated_constant0_0" [id=388, type=call_module]; +"389 linear_24" [id=389, type=linear]; +"390 dropout_15" [id=390, type=dropout]; +"391 _param_constant69" [id=391, type=get_attr]; +"392 _param_constant70" [id=392, type=get_attr]; +"393 layer_norm_9" [id=393, type=layer_norm]; +"394 add_13" [id=394, type=add]; +"395 pad_5" [id=395, type=pad]; +"396 slice_65" [id=396, type=slice]; +"397 slice_66" [id=397, type=slice]; +"398 slice_67" [id=398, type=slice]; +"399 slice_68" [id=399, type=slice]; +"400 slice_69" [id=400, type=slice]; +"401 slice_70" [id=401, type=slice]; +"402 slice_71" [id=402, type=slice]; +"403 slice_72" [id=403, type=slice]; +"404 slice_73" [id=404, type=slice]; +"405 slice_74" [id=405, type=slice]; +"406 slice_75" [id=406, type=slice]; +"407 slice_76" [id=407, type=slice]; +"408 cat_1" [id=408, type=cat]; +"409 linear_25_updated_constant0" [id=409, type=get_attr]; +"410 symmetric_weights_decompressor_linear_25_updated_constant0_0" [id=410, type=call_module]; +"411 linear_25" [id=411, type=linear]; +"412 _param_constant72" [id=412, type=get_attr]; +"413 _param_constant73" [id=413, type=get_attr]; +"414 layer_norm_10" [id=414, type=layer_norm]; +"415 _tensor_constant26" [id=415, type=get_attr]; +"416 _param_constant75" [id=416, type=get_attr]; +"417 linear_26_updated_constant0" [id=417, type=get_attr]; +"418 symmetric_weights_decompressor_linear_26_updated_constant0_0" [id=418, type=call_module]; +"419 linear_26" [id=419, type=linear]; +"420 relu__4" [id=420, type=relu_]; +"421 linear_27_updated_constant0" [id=421, type=get_attr]; +"422 symmetric_weights_decompressor_linear_27_updated_constant0_0" [id=422, type=call_module]; +"423 linear_27" [id=423, type=linear]; +"424 view_22" [id=424, type=view]; +"425 _tensor_constant27" [id=425, type=get_attr]; +"426 index_4" [id=426, type=index]; +"427 view_23" [id=427, type=view]; +"428 permute_19" [id=428, type=permute]; +"429 contiguous_6" [id=429, type=contiguous]; +"430 unsqueeze_12" [id=430, type=unsqueeze]; +"431 sigmoid_4" [id=431, type=sigmoid]; +"432 mul_8" [id=432, type=mul]; +"433 pad_6" [id=433, type=pad]; +"434 view_24" [id=434, type=view]; +"435 permute_20" [id=435, type=permute]; +"436 reshape_18" [id=436, type=reshape]; +"437 _param_constant77" [id=437, type=get_attr]; +"438 clone_4" [id=438, type=clone]; +"439 linear_28_updated_constant0" [id=439, type=get_attr]; +"440 symmetric_weights_decompressor_linear_28_updated_constant0_0" [id=440, type=call_module]; +"441 linear_28" [id=441, type=linear]; +"442 reshape_19" [id=442, type=reshape]; +"443 permute_21" [id=443, type=permute]; +"444 select_12" [id=444, type=select]; +"445 select_13" [id=445, type=select]; +"446 select_14" [id=446, type=select]; +"447 linalg_vector_norm_8" [id=447, type=linalg_vector_norm]; +"448 clamp_min_8" [id=448, type=clamp_min]; +"449 expand_as_8" [id=449, type=expand_as]; +"450 div_8" [id=450, type=div]; +"451 linalg_vector_norm_9" [id=451, type=linalg_vector_norm]; +"452 clamp_min_9" [id=452, type=clamp_min]; +"453 expand_as_9" [id=453, type=expand_as]; +"454 div_9" [id=454, type=div]; +"455 transpose_8" [id=455, type=transpose]; +"456 matmul_8" [id=456, type=matmul]; +"457 _param_constant79" [id=457, type=get_attr]; +"458 clamp_4" [id=458, type=clamp]; +"459 exp_4" [id=459, type=exp]; +"460 mul_9" [id=460, type=mul]; +"461 add_14" [id=461, type=add]; +"462 softmax_4" [id=462, type=softmax]; +"463 dropout_16" [id=463, type=dropout]; +"464 matmul_9" [id=464, type=matmul]; +"465 transpose_9" [id=465, type=transpose]; +"466 reshape_20" [id=466, type=reshape]; +"467 _param_constant81" [id=467, type=get_attr]; +"468 linear_29_updated_constant0" [id=468, type=get_attr]; +"469 symmetric_weights_decompressor_linear_29_updated_constant0_0" [id=469, type=call_module]; +"470 linear_29" [id=470, type=linear]; +"471 dropout_17" [id=471, type=dropout]; +"472 view_25" [id=472, type=view]; +"473 permute_22" [id=473, type=permute]; +"474 reshape_21" [id=474, type=reshape]; +"475 slice_78" [id=475, type=slice]; +"476 slice_79" [id=476, type=slice]; +"477 slice_80" [id=477, type=slice]; +"478 slice_81" [id=478, type=slice]; +"479 contiguous_7" [id=479, type=contiguous]; +"480 _param_constant82" [id=480, type=get_attr]; +"481 _param_constant83" [id=481, type=get_attr]; +"482 layer_norm_11" [id=482, type=layer_norm]; +"483 add_15" [id=483, type=add]; +"484 _param_constant85" [id=484, type=get_attr]; +"485 linear_30_updated_constant0" [id=485, type=get_attr]; +"486 symmetric_weights_decompressor_linear_30_updated_constant0_0" [id=486, type=call_module]; +"487 linear_30" [id=487, type=linear]; +"488 gelu_4" [id=488, type=gelu]; +"489 dropout_18" [id=489, type=dropout]; +"490 _param_constant87" [id=490, type=get_attr]; +"491 linear_31_updated_constant0" [id=491, type=get_attr]; +"492 symmetric_weights_decompressor_linear_31_updated_constant0_0" [id=492, type=call_module]; +"493 linear_31" [id=493, type=linear]; +"494 dropout_19" [id=494, type=dropout]; +"495 _param_constant88" [id=495, type=get_attr]; +"496 _param_constant89" [id=496, type=get_attr]; +"497 layer_norm_12" [id=497, type=layer_norm]; +"498 add_16" [id=498, type=add]; +"499 _tensor_constant28" [id=499, type=get_attr]; +"500 _param_constant91" [id=500, type=get_attr]; +"501 linear_32_updated_constant0" [id=501, type=get_attr]; +"502 symmetric_weights_decompressor_linear_32_updated_constant0_0" [id=502, type=call_module]; +"503 linear_32" [id=503, type=linear]; +"504 relu__5" [id=504, type=relu_]; +"505 linear_33_updated_constant0" [id=505, type=get_attr]; +"506 symmetric_weights_decompressor_linear_33_updated_constant0_0" [id=506, type=call_module]; +"507 linear_33" [id=507, type=linear]; +"508 view_26" [id=508, type=view]; +"509 _tensor_constant29" [id=509, type=get_attr]; +"510 index_5" [id=510, type=index]; +"511 view_27" [id=511, type=view]; +"512 permute_23" [id=512, type=permute]; +"513 contiguous_8" [id=513, type=contiguous]; +"514 unsqueeze_13" [id=514, type=unsqueeze]; +"515 sigmoid_5" [id=515, type=sigmoid]; +"516 mul_10" [id=516, type=mul]; +"517 pad_7" [id=517, type=pad]; +"518 roll_4" [id=518, type=roll]; +"519 view_28" [id=519, type=view]; +"520 permute_24" [id=520, type=permute]; +"521 reshape_22" [id=521, type=reshape]; +"522 _param_constant93" [id=522, type=get_attr]; +"523 clone_5" [id=523, type=clone]; +"524 linear_34_updated_constant0" [id=524, type=get_attr]; +"525 symmetric_weights_decompressor_linear_34_updated_constant0_0" [id=525, type=call_module]; +"526 linear_34" [id=526, type=linear]; +"527 reshape_23" [id=527, type=reshape]; +"528 permute_25" [id=528, type=permute]; +"529 select_15" [id=529, type=select]; +"530 select_16" [id=530, type=select]; +"531 select_17" [id=531, type=select]; +"532 linalg_vector_norm_10" [id=532, type=linalg_vector_norm]; +"533 clamp_min_10" [id=533, type=clamp_min]; +"534 expand_as_10" [id=534, type=expand_as]; +"535 div_10" [id=535, type=div]; +"536 linalg_vector_norm_11" [id=536, type=linalg_vector_norm]; +"537 clamp_min_11" [id=537, type=clamp_min]; +"538 expand_as_11" [id=538, type=expand_as]; +"539 div_11" [id=539, type=div]; +"540 transpose_10" [id=540, type=transpose]; +"541 matmul_10" [id=541, type=matmul]; +"542 _param_constant95" [id=542, type=get_attr]; +"543 clamp_5" [id=543, type=clamp]; +"544 exp_5" [id=544, type=exp]; +"545 mul_11" [id=545, type=mul]; +"546 add_17" [id=546, type=add]; +"547 new_zeros_2" [id=547, type=new_zeros]; +"548 view_29" [id=548, type=view]; +"549 permute_26" [id=549, type=permute]; +"550 reshape_24" [id=550, type=reshape]; +"551 unsqueeze_14" [id=551, type=unsqueeze]; +"552 unsqueeze_15" [id=552, type=unsqueeze]; +"553 sub_2" [id=553, type=sub]; +"554 ne_2" [id=554, type=ne]; +"555 masked_fill_4" [id=555, type=masked_fill]; +"556 eq_2" [id=556, type=eq]; +"557 masked_fill_5" [id=557, type=masked_fill]; +"558 view_30" [id=558, type=view]; +"559 unsqueeze_16" [id=559, type=unsqueeze]; +"560 unsqueeze_17" [id=560, type=unsqueeze]; +"561 add_18" [id=561, type=add]; +"562 view_31" [id=562, type=view]; +"563 softmax_5" [id=563, type=softmax]; +"564 dropout_20" [id=564, type=dropout]; +"565 matmul_11" [id=565, type=matmul]; +"566 transpose_11" [id=566, type=transpose]; +"567 reshape_25" [id=567, type=reshape]; +"568 _param_constant97" [id=568, type=get_attr]; +"569 linear_35_updated_constant0" [id=569, type=get_attr]; +"570 symmetric_weights_decompressor_linear_35_updated_constant0_0" [id=570, type=call_module]; +"571 linear_35" [id=571, type=linear]; +"572 dropout_21" [id=572, type=dropout]; +"573 view_32" [id=573, type=view]; +"574 permute_27" [id=574, type=permute]; +"575 reshape_26" [id=575, type=reshape]; +"576 roll_5" [id=576, type=roll]; +"577 slice_101" [id=577, type=slice]; +"578 slice_102" [id=578, type=slice]; +"579 slice_103" [id=579, type=slice]; +"580 slice_104" [id=580, type=slice]; +"581 contiguous_9" [id=581, type=contiguous]; +"582 _param_constant98" [id=582, type=get_attr]; +"583 _param_constant99" [id=583, type=get_attr]; +"584 layer_norm_13" [id=584, type=layer_norm]; +"585 add_19" [id=585, type=add]; +"586 _param_constant101" [id=586, type=get_attr]; +"587 linear_36_updated_constant0" [id=587, type=get_attr]; +"588 symmetric_weights_decompressor_linear_36_updated_constant0_0" [id=588, type=call_module]; +"589 linear_36" [id=589, type=linear]; +"590 gelu_5" [id=590, type=gelu]; +"591 dropout_22" [id=591, type=dropout]; +"592 _param_constant103" [id=592, type=get_attr]; +"593 linear_37_updated_constant0" [id=593, type=get_attr]; +"594 symmetric_weights_decompressor_linear_37_updated_constant0_0" [id=594, type=call_module]; +"595 linear_37" [id=595, type=linear]; +"596 dropout_23" [id=596, type=dropout]; +"597 _param_constant104" [id=597, type=get_attr]; +"598 _param_constant105" [id=598, type=get_attr]; +"599 layer_norm_14" [id=599, type=layer_norm]; +"600 add_20" [id=600, type=add]; +"601 _tensor_constant39" [id=601, type=get_attr]; +"602 _param_constant107" [id=602, type=get_attr]; +"603 linear_38_updated_constant0" [id=603, type=get_attr]; +"604 symmetric_weights_decompressor_linear_38_updated_constant0_0" [id=604, type=call_module]; +"605 linear_38" [id=605, type=linear]; +"606 relu__6" [id=606, type=relu_]; +"607 linear_39_updated_constant0" [id=607, type=get_attr]; +"608 symmetric_weights_decompressor_linear_39_updated_constant0_0" [id=608, type=call_module]; +"609 linear_39" [id=609, type=linear]; +"610 view_33" [id=610, type=view]; +"611 _tensor_constant40" [id=611, type=get_attr]; +"612 index_6" [id=612, type=index]; +"613 view_34" [id=613, type=view]; +"614 permute_28" [id=614, type=permute]; +"615 contiguous_10" [id=615, type=contiguous]; +"616 unsqueeze_18" [id=616, type=unsqueeze]; +"617 sigmoid_6" [id=617, type=sigmoid]; +"618 mul_12" [id=618, type=mul]; +"619 pad_8" [id=619, type=pad]; +"620 view_35" [id=620, type=view]; +"621 permute_29" [id=621, type=permute]; +"622 reshape_27" [id=622, type=reshape]; +"623 _param_constant109" [id=623, type=get_attr]; +"624 clone_6" [id=624, type=clone]; +"625 linear_40_updated_constant0" [id=625, type=get_attr]; +"626 symmetric_weights_decompressor_linear_40_updated_constant0_0" [id=626, type=call_module]; +"627 linear_40" [id=627, type=linear]; +"628 reshape_28" [id=628, type=reshape]; +"629 permute_30" [id=629, type=permute]; +"630 select_18" [id=630, type=select]; +"631 select_19" [id=631, type=select]; +"632 select_20" [id=632, type=select]; +"633 linalg_vector_norm_12" [id=633, type=linalg_vector_norm]; +"634 clamp_min_12" [id=634, type=clamp_min]; +"635 expand_as_12" [id=635, type=expand_as]; +"636 div_12" [id=636, type=div]; +"637 linalg_vector_norm_13" [id=637, type=linalg_vector_norm]; +"638 clamp_min_13" [id=638, type=clamp_min]; +"639 expand_as_13" [id=639, type=expand_as]; +"640 div_13" [id=640, type=div]; +"641 transpose_12" [id=641, type=transpose]; +"642 matmul_12" [id=642, type=matmul]; +"643 _param_constant111" [id=643, type=get_attr]; +"644 clamp_6" [id=644, type=clamp]; +"645 exp_6" [id=645, type=exp]; +"646 mul_13" [id=646, type=mul]; +"647 add_21" [id=647, type=add]; +"648 softmax_6" [id=648, type=softmax]; +"649 dropout_24" [id=649, type=dropout]; +"650 matmul_13" [id=650, type=matmul]; +"651 transpose_13" [id=651, type=transpose]; +"652 reshape_29" [id=652, type=reshape]; +"653 _param_constant113" [id=653, type=get_attr]; +"654 linear_41_updated_constant0" [id=654, type=get_attr]; +"655 symmetric_weights_decompressor_linear_41_updated_constant0_0" [id=655, type=call_module]; +"656 linear_41" [id=656, type=linear]; +"657 dropout_25" [id=657, type=dropout]; +"658 view_36" [id=658, type=view]; +"659 permute_31" [id=659, type=permute]; +"660 reshape_30" [id=660, type=reshape]; +"661 slice_106" [id=661, type=slice]; +"662 slice_107" [id=662, type=slice]; +"663 slice_108" [id=663, type=slice]; +"664 slice_109" [id=664, type=slice]; +"665 contiguous_11" [id=665, type=contiguous]; +"666 _param_constant114" [id=666, type=get_attr]; +"667 _param_constant115" [id=667, type=get_attr]; +"668 layer_norm_15" [id=668, type=layer_norm]; +"669 add_22" [id=669, type=add]; +"670 _param_constant117" [id=670, type=get_attr]; +"671 linear_42_updated_constant0" [id=671, type=get_attr]; +"672 symmetric_weights_decompressor_linear_42_updated_constant0_0" [id=672, type=call_module]; +"673 linear_42" [id=673, type=linear]; +"674 gelu_6" [id=674, type=gelu]; +"675 dropout_26" [id=675, type=dropout]; +"676 _param_constant119" [id=676, type=get_attr]; +"677 linear_43_updated_constant0" [id=677, type=get_attr]; +"678 symmetric_weights_decompressor_linear_43_updated_constant0_0" [id=678, type=call_module]; +"679 linear_43" [id=679, type=linear]; +"680 dropout_27" [id=680, type=dropout]; +"681 _param_constant120" [id=681, type=get_attr]; +"682 _param_constant121" [id=682, type=get_attr]; +"683 layer_norm_16" [id=683, type=layer_norm]; +"684 add_23" [id=684, type=add]; +"685 _tensor_constant41" [id=685, type=get_attr]; +"686 _param_constant123" [id=686, type=get_attr]; +"687 linear_44_updated_constant0" [id=687, type=get_attr]; +"688 symmetric_weights_decompressor_linear_44_updated_constant0_0" [id=688, type=call_module]; +"689 linear_44" [id=689, type=linear]; +"690 relu__7" [id=690, type=relu_]; +"691 linear_45_updated_constant0" [id=691, type=get_attr]; +"692 symmetric_weights_decompressor_linear_45_updated_constant0_0" [id=692, type=call_module]; +"693 linear_45" [id=693, type=linear]; +"694 view_37" [id=694, type=view]; +"695 _tensor_constant42" [id=695, type=get_attr]; +"696 index_7" [id=696, type=index]; +"697 view_38" [id=697, type=view]; +"698 permute_32" [id=698, type=permute]; +"699 contiguous_12" [id=699, type=contiguous]; +"700 unsqueeze_19" [id=700, type=unsqueeze]; +"701 sigmoid_7" [id=701, type=sigmoid]; +"702 mul_14" [id=702, type=mul]; +"703 pad_9" [id=703, type=pad]; +"704 roll_6" [id=704, type=roll]; +"705 view_39" [id=705, type=view]; +"706 permute_33" [id=706, type=permute]; +"707 reshape_31" [id=707, type=reshape]; +"708 _param_constant125" [id=708, type=get_attr]; +"709 clone_7" [id=709, type=clone]; +"710 linear_46_updated_constant0" [id=710, type=get_attr]; +"711 symmetric_weights_decompressor_linear_46_updated_constant0_0" [id=711, type=call_module]; +"712 linear_46" [id=712, type=linear]; +"713 reshape_32" [id=713, type=reshape]; +"714 permute_34" [id=714, type=permute]; +"715 select_21" [id=715, type=select]; +"716 select_22" [id=716, type=select]; +"717 select_23" [id=717, type=select]; +"718 linalg_vector_norm_14" [id=718, type=linalg_vector_norm]; +"719 clamp_min_14" [id=719, type=clamp_min]; +"720 expand_as_14" [id=720, type=expand_as]; +"721 div_14" [id=721, type=div]; +"722 linalg_vector_norm_15" [id=722, type=linalg_vector_norm]; +"723 clamp_min_15" [id=723, type=clamp_min]; +"724 expand_as_15" [id=724, type=expand_as]; +"725 div_15" [id=725, type=div]; +"726 transpose_14" [id=726, type=transpose]; +"727 matmul_14" [id=727, type=matmul]; +"728 _param_constant127" [id=728, type=get_attr]; +"729 clamp_7" [id=729, type=clamp]; +"730 exp_7" [id=730, type=exp]; +"731 mul_15" [id=731, type=mul]; +"732 add_24" [id=732, type=add]; +"733 new_zeros_3" [id=733, type=new_zeros]; +"734 view_40" [id=734, type=view]; +"735 permute_35" [id=735, type=permute]; +"736 reshape_33" [id=736, type=reshape]; +"737 unsqueeze_20" [id=737, type=unsqueeze]; +"738 unsqueeze_21" [id=738, type=unsqueeze]; +"739 sub_3" [id=739, type=sub]; +"740 ne_3" [id=740, type=ne]; +"741 masked_fill_6" [id=741, type=masked_fill]; +"742 eq_3" [id=742, type=eq]; +"743 masked_fill_7" [id=743, type=masked_fill]; +"744 view_41" [id=744, type=view]; +"745 unsqueeze_22" [id=745, type=unsqueeze]; +"746 unsqueeze_23" [id=746, type=unsqueeze]; +"747 add_25" [id=747, type=add]; +"748 view_42" [id=748, type=view]; +"749 softmax_7" [id=749, type=softmax]; +"750 dropout_28" [id=750, type=dropout]; +"751 matmul_15" [id=751, type=matmul]; +"752 transpose_15" [id=752, type=transpose]; +"753 reshape_34" [id=753, type=reshape]; +"754 _param_constant129" [id=754, type=get_attr]; +"755 linear_47_updated_constant0" [id=755, type=get_attr]; +"756 symmetric_weights_decompressor_linear_47_updated_constant0_0" [id=756, type=call_module]; +"757 linear_47" [id=757, type=linear]; +"758 dropout_29" [id=758, type=dropout]; +"759 view_43" [id=759, type=view]; +"760 permute_36" [id=760, type=permute]; +"761 reshape_35" [id=761, type=reshape]; +"762 roll_7" [id=762, type=roll]; +"763 slice_129" [id=763, type=slice]; +"764 slice_130" [id=764, type=slice]; +"765 slice_131" [id=765, type=slice]; +"766 slice_132" [id=766, type=slice]; +"767 contiguous_13" [id=767, type=contiguous]; +"768 _param_constant130" [id=768, type=get_attr]; +"769 _param_constant131" [id=769, type=get_attr]; +"770 layer_norm_17" [id=770, type=layer_norm]; +"771 add_26" [id=771, type=add]; +"772 _param_constant133" [id=772, type=get_attr]; +"773 linear_48_updated_constant0" [id=773, type=get_attr]; +"774 symmetric_weights_decompressor_linear_48_updated_constant0_0" [id=774, type=call_module]; +"775 linear_48" [id=775, type=linear]; +"776 gelu_7" [id=776, type=gelu]; +"777 dropout_30" [id=777, type=dropout]; +"778 _param_constant135" [id=778, type=get_attr]; +"779 linear_49_updated_constant0" [id=779, type=get_attr]; +"780 symmetric_weights_decompressor_linear_49_updated_constant0_0" [id=780, type=call_module]; +"781 linear_49" [id=781, type=linear]; +"782 dropout_31" [id=782, type=dropout]; +"783 _param_constant136" [id=783, type=get_attr]; +"784 _param_constant137" [id=784, type=get_attr]; +"785 layer_norm_18" [id=785, type=layer_norm]; +"786 add_27" [id=786, type=add]; +"787 _tensor_constant52" [id=787, type=get_attr]; +"788 _param_constant139" [id=788, type=get_attr]; +"789 linear_50_updated_constant0" [id=789, type=get_attr]; +"790 symmetric_weights_decompressor_linear_50_updated_constant0_0" [id=790, type=call_module]; +"791 linear_50" [id=791, type=linear]; +"792 relu__8" [id=792, type=relu_]; +"793 linear_51_updated_constant0" [id=793, type=get_attr]; +"794 symmetric_weights_decompressor_linear_51_updated_constant0_0" [id=794, type=call_module]; +"795 linear_51" [id=795, type=linear]; +"796 view_44" [id=796, type=view]; +"797 _tensor_constant53" [id=797, type=get_attr]; +"798 index_8" [id=798, type=index]; +"799 view_45" [id=799, type=view]; +"800 permute_37" [id=800, type=permute]; +"801 contiguous_14" [id=801, type=contiguous]; +"802 unsqueeze_24" [id=802, type=unsqueeze]; +"803 sigmoid_8" [id=803, type=sigmoid]; +"804 mul_16" [id=804, type=mul]; +"805 pad_10" [id=805, type=pad]; +"806 view_46" [id=806, type=view]; +"807 permute_38" [id=807, type=permute]; +"808 reshape_36" [id=808, type=reshape]; +"809 _param_constant141" [id=809, type=get_attr]; +"810 clone_8" [id=810, type=clone]; +"811 linear_52_updated_constant0" [id=811, type=get_attr]; +"812 symmetric_weights_decompressor_linear_52_updated_constant0_0" [id=812, type=call_module]; +"813 linear_52" [id=813, type=linear]; +"814 reshape_37" [id=814, type=reshape]; +"815 permute_39" [id=815, type=permute]; +"816 select_24" [id=816, type=select]; +"817 select_25" [id=817, type=select]; +"818 select_26" [id=818, type=select]; +"819 linalg_vector_norm_16" [id=819, type=linalg_vector_norm]; +"820 clamp_min_16" [id=820, type=clamp_min]; +"821 expand_as_16" [id=821, type=expand_as]; +"822 div_16" [id=822, type=div]; +"823 linalg_vector_norm_17" [id=823, type=linalg_vector_norm]; +"824 clamp_min_17" [id=824, type=clamp_min]; +"825 expand_as_17" [id=825, type=expand_as]; +"826 div_17" [id=826, type=div]; +"827 transpose_16" [id=827, type=transpose]; +"828 matmul_16" [id=828, type=matmul]; +"829 _param_constant143" [id=829, type=get_attr]; +"830 clamp_8" [id=830, type=clamp]; +"831 exp_8" [id=831, type=exp]; +"832 mul_17" [id=832, type=mul]; +"833 add_28" [id=833, type=add]; +"834 softmax_8" [id=834, type=softmax]; +"835 dropout_32" [id=835, type=dropout]; +"836 matmul_17" [id=836, type=matmul]; +"837 transpose_17" [id=837, type=transpose]; +"838 reshape_38" [id=838, type=reshape]; +"839 _param_constant145" [id=839, type=get_attr]; +"840 linear_53_updated_constant0" [id=840, type=get_attr]; +"841 symmetric_weights_decompressor_linear_53_updated_constant0_0" [id=841, type=call_module]; +"842 linear_53" [id=842, type=linear]; +"843 dropout_33" [id=843, type=dropout]; +"844 view_47" [id=844, type=view]; +"845 permute_40" [id=845, type=permute]; +"846 reshape_39" [id=846, type=reshape]; +"847 slice_134" [id=847, type=slice]; +"848 slice_135" [id=848, type=slice]; +"849 slice_136" [id=849, type=slice]; +"850 slice_137" [id=850, type=slice]; +"851 contiguous_15" [id=851, type=contiguous]; +"852 _param_constant146" [id=852, type=get_attr]; +"853 _param_constant147" [id=853, type=get_attr]; +"854 layer_norm_19" [id=854, type=layer_norm]; +"855 add_29" [id=855, type=add]; +"856 _param_constant149" [id=856, type=get_attr]; +"857 linear_54_updated_constant0" [id=857, type=get_attr]; +"858 symmetric_weights_decompressor_linear_54_updated_constant0_0" [id=858, type=call_module]; +"859 linear_54" [id=859, type=linear]; +"860 gelu_8" [id=860, type=gelu]; +"861 dropout_34" [id=861, type=dropout]; +"862 _param_constant151" [id=862, type=get_attr]; +"863 linear_55_updated_constant0" [id=863, type=get_attr]; +"864 symmetric_weights_decompressor_linear_55_updated_constant0_0" [id=864, type=call_module]; +"865 linear_55" [id=865, type=linear]; +"866 dropout_35" [id=866, type=dropout]; +"867 _param_constant152" [id=867, type=get_attr]; +"868 _param_constant153" [id=868, type=get_attr]; +"869 layer_norm_20" [id=869, type=layer_norm]; +"870 add_30" [id=870, type=add]; +"871 _tensor_constant54" [id=871, type=get_attr]; +"872 _param_constant155" [id=872, type=get_attr]; +"873 linear_56_updated_constant0" [id=873, type=get_attr]; +"874 symmetric_weights_decompressor_linear_56_updated_constant0_0" [id=874, type=call_module]; +"875 linear_56" [id=875, type=linear]; +"876 relu__9" [id=876, type=relu_]; +"877 linear_57_updated_constant0" [id=877, type=get_attr]; +"878 symmetric_weights_decompressor_linear_57_updated_constant0_0" [id=878, type=call_module]; +"879 linear_57" [id=879, type=linear]; +"880 view_48" [id=880, type=view]; +"881 _tensor_constant55" [id=881, type=get_attr]; +"882 index_9" [id=882, type=index]; +"883 view_49" [id=883, type=view]; +"884 permute_41" [id=884, type=permute]; +"885 contiguous_16" [id=885, type=contiguous]; +"886 unsqueeze_25" [id=886, type=unsqueeze]; +"887 sigmoid_9" [id=887, type=sigmoid]; +"888 mul_18" [id=888, type=mul]; +"889 pad_11" [id=889, type=pad]; +"890 roll_8" [id=890, type=roll]; +"891 view_50" [id=891, type=view]; +"892 permute_42" [id=892, type=permute]; +"893 reshape_40" [id=893, type=reshape]; +"894 _param_constant157" [id=894, type=get_attr]; +"895 clone_9" [id=895, type=clone]; +"896 linear_58_updated_constant0" [id=896, type=get_attr]; +"897 symmetric_weights_decompressor_linear_58_updated_constant0_0" [id=897, type=call_module]; +"898 linear_58" [id=898, type=linear]; +"899 reshape_41" [id=899, type=reshape]; +"900 permute_43" [id=900, type=permute]; +"901 select_27" [id=901, type=select]; +"902 select_28" [id=902, type=select]; +"903 select_29" [id=903, type=select]; +"904 linalg_vector_norm_18" [id=904, type=linalg_vector_norm]; +"905 clamp_min_18" [id=905, type=clamp_min]; +"906 expand_as_18" [id=906, type=expand_as]; +"907 div_18" [id=907, type=div]; +"908 linalg_vector_norm_19" [id=908, type=linalg_vector_norm]; +"909 clamp_min_19" [id=909, type=clamp_min]; +"910 expand_as_19" [id=910, type=expand_as]; +"911 div_19" [id=911, type=div]; +"912 transpose_18" [id=912, type=transpose]; +"913 matmul_18" [id=913, type=matmul]; +"914 _param_constant159" [id=914, type=get_attr]; +"915 clamp_9" [id=915, type=clamp]; +"916 exp_9" [id=916, type=exp]; +"917 mul_19" [id=917, type=mul]; +"918 add_31" [id=918, type=add]; +"919 new_zeros_4" [id=919, type=new_zeros]; +"920 view_51" [id=920, type=view]; +"921 permute_44" [id=921, type=permute]; +"922 reshape_42" [id=922, type=reshape]; +"923 unsqueeze_26" [id=923, type=unsqueeze]; +"924 unsqueeze_27" [id=924, type=unsqueeze]; +"925 sub_4" [id=925, type=sub]; +"926 ne_4" [id=926, type=ne]; +"927 masked_fill_8" [id=927, type=masked_fill]; +"928 eq_4" [id=928, type=eq]; +"929 masked_fill_9" [id=929, type=masked_fill]; +"930 view_52" [id=930, type=view]; +"931 unsqueeze_28" [id=931, type=unsqueeze]; +"932 unsqueeze_29" [id=932, type=unsqueeze]; +"933 add_32" [id=933, type=add]; +"934 view_53" [id=934, type=view]; +"935 softmax_9" [id=935, type=softmax]; +"936 dropout_36" [id=936, type=dropout]; +"937 matmul_19" [id=937, type=matmul]; +"938 transpose_19" [id=938, type=transpose]; +"939 reshape_43" [id=939, type=reshape]; +"940 _param_constant161" [id=940, type=get_attr]; +"941 linear_59_updated_constant0" [id=941, type=get_attr]; +"942 symmetric_weights_decompressor_linear_59_updated_constant0_0" [id=942, type=call_module]; +"943 linear_59" [id=943, type=linear]; +"944 dropout_37" [id=944, type=dropout]; +"945 view_54" [id=945, type=view]; +"946 permute_45" [id=946, type=permute]; +"947 reshape_44" [id=947, type=reshape]; +"948 roll_9" [id=948, type=roll]; +"949 slice_157" [id=949, type=slice]; +"950 slice_158" [id=950, type=slice]; +"951 slice_159" [id=951, type=slice]; +"952 slice_160" [id=952, type=slice]; +"953 contiguous_17" [id=953, type=contiguous]; +"954 _param_constant162" [id=954, type=get_attr]; +"955 _param_constant163" [id=955, type=get_attr]; +"956 layer_norm_21" [id=956, type=layer_norm]; +"957 add_33" [id=957, type=add]; +"958 _param_constant165" [id=958, type=get_attr]; +"959 linear_60_updated_constant0" [id=959, type=get_attr]; +"960 symmetric_weights_decompressor_linear_60_updated_constant0_0" [id=960, type=call_module]; +"961 linear_60" [id=961, type=linear]; +"962 gelu_9" [id=962, type=gelu]; +"963 dropout_38" [id=963, type=dropout]; +"964 _param_constant167" [id=964, type=get_attr]; +"965 linear_61_updated_constant0" [id=965, type=get_attr]; +"966 symmetric_weights_decompressor_linear_61_updated_constant0_0" [id=966, type=call_module]; +"967 linear_61" [id=967, type=linear]; +"968 dropout_39" [id=968, type=dropout]; +"969 _param_constant168" [id=969, type=get_attr]; +"970 _param_constant169" [id=970, type=get_attr]; +"971 layer_norm_22" [id=971, type=layer_norm]; +"972 add_34" [id=972, type=add]; +"973 _tensor_constant65" [id=973, type=get_attr]; +"974 _param_constant171" [id=974, type=get_attr]; +"975 linear_62_updated_constant0" [id=975, type=get_attr]; +"976 symmetric_weights_decompressor_linear_62_updated_constant0_0" [id=976, type=call_module]; +"977 linear_62" [id=977, type=linear]; +"978 relu__10" [id=978, type=relu_]; +"979 linear_63_updated_constant0" [id=979, type=get_attr]; +"980 symmetric_weights_decompressor_linear_63_updated_constant0_0" [id=980, type=call_module]; +"981 linear_63" [id=981, type=linear]; +"982 view_55" [id=982, type=view]; +"983 _tensor_constant66" [id=983, type=get_attr]; +"984 index_10" [id=984, type=index]; +"985 view_56" [id=985, type=view]; +"986 permute_46" [id=986, type=permute]; +"987 contiguous_18" [id=987, type=contiguous]; +"988 unsqueeze_30" [id=988, type=unsqueeze]; +"989 sigmoid_10" [id=989, type=sigmoid]; +"990 mul_20" [id=990, type=mul]; +"991 pad_12" [id=991, type=pad]; +"992 view_57" [id=992, type=view]; +"993 permute_47" [id=993, type=permute]; +"994 reshape_45" [id=994, type=reshape]; +"995 _param_constant173" [id=995, type=get_attr]; +"996 clone_10" [id=996, type=clone]; +"997 linear_64_updated_constant0" [id=997, type=get_attr]; +"998 symmetric_weights_decompressor_linear_64_updated_constant0_0" [id=998, type=call_module]; +"999 linear_64" [id=999, type=linear]; +"1000 reshape_46" [id=1000, type=reshape]; +"1001 permute_48" [id=1001, type=permute]; +"1002 select_30" [id=1002, type=select]; +"1003 select_31" [id=1003, type=select]; +"1004 select_32" [id=1004, type=select]; +"1005 linalg_vector_norm_20" [id=1005, type=linalg_vector_norm]; +"1006 clamp_min_20" [id=1006, type=clamp_min]; +"1007 expand_as_20" [id=1007, type=expand_as]; +"1008 div_20" [id=1008, type=div]; +"1009 linalg_vector_norm_21" [id=1009, type=linalg_vector_norm]; +"1010 clamp_min_21" [id=1010, type=clamp_min]; +"1011 expand_as_21" [id=1011, type=expand_as]; +"1012 div_21" [id=1012, type=div]; +"1013 transpose_20" [id=1013, type=transpose]; +"1014 matmul_20" [id=1014, type=matmul]; +"1015 _param_constant175" [id=1015, type=get_attr]; +"1016 clamp_10" [id=1016, type=clamp]; +"1017 exp_10" [id=1017, type=exp]; +"1018 mul_21" [id=1018, type=mul]; +"1019 add_35" [id=1019, type=add]; +"1020 softmax_10" [id=1020, type=softmax]; +"1021 dropout_40" [id=1021, type=dropout]; +"1022 matmul_21" [id=1022, type=matmul]; +"1023 transpose_21" [id=1023, type=transpose]; +"1024 reshape_47" [id=1024, type=reshape]; +"1025 _param_constant177" [id=1025, type=get_attr]; +"1026 linear_65_updated_constant0" [id=1026, type=get_attr]; +"1027 symmetric_weights_decompressor_linear_65_updated_constant0_0" [id=1027, type=call_module]; +"1028 linear_65" [id=1028, type=linear]; +"1029 dropout_41" [id=1029, type=dropout]; +"1030 view_58" [id=1030, type=view]; +"1031 permute_49" [id=1031, type=permute]; +"1032 reshape_48" [id=1032, type=reshape]; +"1033 slice_162" [id=1033, type=slice]; +"1034 slice_163" [id=1034, type=slice]; +"1035 slice_164" [id=1035, type=slice]; +"1036 slice_165" [id=1036, type=slice]; +"1037 contiguous_19" [id=1037, type=contiguous]; +"1038 _param_constant178" [id=1038, type=get_attr]; +"1039 _param_constant179" [id=1039, type=get_attr]; +"1040 layer_norm_23" [id=1040, type=layer_norm]; +"1041 add_36" [id=1041, type=add]; +"1042 _param_constant181" [id=1042, type=get_attr]; +"1043 linear_66_updated_constant0" [id=1043, type=get_attr]; +"1044 symmetric_weights_decompressor_linear_66_updated_constant0_0" [id=1044, type=call_module]; +"1045 linear_66" [id=1045, type=linear]; +"1046 gelu_10" [id=1046, type=gelu]; +"1047 dropout_42" [id=1047, type=dropout]; +"1048 _param_constant183" [id=1048, type=get_attr]; +"1049 linear_67_updated_constant0" [id=1049, type=get_attr]; +"1050 symmetric_weights_decompressor_linear_67_updated_constant0_0" [id=1050, type=call_module]; +"1051 linear_67" [id=1051, type=linear]; +"1052 dropout_43" [id=1052, type=dropout]; +"1053 _param_constant184" [id=1053, type=get_attr]; +"1054 _param_constant185" [id=1054, type=get_attr]; +"1055 layer_norm_24" [id=1055, type=layer_norm]; +"1056 add_37" [id=1056, type=add]; +"1057 _tensor_constant67" [id=1057, type=get_attr]; +"1058 _param_constant187" [id=1058, type=get_attr]; +"1059 linear_68_updated_constant0" [id=1059, type=get_attr]; +"1060 symmetric_weights_decompressor_linear_68_updated_constant0_0" [id=1060, type=call_module]; +"1061 linear_68" [id=1061, type=linear]; +"1062 relu__11" [id=1062, type=relu_]; +"1063 linear_69_updated_constant0" [id=1063, type=get_attr]; +"1064 symmetric_weights_decompressor_linear_69_updated_constant0_0" [id=1064, type=call_module]; +"1065 linear_69" [id=1065, type=linear]; +"1066 view_59" [id=1066, type=view]; +"1067 _tensor_constant68" [id=1067, type=get_attr]; +"1068 index_11" [id=1068, type=index]; +"1069 view_60" [id=1069, type=view]; +"1070 permute_50" [id=1070, type=permute]; +"1071 contiguous_20" [id=1071, type=contiguous]; +"1072 unsqueeze_31" [id=1072, type=unsqueeze]; +"1073 sigmoid_11" [id=1073, type=sigmoid]; +"1074 mul_22" [id=1074, type=mul]; +"1075 pad_13" [id=1075, type=pad]; +"1076 roll_10" [id=1076, type=roll]; +"1077 view_61" [id=1077, type=view]; +"1078 permute_51" [id=1078, type=permute]; +"1079 reshape_49" [id=1079, type=reshape]; +"1080 _param_constant189" [id=1080, type=get_attr]; +"1081 clone_11" [id=1081, type=clone]; +"1082 linear_70_updated_constant0" [id=1082, type=get_attr]; +"1083 symmetric_weights_decompressor_linear_70_updated_constant0_0" [id=1083, type=call_module]; +"1084 linear_70" [id=1084, type=linear]; +"1085 reshape_50" [id=1085, type=reshape]; +"1086 permute_52" [id=1086, type=permute]; +"1087 select_33" [id=1087, type=select]; +"1088 select_34" [id=1088, type=select]; +"1089 select_35" [id=1089, type=select]; +"1090 linalg_vector_norm_22" [id=1090, type=linalg_vector_norm]; +"1091 clamp_min_22" [id=1091, type=clamp_min]; +"1092 expand_as_22" [id=1092, type=expand_as]; +"1093 div_22" [id=1093, type=div]; +"1094 linalg_vector_norm_23" [id=1094, type=linalg_vector_norm]; +"1095 clamp_min_23" [id=1095, type=clamp_min]; +"1096 expand_as_23" [id=1096, type=expand_as]; +"1097 div_23" [id=1097, type=div]; +"1098 transpose_22" [id=1098, type=transpose]; +"1099 matmul_22" [id=1099, type=matmul]; +"1100 _param_constant191" [id=1100, type=get_attr]; +"1101 clamp_11" [id=1101, type=clamp]; +"1102 exp_11" [id=1102, type=exp]; +"1103 mul_23" [id=1103, type=mul]; +"1104 add_38" [id=1104, type=add]; +"1105 new_zeros_5" [id=1105, type=new_zeros]; +"1106 view_62" [id=1106, type=view]; +"1107 permute_53" [id=1107, type=permute]; +"1108 reshape_51" [id=1108, type=reshape]; +"1109 unsqueeze_32" [id=1109, type=unsqueeze]; +"1110 unsqueeze_33" [id=1110, type=unsqueeze]; +"1111 sub_5" [id=1111, type=sub]; +"1112 ne_5" [id=1112, type=ne]; +"1113 masked_fill_10" [id=1113, type=masked_fill]; +"1114 eq_5" [id=1114, type=eq]; +"1115 masked_fill_11" [id=1115, type=masked_fill]; +"1116 view_63" [id=1116, type=view]; +"1117 unsqueeze_34" [id=1117, type=unsqueeze]; +"1118 unsqueeze_35" [id=1118, type=unsqueeze]; +"1119 add_39" [id=1119, type=add]; +"1120 view_64" [id=1120, type=view]; +"1121 softmax_11" [id=1121, type=softmax]; +"1122 dropout_44" [id=1122, type=dropout]; +"1123 matmul_23" [id=1123, type=matmul]; +"1124 transpose_23" [id=1124, type=transpose]; +"1125 reshape_52" [id=1125, type=reshape]; +"1126 _param_constant193" [id=1126, type=get_attr]; +"1127 linear_71_updated_constant0" [id=1127, type=get_attr]; +"1128 symmetric_weights_decompressor_linear_71_updated_constant0_0" [id=1128, type=call_module]; +"1129 linear_71" [id=1129, type=linear]; +"1130 dropout_45" [id=1130, type=dropout]; +"1131 view_65" [id=1131, type=view]; +"1132 permute_54" [id=1132, type=permute]; +"1133 reshape_53" [id=1133, type=reshape]; +"1134 roll_11" [id=1134, type=roll]; +"1135 slice_185" [id=1135, type=slice]; +"1136 slice_186" [id=1136, type=slice]; +"1137 slice_187" [id=1137, type=slice]; +"1138 slice_188" [id=1138, type=slice]; +"1139 contiguous_21" [id=1139, type=contiguous]; +"1140 _param_constant194" [id=1140, type=get_attr]; +"1141 _param_constant195" [id=1141, type=get_attr]; +"1142 layer_norm_25" [id=1142, type=layer_norm]; +"1143 add_40" [id=1143, type=add]; +"1144 _param_constant197" [id=1144, type=get_attr]; +"1145 linear_72_updated_constant0" [id=1145, type=get_attr]; +"1146 symmetric_weights_decompressor_linear_72_updated_constant0_0" [id=1146, type=call_module]; +"1147 linear_72" [id=1147, type=linear]; +"1148 gelu_11" [id=1148, type=gelu]; +"1149 dropout_46" [id=1149, type=dropout]; +"1150 _param_constant199" [id=1150, type=get_attr]; +"1151 linear_73_updated_constant0" [id=1151, type=get_attr]; +"1152 symmetric_weights_decompressor_linear_73_updated_constant0_0" [id=1152, type=call_module]; +"1153 linear_73" [id=1153, type=linear]; +"1154 dropout_47" [id=1154, type=dropout]; +"1155 _param_constant200" [id=1155, type=get_attr]; +"1156 _param_constant201" [id=1156, type=get_attr]; +"1157 layer_norm_26" [id=1157, type=layer_norm]; +"1158 add_41" [id=1158, type=add]; +"1159 _tensor_constant78" [id=1159, type=get_attr]; +"1160 _param_constant203" [id=1160, type=get_attr]; +"1161 linear_74_updated_constant0" [id=1161, type=get_attr]; +"1162 symmetric_weights_decompressor_linear_74_updated_constant0_0" [id=1162, type=call_module]; +"1163 linear_74" [id=1163, type=linear]; +"1164 relu__12" [id=1164, type=relu_]; +"1165 linear_75_updated_constant0" [id=1165, type=get_attr]; +"1166 symmetric_weights_decompressor_linear_75_updated_constant0_0" [id=1166, type=call_module]; +"1167 linear_75" [id=1167, type=linear]; +"1168 view_66" [id=1168, type=view]; +"1169 _tensor_constant79" [id=1169, type=get_attr]; +"1170 index_12" [id=1170, type=index]; +"1171 view_67" [id=1171, type=view]; +"1172 permute_55" [id=1172, type=permute]; +"1173 contiguous_22" [id=1173, type=contiguous]; +"1174 unsqueeze_36" [id=1174, type=unsqueeze]; +"1175 sigmoid_12" [id=1175, type=sigmoid]; +"1176 mul_24" [id=1176, type=mul]; +"1177 pad_14" [id=1177, type=pad]; +"1178 view_68" [id=1178, type=view]; +"1179 permute_56" [id=1179, type=permute]; +"1180 reshape_54" [id=1180, type=reshape]; +"1181 _param_constant205" [id=1181, type=get_attr]; +"1182 clone_12" [id=1182, type=clone]; +"1183 linear_76_updated_constant0" [id=1183, type=get_attr]; +"1184 symmetric_weights_decompressor_linear_76_updated_constant0_0" [id=1184, type=call_module]; +"1185 linear_76" [id=1185, type=linear]; +"1186 reshape_55" [id=1186, type=reshape]; +"1187 permute_57" [id=1187, type=permute]; +"1188 select_36" [id=1188, type=select]; +"1189 select_37" [id=1189, type=select]; +"1190 select_38" [id=1190, type=select]; +"1191 linalg_vector_norm_24" [id=1191, type=linalg_vector_norm]; +"1192 clamp_min_24" [id=1192, type=clamp_min]; +"1193 expand_as_24" [id=1193, type=expand_as]; +"1194 div_24" [id=1194, type=div]; +"1195 linalg_vector_norm_25" [id=1195, type=linalg_vector_norm]; +"1196 clamp_min_25" [id=1196, type=clamp_min]; +"1197 expand_as_25" [id=1197, type=expand_as]; +"1198 div_25" [id=1198, type=div]; +"1199 transpose_24" [id=1199, type=transpose]; +"1200 matmul_24" [id=1200, type=matmul]; +"1201 _param_constant207" [id=1201, type=get_attr]; +"1202 clamp_12" [id=1202, type=clamp]; +"1203 exp_12" [id=1203, type=exp]; +"1204 mul_25" [id=1204, type=mul]; +"1205 add_42" [id=1205, type=add]; +"1206 softmax_12" [id=1206, type=softmax]; +"1207 dropout_48" [id=1207, type=dropout]; +"1208 matmul_25" [id=1208, type=matmul]; +"1209 transpose_25" [id=1209, type=transpose]; +"1210 reshape_56" [id=1210, type=reshape]; +"1211 _param_constant209" [id=1211, type=get_attr]; +"1212 linear_77_updated_constant0" [id=1212, type=get_attr]; +"1213 symmetric_weights_decompressor_linear_77_updated_constant0_0" [id=1213, type=call_module]; +"1214 linear_77" [id=1214, type=linear]; +"1215 dropout_49" [id=1215, type=dropout]; +"1216 view_69" [id=1216, type=view]; +"1217 permute_58" [id=1217, type=permute]; +"1218 reshape_57" [id=1218, type=reshape]; +"1219 slice_190" [id=1219, type=slice]; +"1220 slice_191" [id=1220, type=slice]; +"1221 slice_192" [id=1221, type=slice]; +"1222 slice_193" [id=1222, type=slice]; +"1223 contiguous_23" [id=1223, type=contiguous]; +"1224 _param_constant210" [id=1224, type=get_attr]; +"1225 _param_constant211" [id=1225, type=get_attr]; +"1226 layer_norm_27" [id=1226, type=layer_norm]; +"1227 add_43" [id=1227, type=add]; +"1228 _param_constant213" [id=1228, type=get_attr]; +"1229 linear_78_updated_constant0" [id=1229, type=get_attr]; +"1230 symmetric_weights_decompressor_linear_78_updated_constant0_0" [id=1230, type=call_module]; +"1231 linear_78" [id=1231, type=linear]; +"1232 gelu_12" [id=1232, type=gelu]; +"1233 dropout_50" [id=1233, type=dropout]; +"1234 _param_constant215" [id=1234, type=get_attr]; +"1235 linear_79_updated_constant0" [id=1235, type=get_attr]; +"1236 symmetric_weights_decompressor_linear_79_updated_constant0_0" [id=1236, type=call_module]; +"1237 linear_79" [id=1237, type=linear]; +"1238 dropout_51" [id=1238, type=dropout]; +"1239 _param_constant216" [id=1239, type=get_attr]; +"1240 _param_constant217" [id=1240, type=get_attr]; +"1241 layer_norm_28" [id=1241, type=layer_norm]; +"1242 add_44" [id=1242, type=add]; +"1243 _tensor_constant80" [id=1243, type=get_attr]; +"1244 _param_constant219" [id=1244, type=get_attr]; +"1245 linear_80_updated_constant0" [id=1245, type=get_attr]; +"1246 symmetric_weights_decompressor_linear_80_updated_constant0_0" [id=1246, type=call_module]; +"1247 linear_80" [id=1247, type=linear]; +"1248 relu__13" [id=1248, type=relu_]; +"1249 linear_81_updated_constant0" [id=1249, type=get_attr]; +"1250 symmetric_weights_decompressor_linear_81_updated_constant0_0" [id=1250, type=call_module]; +"1251 linear_81" [id=1251, type=linear]; +"1252 view_70" [id=1252, type=view]; +"1253 _tensor_constant81" [id=1253, type=get_attr]; +"1254 index_13" [id=1254, type=index]; +"1255 view_71" [id=1255, type=view]; +"1256 permute_59" [id=1256, type=permute]; +"1257 contiguous_24" [id=1257, type=contiguous]; +"1258 unsqueeze_37" [id=1258, type=unsqueeze]; +"1259 sigmoid_13" [id=1259, type=sigmoid]; +"1260 mul_26" [id=1260, type=mul]; +"1261 pad_15" [id=1261, type=pad]; +"1262 roll_12" [id=1262, type=roll]; +"1263 view_72" [id=1263, type=view]; +"1264 permute_60" [id=1264, type=permute]; +"1265 reshape_58" [id=1265, type=reshape]; +"1266 _param_constant221" [id=1266, type=get_attr]; +"1267 clone_13" [id=1267, type=clone]; +"1268 linear_82_updated_constant0" [id=1268, type=get_attr]; +"1269 symmetric_weights_decompressor_linear_82_updated_constant0_0" [id=1269, type=call_module]; +"1270 linear_82" [id=1270, type=linear]; +"1271 reshape_59" [id=1271, type=reshape]; +"1272 permute_61" [id=1272, type=permute]; +"1273 select_39" [id=1273, type=select]; +"1274 select_40" [id=1274, type=select]; +"1275 select_41" [id=1275, type=select]; +"1276 linalg_vector_norm_26" [id=1276, type=linalg_vector_norm]; +"1277 clamp_min_26" [id=1277, type=clamp_min]; +"1278 expand_as_26" [id=1278, type=expand_as]; +"1279 div_26" [id=1279, type=div]; +"1280 linalg_vector_norm_27" [id=1280, type=linalg_vector_norm]; +"1281 clamp_min_27" [id=1281, type=clamp_min]; +"1282 expand_as_27" [id=1282, type=expand_as]; +"1283 div_27" [id=1283, type=div]; +"1284 transpose_26" [id=1284, type=transpose]; +"1285 matmul_26" [id=1285, type=matmul]; +"1286 _param_constant223" [id=1286, type=get_attr]; +"1287 clamp_13" [id=1287, type=clamp]; +"1288 exp_13" [id=1288, type=exp]; +"1289 mul_27" [id=1289, type=mul]; +"1290 add_45" [id=1290, type=add]; +"1291 new_zeros_6" [id=1291, type=new_zeros]; +"1292 view_73" [id=1292, type=view]; +"1293 permute_62" [id=1293, type=permute]; +"1294 reshape_60" [id=1294, type=reshape]; +"1295 unsqueeze_38" [id=1295, type=unsqueeze]; +"1296 unsqueeze_39" [id=1296, type=unsqueeze]; +"1297 sub_6" [id=1297, type=sub]; +"1298 ne_6" [id=1298, type=ne]; +"1299 masked_fill_12" [id=1299, type=masked_fill]; +"1300 eq_6" [id=1300, type=eq]; +"1301 masked_fill_13" [id=1301, type=masked_fill]; +"1302 view_74" [id=1302, type=view]; +"1303 unsqueeze_40" [id=1303, type=unsqueeze]; +"1304 unsqueeze_41" [id=1304, type=unsqueeze]; +"1305 add_46" [id=1305, type=add]; +"1306 view_75" [id=1306, type=view]; +"1307 softmax_13" [id=1307, type=softmax]; +"1308 dropout_52" [id=1308, type=dropout]; +"1309 matmul_27" [id=1309, type=matmul]; +"1310 transpose_27" [id=1310, type=transpose]; +"1311 reshape_61" [id=1311, type=reshape]; +"1312 _param_constant225" [id=1312, type=get_attr]; +"1313 linear_83_updated_constant0" [id=1313, type=get_attr]; +"1314 symmetric_weights_decompressor_linear_83_updated_constant0_0" [id=1314, type=call_module]; +"1315 linear_83" [id=1315, type=linear]; +"1316 dropout_53" [id=1316, type=dropout]; +"1317 view_76" [id=1317, type=view]; +"1318 permute_63" [id=1318, type=permute]; +"1319 reshape_62" [id=1319, type=reshape]; +"1320 roll_13" [id=1320, type=roll]; +"1321 slice_213" [id=1321, type=slice]; +"1322 slice_214" [id=1322, type=slice]; +"1323 slice_215" [id=1323, type=slice]; +"1324 slice_216" [id=1324, type=slice]; +"1325 contiguous_25" [id=1325, type=contiguous]; +"1326 _param_constant226" [id=1326, type=get_attr]; +"1327 _param_constant227" [id=1327, type=get_attr]; +"1328 layer_norm_29" [id=1328, type=layer_norm]; +"1329 add_47" [id=1329, type=add]; +"1330 _param_constant229" [id=1330, type=get_attr]; +"1331 linear_84_updated_constant0" [id=1331, type=get_attr]; +"1332 symmetric_weights_decompressor_linear_84_updated_constant0_0" [id=1332, type=call_module]; +"1333 linear_84" [id=1333, type=linear]; +"1334 gelu_13" [id=1334, type=gelu]; +"1335 dropout_54" [id=1335, type=dropout]; +"1336 _param_constant231" [id=1336, type=get_attr]; +"1337 linear_85_updated_constant0" [id=1337, type=get_attr]; +"1338 symmetric_weights_decompressor_linear_85_updated_constant0_0" [id=1338, type=call_module]; +"1339 linear_85" [id=1339, type=linear]; +"1340 dropout_55" [id=1340, type=dropout]; +"1341 _param_constant232" [id=1341, type=get_attr]; +"1342 _param_constant233" [id=1342, type=get_attr]; +"1343 layer_norm_30" [id=1343, type=layer_norm]; +"1344 add_48" [id=1344, type=add]; +"1345 _tensor_constant91" [id=1345, type=get_attr]; +"1346 _param_constant235" [id=1346, type=get_attr]; +"1347 linear_86_updated_constant0" [id=1347, type=get_attr]; +"1348 symmetric_weights_decompressor_linear_86_updated_constant0_0" [id=1348, type=call_module]; +"1349 linear_86" [id=1349, type=linear]; +"1350 relu__14" [id=1350, type=relu_]; +"1351 linear_87_updated_constant0" [id=1351, type=get_attr]; +"1352 symmetric_weights_decompressor_linear_87_updated_constant0_0" [id=1352, type=call_module]; +"1353 linear_87" [id=1353, type=linear]; +"1354 view_77" [id=1354, type=view]; +"1355 _tensor_constant92" [id=1355, type=get_attr]; +"1356 index_14" [id=1356, type=index]; +"1357 view_78" [id=1357, type=view]; +"1358 permute_64" [id=1358, type=permute]; +"1359 contiguous_26" [id=1359, type=contiguous]; +"1360 unsqueeze_42" [id=1360, type=unsqueeze]; +"1361 sigmoid_14" [id=1361, type=sigmoid]; +"1362 mul_28" [id=1362, type=mul]; +"1363 pad_16" [id=1363, type=pad]; +"1364 view_79" [id=1364, type=view]; +"1365 permute_65" [id=1365, type=permute]; +"1366 reshape_63" [id=1366, type=reshape]; +"1367 _param_constant237" [id=1367, type=get_attr]; +"1368 clone_14" [id=1368, type=clone]; +"1369 linear_88_updated_constant0" [id=1369, type=get_attr]; +"1370 symmetric_weights_decompressor_linear_88_updated_constant0_0" [id=1370, type=call_module]; +"1371 linear_88" [id=1371, type=linear]; +"1372 reshape_64" [id=1372, type=reshape]; +"1373 permute_66" [id=1373, type=permute]; +"1374 select_42" [id=1374, type=select]; +"1375 select_43" [id=1375, type=select]; +"1376 select_44" [id=1376, type=select]; +"1377 linalg_vector_norm_28" [id=1377, type=linalg_vector_norm]; +"1378 clamp_min_28" [id=1378, type=clamp_min]; +"1379 expand_as_28" [id=1379, type=expand_as]; +"1380 div_28" [id=1380, type=div]; +"1381 linalg_vector_norm_29" [id=1381, type=linalg_vector_norm]; +"1382 clamp_min_29" [id=1382, type=clamp_min]; +"1383 expand_as_29" [id=1383, type=expand_as]; +"1384 div_29" [id=1384, type=div]; +"1385 transpose_28" [id=1385, type=transpose]; +"1386 matmul_28" [id=1386, type=matmul]; +"1387 _param_constant239" [id=1387, type=get_attr]; +"1388 clamp_14" [id=1388, type=clamp]; +"1389 exp_14" [id=1389, type=exp]; +"1390 mul_29" [id=1390, type=mul]; +"1391 add_49" [id=1391, type=add]; +"1392 softmax_14" [id=1392, type=softmax]; +"1393 dropout_56" [id=1393, type=dropout]; +"1394 matmul_29" [id=1394, type=matmul]; +"1395 transpose_29" [id=1395, type=transpose]; +"1396 reshape_65" [id=1396, type=reshape]; +"1397 _param_constant241" [id=1397, type=get_attr]; +"1398 linear_89_updated_constant0" [id=1398, type=get_attr]; +"1399 symmetric_weights_decompressor_linear_89_updated_constant0_0" [id=1399, type=call_module]; +"1400 linear_89" [id=1400, type=linear]; +"1401 dropout_57" [id=1401, type=dropout]; +"1402 view_80" [id=1402, type=view]; +"1403 permute_67" [id=1403, type=permute]; +"1404 reshape_66" [id=1404, type=reshape]; +"1405 slice_218" [id=1405, type=slice]; +"1406 slice_219" [id=1406, type=slice]; +"1407 slice_220" [id=1407, type=slice]; +"1408 slice_221" [id=1408, type=slice]; +"1409 contiguous_27" [id=1409, type=contiguous]; +"1410 _param_constant242" [id=1410, type=get_attr]; +"1411 _param_constant243" [id=1411, type=get_attr]; +"1412 layer_norm_31" [id=1412, type=layer_norm]; +"1413 add_50" [id=1413, type=add]; +"1414 _param_constant245" [id=1414, type=get_attr]; +"1415 linear_90_updated_constant0" [id=1415, type=get_attr]; +"1416 symmetric_weights_decompressor_linear_90_updated_constant0_0" [id=1416, type=call_module]; +"1417 linear_90" [id=1417, type=linear]; +"1418 gelu_14" [id=1418, type=gelu]; +"1419 dropout_58" [id=1419, type=dropout]; +"1420 _param_constant247" [id=1420, type=get_attr]; +"1421 linear_91_updated_constant0" [id=1421, type=get_attr]; +"1422 symmetric_weights_decompressor_linear_91_updated_constant0_0" [id=1422, type=call_module]; +"1423 linear_91" [id=1423, type=linear]; +"1424 dropout_59" [id=1424, type=dropout]; +"1425 _param_constant248" [id=1425, type=get_attr]; +"1426 _param_constant249" [id=1426, type=get_attr]; +"1427 layer_norm_32" [id=1427, type=layer_norm]; +"1428 add_51" [id=1428, type=add]; +"1429 _tensor_constant93" [id=1429, type=get_attr]; +"1430 _param_constant251" [id=1430, type=get_attr]; +"1431 linear_92_updated_constant0" [id=1431, type=get_attr]; +"1432 symmetric_weights_decompressor_linear_92_updated_constant0_0" [id=1432, type=call_module]; +"1433 linear_92" [id=1433, type=linear]; +"1434 relu__15" [id=1434, type=relu_]; +"1435 linear_93_updated_constant0" [id=1435, type=get_attr]; +"1436 symmetric_weights_decompressor_linear_93_updated_constant0_0" [id=1436, type=call_module]; +"1437 linear_93" [id=1437, type=linear]; +"1438 view_81" [id=1438, type=view]; +"1439 _tensor_constant94" [id=1439, type=get_attr]; +"1440 index_15" [id=1440, type=index]; +"1441 view_82" [id=1441, type=view]; +"1442 permute_68" [id=1442, type=permute]; +"1443 contiguous_28" [id=1443, type=contiguous]; +"1444 unsqueeze_43" [id=1444, type=unsqueeze]; +"1445 sigmoid_15" [id=1445, type=sigmoid]; +"1446 mul_30" [id=1446, type=mul]; +"1447 pad_17" [id=1447, type=pad]; +"1448 roll_14" [id=1448, type=roll]; +"1449 view_83" [id=1449, type=view]; +"1450 permute_69" [id=1450, type=permute]; +"1451 reshape_67" [id=1451, type=reshape]; +"1452 _param_constant253" [id=1452, type=get_attr]; +"1453 clone_15" [id=1453, type=clone]; +"1454 linear_94_updated_constant0" [id=1454, type=get_attr]; +"1455 symmetric_weights_decompressor_linear_94_updated_constant0_0" [id=1455, type=call_module]; +"1456 linear_94" [id=1456, type=linear]; +"1457 reshape_68" [id=1457, type=reshape]; +"1458 permute_70" [id=1458, type=permute]; +"1459 select_45" [id=1459, type=select]; +"1460 select_46" [id=1460, type=select]; +"1461 select_47" [id=1461, type=select]; +"1462 linalg_vector_norm_30" [id=1462, type=linalg_vector_norm]; +"1463 clamp_min_30" [id=1463, type=clamp_min]; +"1464 expand_as_30" [id=1464, type=expand_as]; +"1465 div_30" [id=1465, type=div]; +"1466 linalg_vector_norm_31" [id=1466, type=linalg_vector_norm]; +"1467 clamp_min_31" [id=1467, type=clamp_min]; +"1468 expand_as_31" [id=1468, type=expand_as]; +"1469 div_31" [id=1469, type=div]; +"1470 transpose_30" [id=1470, type=transpose]; +"1471 matmul_30" [id=1471, type=matmul]; +"1472 _param_constant255" [id=1472, type=get_attr]; +"1473 clamp_15" [id=1473, type=clamp]; +"1474 exp_15" [id=1474, type=exp]; +"1475 mul_31" [id=1475, type=mul]; +"1476 add_52" [id=1476, type=add]; +"1477 new_zeros_7" [id=1477, type=new_zeros]; +"1478 view_84" [id=1478, type=view]; +"1479 permute_71" [id=1479, type=permute]; +"1480 reshape_69" [id=1480, type=reshape]; +"1481 unsqueeze_44" [id=1481, type=unsqueeze]; +"1482 unsqueeze_45" [id=1482, type=unsqueeze]; +"1483 sub_7" [id=1483, type=sub]; +"1484 ne_7" [id=1484, type=ne]; +"1485 masked_fill_14" [id=1485, type=masked_fill]; +"1486 eq_7" [id=1486, type=eq]; +"1487 masked_fill_15" [id=1487, type=masked_fill]; +"1488 view_85" [id=1488, type=view]; +"1489 unsqueeze_46" [id=1489, type=unsqueeze]; +"1490 unsqueeze_47" [id=1490, type=unsqueeze]; +"1491 add_53" [id=1491, type=add]; +"1492 view_86" [id=1492, type=view]; +"1493 softmax_15" [id=1493, type=softmax]; +"1494 dropout_60" [id=1494, type=dropout]; +"1495 matmul_31" [id=1495, type=matmul]; +"1496 transpose_31" [id=1496, type=transpose]; +"1497 reshape_70" [id=1497, type=reshape]; +"1498 _param_constant257" [id=1498, type=get_attr]; +"1499 linear_95_updated_constant0" [id=1499, type=get_attr]; +"1500 symmetric_weights_decompressor_linear_95_updated_constant0_0" [id=1500, type=call_module]; +"1501 linear_95" [id=1501, type=linear]; +"1502 dropout_61" [id=1502, type=dropout]; +"1503 view_87" [id=1503, type=view]; +"1504 permute_72" [id=1504, type=permute]; +"1505 reshape_71" [id=1505, type=reshape]; +"1506 roll_15" [id=1506, type=roll]; +"1507 slice_241" [id=1507, type=slice]; +"1508 slice_242" [id=1508, type=slice]; +"1509 slice_243" [id=1509, type=slice]; +"1510 slice_244" [id=1510, type=slice]; +"1511 contiguous_29" [id=1511, type=contiguous]; +"1512 _param_constant258" [id=1512, type=get_attr]; +"1513 _param_constant259" [id=1513, type=get_attr]; +"1514 layer_norm_33" [id=1514, type=layer_norm]; +"1515 add_54" [id=1515, type=add]; +"1516 _param_constant261" [id=1516, type=get_attr]; +"1517 linear_96_updated_constant0" [id=1517, type=get_attr]; +"1518 symmetric_weights_decompressor_linear_96_updated_constant0_0" [id=1518, type=call_module]; +"1519 linear_96" [id=1519, type=linear]; +"1520 gelu_15" [id=1520, type=gelu]; +"1521 dropout_62" [id=1521, type=dropout]; +"1522 _param_constant263" [id=1522, type=get_attr]; +"1523 linear_97_updated_constant0" [id=1523, type=get_attr]; +"1524 symmetric_weights_decompressor_linear_97_updated_constant0_0" [id=1524, type=call_module]; +"1525 linear_97" [id=1525, type=linear]; +"1526 dropout_63" [id=1526, type=dropout]; +"1527 _param_constant264" [id=1527, type=get_attr]; +"1528 _param_constant265" [id=1528, type=get_attr]; +"1529 layer_norm_34" [id=1529, type=layer_norm]; +"1530 add_55" [id=1530, type=add]; +"1531 _tensor_constant104" [id=1531, type=get_attr]; +"1532 _param_constant267" [id=1532, type=get_attr]; +"1533 linear_98_updated_constant0" [id=1533, type=get_attr]; +"1534 symmetric_weights_decompressor_linear_98_updated_constant0_0" [id=1534, type=call_module]; +"1535 linear_98" [id=1535, type=linear]; +"1536 relu__16" [id=1536, type=relu_]; +"1537 linear_99_updated_constant0" [id=1537, type=get_attr]; +"1538 symmetric_weights_decompressor_linear_99_updated_constant0_0" [id=1538, type=call_module]; +"1539 linear_99" [id=1539, type=linear]; +"1540 view_88" [id=1540, type=view]; +"1541 _tensor_constant105" [id=1541, type=get_attr]; +"1542 index_16" [id=1542, type=index]; +"1543 view_89" [id=1543, type=view]; +"1544 permute_73" [id=1544, type=permute]; +"1545 contiguous_30" [id=1545, type=contiguous]; +"1546 unsqueeze_48" [id=1546, type=unsqueeze]; +"1547 sigmoid_16" [id=1547, type=sigmoid]; +"1548 mul_32" [id=1548, type=mul]; +"1549 pad_18" [id=1549, type=pad]; +"1550 view_90" [id=1550, type=view]; +"1551 permute_74" [id=1551, type=permute]; +"1552 reshape_72" [id=1552, type=reshape]; +"1553 _param_constant269" [id=1553, type=get_attr]; +"1554 clone_16" [id=1554, type=clone]; +"1555 linear_100_updated_constant0" [id=1555, type=get_attr]; +"1556 symmetric_weights_decompressor_linear_100_updated_constant0_0" [id=1556, type=call_module]; +"1557 linear_100" [id=1557, type=linear]; +"1558 reshape_73" [id=1558, type=reshape]; +"1559 permute_75" [id=1559, type=permute]; +"1560 select_48" [id=1560, type=select]; +"1561 select_49" [id=1561, type=select]; +"1562 select_50" [id=1562, type=select]; +"1563 linalg_vector_norm_32" [id=1563, type=linalg_vector_norm]; +"1564 clamp_min_32" [id=1564, type=clamp_min]; +"1565 expand_as_32" [id=1565, type=expand_as]; +"1566 div_32" [id=1566, type=div]; +"1567 linalg_vector_norm_33" [id=1567, type=linalg_vector_norm]; +"1568 clamp_min_33" [id=1568, type=clamp_min]; +"1569 expand_as_33" [id=1569, type=expand_as]; +"1570 div_33" [id=1570, type=div]; +"1571 transpose_32" [id=1571, type=transpose]; +"1572 matmul_32" [id=1572, type=matmul]; +"1573 _param_constant271" [id=1573, type=get_attr]; +"1574 clamp_16" [id=1574, type=clamp]; +"1575 exp_16" [id=1575, type=exp]; +"1576 mul_33" [id=1576, type=mul]; +"1577 add_56" [id=1577, type=add]; +"1578 softmax_16" [id=1578, type=softmax]; +"1579 dropout_64" [id=1579, type=dropout]; +"1580 matmul_33" [id=1580, type=matmul]; +"1581 transpose_33" [id=1581, type=transpose]; +"1582 reshape_74" [id=1582, type=reshape]; +"1583 _param_constant273" [id=1583, type=get_attr]; +"1584 linear_101_updated_constant0" [id=1584, type=get_attr]; +"1585 symmetric_weights_decompressor_linear_101_updated_constant0_0" [id=1585, type=call_module]; +"1586 linear_101" [id=1586, type=linear]; +"1587 dropout_65" [id=1587, type=dropout]; +"1588 view_91" [id=1588, type=view]; +"1589 permute_76" [id=1589, type=permute]; +"1590 reshape_75" [id=1590, type=reshape]; +"1591 slice_246" [id=1591, type=slice]; +"1592 slice_247" [id=1592, type=slice]; +"1593 slice_248" [id=1593, type=slice]; +"1594 slice_249" [id=1594, type=slice]; +"1595 contiguous_31" [id=1595, type=contiguous]; +"1596 _param_constant274" [id=1596, type=get_attr]; +"1597 _param_constant275" [id=1597, type=get_attr]; +"1598 layer_norm_35" [id=1598, type=layer_norm]; +"1599 add_57" [id=1599, type=add]; +"1600 _param_constant277" [id=1600, type=get_attr]; +"1601 linear_102_updated_constant0" [id=1601, type=get_attr]; +"1602 symmetric_weights_decompressor_linear_102_updated_constant0_0" [id=1602, type=call_module]; +"1603 linear_102" [id=1603, type=linear]; +"1604 gelu_16" [id=1604, type=gelu]; +"1605 dropout_66" [id=1605, type=dropout]; +"1606 _param_constant279" [id=1606, type=get_attr]; +"1607 linear_103_updated_constant0" [id=1607, type=get_attr]; +"1608 symmetric_weights_decompressor_linear_103_updated_constant0_0" [id=1608, type=call_module]; +"1609 linear_103" [id=1609, type=linear]; +"1610 dropout_67" [id=1610, type=dropout]; +"1611 _param_constant280" [id=1611, type=get_attr]; +"1612 _param_constant281" [id=1612, type=get_attr]; +"1613 layer_norm_36" [id=1613, type=layer_norm]; +"1614 add_58" [id=1614, type=add]; +"1615 _tensor_constant106" [id=1615, type=get_attr]; +"1616 _param_constant283" [id=1616, type=get_attr]; +"1617 linear_104_updated_constant0" [id=1617, type=get_attr]; +"1618 symmetric_weights_decompressor_linear_104_updated_constant0_0" [id=1618, type=call_module]; +"1619 linear_104" [id=1619, type=linear]; +"1620 relu__17" [id=1620, type=relu_]; +"1621 linear_105_updated_constant0" [id=1621, type=get_attr]; +"1622 symmetric_weights_decompressor_linear_105_updated_constant0_0" [id=1622, type=call_module]; +"1623 linear_105" [id=1623, type=linear]; +"1624 view_92" [id=1624, type=view]; +"1625 _tensor_constant107" [id=1625, type=get_attr]; +"1626 index_17" [id=1626, type=index]; +"1627 view_93" [id=1627, type=view]; +"1628 permute_77" [id=1628, type=permute]; +"1629 contiguous_32" [id=1629, type=contiguous]; +"1630 unsqueeze_49" [id=1630, type=unsqueeze]; +"1631 sigmoid_17" [id=1631, type=sigmoid]; +"1632 mul_34" [id=1632, type=mul]; +"1633 pad_19" [id=1633, type=pad]; +"1634 roll_16" [id=1634, type=roll]; +"1635 view_94" [id=1635, type=view]; +"1636 permute_78" [id=1636, type=permute]; +"1637 reshape_76" [id=1637, type=reshape]; +"1638 _param_constant285" [id=1638, type=get_attr]; +"1639 clone_17" [id=1639, type=clone]; +"1640 linear_106_updated_constant0" [id=1640, type=get_attr]; +"1641 symmetric_weights_decompressor_linear_106_updated_constant0_0" [id=1641, type=call_module]; +"1642 linear_106" [id=1642, type=linear]; +"1643 reshape_77" [id=1643, type=reshape]; +"1644 permute_79" [id=1644, type=permute]; +"1645 select_51" [id=1645, type=select]; +"1646 select_52" [id=1646, type=select]; +"1647 select_53" [id=1647, type=select]; +"1648 linalg_vector_norm_34" [id=1648, type=linalg_vector_norm]; +"1649 clamp_min_34" [id=1649, type=clamp_min]; +"1650 expand_as_34" [id=1650, type=expand_as]; +"1651 div_34" [id=1651, type=div]; +"1652 linalg_vector_norm_35" [id=1652, type=linalg_vector_norm]; +"1653 clamp_min_35" [id=1653, type=clamp_min]; +"1654 expand_as_35" [id=1654, type=expand_as]; +"1655 div_35" [id=1655, type=div]; +"1656 transpose_34" [id=1656, type=transpose]; +"1657 matmul_34" [id=1657, type=matmul]; +"1658 _param_constant287" [id=1658, type=get_attr]; +"1659 clamp_17" [id=1659, type=clamp]; +"1660 exp_17" [id=1660, type=exp]; +"1661 mul_35" [id=1661, type=mul]; +"1662 add_59" [id=1662, type=add]; +"1663 new_zeros_8" [id=1663, type=new_zeros]; +"1664 view_95" [id=1664, type=view]; +"1665 permute_80" [id=1665, type=permute]; +"1666 reshape_78" [id=1666, type=reshape]; +"1667 unsqueeze_50" [id=1667, type=unsqueeze]; +"1668 unsqueeze_51" [id=1668, type=unsqueeze]; +"1669 sub_8" [id=1669, type=sub]; +"1670 ne_8" [id=1670, type=ne]; +"1671 masked_fill_16" [id=1671, type=masked_fill]; +"1672 eq_8" [id=1672, type=eq]; +"1673 masked_fill_17" [id=1673, type=masked_fill]; +"1674 view_96" [id=1674, type=view]; +"1675 unsqueeze_52" [id=1675, type=unsqueeze]; +"1676 unsqueeze_53" [id=1676, type=unsqueeze]; +"1677 add_60" [id=1677, type=add]; +"1678 view_97" [id=1678, type=view]; +"1679 softmax_17" [id=1679, type=softmax]; +"1680 dropout_68" [id=1680, type=dropout]; +"1681 matmul_35" [id=1681, type=matmul]; +"1682 transpose_35" [id=1682, type=transpose]; +"1683 reshape_79" [id=1683, type=reshape]; +"1684 _param_constant289" [id=1684, type=get_attr]; +"1685 linear_107_updated_constant0" [id=1685, type=get_attr]; +"1686 symmetric_weights_decompressor_linear_107_updated_constant0_0" [id=1686, type=call_module]; +"1687 linear_107" [id=1687, type=linear]; +"1688 dropout_69" [id=1688, type=dropout]; +"1689 view_98" [id=1689, type=view]; +"1690 permute_81" [id=1690, type=permute]; +"1691 reshape_80" [id=1691, type=reshape]; +"1692 roll_17" [id=1692, type=roll]; +"1693 slice_269" [id=1693, type=slice]; +"1694 slice_270" [id=1694, type=slice]; +"1695 slice_271" [id=1695, type=slice]; +"1696 slice_272" [id=1696, type=slice]; +"1697 contiguous_33" [id=1697, type=contiguous]; +"1698 _param_constant290" [id=1698, type=get_attr]; +"1699 _param_constant291" [id=1699, type=get_attr]; +"1700 layer_norm_37" [id=1700, type=layer_norm]; +"1701 add_61" [id=1701, type=add]; +"1702 _param_constant293" [id=1702, type=get_attr]; +"1703 linear_108_updated_constant0" [id=1703, type=get_attr]; +"1704 symmetric_weights_decompressor_linear_108_updated_constant0_0" [id=1704, type=call_module]; +"1705 linear_108" [id=1705, type=linear]; +"1706 gelu_17" [id=1706, type=gelu]; +"1707 dropout_70" [id=1707, type=dropout]; +"1708 _param_constant295" [id=1708, type=get_attr]; +"1709 linear_109_updated_constant0" [id=1709, type=get_attr]; +"1710 symmetric_weights_decompressor_linear_109_updated_constant0_0" [id=1710, type=call_module]; +"1711 linear_109" [id=1711, type=linear]; +"1712 dropout_71" [id=1712, type=dropout]; +"1713 _param_constant296" [id=1713, type=get_attr]; +"1714 _param_constant297" [id=1714, type=get_attr]; +"1715 layer_norm_38" [id=1715, type=layer_norm]; +"1716 add_62" [id=1716, type=add]; +"1717 _tensor_constant117" [id=1717, type=get_attr]; +"1718 _param_constant299" [id=1718, type=get_attr]; +"1719 linear_110_updated_constant0" [id=1719, type=get_attr]; +"1720 symmetric_weights_decompressor_linear_110_updated_constant0_0" [id=1720, type=call_module]; +"1721 linear_110" [id=1721, type=linear]; +"1722 relu__18" [id=1722, type=relu_]; +"1723 linear_111_updated_constant0" [id=1723, type=get_attr]; +"1724 symmetric_weights_decompressor_linear_111_updated_constant0_0" [id=1724, type=call_module]; +"1725 linear_111" [id=1725, type=linear]; +"1726 view_99" [id=1726, type=view]; +"1727 _tensor_constant118" [id=1727, type=get_attr]; +"1728 index_18" [id=1728, type=index]; +"1729 view_100" [id=1729, type=view]; +"1730 permute_82" [id=1730, type=permute]; +"1731 contiguous_34" [id=1731, type=contiguous]; +"1732 unsqueeze_54" [id=1732, type=unsqueeze]; +"1733 sigmoid_18" [id=1733, type=sigmoid]; +"1734 mul_36" [id=1734, type=mul]; +"1735 pad_20" [id=1735, type=pad]; +"1736 view_101" [id=1736, type=view]; +"1737 permute_83" [id=1737, type=permute]; +"1738 reshape_81" [id=1738, type=reshape]; +"1739 _param_constant301" [id=1739, type=get_attr]; +"1740 clone_18" [id=1740, type=clone]; +"1741 linear_112_updated_constant0" [id=1741, type=get_attr]; +"1742 symmetric_weights_decompressor_linear_112_updated_constant0_0" [id=1742, type=call_module]; +"1743 linear_112" [id=1743, type=linear]; +"1744 reshape_82" [id=1744, type=reshape]; +"1745 permute_84" [id=1745, type=permute]; +"1746 select_54" [id=1746, type=select]; +"1747 select_55" [id=1747, type=select]; +"1748 select_56" [id=1748, type=select]; +"1749 linalg_vector_norm_36" [id=1749, type=linalg_vector_norm]; +"1750 clamp_min_36" [id=1750, type=clamp_min]; +"1751 expand_as_36" [id=1751, type=expand_as]; +"1752 div_36" [id=1752, type=div]; +"1753 linalg_vector_norm_37" [id=1753, type=linalg_vector_norm]; +"1754 clamp_min_37" [id=1754, type=clamp_min]; +"1755 expand_as_37" [id=1755, type=expand_as]; +"1756 div_37" [id=1756, type=div]; +"1757 transpose_36" [id=1757, type=transpose]; +"1758 matmul_36" [id=1758, type=matmul]; +"1759 _param_constant303" [id=1759, type=get_attr]; +"1760 clamp_18" [id=1760, type=clamp]; +"1761 exp_18" [id=1761, type=exp]; +"1762 mul_37" [id=1762, type=mul]; +"1763 add_63" [id=1763, type=add]; +"1764 softmax_18" [id=1764, type=softmax]; +"1765 dropout_72" [id=1765, type=dropout]; +"1766 matmul_37" [id=1766, type=matmul]; +"1767 transpose_37" [id=1767, type=transpose]; +"1768 reshape_83" [id=1768, type=reshape]; +"1769 _param_constant305" [id=1769, type=get_attr]; +"1770 linear_113_updated_constant0" [id=1770, type=get_attr]; +"1771 symmetric_weights_decompressor_linear_113_updated_constant0_0" [id=1771, type=call_module]; +"1772 linear_113" [id=1772, type=linear]; +"1773 dropout_73" [id=1773, type=dropout]; +"1774 view_102" [id=1774, type=view]; +"1775 permute_85" [id=1775, type=permute]; +"1776 reshape_84" [id=1776, type=reshape]; +"1777 slice_274" [id=1777, type=slice]; +"1778 slice_275" [id=1778, type=slice]; +"1779 slice_276" [id=1779, type=slice]; +"1780 slice_277" [id=1780, type=slice]; +"1781 contiguous_35" [id=1781, type=contiguous]; +"1782 _param_constant306" [id=1782, type=get_attr]; +"1783 _param_constant307" [id=1783, type=get_attr]; +"1784 layer_norm_39" [id=1784, type=layer_norm]; +"1785 add_64" [id=1785, type=add]; +"1786 _param_constant309" [id=1786, type=get_attr]; +"1787 linear_114_updated_constant0" [id=1787, type=get_attr]; +"1788 symmetric_weights_decompressor_linear_114_updated_constant0_0" [id=1788, type=call_module]; +"1789 linear_114" [id=1789, type=linear]; +"1790 gelu_18" [id=1790, type=gelu]; +"1791 dropout_74" [id=1791, type=dropout]; +"1792 _param_constant311" [id=1792, type=get_attr]; +"1793 linear_115_updated_constant0" [id=1793, type=get_attr]; +"1794 symmetric_weights_decompressor_linear_115_updated_constant0_0" [id=1794, type=call_module]; +"1795 linear_115" [id=1795, type=linear]; +"1796 dropout_75" [id=1796, type=dropout]; +"1797 _param_constant312" [id=1797, type=get_attr]; +"1798 _param_constant313" [id=1798, type=get_attr]; +"1799 layer_norm_40" [id=1799, type=layer_norm]; +"1800 add_65" [id=1800, type=add]; +"1801 _tensor_constant119" [id=1801, type=get_attr]; +"1802 _param_constant315" [id=1802, type=get_attr]; +"1803 linear_116_updated_constant0" [id=1803, type=get_attr]; +"1804 symmetric_weights_decompressor_linear_116_updated_constant0_0" [id=1804, type=call_module]; +"1805 linear_116" [id=1805, type=linear]; +"1806 relu__19" [id=1806, type=relu_]; +"1807 linear_117_updated_constant0" [id=1807, type=get_attr]; +"1808 symmetric_weights_decompressor_linear_117_updated_constant0_0" [id=1808, type=call_module]; +"1809 linear_117" [id=1809, type=linear]; +"1810 view_103" [id=1810, type=view]; +"1811 _tensor_constant120" [id=1811, type=get_attr]; +"1812 index_19" [id=1812, type=index]; +"1813 view_104" [id=1813, type=view]; +"1814 permute_86" [id=1814, type=permute]; +"1815 contiguous_36" [id=1815, type=contiguous]; +"1816 unsqueeze_55" [id=1816, type=unsqueeze]; +"1817 sigmoid_19" [id=1817, type=sigmoid]; +"1818 mul_38" [id=1818, type=mul]; +"1819 pad_21" [id=1819, type=pad]; +"1820 roll_18" [id=1820, type=roll]; +"1821 view_105" [id=1821, type=view]; +"1822 permute_87" [id=1822, type=permute]; +"1823 reshape_85" [id=1823, type=reshape]; +"1824 _param_constant317" [id=1824, type=get_attr]; +"1825 clone_19" [id=1825, type=clone]; +"1826 linear_118_updated_constant0" [id=1826, type=get_attr]; +"1827 symmetric_weights_decompressor_linear_118_updated_constant0_0" [id=1827, type=call_module]; +"1828 linear_118" [id=1828, type=linear]; +"1829 reshape_86" [id=1829, type=reshape]; +"1830 permute_88" [id=1830, type=permute]; +"1831 select_57" [id=1831, type=select]; +"1832 select_58" [id=1832, type=select]; +"1833 select_59" [id=1833, type=select]; +"1834 linalg_vector_norm_38" [id=1834, type=linalg_vector_norm]; +"1835 clamp_min_38" [id=1835, type=clamp_min]; +"1836 expand_as_38" [id=1836, type=expand_as]; +"1837 div_38" [id=1837, type=div]; +"1838 linalg_vector_norm_39" [id=1838, type=linalg_vector_norm]; +"1839 clamp_min_39" [id=1839, type=clamp_min]; +"1840 expand_as_39" [id=1840, type=expand_as]; +"1841 div_39" [id=1841, type=div]; +"1842 transpose_38" [id=1842, type=transpose]; +"1843 matmul_38" [id=1843, type=matmul]; +"1844 _param_constant319" [id=1844, type=get_attr]; +"1845 clamp_19" [id=1845, type=clamp]; +"1846 exp_19" [id=1846, type=exp]; +"1847 mul_39" [id=1847, type=mul]; +"1848 add_66" [id=1848, type=add]; +"1849 new_zeros_9" [id=1849, type=new_zeros]; +"1850 view_106" [id=1850, type=view]; +"1851 permute_89" [id=1851, type=permute]; +"1852 reshape_87" [id=1852, type=reshape]; +"1853 unsqueeze_56" [id=1853, type=unsqueeze]; +"1854 unsqueeze_57" [id=1854, type=unsqueeze]; +"1855 sub_9" [id=1855, type=sub]; +"1856 ne_9" [id=1856, type=ne]; +"1857 masked_fill_18" [id=1857, type=masked_fill]; +"1858 eq_9" [id=1858, type=eq]; +"1859 masked_fill_19" [id=1859, type=masked_fill]; +"1860 view_107" [id=1860, type=view]; +"1861 unsqueeze_58" [id=1861, type=unsqueeze]; +"1862 unsqueeze_59" [id=1862, type=unsqueeze]; +"1863 add_67" [id=1863, type=add]; +"1864 view_108" [id=1864, type=view]; +"1865 softmax_19" [id=1865, type=softmax]; +"1866 dropout_76" [id=1866, type=dropout]; +"1867 matmul_39" [id=1867, type=matmul]; +"1868 transpose_39" [id=1868, type=transpose]; +"1869 reshape_88" [id=1869, type=reshape]; +"1870 _param_constant321" [id=1870, type=get_attr]; +"1871 linear_119_updated_constant0" [id=1871, type=get_attr]; +"1872 symmetric_weights_decompressor_linear_119_updated_constant0_0" [id=1872, type=call_module]; +"1873 linear_119" [id=1873, type=linear]; +"1874 dropout_77" [id=1874, type=dropout]; +"1875 view_109" [id=1875, type=view]; +"1876 permute_90" [id=1876, type=permute]; +"1877 reshape_89" [id=1877, type=reshape]; +"1878 roll_19" [id=1878, type=roll]; +"1879 slice_297" [id=1879, type=slice]; +"1880 slice_298" [id=1880, type=slice]; +"1881 slice_299" [id=1881, type=slice]; +"1882 slice_300" [id=1882, type=slice]; +"1883 contiguous_37" [id=1883, type=contiguous]; +"1884 _param_constant322" [id=1884, type=get_attr]; +"1885 _param_constant323" [id=1885, type=get_attr]; +"1886 layer_norm_41" [id=1886, type=layer_norm]; +"1887 add_68" [id=1887, type=add]; +"1888 _param_constant325" [id=1888, type=get_attr]; +"1889 linear_120_updated_constant0" [id=1889, type=get_attr]; +"1890 symmetric_weights_decompressor_linear_120_updated_constant0_0" [id=1890, type=call_module]; +"1891 linear_120" [id=1891, type=linear]; +"1892 gelu_19" [id=1892, type=gelu]; +"1893 dropout_78" [id=1893, type=dropout]; +"1894 _param_constant327" [id=1894, type=get_attr]; +"1895 linear_121_updated_constant0" [id=1895, type=get_attr]; +"1896 symmetric_weights_decompressor_linear_121_updated_constant0_0" [id=1896, type=call_module]; +"1897 linear_121" [id=1897, type=linear]; +"1898 dropout_79" [id=1898, type=dropout]; +"1899 _param_constant328" [id=1899, type=get_attr]; +"1900 _param_constant329" [id=1900, type=get_attr]; +"1901 layer_norm_42" [id=1901, type=layer_norm]; +"1902 add_69" [id=1902, type=add]; +"1903 _tensor_constant130" [id=1903, type=get_attr]; +"1904 _param_constant331" [id=1904, type=get_attr]; +"1905 linear_122_updated_constant0" [id=1905, type=get_attr]; +"1906 symmetric_weights_decompressor_linear_122_updated_constant0_0" [id=1906, type=call_module]; +"1907 linear_122" [id=1907, type=linear]; +"1908 relu__20" [id=1908, type=relu_]; +"1909 linear_123_updated_constant0" [id=1909, type=get_attr]; +"1910 symmetric_weights_decompressor_linear_123_updated_constant0_0" [id=1910, type=call_module]; +"1911 linear_123" [id=1911, type=linear]; +"1912 view_110" [id=1912, type=view]; +"1913 _tensor_constant131" [id=1913, type=get_attr]; +"1914 index_20" [id=1914, type=index]; +"1915 view_111" [id=1915, type=view]; +"1916 permute_91" [id=1916, type=permute]; +"1917 contiguous_38" [id=1917, type=contiguous]; +"1918 unsqueeze_60" [id=1918, type=unsqueeze]; +"1919 sigmoid_20" [id=1919, type=sigmoid]; +"1920 mul_40" [id=1920, type=mul]; +"1921 pad_22" [id=1921, type=pad]; +"1922 view_112" [id=1922, type=view]; +"1923 permute_92" [id=1923, type=permute]; +"1924 reshape_90" [id=1924, type=reshape]; +"1925 _param_constant333" [id=1925, type=get_attr]; +"1926 clone_20" [id=1926, type=clone]; +"1927 linear_124_updated_constant0" [id=1927, type=get_attr]; +"1928 symmetric_weights_decompressor_linear_124_updated_constant0_0" [id=1928, type=call_module]; +"1929 linear_124" [id=1929, type=linear]; +"1930 reshape_91" [id=1930, type=reshape]; +"1931 permute_93" [id=1931, type=permute]; +"1932 select_60" [id=1932, type=select]; +"1933 select_61" [id=1933, type=select]; +"1934 select_62" [id=1934, type=select]; +"1935 linalg_vector_norm_40" [id=1935, type=linalg_vector_norm]; +"1936 clamp_min_40" [id=1936, type=clamp_min]; +"1937 expand_as_40" [id=1937, type=expand_as]; +"1938 div_40" [id=1938, type=div]; +"1939 linalg_vector_norm_41" [id=1939, type=linalg_vector_norm]; +"1940 clamp_min_41" [id=1940, type=clamp_min]; +"1941 expand_as_41" [id=1941, type=expand_as]; +"1942 div_41" [id=1942, type=div]; +"1943 transpose_40" [id=1943, type=transpose]; +"1944 matmul_40" [id=1944, type=matmul]; +"1945 _param_constant335" [id=1945, type=get_attr]; +"1946 clamp_20" [id=1946, type=clamp]; +"1947 exp_20" [id=1947, type=exp]; +"1948 mul_41" [id=1948, type=mul]; +"1949 add_70" [id=1949, type=add]; +"1950 softmax_20" [id=1950, type=softmax]; +"1951 dropout_80" [id=1951, type=dropout]; +"1952 matmul_41" [id=1952, type=matmul]; +"1953 transpose_41" [id=1953, type=transpose]; +"1954 reshape_92" [id=1954, type=reshape]; +"1955 _param_constant337" [id=1955, type=get_attr]; +"1956 linear_125_updated_constant0" [id=1956, type=get_attr]; +"1957 symmetric_weights_decompressor_linear_125_updated_constant0_0" [id=1957, type=call_module]; +"1958 linear_125" [id=1958, type=linear]; +"1959 dropout_81" [id=1959, type=dropout]; +"1960 view_113" [id=1960, type=view]; +"1961 permute_94" [id=1961, type=permute]; +"1962 reshape_93" [id=1962, type=reshape]; +"1963 slice_302" [id=1963, type=slice]; +"1964 slice_303" [id=1964, type=slice]; +"1965 slice_304" [id=1965, type=slice]; +"1966 slice_305" [id=1966, type=slice]; +"1967 contiguous_39" [id=1967, type=contiguous]; +"1968 _param_constant338" [id=1968, type=get_attr]; +"1969 _param_constant339" [id=1969, type=get_attr]; +"1970 layer_norm_43" [id=1970, type=layer_norm]; +"1971 add_71" [id=1971, type=add]; +"1972 _param_constant341" [id=1972, type=get_attr]; +"1973 linear_126_updated_constant0" [id=1973, type=get_attr]; +"1974 symmetric_weights_decompressor_linear_126_updated_constant0_0" [id=1974, type=call_module]; +"1975 linear_126" [id=1975, type=linear]; +"1976 gelu_20" [id=1976, type=gelu]; +"1977 dropout_82" [id=1977, type=dropout]; +"1978 _param_constant343" [id=1978, type=get_attr]; +"1979 linear_127_updated_constant0" [id=1979, type=get_attr]; +"1980 symmetric_weights_decompressor_linear_127_updated_constant0_0" [id=1980, type=call_module]; +"1981 linear_127" [id=1981, type=linear]; +"1982 dropout_83" [id=1982, type=dropout]; +"1983 _param_constant344" [id=1983, type=get_attr]; +"1984 _param_constant345" [id=1984, type=get_attr]; +"1985 layer_norm_44" [id=1985, type=layer_norm]; +"1986 add_72" [id=1986, type=add]; +"1987 _tensor_constant132" [id=1987, type=get_attr]; +"1988 _param_constant347" [id=1988, type=get_attr]; +"1989 linear_128_updated_constant0" [id=1989, type=get_attr]; +"1990 symmetric_weights_decompressor_linear_128_updated_constant0_0" [id=1990, type=call_module]; +"1991 linear_128" [id=1991, type=linear]; +"1992 relu__21" [id=1992, type=relu_]; +"1993 linear_129_updated_constant0" [id=1993, type=get_attr]; +"1994 symmetric_weights_decompressor_linear_129_updated_constant0_0" [id=1994, type=call_module]; +"1995 linear_129" [id=1995, type=linear]; +"1996 view_114" [id=1996, type=view]; +"1997 _tensor_constant133" [id=1997, type=get_attr]; +"1998 index_21" [id=1998, type=index]; +"1999 view_115" [id=1999, type=view]; +"2000 permute_95" [id=2000, type=permute]; +"2001 contiguous_40" [id=2001, type=contiguous]; +"2002 unsqueeze_61" [id=2002, type=unsqueeze]; +"2003 sigmoid_21" [id=2003, type=sigmoid]; +"2004 mul_42" [id=2004, type=mul]; +"2005 pad_23" [id=2005, type=pad]; +"2006 roll_20" [id=2006, type=roll]; +"2007 view_116" [id=2007, type=view]; +"2008 permute_96" [id=2008, type=permute]; +"2009 reshape_94" [id=2009, type=reshape]; +"2010 _param_constant349" [id=2010, type=get_attr]; +"2011 clone_21" [id=2011, type=clone]; +"2012 linear_130_updated_constant0" [id=2012, type=get_attr]; +"2013 symmetric_weights_decompressor_linear_130_updated_constant0_0" [id=2013, type=call_module]; +"2014 linear_130" [id=2014, type=linear]; +"2015 reshape_95" [id=2015, type=reshape]; +"2016 permute_97" [id=2016, type=permute]; +"2017 select_63" [id=2017, type=select]; +"2018 select_64" [id=2018, type=select]; +"2019 select_65" [id=2019, type=select]; +"2020 linalg_vector_norm_42" [id=2020, type=linalg_vector_norm]; +"2021 clamp_min_42" [id=2021, type=clamp_min]; +"2022 expand_as_42" [id=2022, type=expand_as]; +"2023 div_42" [id=2023, type=div]; +"2024 linalg_vector_norm_43" [id=2024, type=linalg_vector_norm]; +"2025 clamp_min_43" [id=2025, type=clamp_min]; +"2026 expand_as_43" [id=2026, type=expand_as]; +"2027 div_43" [id=2027, type=div]; +"2028 transpose_42" [id=2028, type=transpose]; +"2029 matmul_42" [id=2029, type=matmul]; +"2030 _param_constant351" [id=2030, type=get_attr]; +"2031 clamp_21" [id=2031, type=clamp]; +"2032 exp_21" [id=2032, type=exp]; +"2033 mul_43" [id=2033, type=mul]; +"2034 add_73" [id=2034, type=add]; +"2035 new_zeros_10" [id=2035, type=new_zeros]; +"2036 view_117" [id=2036, type=view]; +"2037 permute_98" [id=2037, type=permute]; +"2038 reshape_96" [id=2038, type=reshape]; +"2039 unsqueeze_62" [id=2039, type=unsqueeze]; +"2040 unsqueeze_63" [id=2040, type=unsqueeze]; +"2041 sub_10" [id=2041, type=sub]; +"2042 ne_10" [id=2042, type=ne]; +"2043 masked_fill_20" [id=2043, type=masked_fill]; +"2044 eq_10" [id=2044, type=eq]; +"2045 masked_fill_21" [id=2045, type=masked_fill]; +"2046 view_118" [id=2046, type=view]; +"2047 unsqueeze_64" [id=2047, type=unsqueeze]; +"2048 unsqueeze_65" [id=2048, type=unsqueeze]; +"2049 add_74" [id=2049, type=add]; +"2050 view_119" [id=2050, type=view]; +"2051 softmax_21" [id=2051, type=softmax]; +"2052 dropout_84" [id=2052, type=dropout]; +"2053 matmul_43" [id=2053, type=matmul]; +"2054 transpose_43" [id=2054, type=transpose]; +"2055 reshape_97" [id=2055, type=reshape]; +"2056 _param_constant353" [id=2056, type=get_attr]; +"2057 linear_131_updated_constant0" [id=2057, type=get_attr]; +"2058 symmetric_weights_decompressor_linear_131_updated_constant0_0" [id=2058, type=call_module]; +"2059 linear_131" [id=2059, type=linear]; +"2060 dropout_85" [id=2060, type=dropout]; +"2061 view_120" [id=2061, type=view]; +"2062 permute_99" [id=2062, type=permute]; +"2063 reshape_98" [id=2063, type=reshape]; +"2064 roll_21" [id=2064, type=roll]; +"2065 slice_325" [id=2065, type=slice]; +"2066 slice_326" [id=2066, type=slice]; +"2067 slice_327" [id=2067, type=slice]; +"2068 slice_328" [id=2068, type=slice]; +"2069 contiguous_41" [id=2069, type=contiguous]; +"2070 _param_constant354" [id=2070, type=get_attr]; +"2071 _param_constant355" [id=2071, type=get_attr]; +"2072 layer_norm_45" [id=2072, type=layer_norm]; +"2073 add_75" [id=2073, type=add]; +"2074 _param_constant357" [id=2074, type=get_attr]; +"2075 linear_132_updated_constant0" [id=2075, type=get_attr]; +"2076 symmetric_weights_decompressor_linear_132_updated_constant0_0" [id=2076, type=call_module]; +"2077 linear_132" [id=2077, type=linear]; +"2078 gelu_21" [id=2078, type=gelu]; +"2079 dropout_86" [id=2079, type=dropout]; +"2080 _param_constant359" [id=2080, type=get_attr]; +"2081 linear_133_updated_constant0" [id=2081, type=get_attr]; +"2082 symmetric_weights_decompressor_linear_133_updated_constant0_0" [id=2082, type=call_module]; +"2083 linear_133" [id=2083, type=linear]; +"2084 dropout_87" [id=2084, type=dropout]; +"2085 _param_constant360" [id=2085, type=get_attr]; +"2086 _param_constant361" [id=2086, type=get_attr]; +"2087 layer_norm_46" [id=2087, type=layer_norm]; +"2088 add_76" [id=2088, type=add]; +"2089 pad_24" [id=2089, type=pad]; +"2090 slice_329" [id=2090, type=slice]; +"2091 slice_330" [id=2091, type=slice]; +"2092 slice_331" [id=2092, type=slice]; +"2093 slice_332" [id=2093, type=slice]; +"2094 slice_333" [id=2094, type=slice]; +"2095 slice_334" [id=2095, type=slice]; +"2096 slice_335" [id=2096, type=slice]; +"2097 slice_336" [id=2097, type=slice]; +"2098 slice_337" [id=2098, type=slice]; +"2099 slice_338" [id=2099, type=slice]; +"2100 slice_339" [id=2100, type=slice]; +"2101 slice_340" [id=2101, type=slice]; +"2102 cat_2" [id=2102, type=cat]; +"2103 linear_134_updated_constant0" [id=2103, type=get_attr]; +"2104 symmetric_weights_decompressor_linear_134_updated_constant0_0" [id=2104, type=call_module]; +"2105 linear_134" [id=2105, type=linear]; +"2106 _param_constant363" [id=2106, type=get_attr]; +"2107 _param_constant364" [id=2107, type=get_attr]; +"2108 layer_norm_47" [id=2108, type=layer_norm]; +"2109 _tensor_constant143" [id=2109, type=get_attr]; +"2110 _param_constant366" [id=2110, type=get_attr]; +"2111 linear_135_updated_constant0" [id=2111, type=get_attr]; +"2112 symmetric_weights_decompressor_linear_135_updated_constant0_0" [id=2112, type=call_module]; +"2113 linear_135" [id=2113, type=linear]; +"2114 relu__22" [id=2114, type=relu_]; +"2115 linear_136_updated_constant0" [id=2115, type=get_attr]; +"2116 symmetric_weights_decompressor_linear_136_updated_constant0_0" [id=2116, type=call_module]; +"2117 linear_136" [id=2117, type=linear]; +"2118 view_121" [id=2118, type=view]; +"2119 _tensor_constant144" [id=2119, type=get_attr]; +"2120 index_22" [id=2120, type=index]; +"2121 view_122" [id=2121, type=view]; +"2122 permute_100" [id=2122, type=permute]; +"2123 contiguous_42" [id=2123, type=contiguous]; +"2124 unsqueeze_66" [id=2124, type=unsqueeze]; +"2125 sigmoid_22" [id=2125, type=sigmoid]; +"2126 mul_44" [id=2126, type=mul]; +"2127 pad_25" [id=2127, type=pad]; +"2128 view_123" [id=2128, type=view]; +"2129 permute_101" [id=2129, type=permute]; +"2130 reshape_99" [id=2130, type=reshape]; +"2131 _param_constant368" [id=2131, type=get_attr]; +"2132 clone_22" [id=2132, type=clone]; +"2133 linear_137_updated_constant0" [id=2133, type=get_attr]; +"2134 symmetric_weights_decompressor_linear_137_updated_constant0_0" [id=2134, type=call_module]; +"2135 linear_137" [id=2135, type=linear]; +"2136 reshape_100" [id=2136, type=reshape]; +"2137 permute_102" [id=2137, type=permute]; +"2138 select_66" [id=2138, type=select]; +"2139 select_67" [id=2139, type=select]; +"2140 select_68" [id=2140, type=select]; +"2141 linalg_vector_norm_44" [id=2141, type=linalg_vector_norm]; +"2142 clamp_min_44" [id=2142, type=clamp_min]; +"2143 expand_as_44" [id=2143, type=expand_as]; +"2144 div_44" [id=2144, type=div]; +"2145 linalg_vector_norm_45" [id=2145, type=linalg_vector_norm]; +"2146 clamp_min_45" [id=2146, type=clamp_min]; +"2147 expand_as_45" [id=2147, type=expand_as]; +"2148 div_45" [id=2148, type=div]; +"2149 transpose_44" [id=2149, type=transpose]; +"2150 matmul_44" [id=2150, type=matmul]; +"2151 _param_constant370" [id=2151, type=get_attr]; +"2152 clamp_22" [id=2152, type=clamp]; +"2153 exp_22" [id=2153, type=exp]; +"2154 mul_45" [id=2154, type=mul]; +"2155 add_77" [id=2155, type=add]; +"2156 softmax_22" [id=2156, type=softmax]; +"2157 dropout_88" [id=2157, type=dropout]; +"2158 matmul_45" [id=2158, type=matmul]; +"2159 transpose_45" [id=2159, type=transpose]; +"2160 reshape_101" [id=2160, type=reshape]; +"2161 _param_constant372" [id=2161, type=get_attr]; +"2162 linear_138_updated_constant0" [id=2162, type=get_attr]; +"2163 symmetric_weights_decompressor_linear_138_updated_constant0_0" [id=2163, type=call_module]; +"2164 linear_138" [id=2164, type=linear]; +"2165 dropout_89" [id=2165, type=dropout]; +"2166 view_124" [id=2166, type=view]; +"2167 permute_103" [id=2167, type=permute]; +"2168 reshape_102" [id=2168, type=reshape]; +"2169 slice_342" [id=2169, type=slice]; +"2170 slice_343" [id=2170, type=slice]; +"2171 slice_344" [id=2171, type=slice]; +"2172 slice_345" [id=2172, type=slice]; +"2173 contiguous_43" [id=2173, type=contiguous]; +"2174 _param_constant373" [id=2174, type=get_attr]; +"2175 _param_constant374" [id=2175, type=get_attr]; +"2176 layer_norm_48" [id=2176, type=layer_norm]; +"2177 add_78" [id=2177, type=add]; +"2178 _param_constant376" [id=2178, type=get_attr]; +"2179 linear_139_updated_constant0" [id=2179, type=get_attr]; +"2180 symmetric_weights_decompressor_linear_139_updated_constant0_0" [id=2180, type=call_module]; +"2181 linear_139" [id=2181, type=linear]; +"2182 gelu_22" [id=2182, type=gelu]; +"2183 dropout_90" [id=2183, type=dropout]; +"2184 _param_constant378" [id=2184, type=get_attr]; +"2185 linear_140_updated_constant0" [id=2185, type=get_attr]; +"2186 symmetric_weights_decompressor_linear_140_updated_constant0_0" [id=2186, type=call_module]; +"2187 linear_140" [id=2187, type=linear]; +"2188 dropout_91" [id=2188, type=dropout]; +"2189 _param_constant379" [id=2189, type=get_attr]; +"2190 _param_constant380" [id=2190, type=get_attr]; +"2191 layer_norm_49" [id=2191, type=layer_norm]; +"2192 add_79" [id=2192, type=add]; +"2193 _tensor_constant145" [id=2193, type=get_attr]; +"2194 _param_constant382" [id=2194, type=get_attr]; +"2195 linear_141_updated_constant0" [id=2195, type=get_attr]; +"2196 symmetric_weights_decompressor_linear_141_updated_constant0_0" [id=2196, type=call_module]; +"2197 linear_141" [id=2197, type=linear]; +"2198 relu__23" [id=2198, type=relu_]; +"2199 linear_142_updated_constant0" [id=2199, type=get_attr]; +"2200 symmetric_weights_decompressor_linear_142_updated_constant0_0" [id=2200, type=call_module]; +"2201 linear_142" [id=2201, type=linear]; +"2202 view_125" [id=2202, type=view]; +"2203 _tensor_constant146" [id=2203, type=get_attr]; +"2204 index_23" [id=2204, type=index]; +"2205 view_126" [id=2205, type=view]; +"2206 permute_104" [id=2206, type=permute]; +"2207 contiguous_44" [id=2207, type=contiguous]; +"2208 unsqueeze_67" [id=2208, type=unsqueeze]; +"2209 sigmoid_23" [id=2209, type=sigmoid]; +"2210 mul_46" [id=2210, type=mul]; +"2211 pad_26" [id=2211, type=pad]; +"2212 view_127" [id=2212, type=view]; +"2213 permute_105" [id=2213, type=permute]; +"2214 reshape_103" [id=2214, type=reshape]; +"2215 _param_constant384" [id=2215, type=get_attr]; +"2216 clone_23" [id=2216, type=clone]; +"2217 linear_143_updated_constant0" [id=2217, type=get_attr]; +"2218 symmetric_weights_decompressor_linear_143_updated_constant0_0" [id=2218, type=call_module]; +"2219 linear_143" [id=2219, type=linear]; +"2220 reshape_104" [id=2220, type=reshape]; +"2221 permute_106" [id=2221, type=permute]; +"2222 select_69" [id=2222, type=select]; +"2223 select_70" [id=2223, type=select]; +"2224 select_71" [id=2224, type=select]; +"2225 linalg_vector_norm_46" [id=2225, type=linalg_vector_norm]; +"2226 clamp_min_46" [id=2226, type=clamp_min]; +"2227 expand_as_46" [id=2227, type=expand_as]; +"2228 div_46" [id=2228, type=div]; +"2229 linalg_vector_norm_47" [id=2229, type=linalg_vector_norm]; +"2230 clamp_min_47" [id=2230, type=clamp_min]; +"2231 expand_as_47" [id=2231, type=expand_as]; +"2232 div_47" [id=2232, type=div]; +"2233 transpose_46" [id=2233, type=transpose]; +"2234 matmul_46" [id=2234, type=matmul]; +"2235 _param_constant386" [id=2235, type=get_attr]; +"2236 clamp_23" [id=2236, type=clamp]; +"2237 exp_23" [id=2237, type=exp]; +"2238 mul_47" [id=2238, type=mul]; +"2239 add_80" [id=2239, type=add]; +"2240 softmax_23" [id=2240, type=softmax]; +"2241 dropout_92" [id=2241, type=dropout]; +"2242 matmul_47" [id=2242, type=matmul]; +"2243 transpose_47" [id=2243, type=transpose]; +"2244 reshape_105" [id=2244, type=reshape]; +"2245 _param_constant388" [id=2245, type=get_attr]; +"2246 linear_144_updated_constant0" [id=2246, type=get_attr]; +"2247 symmetric_weights_decompressor_linear_144_updated_constant0_0" [id=2247, type=call_module]; +"2248 linear_144" [id=2248, type=linear]; +"2249 dropout_93" [id=2249, type=dropout]; +"2250 view_128" [id=2250, type=view]; +"2251 permute_107" [id=2251, type=permute]; +"2252 reshape_106" [id=2252, type=reshape]; +"2253 slice_347" [id=2253, type=slice]; +"2254 slice_348" [id=2254, type=slice]; +"2255 slice_349" [id=2255, type=slice]; +"2256 slice_350" [id=2256, type=slice]; +"2257 contiguous_45" [id=2257, type=contiguous]; +"2258 _param_constant389" [id=2258, type=get_attr]; +"2259 _param_constant390" [id=2259, type=get_attr]; +"2260 layer_norm_50" [id=2260, type=layer_norm]; +"2261 add_81" [id=2261, type=add]; +"2262 _param_constant392" [id=2262, type=get_attr]; +"2263 linear_145_updated_constant0" [id=2263, type=get_attr]; +"2264 symmetric_weights_decompressor_linear_145_updated_constant0_0" [id=2264, type=call_module]; +"2265 linear_145" [id=2265, type=linear]; +"2266 gelu_23" [id=2266, type=gelu]; +"2267 dropout_94" [id=2267, type=dropout]; +"2268 _param_constant394" [id=2268, type=get_attr]; +"2269 linear_146_updated_constant0" [id=2269, type=get_attr]; +"2270 symmetric_weights_decompressor_linear_146_updated_constant0_0" [id=2270, type=call_module]; +"2271 linear_146" [id=2271, type=linear]; +"2272 dropout_95" [id=2272, type=dropout]; +"2273 _param_constant395" [id=2273, type=get_attr]; +"2274 _param_constant396" [id=2274, type=get_attr]; +"2275 layer_norm_51" [id=2275, type=layer_norm]; +"2276 add_82" [id=2276, type=add]; +"2277 _param_constant397" [id=2277, type=get_attr]; +"2278 _param_constant398" [id=2278, type=get_attr]; +"2279 layer_norm_52" [id=2279, type=layer_norm]; +"2280 permute_108" [id=2280, type=permute]; +"2281 adaptive_avg_pool2d" [id=2281, type=adaptive_avg_pool2d]; +"2282 flatten" [id=2282, type=flatten]; +"2283 _param_constant400" [id=2283, type=get_attr]; +"2284 linear_147_updated_constant0" [id=2284, type=get_attr]; +"2285 symmetric_weights_decompressor_linear_147_updated_constant0_0" [id=2285, type=call_module]; +"2286 linear_147" [id=2286, type=linear]; +"2287 output" [id=2287, type=output]; +"0 arg0_1" -> "4 conv2d"; +"1 _param_constant1" -> "4 conv2d"; +"2 conv2d_updated_constant0" -> "3 symmetric_weights_decompressor_conv2d_updated_constant0_0"; +"3 symmetric_weights_decompressor_conv2d_updated_constant0_0" -> "4 conv2d"; +"4 conv2d" -> "5 permute"; +"5 permute" -> "8 layer_norm"; +"6 _param_constant2" -> "8 layer_norm"; +"7 _param_constant3" -> "8 layer_norm"; +"8 layer_norm" -> "27 pad"; +"8 layer_norm" -> "74 add_1"; +"9 _tensor_constant0" -> "13 linear"; +"10 _param_constant5" -> "13 linear"; +"11 linear_updated_constant0" -> "12 symmetric_weights_decompressor_linear_updated_constant0_0"; +"12 symmetric_weights_decompressor_linear_updated_constant0_0" -> "13 linear"; +"13 linear" -> "14 relu_"; +"14 relu_" -> "17 linear_1"; +"15 linear_1_updated_constant0" -> "16 symmetric_weights_decompressor_linear_1_updated_constant0_0"; +"16 symmetric_weights_decompressor_linear_1_updated_constant0_0" -> "17 linear_1"; +"17 linear_1" -> "18 view"; +"18 view" -> "20 index"; +"19 _tensor_constant1" -> "20 index"; +"20 index" -> "21 view_1"; +"21 view_1" -> "22 permute_1"; +"22 permute_1" -> "23 contiguous"; +"23 contiguous" -> "24 unsqueeze"; +"24 unsqueeze" -> "25 sigmoid"; +"25 sigmoid" -> "26 mul"; +"26 mul" -> "55 add"; +"27 pad" -> "28 view_2"; +"28 view_2" -> "29 permute_2"; +"29 permute_2" -> "30 reshape"; +"30 reshape" -> "35 linear_2"; +"31 _param_constant7" -> "32 clone"; +"32 clone" -> "35 linear_2"; +"33 linear_2_updated_constant0" -> "34 symmetric_weights_decompressor_linear_2_updated_constant0_0"; +"34 symmetric_weights_decompressor_linear_2_updated_constant0_0" -> "35 linear_2"; +"35 linear_2" -> "36 reshape_1"; +"36 reshape_1" -> "37 permute_3"; +"37 permute_3" -> "38 select"; +"37 permute_3" -> "39 select_1"; +"37 permute_3" -> "40 select_2"; +"38 select" -> "41 linalg_vector_norm"; +"38 select" -> "43 expand_as"; +"38 select" -> "44 div"; +"39 select_1" -> "45 linalg_vector_norm_1"; +"39 select_1" -> "47 expand_as_1"; +"39 select_1" -> "48 div_1"; +"40 select_2" -> "58 matmul_1"; +"41 linalg_vector_norm" -> "42 clamp_min"; +"42 clamp_min" -> "43 expand_as"; +"43 expand_as" -> "44 div"; +"44 div" -> "50 matmul"; +"45 linalg_vector_norm_1" -> "46 clamp_min_1"; +"46 clamp_min_1" -> "47 expand_as_1"; +"47 expand_as_1" -> "48 div_1"; +"48 div_1" -> "49 transpose"; +"49 transpose" -> "50 matmul"; +"50 matmul" -> "54 mul_1"; +"51 _param_constant9" -> "52 clamp"; +"52 clamp" -> "53 exp"; +"53 exp" -> "54 mul_1"; +"54 mul_1" -> "55 add"; +"55 add" -> "56 softmax"; +"56 softmax" -> "57 dropout"; +"57 dropout" -> "58 matmul_1"; +"58 matmul_1" -> "59 transpose_1"; +"59 transpose_1" -> "60 reshape_2"; +"60 reshape_2" -> "64 linear_3"; +"61 _param_constant11" -> "64 linear_3"; +"62 linear_3_updated_constant0" -> "63 symmetric_weights_decompressor_linear_3_updated_constant0_0"; +"63 symmetric_weights_decompressor_linear_3_updated_constant0_0" -> "64 linear_3"; +"64 linear_3" -> "65 dropout_1"; +"65 dropout_1" -> "66 view_3"; +"66 view_3" -> "67 permute_4"; +"67 permute_4" -> "68 reshape_3"; +"68 reshape_3" -> "69 slice_2"; +"69 slice_2" -> "70 slice_3"; +"70 slice_3" -> "73 layer_norm_1"; +"71 _param_constant12" -> "73 layer_norm_1"; +"72 _param_constant13" -> "73 layer_norm_1"; +"73 layer_norm_1" -> "74 add_1"; +"74 add_1" -> "78 linear_4"; +"74 add_1" -> "89 add_2"; +"75 _param_constant15" -> "78 linear_4"; +"76 linear_4_updated_constant0" -> "77 symmetric_weights_decompressor_linear_4_updated_constant0_0"; +"77 symmetric_weights_decompressor_linear_4_updated_constant0_0" -> "78 linear_4"; +"78 linear_4" -> "79 gelu"; +"79 gelu" -> "80 dropout_2"; +"80 dropout_2" -> "84 linear_5"; +"81 _param_constant17" -> "84 linear_5"; +"82 linear_5_updated_constant0" -> "83 symmetric_weights_decompressor_linear_5_updated_constant0_0"; +"83 symmetric_weights_decompressor_linear_5_updated_constant0_0" -> "84 linear_5"; +"84 linear_5" -> "85 dropout_3"; +"85 dropout_3" -> "88 layer_norm_2"; +"86 _param_constant18" -> "88 layer_norm_2"; +"87 _param_constant19" -> "88 layer_norm_2"; +"88 layer_norm_2" -> "89 add_2"; +"89 add_2" -> "108 pad_1"; +"89 add_2" -> "173 add_5"; +"90 _tensor_constant2" -> "94 linear_6"; +"91 _param_constant21" -> "94 linear_6"; +"92 linear_6_updated_constant0" -> "93 symmetric_weights_decompressor_linear_6_updated_constant0_0"; +"93 symmetric_weights_decompressor_linear_6_updated_constant0_0" -> "94 linear_6"; +"94 linear_6" -> "95 relu__1"; +"95 relu__1" -> "98 linear_7"; +"96 linear_7_updated_constant0" -> "97 symmetric_weights_decompressor_linear_7_updated_constant0_0"; +"97 symmetric_weights_decompressor_linear_7_updated_constant0_0" -> "98 linear_7"; +"98 linear_7" -> "99 view_4"; +"99 view_4" -> "101 index_1"; +"100 _tensor_constant3" -> "101 index_1"; +"101 index_1" -> "102 view_5"; +"102 view_5" -> "103 permute_5"; +"103 permute_5" -> "104 contiguous_1"; +"104 contiguous_1" -> "105 unsqueeze_1"; +"105 unsqueeze_1" -> "106 sigmoid_1"; +"106 sigmoid_1" -> "107 mul_2"; +"107 mul_2" -> "137 add_3"; +"108 pad_1" -> "109 roll"; +"109 roll" -> "110 view_6"; +"110 view_6" -> "111 permute_6"; +"111 permute_6" -> "112 reshape_4"; +"112 reshape_4" -> "117 linear_8"; +"112 reshape_4" -> "138 new_zeros"; +"113 _param_constant23" -> "114 clone_1"; +"114 clone_1" -> "117 linear_8"; +"115 linear_8_updated_constant0" -> "116 symmetric_weights_decompressor_linear_8_updated_constant0_0"; +"116 symmetric_weights_decompressor_linear_8_updated_constant0_0" -> "117 linear_8"; +"117 linear_8" -> "118 reshape_5"; +"118 reshape_5" -> "119 permute_7"; +"119 permute_7" -> "120 select_3"; +"119 permute_7" -> "121 select_4"; +"119 permute_7" -> "122 select_5"; +"120 select_3" -> "123 linalg_vector_norm_2"; +"120 select_3" -> "125 expand_as_2"; +"120 select_3" -> "126 div_2"; +"121 select_4" -> "127 linalg_vector_norm_3"; +"121 select_4" -> "129 expand_as_3"; +"121 select_4" -> "130 div_3"; +"122 select_5" -> "156 matmul_3"; +"123 linalg_vector_norm_2" -> "124 clamp_min_2"; +"124 clamp_min_2" -> "125 expand_as_2"; +"125 expand_as_2" -> "126 div_2"; +"126 div_2" -> "132 matmul_2"; +"127 linalg_vector_norm_3" -> "128 clamp_min_3"; +"128 clamp_min_3" -> "129 expand_as_3"; +"129 expand_as_3" -> "130 div_3"; +"130 div_3" -> "131 transpose_2"; +"131 transpose_2" -> "132 matmul_2"; +"132 matmul_2" -> "136 mul_3"; +"133 _param_constant25" -> "134 clamp_1"; +"134 clamp_1" -> "135 exp_1"; +"135 exp_1" -> "136 mul_3"; +"136 mul_3" -> "137 add_3"; +"137 add_3" -> "149 view_8"; +"138 new_zeros" -> "139 view_7"; +"139 view_7" -> "140 permute_8"; +"140 permute_8" -> "141 reshape_6"; +"141 reshape_6" -> "142 unsqueeze_2"; +"141 reshape_6" -> "143 unsqueeze_3"; +"142 unsqueeze_2" -> "144 sub"; +"143 unsqueeze_3" -> "144 sub"; +"144 sub" -> "145 ne"; +"144 sub" -> "146 masked_fill"; +"144 sub" -> "147 eq"; +"145 ne" -> "146 masked_fill"; +"146 masked_fill" -> "148 masked_fill_1"; +"147 eq" -> "148 masked_fill_1"; +"148 masked_fill_1" -> "150 unsqueeze_4"; +"149 view_8" -> "152 add_4"; +"150 unsqueeze_4" -> "151 unsqueeze_5"; +"151 unsqueeze_5" -> "152 add_4"; +"152 add_4" -> "153 view_9"; +"153 view_9" -> "154 softmax_1"; +"154 softmax_1" -> "155 dropout_4"; +"155 dropout_4" -> "156 matmul_3"; +"156 matmul_3" -> "157 transpose_3"; +"157 transpose_3" -> "158 reshape_7"; +"158 reshape_7" -> "162 linear_9"; +"159 _param_constant27" -> "162 linear_9"; +"160 linear_9_updated_constant0" -> "161 symmetric_weights_decompressor_linear_9_updated_constant0_0"; +"161 symmetric_weights_decompressor_linear_9_updated_constant0_0" -> "162 linear_9"; +"162 linear_9" -> "163 dropout_5"; +"163 dropout_5" -> "164 view_10"; +"164 view_10" -> "165 permute_9"; +"165 permute_9" -> "166 reshape_8"; +"166 reshape_8" -> "167 roll_1"; +"167 roll_1" -> "168 slice_23"; +"168 slice_23" -> "169 slice_24"; +"169 slice_24" -> "172 layer_norm_3"; +"170 _param_constant28" -> "172 layer_norm_3"; +"171 _param_constant29" -> "172 layer_norm_3"; +"172 layer_norm_3" -> "173 add_5"; +"173 add_5" -> "177 linear_10"; +"173 add_5" -> "188 add_6"; +"174 _param_constant31" -> "177 linear_10"; +"175 linear_10_updated_constant0" -> "176 symmetric_weights_decompressor_linear_10_updated_constant0_0"; +"176 symmetric_weights_decompressor_linear_10_updated_constant0_0" -> "177 linear_10"; +"177 linear_10" -> "178 gelu_1"; +"178 gelu_1" -> "179 dropout_6"; +"179 dropout_6" -> "183 linear_11"; +"180 _param_constant33" -> "183 linear_11"; +"181 linear_11_updated_constant0" -> "182 symmetric_weights_decompressor_linear_11_updated_constant0_0"; +"182 symmetric_weights_decompressor_linear_11_updated_constant0_0" -> "183 linear_11"; +"183 linear_11" -> "184 dropout_7"; +"184 dropout_7" -> "187 layer_norm_4"; +"185 _param_constant34" -> "187 layer_norm_4"; +"186 _param_constant35" -> "187 layer_norm_4"; +"187 layer_norm_4" -> "188 add_6"; +"188 add_6" -> "189 pad_2"; +"189 pad_2" -> "190 slice_25"; +"189 pad_2" -> "193 slice_28"; +"189 pad_2" -> "196 slice_31"; +"189 pad_2" -> "199 slice_34"; +"190 slice_25" -> "191 slice_26"; +"191 slice_26" -> "192 slice_27"; +"192 slice_27" -> "202 cat"; +"193 slice_28" -> "194 slice_29"; +"194 slice_29" -> "195 slice_30"; +"195 slice_30" -> "202 cat"; +"196 slice_31" -> "197 slice_32"; +"197 slice_32" -> "198 slice_33"; +"198 slice_33" -> "202 cat"; +"199 slice_34" -> "200 slice_35"; +"200 slice_35" -> "201 slice_36"; +"201 slice_36" -> "202 cat"; +"202 cat" -> "205 linear_12"; +"203 linear_12_updated_constant0" -> "204 symmetric_weights_decompressor_linear_12_updated_constant0_0"; +"204 symmetric_weights_decompressor_linear_12_updated_constant0_0" -> "205 linear_12"; +"205 linear_12" -> "208 layer_norm_5"; +"206 _param_constant37" -> "208 layer_norm_5"; +"207 _param_constant38" -> "208 layer_norm_5"; +"208 layer_norm_5" -> "227 pad_3"; +"208 layer_norm_5" -> "277 add_8"; +"209 _tensor_constant13" -> "213 linear_13"; +"210 _param_constant40" -> "213 linear_13"; +"211 linear_13_updated_constant0" -> "212 symmetric_weights_decompressor_linear_13_updated_constant0_0"; +"212 symmetric_weights_decompressor_linear_13_updated_constant0_0" -> "213 linear_13"; +"213 linear_13" -> "214 relu__2"; +"214 relu__2" -> "217 linear_14"; +"215 linear_14_updated_constant0" -> "216 symmetric_weights_decompressor_linear_14_updated_constant0_0"; +"216 symmetric_weights_decompressor_linear_14_updated_constant0_0" -> "217 linear_14"; +"217 linear_14" -> "218 view_11"; +"218 view_11" -> "220 index_2"; +"219 _tensor_constant14" -> "220 index_2"; +"220 index_2" -> "221 view_12"; +"221 view_12" -> "222 permute_10"; +"222 permute_10" -> "223 contiguous_2"; +"223 contiguous_2" -> "224 unsqueeze_6"; +"224 unsqueeze_6" -> "225 sigmoid_2"; +"225 sigmoid_2" -> "226 mul_4"; +"226 mul_4" -> "255 add_7"; +"227 pad_3" -> "228 view_13"; +"228 view_13" -> "229 permute_11"; +"229 permute_11" -> "230 reshape_9"; +"230 reshape_9" -> "235 linear_15"; +"231 _param_constant42" -> "232 clone_2"; +"232 clone_2" -> "235 linear_15"; +"233 linear_15_updated_constant0" -> "234 symmetric_weights_decompressor_linear_15_updated_constant0_0"; +"234 symmetric_weights_decompressor_linear_15_updated_constant0_0" -> "235 linear_15"; +"235 linear_15" -> "236 reshape_10"; +"236 reshape_10" -> "237 permute_12"; +"237 permute_12" -> "238 select_6"; +"237 permute_12" -> "239 select_7"; +"237 permute_12" -> "240 select_8"; +"238 select_6" -> "241 linalg_vector_norm_4"; +"238 select_6" -> "243 expand_as_4"; +"238 select_6" -> "244 div_4"; +"239 select_7" -> "245 linalg_vector_norm_5"; +"239 select_7" -> "247 expand_as_5"; +"239 select_7" -> "248 div_5"; +"240 select_8" -> "258 matmul_5"; +"241 linalg_vector_norm_4" -> "242 clamp_min_4"; +"242 clamp_min_4" -> "243 expand_as_4"; +"243 expand_as_4" -> "244 div_4"; +"244 div_4" -> "250 matmul_4"; +"245 linalg_vector_norm_5" -> "246 clamp_min_5"; +"246 clamp_min_5" -> "247 expand_as_5"; +"247 expand_as_5" -> "248 div_5"; +"248 div_5" -> "249 transpose_4"; +"249 transpose_4" -> "250 matmul_4"; +"250 matmul_4" -> "254 mul_5"; +"251 _param_constant44" -> "252 clamp_2"; +"252 clamp_2" -> "253 exp_2"; +"253 exp_2" -> "254 mul_5"; +"254 mul_5" -> "255 add_7"; +"255 add_7" -> "256 softmax_2"; +"256 softmax_2" -> "257 dropout_8"; +"257 dropout_8" -> "258 matmul_5"; +"258 matmul_5" -> "259 transpose_5"; +"259 transpose_5" -> "260 reshape_11"; +"260 reshape_11" -> "264 linear_16"; +"261 _param_constant46" -> "264 linear_16"; +"262 linear_16_updated_constant0" -> "263 symmetric_weights_decompressor_linear_16_updated_constant0_0"; +"263 symmetric_weights_decompressor_linear_16_updated_constant0_0" -> "264 linear_16"; +"264 linear_16" -> "265 dropout_9"; +"265 dropout_9" -> "266 view_14"; +"266 view_14" -> "267 permute_13"; +"267 permute_13" -> "268 reshape_12"; +"268 reshape_12" -> "269 slice_38"; +"269 slice_38" -> "270 slice_39"; +"270 slice_39" -> "271 slice_40"; +"271 slice_40" -> "272 slice_41"; +"272 slice_41" -> "273 contiguous_3"; +"273 contiguous_3" -> "276 layer_norm_6"; +"274 _param_constant47" -> "276 layer_norm_6"; +"275 _param_constant48" -> "276 layer_norm_6"; +"276 layer_norm_6" -> "277 add_8"; +"277 add_8" -> "281 linear_17"; +"277 add_8" -> "292 add_9"; +"278 _param_constant50" -> "281 linear_17"; +"279 linear_17_updated_constant0" -> "280 symmetric_weights_decompressor_linear_17_updated_constant0_0"; +"280 symmetric_weights_decompressor_linear_17_updated_constant0_0" -> "281 linear_17"; +"281 linear_17" -> "282 gelu_2"; +"282 gelu_2" -> "283 dropout_10"; +"283 dropout_10" -> "287 linear_18"; +"284 _param_constant52" -> "287 linear_18"; +"285 linear_18_updated_constant0" -> "286 symmetric_weights_decompressor_linear_18_updated_constant0_0"; +"286 symmetric_weights_decompressor_linear_18_updated_constant0_0" -> "287 linear_18"; +"287 linear_18" -> "288 dropout_11"; +"288 dropout_11" -> "291 layer_norm_7"; +"289 _param_constant53" -> "291 layer_norm_7"; +"290 _param_constant54" -> "291 layer_norm_7"; +"291 layer_norm_7" -> "292 add_9"; +"292 add_9" -> "311 pad_4"; +"292 add_9" -> "379 add_12"; +"293 _tensor_constant15" -> "297 linear_19"; +"294 _param_constant56" -> "297 linear_19"; +"295 linear_19_updated_constant0" -> "296 symmetric_weights_decompressor_linear_19_updated_constant0_0"; +"296 symmetric_weights_decompressor_linear_19_updated_constant0_0" -> "297 linear_19"; +"297 linear_19" -> "298 relu__3"; +"298 relu__3" -> "301 linear_20"; +"299 linear_20_updated_constant0" -> "300 symmetric_weights_decompressor_linear_20_updated_constant0_0"; +"300 symmetric_weights_decompressor_linear_20_updated_constant0_0" -> "301 linear_20"; +"301 linear_20" -> "302 view_15"; +"302 view_15" -> "304 index_3"; +"303 _tensor_constant16" -> "304 index_3"; +"304 index_3" -> "305 view_16"; +"305 view_16" -> "306 permute_14"; +"306 permute_14" -> "307 contiguous_4"; +"307 contiguous_4" -> "308 unsqueeze_7"; +"308 unsqueeze_7" -> "309 sigmoid_3"; +"309 sigmoid_3" -> "310 mul_6"; +"310 mul_6" -> "340 add_10"; +"311 pad_4" -> "312 roll_2"; +"312 roll_2" -> "313 view_17"; +"313 view_17" -> "314 permute_15"; +"314 permute_15" -> "315 reshape_13"; +"315 reshape_13" -> "320 linear_21"; +"315 reshape_13" -> "341 new_zeros_1"; +"316 _param_constant58" -> "317 clone_3"; +"317 clone_3" -> "320 linear_21"; +"318 linear_21_updated_constant0" -> "319 symmetric_weights_decompressor_linear_21_updated_constant0_0"; +"319 symmetric_weights_decompressor_linear_21_updated_constant0_0" -> "320 linear_21"; +"320 linear_21" -> "321 reshape_14"; +"321 reshape_14" -> "322 permute_16"; +"322 permute_16" -> "323 select_9"; +"322 permute_16" -> "324 select_10"; +"322 permute_16" -> "325 select_11"; +"323 select_9" -> "326 linalg_vector_norm_6"; +"323 select_9" -> "328 expand_as_6"; +"323 select_9" -> "329 div_6"; +"324 select_10" -> "330 linalg_vector_norm_7"; +"324 select_10" -> "332 expand_as_7"; +"324 select_10" -> "333 div_7"; +"325 select_11" -> "359 matmul_7"; +"326 linalg_vector_norm_6" -> "327 clamp_min_6"; +"327 clamp_min_6" -> "328 expand_as_6"; +"328 expand_as_6" -> "329 div_6"; +"329 div_6" -> "335 matmul_6"; +"330 linalg_vector_norm_7" -> "331 clamp_min_7"; +"331 clamp_min_7" -> "332 expand_as_7"; +"332 expand_as_7" -> "333 div_7"; +"333 div_7" -> "334 transpose_6"; +"334 transpose_6" -> "335 matmul_6"; +"335 matmul_6" -> "339 mul_7"; +"336 _param_constant60" -> "337 clamp_3"; +"337 clamp_3" -> "338 exp_3"; +"338 exp_3" -> "339 mul_7"; +"339 mul_7" -> "340 add_10"; +"340 add_10" -> "352 view_19"; +"341 new_zeros_1" -> "342 view_18"; +"342 view_18" -> "343 permute_17"; +"343 permute_17" -> "344 reshape_15"; +"344 reshape_15" -> "345 unsqueeze_8"; +"344 reshape_15" -> "346 unsqueeze_9"; +"345 unsqueeze_8" -> "347 sub_1"; +"346 unsqueeze_9" -> "347 sub_1"; +"347 sub_1" -> "348 ne_1"; +"347 sub_1" -> "349 masked_fill_2"; +"347 sub_1" -> "350 eq_1"; +"348 ne_1" -> "349 masked_fill_2"; +"349 masked_fill_2" -> "351 masked_fill_3"; +"350 eq_1" -> "351 masked_fill_3"; +"351 masked_fill_3" -> "353 unsqueeze_10"; +"352 view_19" -> "355 add_11"; +"353 unsqueeze_10" -> "354 unsqueeze_11"; +"354 unsqueeze_11" -> "355 add_11"; +"355 add_11" -> "356 view_20"; +"356 view_20" -> "357 softmax_3"; +"357 softmax_3" -> "358 dropout_12"; +"358 dropout_12" -> "359 matmul_7"; +"359 matmul_7" -> "360 transpose_7"; +"360 transpose_7" -> "361 reshape_16"; +"361 reshape_16" -> "365 linear_22"; +"362 _param_constant62" -> "365 linear_22"; +"363 linear_22_updated_constant0" -> "364 symmetric_weights_decompressor_linear_22_updated_constant0_0"; +"364 symmetric_weights_decompressor_linear_22_updated_constant0_0" -> "365 linear_22"; +"365 linear_22" -> "366 dropout_13"; +"366 dropout_13" -> "367 view_21"; +"367 view_21" -> "368 permute_18"; +"368 permute_18" -> "369 reshape_17"; +"369 reshape_17" -> "370 roll_3"; +"370 roll_3" -> "371 slice_61"; +"371 slice_61" -> "372 slice_62"; +"372 slice_62" -> "373 slice_63"; +"373 slice_63" -> "374 slice_64"; +"374 slice_64" -> "375 contiguous_5"; +"375 contiguous_5" -> "378 layer_norm_8"; +"376 _param_constant63" -> "378 layer_norm_8"; +"377 _param_constant64" -> "378 layer_norm_8"; +"378 layer_norm_8" -> "379 add_12"; +"379 add_12" -> "383 linear_23"; +"379 add_12" -> "394 add_13"; +"380 _param_constant66" -> "383 linear_23"; +"381 linear_23_updated_constant0" -> "382 symmetric_weights_decompressor_linear_23_updated_constant0_0"; +"382 symmetric_weights_decompressor_linear_23_updated_constant0_0" -> "383 linear_23"; +"383 linear_23" -> "384 gelu_3"; +"384 gelu_3" -> "385 dropout_14"; +"385 dropout_14" -> "389 linear_24"; +"386 _param_constant68" -> "389 linear_24"; +"387 linear_24_updated_constant0" -> "388 symmetric_weights_decompressor_linear_24_updated_constant0_0"; +"388 symmetric_weights_decompressor_linear_24_updated_constant0_0" -> "389 linear_24"; +"389 linear_24" -> "390 dropout_15"; +"390 dropout_15" -> "393 layer_norm_9"; +"391 _param_constant69" -> "393 layer_norm_9"; +"392 _param_constant70" -> "393 layer_norm_9"; +"393 layer_norm_9" -> "394 add_13"; +"394 add_13" -> "395 pad_5"; +"395 pad_5" -> "396 slice_65"; +"395 pad_5" -> "399 slice_68"; +"395 pad_5" -> "402 slice_71"; +"395 pad_5" -> "405 slice_74"; +"396 slice_65" -> "397 slice_66"; +"397 slice_66" -> "398 slice_67"; +"398 slice_67" -> "408 cat_1"; +"399 slice_68" -> "400 slice_69"; +"400 slice_69" -> "401 slice_70"; +"401 slice_70" -> "408 cat_1"; +"402 slice_71" -> "403 slice_72"; +"403 slice_72" -> "404 slice_73"; +"404 slice_73" -> "408 cat_1"; +"405 slice_74" -> "406 slice_75"; +"406 slice_75" -> "407 slice_76"; +"407 slice_76" -> "408 cat_1"; +"408 cat_1" -> "411 linear_25"; +"409 linear_25_updated_constant0" -> "410 symmetric_weights_decompressor_linear_25_updated_constant0_0"; +"410 symmetric_weights_decompressor_linear_25_updated_constant0_0" -> "411 linear_25"; +"411 linear_25" -> "414 layer_norm_10"; +"412 _param_constant72" -> "414 layer_norm_10"; +"413 _param_constant73" -> "414 layer_norm_10"; +"414 layer_norm_10" -> "433 pad_6"; +"414 layer_norm_10" -> "483 add_15"; +"415 _tensor_constant26" -> "419 linear_26"; +"416 _param_constant75" -> "419 linear_26"; +"417 linear_26_updated_constant0" -> "418 symmetric_weights_decompressor_linear_26_updated_constant0_0"; +"418 symmetric_weights_decompressor_linear_26_updated_constant0_0" -> "419 linear_26"; +"419 linear_26" -> "420 relu__4"; +"420 relu__4" -> "423 linear_27"; +"421 linear_27_updated_constant0" -> "422 symmetric_weights_decompressor_linear_27_updated_constant0_0"; +"422 symmetric_weights_decompressor_linear_27_updated_constant0_0" -> "423 linear_27"; +"423 linear_27" -> "424 view_22"; +"424 view_22" -> "426 index_4"; +"425 _tensor_constant27" -> "426 index_4"; +"426 index_4" -> "427 view_23"; +"427 view_23" -> "428 permute_19"; +"428 permute_19" -> "429 contiguous_6"; +"429 contiguous_6" -> "430 unsqueeze_12"; +"430 unsqueeze_12" -> "431 sigmoid_4"; +"431 sigmoid_4" -> "432 mul_8"; +"432 mul_8" -> "461 add_14"; +"433 pad_6" -> "434 view_24"; +"434 view_24" -> "435 permute_20"; +"435 permute_20" -> "436 reshape_18"; +"436 reshape_18" -> "441 linear_28"; +"437 _param_constant77" -> "438 clone_4"; +"438 clone_4" -> "441 linear_28"; +"439 linear_28_updated_constant0" -> "440 symmetric_weights_decompressor_linear_28_updated_constant0_0"; +"440 symmetric_weights_decompressor_linear_28_updated_constant0_0" -> "441 linear_28"; +"441 linear_28" -> "442 reshape_19"; +"442 reshape_19" -> "443 permute_21"; +"443 permute_21" -> "444 select_12"; +"443 permute_21" -> "445 select_13"; +"443 permute_21" -> "446 select_14"; +"444 select_12" -> "447 linalg_vector_norm_8"; +"444 select_12" -> "449 expand_as_8"; +"444 select_12" -> "450 div_8"; +"445 select_13" -> "451 linalg_vector_norm_9"; +"445 select_13" -> "453 expand_as_9"; +"445 select_13" -> "454 div_9"; +"446 select_14" -> "464 matmul_9"; +"447 linalg_vector_norm_8" -> "448 clamp_min_8"; +"448 clamp_min_8" -> "449 expand_as_8"; +"449 expand_as_8" -> "450 div_8"; +"450 div_8" -> "456 matmul_8"; +"451 linalg_vector_norm_9" -> "452 clamp_min_9"; +"452 clamp_min_9" -> "453 expand_as_9"; +"453 expand_as_9" -> "454 div_9"; +"454 div_9" -> "455 transpose_8"; +"455 transpose_8" -> "456 matmul_8"; +"456 matmul_8" -> "460 mul_9"; +"457 _param_constant79" -> "458 clamp_4"; +"458 clamp_4" -> "459 exp_4"; +"459 exp_4" -> "460 mul_9"; +"460 mul_9" -> "461 add_14"; +"461 add_14" -> "462 softmax_4"; +"462 softmax_4" -> "463 dropout_16"; +"463 dropout_16" -> "464 matmul_9"; +"464 matmul_9" -> "465 transpose_9"; +"465 transpose_9" -> "466 reshape_20"; +"466 reshape_20" -> "470 linear_29"; +"467 _param_constant81" -> "470 linear_29"; +"468 linear_29_updated_constant0" -> "469 symmetric_weights_decompressor_linear_29_updated_constant0_0"; +"469 symmetric_weights_decompressor_linear_29_updated_constant0_0" -> "470 linear_29"; +"470 linear_29" -> "471 dropout_17"; +"471 dropout_17" -> "472 view_25"; +"472 view_25" -> "473 permute_22"; +"473 permute_22" -> "474 reshape_21"; +"474 reshape_21" -> "475 slice_78"; +"475 slice_78" -> "476 slice_79"; +"476 slice_79" -> "477 slice_80"; +"477 slice_80" -> "478 slice_81"; +"478 slice_81" -> "479 contiguous_7"; +"479 contiguous_7" -> "482 layer_norm_11"; +"480 _param_constant82" -> "482 layer_norm_11"; +"481 _param_constant83" -> "482 layer_norm_11"; +"482 layer_norm_11" -> "483 add_15"; +"483 add_15" -> "487 linear_30"; +"483 add_15" -> "498 add_16"; +"484 _param_constant85" -> "487 linear_30"; +"485 linear_30_updated_constant0" -> "486 symmetric_weights_decompressor_linear_30_updated_constant0_0"; +"486 symmetric_weights_decompressor_linear_30_updated_constant0_0" -> "487 linear_30"; +"487 linear_30" -> "488 gelu_4"; +"488 gelu_4" -> "489 dropout_18"; +"489 dropout_18" -> "493 linear_31"; +"490 _param_constant87" -> "493 linear_31"; +"491 linear_31_updated_constant0" -> "492 symmetric_weights_decompressor_linear_31_updated_constant0_0"; +"492 symmetric_weights_decompressor_linear_31_updated_constant0_0" -> "493 linear_31"; +"493 linear_31" -> "494 dropout_19"; +"494 dropout_19" -> "497 layer_norm_12"; +"495 _param_constant88" -> "497 layer_norm_12"; +"496 _param_constant89" -> "497 layer_norm_12"; +"497 layer_norm_12" -> "498 add_16"; +"498 add_16" -> "517 pad_7"; +"498 add_16" -> "585 add_19"; +"499 _tensor_constant28" -> "503 linear_32"; +"500 _param_constant91" -> "503 linear_32"; +"501 linear_32_updated_constant0" -> "502 symmetric_weights_decompressor_linear_32_updated_constant0_0"; +"502 symmetric_weights_decompressor_linear_32_updated_constant0_0" -> "503 linear_32"; +"503 linear_32" -> "504 relu__5"; +"504 relu__5" -> "507 linear_33"; +"505 linear_33_updated_constant0" -> "506 symmetric_weights_decompressor_linear_33_updated_constant0_0"; +"506 symmetric_weights_decompressor_linear_33_updated_constant0_0" -> "507 linear_33"; +"507 linear_33" -> "508 view_26"; +"508 view_26" -> "510 index_5"; +"509 _tensor_constant29" -> "510 index_5"; +"510 index_5" -> "511 view_27"; +"511 view_27" -> "512 permute_23"; +"512 permute_23" -> "513 contiguous_8"; +"513 contiguous_8" -> "514 unsqueeze_13"; +"514 unsqueeze_13" -> "515 sigmoid_5"; +"515 sigmoid_5" -> "516 mul_10"; +"516 mul_10" -> "546 add_17"; +"517 pad_7" -> "518 roll_4"; +"518 roll_4" -> "519 view_28"; +"519 view_28" -> "520 permute_24"; +"520 permute_24" -> "521 reshape_22"; +"521 reshape_22" -> "526 linear_34"; +"521 reshape_22" -> "547 new_zeros_2"; +"522 _param_constant93" -> "523 clone_5"; +"523 clone_5" -> "526 linear_34"; +"524 linear_34_updated_constant0" -> "525 symmetric_weights_decompressor_linear_34_updated_constant0_0"; +"525 symmetric_weights_decompressor_linear_34_updated_constant0_0" -> "526 linear_34"; +"526 linear_34" -> "527 reshape_23"; +"527 reshape_23" -> "528 permute_25"; +"528 permute_25" -> "529 select_15"; +"528 permute_25" -> "530 select_16"; +"528 permute_25" -> "531 select_17"; +"529 select_15" -> "532 linalg_vector_norm_10"; +"529 select_15" -> "534 expand_as_10"; +"529 select_15" -> "535 div_10"; +"530 select_16" -> "536 linalg_vector_norm_11"; +"530 select_16" -> "538 expand_as_11"; +"530 select_16" -> "539 div_11"; +"531 select_17" -> "565 matmul_11"; +"532 linalg_vector_norm_10" -> "533 clamp_min_10"; +"533 clamp_min_10" -> "534 expand_as_10"; +"534 expand_as_10" -> "535 div_10"; +"535 div_10" -> "541 matmul_10"; +"536 linalg_vector_norm_11" -> "537 clamp_min_11"; +"537 clamp_min_11" -> "538 expand_as_11"; +"538 expand_as_11" -> "539 div_11"; +"539 div_11" -> "540 transpose_10"; +"540 transpose_10" -> "541 matmul_10"; +"541 matmul_10" -> "545 mul_11"; +"542 _param_constant95" -> "543 clamp_5"; +"543 clamp_5" -> "544 exp_5"; +"544 exp_5" -> "545 mul_11"; +"545 mul_11" -> "546 add_17"; +"546 add_17" -> "558 view_30"; +"547 new_zeros_2" -> "548 view_29"; +"548 view_29" -> "549 permute_26"; +"549 permute_26" -> "550 reshape_24"; +"550 reshape_24" -> "551 unsqueeze_14"; +"550 reshape_24" -> "552 unsqueeze_15"; +"551 unsqueeze_14" -> "553 sub_2"; +"552 unsqueeze_15" -> "553 sub_2"; +"553 sub_2" -> "554 ne_2"; +"553 sub_2" -> "555 masked_fill_4"; +"553 sub_2" -> "556 eq_2"; +"554 ne_2" -> "555 masked_fill_4"; +"555 masked_fill_4" -> "557 masked_fill_5"; +"556 eq_2" -> "557 masked_fill_5"; +"557 masked_fill_5" -> "559 unsqueeze_16"; +"558 view_30" -> "561 add_18"; +"559 unsqueeze_16" -> "560 unsqueeze_17"; +"560 unsqueeze_17" -> "561 add_18"; +"561 add_18" -> "562 view_31"; +"562 view_31" -> "563 softmax_5"; +"563 softmax_5" -> "564 dropout_20"; +"564 dropout_20" -> "565 matmul_11"; +"565 matmul_11" -> "566 transpose_11"; +"566 transpose_11" -> "567 reshape_25"; +"567 reshape_25" -> "571 linear_35"; +"568 _param_constant97" -> "571 linear_35"; +"569 linear_35_updated_constant0" -> "570 symmetric_weights_decompressor_linear_35_updated_constant0_0"; +"570 symmetric_weights_decompressor_linear_35_updated_constant0_0" -> "571 linear_35"; +"571 linear_35" -> "572 dropout_21"; +"572 dropout_21" -> "573 view_32"; +"573 view_32" -> "574 permute_27"; +"574 permute_27" -> "575 reshape_26"; +"575 reshape_26" -> "576 roll_5"; +"576 roll_5" -> "577 slice_101"; +"577 slice_101" -> "578 slice_102"; +"578 slice_102" -> "579 slice_103"; +"579 slice_103" -> "580 slice_104"; +"580 slice_104" -> "581 contiguous_9"; +"581 contiguous_9" -> "584 layer_norm_13"; +"582 _param_constant98" -> "584 layer_norm_13"; +"583 _param_constant99" -> "584 layer_norm_13"; +"584 layer_norm_13" -> "585 add_19"; +"585 add_19" -> "589 linear_36"; +"585 add_19" -> "600 add_20"; +"586 _param_constant101" -> "589 linear_36"; +"587 linear_36_updated_constant0" -> "588 symmetric_weights_decompressor_linear_36_updated_constant0_0"; +"588 symmetric_weights_decompressor_linear_36_updated_constant0_0" -> "589 linear_36"; +"589 linear_36" -> "590 gelu_5"; +"590 gelu_5" -> "591 dropout_22"; +"591 dropout_22" -> "595 linear_37"; +"592 _param_constant103" -> "595 linear_37"; +"593 linear_37_updated_constant0" -> "594 symmetric_weights_decompressor_linear_37_updated_constant0_0"; +"594 symmetric_weights_decompressor_linear_37_updated_constant0_0" -> "595 linear_37"; +"595 linear_37" -> "596 dropout_23"; +"596 dropout_23" -> "599 layer_norm_14"; +"597 _param_constant104" -> "599 layer_norm_14"; +"598 _param_constant105" -> "599 layer_norm_14"; +"599 layer_norm_14" -> "600 add_20"; +"600 add_20" -> "619 pad_8"; +"600 add_20" -> "669 add_22"; +"601 _tensor_constant39" -> "605 linear_38"; +"602 _param_constant107" -> "605 linear_38"; +"603 linear_38_updated_constant0" -> "604 symmetric_weights_decompressor_linear_38_updated_constant0_0"; +"604 symmetric_weights_decompressor_linear_38_updated_constant0_0" -> "605 linear_38"; +"605 linear_38" -> "606 relu__6"; +"606 relu__6" -> "609 linear_39"; +"607 linear_39_updated_constant0" -> "608 symmetric_weights_decompressor_linear_39_updated_constant0_0"; +"608 symmetric_weights_decompressor_linear_39_updated_constant0_0" -> "609 linear_39"; +"609 linear_39" -> "610 view_33"; +"610 view_33" -> "612 index_6"; +"611 _tensor_constant40" -> "612 index_6"; +"612 index_6" -> "613 view_34"; +"613 view_34" -> "614 permute_28"; +"614 permute_28" -> "615 contiguous_10"; +"615 contiguous_10" -> "616 unsqueeze_18"; +"616 unsqueeze_18" -> "617 sigmoid_6"; +"617 sigmoid_6" -> "618 mul_12"; +"618 mul_12" -> "647 add_21"; +"619 pad_8" -> "620 view_35"; +"620 view_35" -> "621 permute_29"; +"621 permute_29" -> "622 reshape_27"; +"622 reshape_27" -> "627 linear_40"; +"623 _param_constant109" -> "624 clone_6"; +"624 clone_6" -> "627 linear_40"; +"625 linear_40_updated_constant0" -> "626 symmetric_weights_decompressor_linear_40_updated_constant0_0"; +"626 symmetric_weights_decompressor_linear_40_updated_constant0_0" -> "627 linear_40"; +"627 linear_40" -> "628 reshape_28"; +"628 reshape_28" -> "629 permute_30"; +"629 permute_30" -> "630 select_18"; +"629 permute_30" -> "631 select_19"; +"629 permute_30" -> "632 select_20"; +"630 select_18" -> "633 linalg_vector_norm_12"; +"630 select_18" -> "635 expand_as_12"; +"630 select_18" -> "636 div_12"; +"631 select_19" -> "637 linalg_vector_norm_13"; +"631 select_19" -> "639 expand_as_13"; +"631 select_19" -> "640 div_13"; +"632 select_20" -> "650 matmul_13"; +"633 linalg_vector_norm_12" -> "634 clamp_min_12"; +"634 clamp_min_12" -> "635 expand_as_12"; +"635 expand_as_12" -> "636 div_12"; +"636 div_12" -> "642 matmul_12"; +"637 linalg_vector_norm_13" -> "638 clamp_min_13"; +"638 clamp_min_13" -> "639 expand_as_13"; +"639 expand_as_13" -> "640 div_13"; +"640 div_13" -> "641 transpose_12"; +"641 transpose_12" -> "642 matmul_12"; +"642 matmul_12" -> "646 mul_13"; +"643 _param_constant111" -> "644 clamp_6"; +"644 clamp_6" -> "645 exp_6"; +"645 exp_6" -> "646 mul_13"; +"646 mul_13" -> "647 add_21"; +"647 add_21" -> "648 softmax_6"; +"648 softmax_6" -> "649 dropout_24"; +"649 dropout_24" -> "650 matmul_13"; +"650 matmul_13" -> "651 transpose_13"; +"651 transpose_13" -> "652 reshape_29"; +"652 reshape_29" -> "656 linear_41"; +"653 _param_constant113" -> "656 linear_41"; +"654 linear_41_updated_constant0" -> "655 symmetric_weights_decompressor_linear_41_updated_constant0_0"; +"655 symmetric_weights_decompressor_linear_41_updated_constant0_0" -> "656 linear_41"; +"656 linear_41" -> "657 dropout_25"; +"657 dropout_25" -> "658 view_36"; +"658 view_36" -> "659 permute_31"; +"659 permute_31" -> "660 reshape_30"; +"660 reshape_30" -> "661 slice_106"; +"661 slice_106" -> "662 slice_107"; +"662 slice_107" -> "663 slice_108"; +"663 slice_108" -> "664 slice_109"; +"664 slice_109" -> "665 contiguous_11"; +"665 contiguous_11" -> "668 layer_norm_15"; +"666 _param_constant114" -> "668 layer_norm_15"; +"667 _param_constant115" -> "668 layer_norm_15"; +"668 layer_norm_15" -> "669 add_22"; +"669 add_22" -> "673 linear_42"; +"669 add_22" -> "684 add_23"; +"670 _param_constant117" -> "673 linear_42"; +"671 linear_42_updated_constant0" -> "672 symmetric_weights_decompressor_linear_42_updated_constant0_0"; +"672 symmetric_weights_decompressor_linear_42_updated_constant0_0" -> "673 linear_42"; +"673 linear_42" -> "674 gelu_6"; +"674 gelu_6" -> "675 dropout_26"; +"675 dropout_26" -> "679 linear_43"; +"676 _param_constant119" -> "679 linear_43"; +"677 linear_43_updated_constant0" -> "678 symmetric_weights_decompressor_linear_43_updated_constant0_0"; +"678 symmetric_weights_decompressor_linear_43_updated_constant0_0" -> "679 linear_43"; +"679 linear_43" -> "680 dropout_27"; +"680 dropout_27" -> "683 layer_norm_16"; +"681 _param_constant120" -> "683 layer_norm_16"; +"682 _param_constant121" -> "683 layer_norm_16"; +"683 layer_norm_16" -> "684 add_23"; +"684 add_23" -> "703 pad_9"; +"684 add_23" -> "771 add_26"; +"685 _tensor_constant41" -> "689 linear_44"; +"686 _param_constant123" -> "689 linear_44"; +"687 linear_44_updated_constant0" -> "688 symmetric_weights_decompressor_linear_44_updated_constant0_0"; +"688 symmetric_weights_decompressor_linear_44_updated_constant0_0" -> "689 linear_44"; +"689 linear_44" -> "690 relu__7"; +"690 relu__7" -> "693 linear_45"; +"691 linear_45_updated_constant0" -> "692 symmetric_weights_decompressor_linear_45_updated_constant0_0"; +"692 symmetric_weights_decompressor_linear_45_updated_constant0_0" -> "693 linear_45"; +"693 linear_45" -> "694 view_37"; +"694 view_37" -> "696 index_7"; +"695 _tensor_constant42" -> "696 index_7"; +"696 index_7" -> "697 view_38"; +"697 view_38" -> "698 permute_32"; +"698 permute_32" -> "699 contiguous_12"; +"699 contiguous_12" -> "700 unsqueeze_19"; +"700 unsqueeze_19" -> "701 sigmoid_7"; +"701 sigmoid_7" -> "702 mul_14"; +"702 mul_14" -> "732 add_24"; +"703 pad_9" -> "704 roll_6"; +"704 roll_6" -> "705 view_39"; +"705 view_39" -> "706 permute_33"; +"706 permute_33" -> "707 reshape_31"; +"707 reshape_31" -> "712 linear_46"; +"707 reshape_31" -> "733 new_zeros_3"; +"708 _param_constant125" -> "709 clone_7"; +"709 clone_7" -> "712 linear_46"; +"710 linear_46_updated_constant0" -> "711 symmetric_weights_decompressor_linear_46_updated_constant0_0"; +"711 symmetric_weights_decompressor_linear_46_updated_constant0_0" -> "712 linear_46"; +"712 linear_46" -> "713 reshape_32"; +"713 reshape_32" -> "714 permute_34"; +"714 permute_34" -> "715 select_21"; +"714 permute_34" -> "716 select_22"; +"714 permute_34" -> "717 select_23"; +"715 select_21" -> "718 linalg_vector_norm_14"; +"715 select_21" -> "720 expand_as_14"; +"715 select_21" -> "721 div_14"; +"716 select_22" -> "722 linalg_vector_norm_15"; +"716 select_22" -> "724 expand_as_15"; +"716 select_22" -> "725 div_15"; +"717 select_23" -> "751 matmul_15"; +"718 linalg_vector_norm_14" -> "719 clamp_min_14"; +"719 clamp_min_14" -> "720 expand_as_14"; +"720 expand_as_14" -> "721 div_14"; +"721 div_14" -> "727 matmul_14"; +"722 linalg_vector_norm_15" -> "723 clamp_min_15"; +"723 clamp_min_15" -> "724 expand_as_15"; +"724 expand_as_15" -> "725 div_15"; +"725 div_15" -> "726 transpose_14"; +"726 transpose_14" -> "727 matmul_14"; +"727 matmul_14" -> "731 mul_15"; +"728 _param_constant127" -> "729 clamp_7"; +"729 clamp_7" -> "730 exp_7"; +"730 exp_7" -> "731 mul_15"; +"731 mul_15" -> "732 add_24"; +"732 add_24" -> "744 view_41"; +"733 new_zeros_3" -> "734 view_40"; +"734 view_40" -> "735 permute_35"; +"735 permute_35" -> "736 reshape_33"; +"736 reshape_33" -> "737 unsqueeze_20"; +"736 reshape_33" -> "738 unsqueeze_21"; +"737 unsqueeze_20" -> "739 sub_3"; +"738 unsqueeze_21" -> "739 sub_3"; +"739 sub_3" -> "740 ne_3"; +"739 sub_3" -> "741 masked_fill_6"; +"739 sub_3" -> "742 eq_3"; +"740 ne_3" -> "741 masked_fill_6"; +"741 masked_fill_6" -> "743 masked_fill_7"; +"742 eq_3" -> "743 masked_fill_7"; +"743 masked_fill_7" -> "745 unsqueeze_22"; +"744 view_41" -> "747 add_25"; +"745 unsqueeze_22" -> "746 unsqueeze_23"; +"746 unsqueeze_23" -> "747 add_25"; +"747 add_25" -> "748 view_42"; +"748 view_42" -> "749 softmax_7"; +"749 softmax_7" -> "750 dropout_28"; +"750 dropout_28" -> "751 matmul_15"; +"751 matmul_15" -> "752 transpose_15"; +"752 transpose_15" -> "753 reshape_34"; +"753 reshape_34" -> "757 linear_47"; +"754 _param_constant129" -> "757 linear_47"; +"755 linear_47_updated_constant0" -> "756 symmetric_weights_decompressor_linear_47_updated_constant0_0"; +"756 symmetric_weights_decompressor_linear_47_updated_constant0_0" -> "757 linear_47"; +"757 linear_47" -> "758 dropout_29"; +"758 dropout_29" -> "759 view_43"; +"759 view_43" -> "760 permute_36"; +"760 permute_36" -> "761 reshape_35"; +"761 reshape_35" -> "762 roll_7"; +"762 roll_7" -> "763 slice_129"; +"763 slice_129" -> "764 slice_130"; +"764 slice_130" -> "765 slice_131"; +"765 slice_131" -> "766 slice_132"; +"766 slice_132" -> "767 contiguous_13"; +"767 contiguous_13" -> "770 layer_norm_17"; +"768 _param_constant130" -> "770 layer_norm_17"; +"769 _param_constant131" -> "770 layer_norm_17"; +"770 layer_norm_17" -> "771 add_26"; +"771 add_26" -> "775 linear_48"; +"771 add_26" -> "786 add_27"; +"772 _param_constant133" -> "775 linear_48"; +"773 linear_48_updated_constant0" -> "774 symmetric_weights_decompressor_linear_48_updated_constant0_0"; +"774 symmetric_weights_decompressor_linear_48_updated_constant0_0" -> "775 linear_48"; +"775 linear_48" -> "776 gelu_7"; +"776 gelu_7" -> "777 dropout_30"; +"777 dropout_30" -> "781 linear_49"; +"778 _param_constant135" -> "781 linear_49"; +"779 linear_49_updated_constant0" -> "780 symmetric_weights_decompressor_linear_49_updated_constant0_0"; +"780 symmetric_weights_decompressor_linear_49_updated_constant0_0" -> "781 linear_49"; +"781 linear_49" -> "782 dropout_31"; +"782 dropout_31" -> "785 layer_norm_18"; +"783 _param_constant136" -> "785 layer_norm_18"; +"784 _param_constant137" -> "785 layer_norm_18"; +"785 layer_norm_18" -> "786 add_27"; +"786 add_27" -> "805 pad_10"; +"786 add_27" -> "855 add_29"; +"787 _tensor_constant52" -> "791 linear_50"; +"788 _param_constant139" -> "791 linear_50"; +"789 linear_50_updated_constant0" -> "790 symmetric_weights_decompressor_linear_50_updated_constant0_0"; +"790 symmetric_weights_decompressor_linear_50_updated_constant0_0" -> "791 linear_50"; +"791 linear_50" -> "792 relu__8"; +"792 relu__8" -> "795 linear_51"; +"793 linear_51_updated_constant0" -> "794 symmetric_weights_decompressor_linear_51_updated_constant0_0"; +"794 symmetric_weights_decompressor_linear_51_updated_constant0_0" -> "795 linear_51"; +"795 linear_51" -> "796 view_44"; +"796 view_44" -> "798 index_8"; +"797 _tensor_constant53" -> "798 index_8"; +"798 index_8" -> "799 view_45"; +"799 view_45" -> "800 permute_37"; +"800 permute_37" -> "801 contiguous_14"; +"801 contiguous_14" -> "802 unsqueeze_24"; +"802 unsqueeze_24" -> "803 sigmoid_8"; +"803 sigmoid_8" -> "804 mul_16"; +"804 mul_16" -> "833 add_28"; +"805 pad_10" -> "806 view_46"; +"806 view_46" -> "807 permute_38"; +"807 permute_38" -> "808 reshape_36"; +"808 reshape_36" -> "813 linear_52"; +"809 _param_constant141" -> "810 clone_8"; +"810 clone_8" -> "813 linear_52"; +"811 linear_52_updated_constant0" -> "812 symmetric_weights_decompressor_linear_52_updated_constant0_0"; +"812 symmetric_weights_decompressor_linear_52_updated_constant0_0" -> "813 linear_52"; +"813 linear_52" -> "814 reshape_37"; +"814 reshape_37" -> "815 permute_39"; +"815 permute_39" -> "816 select_24"; +"815 permute_39" -> "817 select_25"; +"815 permute_39" -> "818 select_26"; +"816 select_24" -> "819 linalg_vector_norm_16"; +"816 select_24" -> "821 expand_as_16"; +"816 select_24" -> "822 div_16"; +"817 select_25" -> "823 linalg_vector_norm_17"; +"817 select_25" -> "825 expand_as_17"; +"817 select_25" -> "826 div_17"; +"818 select_26" -> "836 matmul_17"; +"819 linalg_vector_norm_16" -> "820 clamp_min_16"; +"820 clamp_min_16" -> "821 expand_as_16"; +"821 expand_as_16" -> "822 div_16"; +"822 div_16" -> "828 matmul_16"; +"823 linalg_vector_norm_17" -> "824 clamp_min_17"; +"824 clamp_min_17" -> "825 expand_as_17"; +"825 expand_as_17" -> "826 div_17"; +"826 div_17" -> "827 transpose_16"; +"827 transpose_16" -> "828 matmul_16"; +"828 matmul_16" -> "832 mul_17"; +"829 _param_constant143" -> "830 clamp_8"; +"830 clamp_8" -> "831 exp_8"; +"831 exp_8" -> "832 mul_17"; +"832 mul_17" -> "833 add_28"; +"833 add_28" -> "834 softmax_8"; +"834 softmax_8" -> "835 dropout_32"; +"835 dropout_32" -> "836 matmul_17"; +"836 matmul_17" -> "837 transpose_17"; +"837 transpose_17" -> "838 reshape_38"; +"838 reshape_38" -> "842 linear_53"; +"839 _param_constant145" -> "842 linear_53"; +"840 linear_53_updated_constant0" -> "841 symmetric_weights_decompressor_linear_53_updated_constant0_0"; +"841 symmetric_weights_decompressor_linear_53_updated_constant0_0" -> "842 linear_53"; +"842 linear_53" -> "843 dropout_33"; +"843 dropout_33" -> "844 view_47"; +"844 view_47" -> "845 permute_40"; +"845 permute_40" -> "846 reshape_39"; +"846 reshape_39" -> "847 slice_134"; +"847 slice_134" -> "848 slice_135"; +"848 slice_135" -> "849 slice_136"; +"849 slice_136" -> "850 slice_137"; +"850 slice_137" -> "851 contiguous_15"; +"851 contiguous_15" -> "854 layer_norm_19"; +"852 _param_constant146" -> "854 layer_norm_19"; +"853 _param_constant147" -> "854 layer_norm_19"; +"854 layer_norm_19" -> "855 add_29"; +"855 add_29" -> "859 linear_54"; +"855 add_29" -> "870 add_30"; +"856 _param_constant149" -> "859 linear_54"; +"857 linear_54_updated_constant0" -> "858 symmetric_weights_decompressor_linear_54_updated_constant0_0"; +"858 symmetric_weights_decompressor_linear_54_updated_constant0_0" -> "859 linear_54"; +"859 linear_54" -> "860 gelu_8"; +"860 gelu_8" -> "861 dropout_34"; +"861 dropout_34" -> "865 linear_55"; +"862 _param_constant151" -> "865 linear_55"; +"863 linear_55_updated_constant0" -> "864 symmetric_weights_decompressor_linear_55_updated_constant0_0"; +"864 symmetric_weights_decompressor_linear_55_updated_constant0_0" -> "865 linear_55"; +"865 linear_55" -> "866 dropout_35"; +"866 dropout_35" -> "869 layer_norm_20"; +"867 _param_constant152" -> "869 layer_norm_20"; +"868 _param_constant153" -> "869 layer_norm_20"; +"869 layer_norm_20" -> "870 add_30"; +"870 add_30" -> "889 pad_11"; +"870 add_30" -> "957 add_33"; +"871 _tensor_constant54" -> "875 linear_56"; +"872 _param_constant155" -> "875 linear_56"; +"873 linear_56_updated_constant0" -> "874 symmetric_weights_decompressor_linear_56_updated_constant0_0"; +"874 symmetric_weights_decompressor_linear_56_updated_constant0_0" -> "875 linear_56"; +"875 linear_56" -> "876 relu__9"; +"876 relu__9" -> "879 linear_57"; +"877 linear_57_updated_constant0" -> "878 symmetric_weights_decompressor_linear_57_updated_constant0_0"; +"878 symmetric_weights_decompressor_linear_57_updated_constant0_0" -> "879 linear_57"; +"879 linear_57" -> "880 view_48"; +"880 view_48" -> "882 index_9"; +"881 _tensor_constant55" -> "882 index_9"; +"882 index_9" -> "883 view_49"; +"883 view_49" -> "884 permute_41"; +"884 permute_41" -> "885 contiguous_16"; +"885 contiguous_16" -> "886 unsqueeze_25"; +"886 unsqueeze_25" -> "887 sigmoid_9"; +"887 sigmoid_9" -> "888 mul_18"; +"888 mul_18" -> "918 add_31"; +"889 pad_11" -> "890 roll_8"; +"890 roll_8" -> "891 view_50"; +"891 view_50" -> "892 permute_42"; +"892 permute_42" -> "893 reshape_40"; +"893 reshape_40" -> "898 linear_58"; +"893 reshape_40" -> "919 new_zeros_4"; +"894 _param_constant157" -> "895 clone_9"; +"895 clone_9" -> "898 linear_58"; +"896 linear_58_updated_constant0" -> "897 symmetric_weights_decompressor_linear_58_updated_constant0_0"; +"897 symmetric_weights_decompressor_linear_58_updated_constant0_0" -> "898 linear_58"; +"898 linear_58" -> "899 reshape_41"; +"899 reshape_41" -> "900 permute_43"; +"900 permute_43" -> "901 select_27"; +"900 permute_43" -> "902 select_28"; +"900 permute_43" -> "903 select_29"; +"901 select_27" -> "904 linalg_vector_norm_18"; +"901 select_27" -> "906 expand_as_18"; +"901 select_27" -> "907 div_18"; +"902 select_28" -> "908 linalg_vector_norm_19"; +"902 select_28" -> "910 expand_as_19"; +"902 select_28" -> "911 div_19"; +"903 select_29" -> "937 matmul_19"; +"904 linalg_vector_norm_18" -> "905 clamp_min_18"; +"905 clamp_min_18" -> "906 expand_as_18"; +"906 expand_as_18" -> "907 div_18"; +"907 div_18" -> "913 matmul_18"; +"908 linalg_vector_norm_19" -> "909 clamp_min_19"; +"909 clamp_min_19" -> "910 expand_as_19"; +"910 expand_as_19" -> "911 div_19"; +"911 div_19" -> "912 transpose_18"; +"912 transpose_18" -> "913 matmul_18"; +"913 matmul_18" -> "917 mul_19"; +"914 _param_constant159" -> "915 clamp_9"; +"915 clamp_9" -> "916 exp_9"; +"916 exp_9" -> "917 mul_19"; +"917 mul_19" -> "918 add_31"; +"918 add_31" -> "930 view_52"; +"919 new_zeros_4" -> "920 view_51"; +"920 view_51" -> "921 permute_44"; +"921 permute_44" -> "922 reshape_42"; +"922 reshape_42" -> "923 unsqueeze_26"; +"922 reshape_42" -> "924 unsqueeze_27"; +"923 unsqueeze_26" -> "925 sub_4"; +"924 unsqueeze_27" -> "925 sub_4"; +"925 sub_4" -> "926 ne_4"; +"925 sub_4" -> "927 masked_fill_8"; +"925 sub_4" -> "928 eq_4"; +"926 ne_4" -> "927 masked_fill_8"; +"927 masked_fill_8" -> "929 masked_fill_9"; +"928 eq_4" -> "929 masked_fill_9"; +"929 masked_fill_9" -> "931 unsqueeze_28"; +"930 view_52" -> "933 add_32"; +"931 unsqueeze_28" -> "932 unsqueeze_29"; +"932 unsqueeze_29" -> "933 add_32"; +"933 add_32" -> "934 view_53"; +"934 view_53" -> "935 softmax_9"; +"935 softmax_9" -> "936 dropout_36"; +"936 dropout_36" -> "937 matmul_19"; +"937 matmul_19" -> "938 transpose_19"; +"938 transpose_19" -> "939 reshape_43"; +"939 reshape_43" -> "943 linear_59"; +"940 _param_constant161" -> "943 linear_59"; +"941 linear_59_updated_constant0" -> "942 symmetric_weights_decompressor_linear_59_updated_constant0_0"; +"942 symmetric_weights_decompressor_linear_59_updated_constant0_0" -> "943 linear_59"; +"943 linear_59" -> "944 dropout_37"; +"944 dropout_37" -> "945 view_54"; +"945 view_54" -> "946 permute_45"; +"946 permute_45" -> "947 reshape_44"; +"947 reshape_44" -> "948 roll_9"; +"948 roll_9" -> "949 slice_157"; +"949 slice_157" -> "950 slice_158"; +"950 slice_158" -> "951 slice_159"; +"951 slice_159" -> "952 slice_160"; +"952 slice_160" -> "953 contiguous_17"; +"953 contiguous_17" -> "956 layer_norm_21"; +"954 _param_constant162" -> "956 layer_norm_21"; +"955 _param_constant163" -> "956 layer_norm_21"; +"956 layer_norm_21" -> "957 add_33"; +"957 add_33" -> "961 linear_60"; +"957 add_33" -> "972 add_34"; +"958 _param_constant165" -> "961 linear_60"; +"959 linear_60_updated_constant0" -> "960 symmetric_weights_decompressor_linear_60_updated_constant0_0"; +"960 symmetric_weights_decompressor_linear_60_updated_constant0_0" -> "961 linear_60"; +"961 linear_60" -> "962 gelu_9"; +"962 gelu_9" -> "963 dropout_38"; +"963 dropout_38" -> "967 linear_61"; +"964 _param_constant167" -> "967 linear_61"; +"965 linear_61_updated_constant0" -> "966 symmetric_weights_decompressor_linear_61_updated_constant0_0"; +"966 symmetric_weights_decompressor_linear_61_updated_constant0_0" -> "967 linear_61"; +"967 linear_61" -> "968 dropout_39"; +"968 dropout_39" -> "971 layer_norm_22"; +"969 _param_constant168" -> "971 layer_norm_22"; +"970 _param_constant169" -> "971 layer_norm_22"; +"971 layer_norm_22" -> "972 add_34"; +"972 add_34" -> "991 pad_12"; +"972 add_34" -> "1041 add_36"; +"973 _tensor_constant65" -> "977 linear_62"; +"974 _param_constant171" -> "977 linear_62"; +"975 linear_62_updated_constant0" -> "976 symmetric_weights_decompressor_linear_62_updated_constant0_0"; +"976 symmetric_weights_decompressor_linear_62_updated_constant0_0" -> "977 linear_62"; +"977 linear_62" -> "978 relu__10"; +"978 relu__10" -> "981 linear_63"; +"979 linear_63_updated_constant0" -> "980 symmetric_weights_decompressor_linear_63_updated_constant0_0"; +"980 symmetric_weights_decompressor_linear_63_updated_constant0_0" -> "981 linear_63"; +"981 linear_63" -> "982 view_55"; +"982 view_55" -> "984 index_10"; +"983 _tensor_constant66" -> "984 index_10"; +"984 index_10" -> "985 view_56"; +"985 view_56" -> "986 permute_46"; +"986 permute_46" -> "987 contiguous_18"; +"987 contiguous_18" -> "988 unsqueeze_30"; +"988 unsqueeze_30" -> "989 sigmoid_10"; +"989 sigmoid_10" -> "990 mul_20"; +"990 mul_20" -> "1019 add_35"; +"991 pad_12" -> "992 view_57"; +"992 view_57" -> "993 permute_47"; +"993 permute_47" -> "994 reshape_45"; +"994 reshape_45" -> "999 linear_64"; +"995 _param_constant173" -> "996 clone_10"; +"996 clone_10" -> "999 linear_64"; +"997 linear_64_updated_constant0" -> "998 symmetric_weights_decompressor_linear_64_updated_constant0_0"; +"998 symmetric_weights_decompressor_linear_64_updated_constant0_0" -> "999 linear_64"; +"999 linear_64" -> "1000 reshape_46"; +"1000 reshape_46" -> "1001 permute_48"; +"1001 permute_48" -> "1002 select_30"; +"1001 permute_48" -> "1003 select_31"; +"1001 permute_48" -> "1004 select_32"; +"1002 select_30" -> "1005 linalg_vector_norm_20"; +"1002 select_30" -> "1007 expand_as_20"; +"1002 select_30" -> "1008 div_20"; +"1003 select_31" -> "1009 linalg_vector_norm_21"; +"1003 select_31" -> "1011 expand_as_21"; +"1003 select_31" -> "1012 div_21"; +"1004 select_32" -> "1022 matmul_21"; +"1005 linalg_vector_norm_20" -> "1006 clamp_min_20"; +"1006 clamp_min_20" -> "1007 expand_as_20"; +"1007 expand_as_20" -> "1008 div_20"; +"1008 div_20" -> "1014 matmul_20"; +"1009 linalg_vector_norm_21" -> "1010 clamp_min_21"; +"1010 clamp_min_21" -> "1011 expand_as_21"; +"1011 expand_as_21" -> "1012 div_21"; +"1012 div_21" -> "1013 transpose_20"; +"1013 transpose_20" -> "1014 matmul_20"; +"1014 matmul_20" -> "1018 mul_21"; +"1015 _param_constant175" -> "1016 clamp_10"; +"1016 clamp_10" -> "1017 exp_10"; +"1017 exp_10" -> "1018 mul_21"; +"1018 mul_21" -> "1019 add_35"; +"1019 add_35" -> "1020 softmax_10"; +"1020 softmax_10" -> "1021 dropout_40"; +"1021 dropout_40" -> "1022 matmul_21"; +"1022 matmul_21" -> "1023 transpose_21"; +"1023 transpose_21" -> "1024 reshape_47"; +"1024 reshape_47" -> "1028 linear_65"; +"1025 _param_constant177" -> "1028 linear_65"; +"1026 linear_65_updated_constant0" -> "1027 symmetric_weights_decompressor_linear_65_updated_constant0_0"; +"1027 symmetric_weights_decompressor_linear_65_updated_constant0_0" -> "1028 linear_65"; +"1028 linear_65" -> "1029 dropout_41"; +"1029 dropout_41" -> "1030 view_58"; +"1030 view_58" -> "1031 permute_49"; +"1031 permute_49" -> "1032 reshape_48"; +"1032 reshape_48" -> "1033 slice_162"; +"1033 slice_162" -> "1034 slice_163"; +"1034 slice_163" -> "1035 slice_164"; +"1035 slice_164" -> "1036 slice_165"; +"1036 slice_165" -> "1037 contiguous_19"; +"1037 contiguous_19" -> "1040 layer_norm_23"; +"1038 _param_constant178" -> "1040 layer_norm_23"; +"1039 _param_constant179" -> "1040 layer_norm_23"; +"1040 layer_norm_23" -> "1041 add_36"; +"1041 add_36" -> "1045 linear_66"; +"1041 add_36" -> "1056 add_37"; +"1042 _param_constant181" -> "1045 linear_66"; +"1043 linear_66_updated_constant0" -> "1044 symmetric_weights_decompressor_linear_66_updated_constant0_0"; +"1044 symmetric_weights_decompressor_linear_66_updated_constant0_0" -> "1045 linear_66"; +"1045 linear_66" -> "1046 gelu_10"; +"1046 gelu_10" -> "1047 dropout_42"; +"1047 dropout_42" -> "1051 linear_67"; +"1048 _param_constant183" -> "1051 linear_67"; +"1049 linear_67_updated_constant0" -> "1050 symmetric_weights_decompressor_linear_67_updated_constant0_0"; +"1050 symmetric_weights_decompressor_linear_67_updated_constant0_0" -> "1051 linear_67"; +"1051 linear_67" -> "1052 dropout_43"; +"1052 dropout_43" -> "1055 layer_norm_24"; +"1053 _param_constant184" -> "1055 layer_norm_24"; +"1054 _param_constant185" -> "1055 layer_norm_24"; +"1055 layer_norm_24" -> "1056 add_37"; +"1056 add_37" -> "1075 pad_13"; +"1056 add_37" -> "1143 add_40"; +"1057 _tensor_constant67" -> "1061 linear_68"; +"1058 _param_constant187" -> "1061 linear_68"; +"1059 linear_68_updated_constant0" -> "1060 symmetric_weights_decompressor_linear_68_updated_constant0_0"; +"1060 symmetric_weights_decompressor_linear_68_updated_constant0_0" -> "1061 linear_68"; +"1061 linear_68" -> "1062 relu__11"; +"1062 relu__11" -> "1065 linear_69"; +"1063 linear_69_updated_constant0" -> "1064 symmetric_weights_decompressor_linear_69_updated_constant0_0"; +"1064 symmetric_weights_decompressor_linear_69_updated_constant0_0" -> "1065 linear_69"; +"1065 linear_69" -> "1066 view_59"; +"1066 view_59" -> "1068 index_11"; +"1067 _tensor_constant68" -> "1068 index_11"; +"1068 index_11" -> "1069 view_60"; +"1069 view_60" -> "1070 permute_50"; +"1070 permute_50" -> "1071 contiguous_20"; +"1071 contiguous_20" -> "1072 unsqueeze_31"; +"1072 unsqueeze_31" -> "1073 sigmoid_11"; +"1073 sigmoid_11" -> "1074 mul_22"; +"1074 mul_22" -> "1104 add_38"; +"1075 pad_13" -> "1076 roll_10"; +"1076 roll_10" -> "1077 view_61"; +"1077 view_61" -> "1078 permute_51"; +"1078 permute_51" -> "1079 reshape_49"; +"1079 reshape_49" -> "1084 linear_70"; +"1079 reshape_49" -> "1105 new_zeros_5"; +"1080 _param_constant189" -> "1081 clone_11"; +"1081 clone_11" -> "1084 linear_70"; +"1082 linear_70_updated_constant0" -> "1083 symmetric_weights_decompressor_linear_70_updated_constant0_0"; +"1083 symmetric_weights_decompressor_linear_70_updated_constant0_0" -> "1084 linear_70"; +"1084 linear_70" -> "1085 reshape_50"; +"1085 reshape_50" -> "1086 permute_52"; +"1086 permute_52" -> "1087 select_33"; +"1086 permute_52" -> "1088 select_34"; +"1086 permute_52" -> "1089 select_35"; +"1087 select_33" -> "1090 linalg_vector_norm_22"; +"1087 select_33" -> "1092 expand_as_22"; +"1087 select_33" -> "1093 div_22"; +"1088 select_34" -> "1094 linalg_vector_norm_23"; +"1088 select_34" -> "1096 expand_as_23"; +"1088 select_34" -> "1097 div_23"; +"1089 select_35" -> "1123 matmul_23"; +"1090 linalg_vector_norm_22" -> "1091 clamp_min_22"; +"1091 clamp_min_22" -> "1092 expand_as_22"; +"1092 expand_as_22" -> "1093 div_22"; +"1093 div_22" -> "1099 matmul_22"; +"1094 linalg_vector_norm_23" -> "1095 clamp_min_23"; +"1095 clamp_min_23" -> "1096 expand_as_23"; +"1096 expand_as_23" -> "1097 div_23"; +"1097 div_23" -> "1098 transpose_22"; +"1098 transpose_22" -> "1099 matmul_22"; +"1099 matmul_22" -> "1103 mul_23"; +"1100 _param_constant191" -> "1101 clamp_11"; +"1101 clamp_11" -> "1102 exp_11"; +"1102 exp_11" -> "1103 mul_23"; +"1103 mul_23" -> "1104 add_38"; +"1104 add_38" -> "1116 view_63"; +"1105 new_zeros_5" -> "1106 view_62"; +"1106 view_62" -> "1107 permute_53"; +"1107 permute_53" -> "1108 reshape_51"; +"1108 reshape_51" -> "1109 unsqueeze_32"; +"1108 reshape_51" -> "1110 unsqueeze_33"; +"1109 unsqueeze_32" -> "1111 sub_5"; +"1110 unsqueeze_33" -> "1111 sub_5"; +"1111 sub_5" -> "1112 ne_5"; +"1111 sub_5" -> "1113 masked_fill_10"; +"1111 sub_5" -> "1114 eq_5"; +"1112 ne_5" -> "1113 masked_fill_10"; +"1113 masked_fill_10" -> "1115 masked_fill_11"; +"1114 eq_5" -> "1115 masked_fill_11"; +"1115 masked_fill_11" -> "1117 unsqueeze_34"; +"1116 view_63" -> "1119 add_39"; +"1117 unsqueeze_34" -> "1118 unsqueeze_35"; +"1118 unsqueeze_35" -> "1119 add_39"; +"1119 add_39" -> "1120 view_64"; +"1120 view_64" -> "1121 softmax_11"; +"1121 softmax_11" -> "1122 dropout_44"; +"1122 dropout_44" -> "1123 matmul_23"; +"1123 matmul_23" -> "1124 transpose_23"; +"1124 transpose_23" -> "1125 reshape_52"; +"1125 reshape_52" -> "1129 linear_71"; +"1126 _param_constant193" -> "1129 linear_71"; +"1127 linear_71_updated_constant0" -> "1128 symmetric_weights_decompressor_linear_71_updated_constant0_0"; +"1128 symmetric_weights_decompressor_linear_71_updated_constant0_0" -> "1129 linear_71"; +"1129 linear_71" -> "1130 dropout_45"; +"1130 dropout_45" -> "1131 view_65"; +"1131 view_65" -> "1132 permute_54"; +"1132 permute_54" -> "1133 reshape_53"; +"1133 reshape_53" -> "1134 roll_11"; +"1134 roll_11" -> "1135 slice_185"; +"1135 slice_185" -> "1136 slice_186"; +"1136 slice_186" -> "1137 slice_187"; +"1137 slice_187" -> "1138 slice_188"; +"1138 slice_188" -> "1139 contiguous_21"; +"1139 contiguous_21" -> "1142 layer_norm_25"; +"1140 _param_constant194" -> "1142 layer_norm_25"; +"1141 _param_constant195" -> "1142 layer_norm_25"; +"1142 layer_norm_25" -> "1143 add_40"; +"1143 add_40" -> "1147 linear_72"; +"1143 add_40" -> "1158 add_41"; +"1144 _param_constant197" -> "1147 linear_72"; +"1145 linear_72_updated_constant0" -> "1146 symmetric_weights_decompressor_linear_72_updated_constant0_0"; +"1146 symmetric_weights_decompressor_linear_72_updated_constant0_0" -> "1147 linear_72"; +"1147 linear_72" -> "1148 gelu_11"; +"1148 gelu_11" -> "1149 dropout_46"; +"1149 dropout_46" -> "1153 linear_73"; +"1150 _param_constant199" -> "1153 linear_73"; +"1151 linear_73_updated_constant0" -> "1152 symmetric_weights_decompressor_linear_73_updated_constant0_0"; +"1152 symmetric_weights_decompressor_linear_73_updated_constant0_0" -> "1153 linear_73"; +"1153 linear_73" -> "1154 dropout_47"; +"1154 dropout_47" -> "1157 layer_norm_26"; +"1155 _param_constant200" -> "1157 layer_norm_26"; +"1156 _param_constant201" -> "1157 layer_norm_26"; +"1157 layer_norm_26" -> "1158 add_41"; +"1158 add_41" -> "1177 pad_14"; +"1158 add_41" -> "1227 add_43"; +"1159 _tensor_constant78" -> "1163 linear_74"; +"1160 _param_constant203" -> "1163 linear_74"; +"1161 linear_74_updated_constant0" -> "1162 symmetric_weights_decompressor_linear_74_updated_constant0_0"; +"1162 symmetric_weights_decompressor_linear_74_updated_constant0_0" -> "1163 linear_74"; +"1163 linear_74" -> "1164 relu__12"; +"1164 relu__12" -> "1167 linear_75"; +"1165 linear_75_updated_constant0" -> "1166 symmetric_weights_decompressor_linear_75_updated_constant0_0"; +"1166 symmetric_weights_decompressor_linear_75_updated_constant0_0" -> "1167 linear_75"; +"1167 linear_75" -> "1168 view_66"; +"1168 view_66" -> "1170 index_12"; +"1169 _tensor_constant79" -> "1170 index_12"; +"1170 index_12" -> "1171 view_67"; +"1171 view_67" -> "1172 permute_55"; +"1172 permute_55" -> "1173 contiguous_22"; +"1173 contiguous_22" -> "1174 unsqueeze_36"; +"1174 unsqueeze_36" -> "1175 sigmoid_12"; +"1175 sigmoid_12" -> "1176 mul_24"; +"1176 mul_24" -> "1205 add_42"; +"1177 pad_14" -> "1178 view_68"; +"1178 view_68" -> "1179 permute_56"; +"1179 permute_56" -> "1180 reshape_54"; +"1180 reshape_54" -> "1185 linear_76"; +"1181 _param_constant205" -> "1182 clone_12"; +"1182 clone_12" -> "1185 linear_76"; +"1183 linear_76_updated_constant0" -> "1184 symmetric_weights_decompressor_linear_76_updated_constant0_0"; +"1184 symmetric_weights_decompressor_linear_76_updated_constant0_0" -> "1185 linear_76"; +"1185 linear_76" -> "1186 reshape_55"; +"1186 reshape_55" -> "1187 permute_57"; +"1187 permute_57" -> "1188 select_36"; +"1187 permute_57" -> "1189 select_37"; +"1187 permute_57" -> "1190 select_38"; +"1188 select_36" -> "1191 linalg_vector_norm_24"; +"1188 select_36" -> "1193 expand_as_24"; +"1188 select_36" -> "1194 div_24"; +"1189 select_37" -> "1195 linalg_vector_norm_25"; +"1189 select_37" -> "1197 expand_as_25"; +"1189 select_37" -> "1198 div_25"; +"1190 select_38" -> "1208 matmul_25"; +"1191 linalg_vector_norm_24" -> "1192 clamp_min_24"; +"1192 clamp_min_24" -> "1193 expand_as_24"; +"1193 expand_as_24" -> "1194 div_24"; +"1194 div_24" -> "1200 matmul_24"; +"1195 linalg_vector_norm_25" -> "1196 clamp_min_25"; +"1196 clamp_min_25" -> "1197 expand_as_25"; +"1197 expand_as_25" -> "1198 div_25"; +"1198 div_25" -> "1199 transpose_24"; +"1199 transpose_24" -> "1200 matmul_24"; +"1200 matmul_24" -> "1204 mul_25"; +"1201 _param_constant207" -> "1202 clamp_12"; +"1202 clamp_12" -> "1203 exp_12"; +"1203 exp_12" -> "1204 mul_25"; +"1204 mul_25" -> "1205 add_42"; +"1205 add_42" -> "1206 softmax_12"; +"1206 softmax_12" -> "1207 dropout_48"; +"1207 dropout_48" -> "1208 matmul_25"; +"1208 matmul_25" -> "1209 transpose_25"; +"1209 transpose_25" -> "1210 reshape_56"; +"1210 reshape_56" -> "1214 linear_77"; +"1211 _param_constant209" -> "1214 linear_77"; +"1212 linear_77_updated_constant0" -> "1213 symmetric_weights_decompressor_linear_77_updated_constant0_0"; +"1213 symmetric_weights_decompressor_linear_77_updated_constant0_0" -> "1214 linear_77"; +"1214 linear_77" -> "1215 dropout_49"; +"1215 dropout_49" -> "1216 view_69"; +"1216 view_69" -> "1217 permute_58"; +"1217 permute_58" -> "1218 reshape_57"; +"1218 reshape_57" -> "1219 slice_190"; +"1219 slice_190" -> "1220 slice_191"; +"1220 slice_191" -> "1221 slice_192"; +"1221 slice_192" -> "1222 slice_193"; +"1222 slice_193" -> "1223 contiguous_23"; +"1223 contiguous_23" -> "1226 layer_norm_27"; +"1224 _param_constant210" -> "1226 layer_norm_27"; +"1225 _param_constant211" -> "1226 layer_norm_27"; +"1226 layer_norm_27" -> "1227 add_43"; +"1227 add_43" -> "1231 linear_78"; +"1227 add_43" -> "1242 add_44"; +"1228 _param_constant213" -> "1231 linear_78"; +"1229 linear_78_updated_constant0" -> "1230 symmetric_weights_decompressor_linear_78_updated_constant0_0"; +"1230 symmetric_weights_decompressor_linear_78_updated_constant0_0" -> "1231 linear_78"; +"1231 linear_78" -> "1232 gelu_12"; +"1232 gelu_12" -> "1233 dropout_50"; +"1233 dropout_50" -> "1237 linear_79"; +"1234 _param_constant215" -> "1237 linear_79"; +"1235 linear_79_updated_constant0" -> "1236 symmetric_weights_decompressor_linear_79_updated_constant0_0"; +"1236 symmetric_weights_decompressor_linear_79_updated_constant0_0" -> "1237 linear_79"; +"1237 linear_79" -> "1238 dropout_51"; +"1238 dropout_51" -> "1241 layer_norm_28"; +"1239 _param_constant216" -> "1241 layer_norm_28"; +"1240 _param_constant217" -> "1241 layer_norm_28"; +"1241 layer_norm_28" -> "1242 add_44"; +"1242 add_44" -> "1261 pad_15"; +"1242 add_44" -> "1329 add_47"; +"1243 _tensor_constant80" -> "1247 linear_80"; +"1244 _param_constant219" -> "1247 linear_80"; +"1245 linear_80_updated_constant0" -> "1246 symmetric_weights_decompressor_linear_80_updated_constant0_0"; +"1246 symmetric_weights_decompressor_linear_80_updated_constant0_0" -> "1247 linear_80"; +"1247 linear_80" -> "1248 relu__13"; +"1248 relu__13" -> "1251 linear_81"; +"1249 linear_81_updated_constant0" -> "1250 symmetric_weights_decompressor_linear_81_updated_constant0_0"; +"1250 symmetric_weights_decompressor_linear_81_updated_constant0_0" -> "1251 linear_81"; +"1251 linear_81" -> "1252 view_70"; +"1252 view_70" -> "1254 index_13"; +"1253 _tensor_constant81" -> "1254 index_13"; +"1254 index_13" -> "1255 view_71"; +"1255 view_71" -> "1256 permute_59"; +"1256 permute_59" -> "1257 contiguous_24"; +"1257 contiguous_24" -> "1258 unsqueeze_37"; +"1258 unsqueeze_37" -> "1259 sigmoid_13"; +"1259 sigmoid_13" -> "1260 mul_26"; +"1260 mul_26" -> "1290 add_45"; +"1261 pad_15" -> "1262 roll_12"; +"1262 roll_12" -> "1263 view_72"; +"1263 view_72" -> "1264 permute_60"; +"1264 permute_60" -> "1265 reshape_58"; +"1265 reshape_58" -> "1270 linear_82"; +"1265 reshape_58" -> "1291 new_zeros_6"; +"1266 _param_constant221" -> "1267 clone_13"; +"1267 clone_13" -> "1270 linear_82"; +"1268 linear_82_updated_constant0" -> "1269 symmetric_weights_decompressor_linear_82_updated_constant0_0"; +"1269 symmetric_weights_decompressor_linear_82_updated_constant0_0" -> "1270 linear_82"; +"1270 linear_82" -> "1271 reshape_59"; +"1271 reshape_59" -> "1272 permute_61"; +"1272 permute_61" -> "1273 select_39"; +"1272 permute_61" -> "1274 select_40"; +"1272 permute_61" -> "1275 select_41"; +"1273 select_39" -> "1276 linalg_vector_norm_26"; +"1273 select_39" -> "1278 expand_as_26"; +"1273 select_39" -> "1279 div_26"; +"1274 select_40" -> "1280 linalg_vector_norm_27"; +"1274 select_40" -> "1282 expand_as_27"; +"1274 select_40" -> "1283 div_27"; +"1275 select_41" -> "1309 matmul_27"; +"1276 linalg_vector_norm_26" -> "1277 clamp_min_26"; +"1277 clamp_min_26" -> "1278 expand_as_26"; +"1278 expand_as_26" -> "1279 div_26"; +"1279 div_26" -> "1285 matmul_26"; +"1280 linalg_vector_norm_27" -> "1281 clamp_min_27"; +"1281 clamp_min_27" -> "1282 expand_as_27"; +"1282 expand_as_27" -> "1283 div_27"; +"1283 div_27" -> "1284 transpose_26"; +"1284 transpose_26" -> "1285 matmul_26"; +"1285 matmul_26" -> "1289 mul_27"; +"1286 _param_constant223" -> "1287 clamp_13"; +"1287 clamp_13" -> "1288 exp_13"; +"1288 exp_13" -> "1289 mul_27"; +"1289 mul_27" -> "1290 add_45"; +"1290 add_45" -> "1302 view_74"; +"1291 new_zeros_6" -> "1292 view_73"; +"1292 view_73" -> "1293 permute_62"; +"1293 permute_62" -> "1294 reshape_60"; +"1294 reshape_60" -> "1295 unsqueeze_38"; +"1294 reshape_60" -> "1296 unsqueeze_39"; +"1295 unsqueeze_38" -> "1297 sub_6"; +"1296 unsqueeze_39" -> "1297 sub_6"; +"1297 sub_6" -> "1298 ne_6"; +"1297 sub_6" -> "1299 masked_fill_12"; +"1297 sub_6" -> "1300 eq_6"; +"1298 ne_6" -> "1299 masked_fill_12"; +"1299 masked_fill_12" -> "1301 masked_fill_13"; +"1300 eq_6" -> "1301 masked_fill_13"; +"1301 masked_fill_13" -> "1303 unsqueeze_40"; +"1302 view_74" -> "1305 add_46"; +"1303 unsqueeze_40" -> "1304 unsqueeze_41"; +"1304 unsqueeze_41" -> "1305 add_46"; +"1305 add_46" -> "1306 view_75"; +"1306 view_75" -> "1307 softmax_13"; +"1307 softmax_13" -> "1308 dropout_52"; +"1308 dropout_52" -> "1309 matmul_27"; +"1309 matmul_27" -> "1310 transpose_27"; +"1310 transpose_27" -> "1311 reshape_61"; +"1311 reshape_61" -> "1315 linear_83"; +"1312 _param_constant225" -> "1315 linear_83"; +"1313 linear_83_updated_constant0" -> "1314 symmetric_weights_decompressor_linear_83_updated_constant0_0"; +"1314 symmetric_weights_decompressor_linear_83_updated_constant0_0" -> "1315 linear_83"; +"1315 linear_83" -> "1316 dropout_53"; +"1316 dropout_53" -> "1317 view_76"; +"1317 view_76" -> "1318 permute_63"; +"1318 permute_63" -> "1319 reshape_62"; +"1319 reshape_62" -> "1320 roll_13"; +"1320 roll_13" -> "1321 slice_213"; +"1321 slice_213" -> "1322 slice_214"; +"1322 slice_214" -> "1323 slice_215"; +"1323 slice_215" -> "1324 slice_216"; +"1324 slice_216" -> "1325 contiguous_25"; +"1325 contiguous_25" -> "1328 layer_norm_29"; +"1326 _param_constant226" -> "1328 layer_norm_29"; +"1327 _param_constant227" -> "1328 layer_norm_29"; +"1328 layer_norm_29" -> "1329 add_47"; +"1329 add_47" -> "1333 linear_84"; +"1329 add_47" -> "1344 add_48"; +"1330 _param_constant229" -> "1333 linear_84"; +"1331 linear_84_updated_constant0" -> "1332 symmetric_weights_decompressor_linear_84_updated_constant0_0"; +"1332 symmetric_weights_decompressor_linear_84_updated_constant0_0" -> "1333 linear_84"; +"1333 linear_84" -> "1334 gelu_13"; +"1334 gelu_13" -> "1335 dropout_54"; +"1335 dropout_54" -> "1339 linear_85"; +"1336 _param_constant231" -> "1339 linear_85"; +"1337 linear_85_updated_constant0" -> "1338 symmetric_weights_decompressor_linear_85_updated_constant0_0"; +"1338 symmetric_weights_decompressor_linear_85_updated_constant0_0" -> "1339 linear_85"; +"1339 linear_85" -> "1340 dropout_55"; +"1340 dropout_55" -> "1343 layer_norm_30"; +"1341 _param_constant232" -> "1343 layer_norm_30"; +"1342 _param_constant233" -> "1343 layer_norm_30"; +"1343 layer_norm_30" -> "1344 add_48"; +"1344 add_48" -> "1363 pad_16"; +"1344 add_48" -> "1413 add_50"; +"1345 _tensor_constant91" -> "1349 linear_86"; +"1346 _param_constant235" -> "1349 linear_86"; +"1347 linear_86_updated_constant0" -> "1348 symmetric_weights_decompressor_linear_86_updated_constant0_0"; +"1348 symmetric_weights_decompressor_linear_86_updated_constant0_0" -> "1349 linear_86"; +"1349 linear_86" -> "1350 relu__14"; +"1350 relu__14" -> "1353 linear_87"; +"1351 linear_87_updated_constant0" -> "1352 symmetric_weights_decompressor_linear_87_updated_constant0_0"; +"1352 symmetric_weights_decompressor_linear_87_updated_constant0_0" -> "1353 linear_87"; +"1353 linear_87" -> "1354 view_77"; +"1354 view_77" -> "1356 index_14"; +"1355 _tensor_constant92" -> "1356 index_14"; +"1356 index_14" -> "1357 view_78"; +"1357 view_78" -> "1358 permute_64"; +"1358 permute_64" -> "1359 contiguous_26"; +"1359 contiguous_26" -> "1360 unsqueeze_42"; +"1360 unsqueeze_42" -> "1361 sigmoid_14"; +"1361 sigmoid_14" -> "1362 mul_28"; +"1362 mul_28" -> "1391 add_49"; +"1363 pad_16" -> "1364 view_79"; +"1364 view_79" -> "1365 permute_65"; +"1365 permute_65" -> "1366 reshape_63"; +"1366 reshape_63" -> "1371 linear_88"; +"1367 _param_constant237" -> "1368 clone_14"; +"1368 clone_14" -> "1371 linear_88"; +"1369 linear_88_updated_constant0" -> "1370 symmetric_weights_decompressor_linear_88_updated_constant0_0"; +"1370 symmetric_weights_decompressor_linear_88_updated_constant0_0" -> "1371 linear_88"; +"1371 linear_88" -> "1372 reshape_64"; +"1372 reshape_64" -> "1373 permute_66"; +"1373 permute_66" -> "1374 select_42"; +"1373 permute_66" -> "1375 select_43"; +"1373 permute_66" -> "1376 select_44"; +"1374 select_42" -> "1377 linalg_vector_norm_28"; +"1374 select_42" -> "1379 expand_as_28"; +"1374 select_42" -> "1380 div_28"; +"1375 select_43" -> "1381 linalg_vector_norm_29"; +"1375 select_43" -> "1383 expand_as_29"; +"1375 select_43" -> "1384 div_29"; +"1376 select_44" -> "1394 matmul_29"; +"1377 linalg_vector_norm_28" -> "1378 clamp_min_28"; +"1378 clamp_min_28" -> "1379 expand_as_28"; +"1379 expand_as_28" -> "1380 div_28"; +"1380 div_28" -> "1386 matmul_28"; +"1381 linalg_vector_norm_29" -> "1382 clamp_min_29"; +"1382 clamp_min_29" -> "1383 expand_as_29"; +"1383 expand_as_29" -> "1384 div_29"; +"1384 div_29" -> "1385 transpose_28"; +"1385 transpose_28" -> "1386 matmul_28"; +"1386 matmul_28" -> "1390 mul_29"; +"1387 _param_constant239" -> "1388 clamp_14"; +"1388 clamp_14" -> "1389 exp_14"; +"1389 exp_14" -> "1390 mul_29"; +"1390 mul_29" -> "1391 add_49"; +"1391 add_49" -> "1392 softmax_14"; +"1392 softmax_14" -> "1393 dropout_56"; +"1393 dropout_56" -> "1394 matmul_29"; +"1394 matmul_29" -> "1395 transpose_29"; +"1395 transpose_29" -> "1396 reshape_65"; +"1396 reshape_65" -> "1400 linear_89"; +"1397 _param_constant241" -> "1400 linear_89"; +"1398 linear_89_updated_constant0" -> "1399 symmetric_weights_decompressor_linear_89_updated_constant0_0"; +"1399 symmetric_weights_decompressor_linear_89_updated_constant0_0" -> "1400 linear_89"; +"1400 linear_89" -> "1401 dropout_57"; +"1401 dropout_57" -> "1402 view_80"; +"1402 view_80" -> "1403 permute_67"; +"1403 permute_67" -> "1404 reshape_66"; +"1404 reshape_66" -> "1405 slice_218"; +"1405 slice_218" -> "1406 slice_219"; +"1406 slice_219" -> "1407 slice_220"; +"1407 slice_220" -> "1408 slice_221"; +"1408 slice_221" -> "1409 contiguous_27"; +"1409 contiguous_27" -> "1412 layer_norm_31"; +"1410 _param_constant242" -> "1412 layer_norm_31"; +"1411 _param_constant243" -> "1412 layer_norm_31"; +"1412 layer_norm_31" -> "1413 add_50"; +"1413 add_50" -> "1417 linear_90"; +"1413 add_50" -> "1428 add_51"; +"1414 _param_constant245" -> "1417 linear_90"; +"1415 linear_90_updated_constant0" -> "1416 symmetric_weights_decompressor_linear_90_updated_constant0_0"; +"1416 symmetric_weights_decompressor_linear_90_updated_constant0_0" -> "1417 linear_90"; +"1417 linear_90" -> "1418 gelu_14"; +"1418 gelu_14" -> "1419 dropout_58"; +"1419 dropout_58" -> "1423 linear_91"; +"1420 _param_constant247" -> "1423 linear_91"; +"1421 linear_91_updated_constant0" -> "1422 symmetric_weights_decompressor_linear_91_updated_constant0_0"; +"1422 symmetric_weights_decompressor_linear_91_updated_constant0_0" -> "1423 linear_91"; +"1423 linear_91" -> "1424 dropout_59"; +"1424 dropout_59" -> "1427 layer_norm_32"; +"1425 _param_constant248" -> "1427 layer_norm_32"; +"1426 _param_constant249" -> "1427 layer_norm_32"; +"1427 layer_norm_32" -> "1428 add_51"; +"1428 add_51" -> "1447 pad_17"; +"1428 add_51" -> "1515 add_54"; +"1429 _tensor_constant93" -> "1433 linear_92"; +"1430 _param_constant251" -> "1433 linear_92"; +"1431 linear_92_updated_constant0" -> "1432 symmetric_weights_decompressor_linear_92_updated_constant0_0"; +"1432 symmetric_weights_decompressor_linear_92_updated_constant0_0" -> "1433 linear_92"; +"1433 linear_92" -> "1434 relu__15"; +"1434 relu__15" -> "1437 linear_93"; +"1435 linear_93_updated_constant0" -> "1436 symmetric_weights_decompressor_linear_93_updated_constant0_0"; +"1436 symmetric_weights_decompressor_linear_93_updated_constant0_0" -> "1437 linear_93"; +"1437 linear_93" -> "1438 view_81"; +"1438 view_81" -> "1440 index_15"; +"1439 _tensor_constant94" -> "1440 index_15"; +"1440 index_15" -> "1441 view_82"; +"1441 view_82" -> "1442 permute_68"; +"1442 permute_68" -> "1443 contiguous_28"; +"1443 contiguous_28" -> "1444 unsqueeze_43"; +"1444 unsqueeze_43" -> "1445 sigmoid_15"; +"1445 sigmoid_15" -> "1446 mul_30"; +"1446 mul_30" -> "1476 add_52"; +"1447 pad_17" -> "1448 roll_14"; +"1448 roll_14" -> "1449 view_83"; +"1449 view_83" -> "1450 permute_69"; +"1450 permute_69" -> "1451 reshape_67"; +"1451 reshape_67" -> "1456 linear_94"; +"1451 reshape_67" -> "1477 new_zeros_7"; +"1452 _param_constant253" -> "1453 clone_15"; +"1453 clone_15" -> "1456 linear_94"; +"1454 linear_94_updated_constant0" -> "1455 symmetric_weights_decompressor_linear_94_updated_constant0_0"; +"1455 symmetric_weights_decompressor_linear_94_updated_constant0_0" -> "1456 linear_94"; +"1456 linear_94" -> "1457 reshape_68"; +"1457 reshape_68" -> "1458 permute_70"; +"1458 permute_70" -> "1459 select_45"; +"1458 permute_70" -> "1460 select_46"; +"1458 permute_70" -> "1461 select_47"; +"1459 select_45" -> "1462 linalg_vector_norm_30"; +"1459 select_45" -> "1464 expand_as_30"; +"1459 select_45" -> "1465 div_30"; +"1460 select_46" -> "1466 linalg_vector_norm_31"; +"1460 select_46" -> "1468 expand_as_31"; +"1460 select_46" -> "1469 div_31"; +"1461 select_47" -> "1495 matmul_31"; +"1462 linalg_vector_norm_30" -> "1463 clamp_min_30"; +"1463 clamp_min_30" -> "1464 expand_as_30"; +"1464 expand_as_30" -> "1465 div_30"; +"1465 div_30" -> "1471 matmul_30"; +"1466 linalg_vector_norm_31" -> "1467 clamp_min_31"; +"1467 clamp_min_31" -> "1468 expand_as_31"; +"1468 expand_as_31" -> "1469 div_31"; +"1469 div_31" -> "1470 transpose_30"; +"1470 transpose_30" -> "1471 matmul_30"; +"1471 matmul_30" -> "1475 mul_31"; +"1472 _param_constant255" -> "1473 clamp_15"; +"1473 clamp_15" -> "1474 exp_15"; +"1474 exp_15" -> "1475 mul_31"; +"1475 mul_31" -> "1476 add_52"; +"1476 add_52" -> "1488 view_85"; +"1477 new_zeros_7" -> "1478 view_84"; +"1478 view_84" -> "1479 permute_71"; +"1479 permute_71" -> "1480 reshape_69"; +"1480 reshape_69" -> "1481 unsqueeze_44"; +"1480 reshape_69" -> "1482 unsqueeze_45"; +"1481 unsqueeze_44" -> "1483 sub_7"; +"1482 unsqueeze_45" -> "1483 sub_7"; +"1483 sub_7" -> "1484 ne_7"; +"1483 sub_7" -> "1485 masked_fill_14"; +"1483 sub_7" -> "1486 eq_7"; +"1484 ne_7" -> "1485 masked_fill_14"; +"1485 masked_fill_14" -> "1487 masked_fill_15"; +"1486 eq_7" -> "1487 masked_fill_15"; +"1487 masked_fill_15" -> "1489 unsqueeze_46"; +"1488 view_85" -> "1491 add_53"; +"1489 unsqueeze_46" -> "1490 unsqueeze_47"; +"1490 unsqueeze_47" -> "1491 add_53"; +"1491 add_53" -> "1492 view_86"; +"1492 view_86" -> "1493 softmax_15"; +"1493 softmax_15" -> "1494 dropout_60"; +"1494 dropout_60" -> "1495 matmul_31"; +"1495 matmul_31" -> "1496 transpose_31"; +"1496 transpose_31" -> "1497 reshape_70"; +"1497 reshape_70" -> "1501 linear_95"; +"1498 _param_constant257" -> "1501 linear_95"; +"1499 linear_95_updated_constant0" -> "1500 symmetric_weights_decompressor_linear_95_updated_constant0_0"; +"1500 symmetric_weights_decompressor_linear_95_updated_constant0_0" -> "1501 linear_95"; +"1501 linear_95" -> "1502 dropout_61"; +"1502 dropout_61" -> "1503 view_87"; +"1503 view_87" -> "1504 permute_72"; +"1504 permute_72" -> "1505 reshape_71"; +"1505 reshape_71" -> "1506 roll_15"; +"1506 roll_15" -> "1507 slice_241"; +"1507 slice_241" -> "1508 slice_242"; +"1508 slice_242" -> "1509 slice_243"; +"1509 slice_243" -> "1510 slice_244"; +"1510 slice_244" -> "1511 contiguous_29"; +"1511 contiguous_29" -> "1514 layer_norm_33"; +"1512 _param_constant258" -> "1514 layer_norm_33"; +"1513 _param_constant259" -> "1514 layer_norm_33"; +"1514 layer_norm_33" -> "1515 add_54"; +"1515 add_54" -> "1519 linear_96"; +"1515 add_54" -> "1530 add_55"; +"1516 _param_constant261" -> "1519 linear_96"; +"1517 linear_96_updated_constant0" -> "1518 symmetric_weights_decompressor_linear_96_updated_constant0_0"; +"1518 symmetric_weights_decompressor_linear_96_updated_constant0_0" -> "1519 linear_96"; +"1519 linear_96" -> "1520 gelu_15"; +"1520 gelu_15" -> "1521 dropout_62"; +"1521 dropout_62" -> "1525 linear_97"; +"1522 _param_constant263" -> "1525 linear_97"; +"1523 linear_97_updated_constant0" -> "1524 symmetric_weights_decompressor_linear_97_updated_constant0_0"; +"1524 symmetric_weights_decompressor_linear_97_updated_constant0_0" -> "1525 linear_97"; +"1525 linear_97" -> "1526 dropout_63"; +"1526 dropout_63" -> "1529 layer_norm_34"; +"1527 _param_constant264" -> "1529 layer_norm_34"; +"1528 _param_constant265" -> "1529 layer_norm_34"; +"1529 layer_norm_34" -> "1530 add_55"; +"1530 add_55" -> "1549 pad_18"; +"1530 add_55" -> "1599 add_57"; +"1531 _tensor_constant104" -> "1535 linear_98"; +"1532 _param_constant267" -> "1535 linear_98"; +"1533 linear_98_updated_constant0" -> "1534 symmetric_weights_decompressor_linear_98_updated_constant0_0"; +"1534 symmetric_weights_decompressor_linear_98_updated_constant0_0" -> "1535 linear_98"; +"1535 linear_98" -> "1536 relu__16"; +"1536 relu__16" -> "1539 linear_99"; +"1537 linear_99_updated_constant0" -> "1538 symmetric_weights_decompressor_linear_99_updated_constant0_0"; +"1538 symmetric_weights_decompressor_linear_99_updated_constant0_0" -> "1539 linear_99"; +"1539 linear_99" -> "1540 view_88"; +"1540 view_88" -> "1542 index_16"; +"1541 _tensor_constant105" -> "1542 index_16"; +"1542 index_16" -> "1543 view_89"; +"1543 view_89" -> "1544 permute_73"; +"1544 permute_73" -> "1545 contiguous_30"; +"1545 contiguous_30" -> "1546 unsqueeze_48"; +"1546 unsqueeze_48" -> "1547 sigmoid_16"; +"1547 sigmoid_16" -> "1548 mul_32"; +"1548 mul_32" -> "1577 add_56"; +"1549 pad_18" -> "1550 view_90"; +"1550 view_90" -> "1551 permute_74"; +"1551 permute_74" -> "1552 reshape_72"; +"1552 reshape_72" -> "1557 linear_100"; +"1553 _param_constant269" -> "1554 clone_16"; +"1554 clone_16" -> "1557 linear_100"; +"1555 linear_100_updated_constant0" -> "1556 symmetric_weights_decompressor_linear_100_updated_constant0_0"; +"1556 symmetric_weights_decompressor_linear_100_updated_constant0_0" -> "1557 linear_100"; +"1557 linear_100" -> "1558 reshape_73"; +"1558 reshape_73" -> "1559 permute_75"; +"1559 permute_75" -> "1560 select_48"; +"1559 permute_75" -> "1561 select_49"; +"1559 permute_75" -> "1562 select_50"; +"1560 select_48" -> "1563 linalg_vector_norm_32"; +"1560 select_48" -> "1565 expand_as_32"; +"1560 select_48" -> "1566 div_32"; +"1561 select_49" -> "1567 linalg_vector_norm_33"; +"1561 select_49" -> "1569 expand_as_33"; +"1561 select_49" -> "1570 div_33"; +"1562 select_50" -> "1580 matmul_33"; +"1563 linalg_vector_norm_32" -> "1564 clamp_min_32"; +"1564 clamp_min_32" -> "1565 expand_as_32"; +"1565 expand_as_32" -> "1566 div_32"; +"1566 div_32" -> "1572 matmul_32"; +"1567 linalg_vector_norm_33" -> "1568 clamp_min_33"; +"1568 clamp_min_33" -> "1569 expand_as_33"; +"1569 expand_as_33" -> "1570 div_33"; +"1570 div_33" -> "1571 transpose_32"; +"1571 transpose_32" -> "1572 matmul_32"; +"1572 matmul_32" -> "1576 mul_33"; +"1573 _param_constant271" -> "1574 clamp_16"; +"1574 clamp_16" -> "1575 exp_16"; +"1575 exp_16" -> "1576 mul_33"; +"1576 mul_33" -> "1577 add_56"; +"1577 add_56" -> "1578 softmax_16"; +"1578 softmax_16" -> "1579 dropout_64"; +"1579 dropout_64" -> "1580 matmul_33"; +"1580 matmul_33" -> "1581 transpose_33"; +"1581 transpose_33" -> "1582 reshape_74"; +"1582 reshape_74" -> "1586 linear_101"; +"1583 _param_constant273" -> "1586 linear_101"; +"1584 linear_101_updated_constant0" -> "1585 symmetric_weights_decompressor_linear_101_updated_constant0_0"; +"1585 symmetric_weights_decompressor_linear_101_updated_constant0_0" -> "1586 linear_101"; +"1586 linear_101" -> "1587 dropout_65"; +"1587 dropout_65" -> "1588 view_91"; +"1588 view_91" -> "1589 permute_76"; +"1589 permute_76" -> "1590 reshape_75"; +"1590 reshape_75" -> "1591 slice_246"; +"1591 slice_246" -> "1592 slice_247"; +"1592 slice_247" -> "1593 slice_248"; +"1593 slice_248" -> "1594 slice_249"; +"1594 slice_249" -> "1595 contiguous_31"; +"1595 contiguous_31" -> "1598 layer_norm_35"; +"1596 _param_constant274" -> "1598 layer_norm_35"; +"1597 _param_constant275" -> "1598 layer_norm_35"; +"1598 layer_norm_35" -> "1599 add_57"; +"1599 add_57" -> "1603 linear_102"; +"1599 add_57" -> "1614 add_58"; +"1600 _param_constant277" -> "1603 linear_102"; +"1601 linear_102_updated_constant0" -> "1602 symmetric_weights_decompressor_linear_102_updated_constant0_0"; +"1602 symmetric_weights_decompressor_linear_102_updated_constant0_0" -> "1603 linear_102"; +"1603 linear_102" -> "1604 gelu_16"; +"1604 gelu_16" -> "1605 dropout_66"; +"1605 dropout_66" -> "1609 linear_103"; +"1606 _param_constant279" -> "1609 linear_103"; +"1607 linear_103_updated_constant0" -> "1608 symmetric_weights_decompressor_linear_103_updated_constant0_0"; +"1608 symmetric_weights_decompressor_linear_103_updated_constant0_0" -> "1609 linear_103"; +"1609 linear_103" -> "1610 dropout_67"; +"1610 dropout_67" -> "1613 layer_norm_36"; +"1611 _param_constant280" -> "1613 layer_norm_36"; +"1612 _param_constant281" -> "1613 layer_norm_36"; +"1613 layer_norm_36" -> "1614 add_58"; +"1614 add_58" -> "1633 pad_19"; +"1614 add_58" -> "1701 add_61"; +"1615 _tensor_constant106" -> "1619 linear_104"; +"1616 _param_constant283" -> "1619 linear_104"; +"1617 linear_104_updated_constant0" -> "1618 symmetric_weights_decompressor_linear_104_updated_constant0_0"; +"1618 symmetric_weights_decompressor_linear_104_updated_constant0_0" -> "1619 linear_104"; +"1619 linear_104" -> "1620 relu__17"; +"1620 relu__17" -> "1623 linear_105"; +"1621 linear_105_updated_constant0" -> "1622 symmetric_weights_decompressor_linear_105_updated_constant0_0"; +"1622 symmetric_weights_decompressor_linear_105_updated_constant0_0" -> "1623 linear_105"; +"1623 linear_105" -> "1624 view_92"; +"1624 view_92" -> "1626 index_17"; +"1625 _tensor_constant107" -> "1626 index_17"; +"1626 index_17" -> "1627 view_93"; +"1627 view_93" -> "1628 permute_77"; +"1628 permute_77" -> "1629 contiguous_32"; +"1629 contiguous_32" -> "1630 unsqueeze_49"; +"1630 unsqueeze_49" -> "1631 sigmoid_17"; +"1631 sigmoid_17" -> "1632 mul_34"; +"1632 mul_34" -> "1662 add_59"; +"1633 pad_19" -> "1634 roll_16"; +"1634 roll_16" -> "1635 view_94"; +"1635 view_94" -> "1636 permute_78"; +"1636 permute_78" -> "1637 reshape_76"; +"1637 reshape_76" -> "1642 linear_106"; +"1637 reshape_76" -> "1663 new_zeros_8"; +"1638 _param_constant285" -> "1639 clone_17"; +"1639 clone_17" -> "1642 linear_106"; +"1640 linear_106_updated_constant0" -> "1641 symmetric_weights_decompressor_linear_106_updated_constant0_0"; +"1641 symmetric_weights_decompressor_linear_106_updated_constant0_0" -> "1642 linear_106"; +"1642 linear_106" -> "1643 reshape_77"; +"1643 reshape_77" -> "1644 permute_79"; +"1644 permute_79" -> "1645 select_51"; +"1644 permute_79" -> "1646 select_52"; +"1644 permute_79" -> "1647 select_53"; +"1645 select_51" -> "1648 linalg_vector_norm_34"; +"1645 select_51" -> "1650 expand_as_34"; +"1645 select_51" -> "1651 div_34"; +"1646 select_52" -> "1652 linalg_vector_norm_35"; +"1646 select_52" -> "1654 expand_as_35"; +"1646 select_52" -> "1655 div_35"; +"1647 select_53" -> "1681 matmul_35"; +"1648 linalg_vector_norm_34" -> "1649 clamp_min_34"; +"1649 clamp_min_34" -> "1650 expand_as_34"; +"1650 expand_as_34" -> "1651 div_34"; +"1651 div_34" -> "1657 matmul_34"; +"1652 linalg_vector_norm_35" -> "1653 clamp_min_35"; +"1653 clamp_min_35" -> "1654 expand_as_35"; +"1654 expand_as_35" -> "1655 div_35"; +"1655 div_35" -> "1656 transpose_34"; +"1656 transpose_34" -> "1657 matmul_34"; +"1657 matmul_34" -> "1661 mul_35"; +"1658 _param_constant287" -> "1659 clamp_17"; +"1659 clamp_17" -> "1660 exp_17"; +"1660 exp_17" -> "1661 mul_35"; +"1661 mul_35" -> "1662 add_59"; +"1662 add_59" -> "1674 view_96"; +"1663 new_zeros_8" -> "1664 view_95"; +"1664 view_95" -> "1665 permute_80"; +"1665 permute_80" -> "1666 reshape_78"; +"1666 reshape_78" -> "1667 unsqueeze_50"; +"1666 reshape_78" -> "1668 unsqueeze_51"; +"1667 unsqueeze_50" -> "1669 sub_8"; +"1668 unsqueeze_51" -> "1669 sub_8"; +"1669 sub_8" -> "1670 ne_8"; +"1669 sub_8" -> "1671 masked_fill_16"; +"1669 sub_8" -> "1672 eq_8"; +"1670 ne_8" -> "1671 masked_fill_16"; +"1671 masked_fill_16" -> "1673 masked_fill_17"; +"1672 eq_8" -> "1673 masked_fill_17"; +"1673 masked_fill_17" -> "1675 unsqueeze_52"; +"1674 view_96" -> "1677 add_60"; +"1675 unsqueeze_52" -> "1676 unsqueeze_53"; +"1676 unsqueeze_53" -> "1677 add_60"; +"1677 add_60" -> "1678 view_97"; +"1678 view_97" -> "1679 softmax_17"; +"1679 softmax_17" -> "1680 dropout_68"; +"1680 dropout_68" -> "1681 matmul_35"; +"1681 matmul_35" -> "1682 transpose_35"; +"1682 transpose_35" -> "1683 reshape_79"; +"1683 reshape_79" -> "1687 linear_107"; +"1684 _param_constant289" -> "1687 linear_107"; +"1685 linear_107_updated_constant0" -> "1686 symmetric_weights_decompressor_linear_107_updated_constant0_0"; +"1686 symmetric_weights_decompressor_linear_107_updated_constant0_0" -> "1687 linear_107"; +"1687 linear_107" -> "1688 dropout_69"; +"1688 dropout_69" -> "1689 view_98"; +"1689 view_98" -> "1690 permute_81"; +"1690 permute_81" -> "1691 reshape_80"; +"1691 reshape_80" -> "1692 roll_17"; +"1692 roll_17" -> "1693 slice_269"; +"1693 slice_269" -> "1694 slice_270"; +"1694 slice_270" -> "1695 slice_271"; +"1695 slice_271" -> "1696 slice_272"; +"1696 slice_272" -> "1697 contiguous_33"; +"1697 contiguous_33" -> "1700 layer_norm_37"; +"1698 _param_constant290" -> "1700 layer_norm_37"; +"1699 _param_constant291" -> "1700 layer_norm_37"; +"1700 layer_norm_37" -> "1701 add_61"; +"1701 add_61" -> "1705 linear_108"; +"1701 add_61" -> "1716 add_62"; +"1702 _param_constant293" -> "1705 linear_108"; +"1703 linear_108_updated_constant0" -> "1704 symmetric_weights_decompressor_linear_108_updated_constant0_0"; +"1704 symmetric_weights_decompressor_linear_108_updated_constant0_0" -> "1705 linear_108"; +"1705 linear_108" -> "1706 gelu_17"; +"1706 gelu_17" -> "1707 dropout_70"; +"1707 dropout_70" -> "1711 linear_109"; +"1708 _param_constant295" -> "1711 linear_109"; +"1709 linear_109_updated_constant0" -> "1710 symmetric_weights_decompressor_linear_109_updated_constant0_0"; +"1710 symmetric_weights_decompressor_linear_109_updated_constant0_0" -> "1711 linear_109"; +"1711 linear_109" -> "1712 dropout_71"; +"1712 dropout_71" -> "1715 layer_norm_38"; +"1713 _param_constant296" -> "1715 layer_norm_38"; +"1714 _param_constant297" -> "1715 layer_norm_38"; +"1715 layer_norm_38" -> "1716 add_62"; +"1716 add_62" -> "1735 pad_20"; +"1716 add_62" -> "1785 add_64"; +"1717 _tensor_constant117" -> "1721 linear_110"; +"1718 _param_constant299" -> "1721 linear_110"; +"1719 linear_110_updated_constant0" -> "1720 symmetric_weights_decompressor_linear_110_updated_constant0_0"; +"1720 symmetric_weights_decompressor_linear_110_updated_constant0_0" -> "1721 linear_110"; +"1721 linear_110" -> "1722 relu__18"; +"1722 relu__18" -> "1725 linear_111"; +"1723 linear_111_updated_constant0" -> "1724 symmetric_weights_decompressor_linear_111_updated_constant0_0"; +"1724 symmetric_weights_decompressor_linear_111_updated_constant0_0" -> "1725 linear_111"; +"1725 linear_111" -> "1726 view_99"; +"1726 view_99" -> "1728 index_18"; +"1727 _tensor_constant118" -> "1728 index_18"; +"1728 index_18" -> "1729 view_100"; +"1729 view_100" -> "1730 permute_82"; +"1730 permute_82" -> "1731 contiguous_34"; +"1731 contiguous_34" -> "1732 unsqueeze_54"; +"1732 unsqueeze_54" -> "1733 sigmoid_18"; +"1733 sigmoid_18" -> "1734 mul_36"; +"1734 mul_36" -> "1763 add_63"; +"1735 pad_20" -> "1736 view_101"; +"1736 view_101" -> "1737 permute_83"; +"1737 permute_83" -> "1738 reshape_81"; +"1738 reshape_81" -> "1743 linear_112"; +"1739 _param_constant301" -> "1740 clone_18"; +"1740 clone_18" -> "1743 linear_112"; +"1741 linear_112_updated_constant0" -> "1742 symmetric_weights_decompressor_linear_112_updated_constant0_0"; +"1742 symmetric_weights_decompressor_linear_112_updated_constant0_0" -> "1743 linear_112"; +"1743 linear_112" -> "1744 reshape_82"; +"1744 reshape_82" -> "1745 permute_84"; +"1745 permute_84" -> "1746 select_54"; +"1745 permute_84" -> "1747 select_55"; +"1745 permute_84" -> "1748 select_56"; +"1746 select_54" -> "1749 linalg_vector_norm_36"; +"1746 select_54" -> "1751 expand_as_36"; +"1746 select_54" -> "1752 div_36"; +"1747 select_55" -> "1753 linalg_vector_norm_37"; +"1747 select_55" -> "1755 expand_as_37"; +"1747 select_55" -> "1756 div_37"; +"1748 select_56" -> "1766 matmul_37"; +"1749 linalg_vector_norm_36" -> "1750 clamp_min_36"; +"1750 clamp_min_36" -> "1751 expand_as_36"; +"1751 expand_as_36" -> "1752 div_36"; +"1752 div_36" -> "1758 matmul_36"; +"1753 linalg_vector_norm_37" -> "1754 clamp_min_37"; +"1754 clamp_min_37" -> "1755 expand_as_37"; +"1755 expand_as_37" -> "1756 div_37"; +"1756 div_37" -> "1757 transpose_36"; +"1757 transpose_36" -> "1758 matmul_36"; +"1758 matmul_36" -> "1762 mul_37"; +"1759 _param_constant303" -> "1760 clamp_18"; +"1760 clamp_18" -> "1761 exp_18"; +"1761 exp_18" -> "1762 mul_37"; +"1762 mul_37" -> "1763 add_63"; +"1763 add_63" -> "1764 softmax_18"; +"1764 softmax_18" -> "1765 dropout_72"; +"1765 dropout_72" -> "1766 matmul_37"; +"1766 matmul_37" -> "1767 transpose_37"; +"1767 transpose_37" -> "1768 reshape_83"; +"1768 reshape_83" -> "1772 linear_113"; +"1769 _param_constant305" -> "1772 linear_113"; +"1770 linear_113_updated_constant0" -> "1771 symmetric_weights_decompressor_linear_113_updated_constant0_0"; +"1771 symmetric_weights_decompressor_linear_113_updated_constant0_0" -> "1772 linear_113"; +"1772 linear_113" -> "1773 dropout_73"; +"1773 dropout_73" -> "1774 view_102"; +"1774 view_102" -> "1775 permute_85"; +"1775 permute_85" -> "1776 reshape_84"; +"1776 reshape_84" -> "1777 slice_274"; +"1777 slice_274" -> "1778 slice_275"; +"1778 slice_275" -> "1779 slice_276"; +"1779 slice_276" -> "1780 slice_277"; +"1780 slice_277" -> "1781 contiguous_35"; +"1781 contiguous_35" -> "1784 layer_norm_39"; +"1782 _param_constant306" -> "1784 layer_norm_39"; +"1783 _param_constant307" -> "1784 layer_norm_39"; +"1784 layer_norm_39" -> "1785 add_64"; +"1785 add_64" -> "1789 linear_114"; +"1785 add_64" -> "1800 add_65"; +"1786 _param_constant309" -> "1789 linear_114"; +"1787 linear_114_updated_constant0" -> "1788 symmetric_weights_decompressor_linear_114_updated_constant0_0"; +"1788 symmetric_weights_decompressor_linear_114_updated_constant0_0" -> "1789 linear_114"; +"1789 linear_114" -> "1790 gelu_18"; +"1790 gelu_18" -> "1791 dropout_74"; +"1791 dropout_74" -> "1795 linear_115"; +"1792 _param_constant311" -> "1795 linear_115"; +"1793 linear_115_updated_constant0" -> "1794 symmetric_weights_decompressor_linear_115_updated_constant0_0"; +"1794 symmetric_weights_decompressor_linear_115_updated_constant0_0" -> "1795 linear_115"; +"1795 linear_115" -> "1796 dropout_75"; +"1796 dropout_75" -> "1799 layer_norm_40"; +"1797 _param_constant312" -> "1799 layer_norm_40"; +"1798 _param_constant313" -> "1799 layer_norm_40"; +"1799 layer_norm_40" -> "1800 add_65"; +"1800 add_65" -> "1819 pad_21"; +"1800 add_65" -> "1887 add_68"; +"1801 _tensor_constant119" -> "1805 linear_116"; +"1802 _param_constant315" -> "1805 linear_116"; +"1803 linear_116_updated_constant0" -> "1804 symmetric_weights_decompressor_linear_116_updated_constant0_0"; +"1804 symmetric_weights_decompressor_linear_116_updated_constant0_0" -> "1805 linear_116"; +"1805 linear_116" -> "1806 relu__19"; +"1806 relu__19" -> "1809 linear_117"; +"1807 linear_117_updated_constant0" -> "1808 symmetric_weights_decompressor_linear_117_updated_constant0_0"; +"1808 symmetric_weights_decompressor_linear_117_updated_constant0_0" -> "1809 linear_117"; +"1809 linear_117" -> "1810 view_103"; +"1810 view_103" -> "1812 index_19"; +"1811 _tensor_constant120" -> "1812 index_19"; +"1812 index_19" -> "1813 view_104"; +"1813 view_104" -> "1814 permute_86"; +"1814 permute_86" -> "1815 contiguous_36"; +"1815 contiguous_36" -> "1816 unsqueeze_55"; +"1816 unsqueeze_55" -> "1817 sigmoid_19"; +"1817 sigmoid_19" -> "1818 mul_38"; +"1818 mul_38" -> "1848 add_66"; +"1819 pad_21" -> "1820 roll_18"; +"1820 roll_18" -> "1821 view_105"; +"1821 view_105" -> "1822 permute_87"; +"1822 permute_87" -> "1823 reshape_85"; +"1823 reshape_85" -> "1828 linear_118"; +"1823 reshape_85" -> "1849 new_zeros_9"; +"1824 _param_constant317" -> "1825 clone_19"; +"1825 clone_19" -> "1828 linear_118"; +"1826 linear_118_updated_constant0" -> "1827 symmetric_weights_decompressor_linear_118_updated_constant0_0"; +"1827 symmetric_weights_decompressor_linear_118_updated_constant0_0" -> "1828 linear_118"; +"1828 linear_118" -> "1829 reshape_86"; +"1829 reshape_86" -> "1830 permute_88"; +"1830 permute_88" -> "1831 select_57"; +"1830 permute_88" -> "1832 select_58"; +"1830 permute_88" -> "1833 select_59"; +"1831 select_57" -> "1834 linalg_vector_norm_38"; +"1831 select_57" -> "1836 expand_as_38"; +"1831 select_57" -> "1837 div_38"; +"1832 select_58" -> "1838 linalg_vector_norm_39"; +"1832 select_58" -> "1840 expand_as_39"; +"1832 select_58" -> "1841 div_39"; +"1833 select_59" -> "1867 matmul_39"; +"1834 linalg_vector_norm_38" -> "1835 clamp_min_38"; +"1835 clamp_min_38" -> "1836 expand_as_38"; +"1836 expand_as_38" -> "1837 div_38"; +"1837 div_38" -> "1843 matmul_38"; +"1838 linalg_vector_norm_39" -> "1839 clamp_min_39"; +"1839 clamp_min_39" -> "1840 expand_as_39"; +"1840 expand_as_39" -> "1841 div_39"; +"1841 div_39" -> "1842 transpose_38"; +"1842 transpose_38" -> "1843 matmul_38"; +"1843 matmul_38" -> "1847 mul_39"; +"1844 _param_constant319" -> "1845 clamp_19"; +"1845 clamp_19" -> "1846 exp_19"; +"1846 exp_19" -> "1847 mul_39"; +"1847 mul_39" -> "1848 add_66"; +"1848 add_66" -> "1860 view_107"; +"1849 new_zeros_9" -> "1850 view_106"; +"1850 view_106" -> "1851 permute_89"; +"1851 permute_89" -> "1852 reshape_87"; +"1852 reshape_87" -> "1853 unsqueeze_56"; +"1852 reshape_87" -> "1854 unsqueeze_57"; +"1853 unsqueeze_56" -> "1855 sub_9"; +"1854 unsqueeze_57" -> "1855 sub_9"; +"1855 sub_9" -> "1856 ne_9"; +"1855 sub_9" -> "1857 masked_fill_18"; +"1855 sub_9" -> "1858 eq_9"; +"1856 ne_9" -> "1857 masked_fill_18"; +"1857 masked_fill_18" -> "1859 masked_fill_19"; +"1858 eq_9" -> "1859 masked_fill_19"; +"1859 masked_fill_19" -> "1861 unsqueeze_58"; +"1860 view_107" -> "1863 add_67"; +"1861 unsqueeze_58" -> "1862 unsqueeze_59"; +"1862 unsqueeze_59" -> "1863 add_67"; +"1863 add_67" -> "1864 view_108"; +"1864 view_108" -> "1865 softmax_19"; +"1865 softmax_19" -> "1866 dropout_76"; +"1866 dropout_76" -> "1867 matmul_39"; +"1867 matmul_39" -> "1868 transpose_39"; +"1868 transpose_39" -> "1869 reshape_88"; +"1869 reshape_88" -> "1873 linear_119"; +"1870 _param_constant321" -> "1873 linear_119"; +"1871 linear_119_updated_constant0" -> "1872 symmetric_weights_decompressor_linear_119_updated_constant0_0"; +"1872 symmetric_weights_decompressor_linear_119_updated_constant0_0" -> "1873 linear_119"; +"1873 linear_119" -> "1874 dropout_77"; +"1874 dropout_77" -> "1875 view_109"; +"1875 view_109" -> "1876 permute_90"; +"1876 permute_90" -> "1877 reshape_89"; +"1877 reshape_89" -> "1878 roll_19"; +"1878 roll_19" -> "1879 slice_297"; +"1879 slice_297" -> "1880 slice_298"; +"1880 slice_298" -> "1881 slice_299"; +"1881 slice_299" -> "1882 slice_300"; +"1882 slice_300" -> "1883 contiguous_37"; +"1883 contiguous_37" -> "1886 layer_norm_41"; +"1884 _param_constant322" -> "1886 layer_norm_41"; +"1885 _param_constant323" -> "1886 layer_norm_41"; +"1886 layer_norm_41" -> "1887 add_68"; +"1887 add_68" -> "1891 linear_120"; +"1887 add_68" -> "1902 add_69"; +"1888 _param_constant325" -> "1891 linear_120"; +"1889 linear_120_updated_constant0" -> "1890 symmetric_weights_decompressor_linear_120_updated_constant0_0"; +"1890 symmetric_weights_decompressor_linear_120_updated_constant0_0" -> "1891 linear_120"; +"1891 linear_120" -> "1892 gelu_19"; +"1892 gelu_19" -> "1893 dropout_78"; +"1893 dropout_78" -> "1897 linear_121"; +"1894 _param_constant327" -> "1897 linear_121"; +"1895 linear_121_updated_constant0" -> "1896 symmetric_weights_decompressor_linear_121_updated_constant0_0"; +"1896 symmetric_weights_decompressor_linear_121_updated_constant0_0" -> "1897 linear_121"; +"1897 linear_121" -> "1898 dropout_79"; +"1898 dropout_79" -> "1901 layer_norm_42"; +"1899 _param_constant328" -> "1901 layer_norm_42"; +"1900 _param_constant329" -> "1901 layer_norm_42"; +"1901 layer_norm_42" -> "1902 add_69"; +"1902 add_69" -> "1921 pad_22"; +"1902 add_69" -> "1971 add_71"; +"1903 _tensor_constant130" -> "1907 linear_122"; +"1904 _param_constant331" -> "1907 linear_122"; +"1905 linear_122_updated_constant0" -> "1906 symmetric_weights_decompressor_linear_122_updated_constant0_0"; +"1906 symmetric_weights_decompressor_linear_122_updated_constant0_0" -> "1907 linear_122"; +"1907 linear_122" -> "1908 relu__20"; +"1908 relu__20" -> "1911 linear_123"; +"1909 linear_123_updated_constant0" -> "1910 symmetric_weights_decompressor_linear_123_updated_constant0_0"; +"1910 symmetric_weights_decompressor_linear_123_updated_constant0_0" -> "1911 linear_123"; +"1911 linear_123" -> "1912 view_110"; +"1912 view_110" -> "1914 index_20"; +"1913 _tensor_constant131" -> "1914 index_20"; +"1914 index_20" -> "1915 view_111"; +"1915 view_111" -> "1916 permute_91"; +"1916 permute_91" -> "1917 contiguous_38"; +"1917 contiguous_38" -> "1918 unsqueeze_60"; +"1918 unsqueeze_60" -> "1919 sigmoid_20"; +"1919 sigmoid_20" -> "1920 mul_40"; +"1920 mul_40" -> "1949 add_70"; +"1921 pad_22" -> "1922 view_112"; +"1922 view_112" -> "1923 permute_92"; +"1923 permute_92" -> "1924 reshape_90"; +"1924 reshape_90" -> "1929 linear_124"; +"1925 _param_constant333" -> "1926 clone_20"; +"1926 clone_20" -> "1929 linear_124"; +"1927 linear_124_updated_constant0" -> "1928 symmetric_weights_decompressor_linear_124_updated_constant0_0"; +"1928 symmetric_weights_decompressor_linear_124_updated_constant0_0" -> "1929 linear_124"; +"1929 linear_124" -> "1930 reshape_91"; +"1930 reshape_91" -> "1931 permute_93"; +"1931 permute_93" -> "1932 select_60"; +"1931 permute_93" -> "1933 select_61"; +"1931 permute_93" -> "1934 select_62"; +"1932 select_60" -> "1935 linalg_vector_norm_40"; +"1932 select_60" -> "1937 expand_as_40"; +"1932 select_60" -> "1938 div_40"; +"1933 select_61" -> "1939 linalg_vector_norm_41"; +"1933 select_61" -> "1941 expand_as_41"; +"1933 select_61" -> "1942 div_41"; +"1934 select_62" -> "1952 matmul_41"; +"1935 linalg_vector_norm_40" -> "1936 clamp_min_40"; +"1936 clamp_min_40" -> "1937 expand_as_40"; +"1937 expand_as_40" -> "1938 div_40"; +"1938 div_40" -> "1944 matmul_40"; +"1939 linalg_vector_norm_41" -> "1940 clamp_min_41"; +"1940 clamp_min_41" -> "1941 expand_as_41"; +"1941 expand_as_41" -> "1942 div_41"; +"1942 div_41" -> "1943 transpose_40"; +"1943 transpose_40" -> "1944 matmul_40"; +"1944 matmul_40" -> "1948 mul_41"; +"1945 _param_constant335" -> "1946 clamp_20"; +"1946 clamp_20" -> "1947 exp_20"; +"1947 exp_20" -> "1948 mul_41"; +"1948 mul_41" -> "1949 add_70"; +"1949 add_70" -> "1950 softmax_20"; +"1950 softmax_20" -> "1951 dropout_80"; +"1951 dropout_80" -> "1952 matmul_41"; +"1952 matmul_41" -> "1953 transpose_41"; +"1953 transpose_41" -> "1954 reshape_92"; +"1954 reshape_92" -> "1958 linear_125"; +"1955 _param_constant337" -> "1958 linear_125"; +"1956 linear_125_updated_constant0" -> "1957 symmetric_weights_decompressor_linear_125_updated_constant0_0"; +"1957 symmetric_weights_decompressor_linear_125_updated_constant0_0" -> "1958 linear_125"; +"1958 linear_125" -> "1959 dropout_81"; +"1959 dropout_81" -> "1960 view_113"; +"1960 view_113" -> "1961 permute_94"; +"1961 permute_94" -> "1962 reshape_93"; +"1962 reshape_93" -> "1963 slice_302"; +"1963 slice_302" -> "1964 slice_303"; +"1964 slice_303" -> "1965 slice_304"; +"1965 slice_304" -> "1966 slice_305"; +"1966 slice_305" -> "1967 contiguous_39"; +"1967 contiguous_39" -> "1970 layer_norm_43"; +"1968 _param_constant338" -> "1970 layer_norm_43"; +"1969 _param_constant339" -> "1970 layer_norm_43"; +"1970 layer_norm_43" -> "1971 add_71"; +"1971 add_71" -> "1975 linear_126"; +"1971 add_71" -> "1986 add_72"; +"1972 _param_constant341" -> "1975 linear_126"; +"1973 linear_126_updated_constant0" -> "1974 symmetric_weights_decompressor_linear_126_updated_constant0_0"; +"1974 symmetric_weights_decompressor_linear_126_updated_constant0_0" -> "1975 linear_126"; +"1975 linear_126" -> "1976 gelu_20"; +"1976 gelu_20" -> "1977 dropout_82"; +"1977 dropout_82" -> "1981 linear_127"; +"1978 _param_constant343" -> "1981 linear_127"; +"1979 linear_127_updated_constant0" -> "1980 symmetric_weights_decompressor_linear_127_updated_constant0_0"; +"1980 symmetric_weights_decompressor_linear_127_updated_constant0_0" -> "1981 linear_127"; +"1981 linear_127" -> "1982 dropout_83"; +"1982 dropout_83" -> "1985 layer_norm_44"; +"1983 _param_constant344" -> "1985 layer_norm_44"; +"1984 _param_constant345" -> "1985 layer_norm_44"; +"1985 layer_norm_44" -> "1986 add_72"; +"1986 add_72" -> "2005 pad_23"; +"1986 add_72" -> "2073 add_75"; +"1987 _tensor_constant132" -> "1991 linear_128"; +"1988 _param_constant347" -> "1991 linear_128"; +"1989 linear_128_updated_constant0" -> "1990 symmetric_weights_decompressor_linear_128_updated_constant0_0"; +"1990 symmetric_weights_decompressor_linear_128_updated_constant0_0" -> "1991 linear_128"; +"1991 linear_128" -> "1992 relu__21"; +"1992 relu__21" -> "1995 linear_129"; +"1993 linear_129_updated_constant0" -> "1994 symmetric_weights_decompressor_linear_129_updated_constant0_0"; +"1994 symmetric_weights_decompressor_linear_129_updated_constant0_0" -> "1995 linear_129"; +"1995 linear_129" -> "1996 view_114"; +"1996 view_114" -> "1998 index_21"; +"1997 _tensor_constant133" -> "1998 index_21"; +"1998 index_21" -> "1999 view_115"; +"1999 view_115" -> "2000 permute_95"; +"2000 permute_95" -> "2001 contiguous_40"; +"2001 contiguous_40" -> "2002 unsqueeze_61"; +"2002 unsqueeze_61" -> "2003 sigmoid_21"; +"2003 sigmoid_21" -> "2004 mul_42"; +"2004 mul_42" -> "2034 add_73"; +"2005 pad_23" -> "2006 roll_20"; +"2006 roll_20" -> "2007 view_116"; +"2007 view_116" -> "2008 permute_96"; +"2008 permute_96" -> "2009 reshape_94"; +"2009 reshape_94" -> "2014 linear_130"; +"2009 reshape_94" -> "2035 new_zeros_10"; +"2010 _param_constant349" -> "2011 clone_21"; +"2011 clone_21" -> "2014 linear_130"; +"2012 linear_130_updated_constant0" -> "2013 symmetric_weights_decompressor_linear_130_updated_constant0_0"; +"2013 symmetric_weights_decompressor_linear_130_updated_constant0_0" -> "2014 linear_130"; +"2014 linear_130" -> "2015 reshape_95"; +"2015 reshape_95" -> "2016 permute_97"; +"2016 permute_97" -> "2017 select_63"; +"2016 permute_97" -> "2018 select_64"; +"2016 permute_97" -> "2019 select_65"; +"2017 select_63" -> "2020 linalg_vector_norm_42"; +"2017 select_63" -> "2022 expand_as_42"; +"2017 select_63" -> "2023 div_42"; +"2018 select_64" -> "2024 linalg_vector_norm_43"; +"2018 select_64" -> "2026 expand_as_43"; +"2018 select_64" -> "2027 div_43"; +"2019 select_65" -> "2053 matmul_43"; +"2020 linalg_vector_norm_42" -> "2021 clamp_min_42"; +"2021 clamp_min_42" -> "2022 expand_as_42"; +"2022 expand_as_42" -> "2023 div_42"; +"2023 div_42" -> "2029 matmul_42"; +"2024 linalg_vector_norm_43" -> "2025 clamp_min_43"; +"2025 clamp_min_43" -> "2026 expand_as_43"; +"2026 expand_as_43" -> "2027 div_43"; +"2027 div_43" -> "2028 transpose_42"; +"2028 transpose_42" -> "2029 matmul_42"; +"2029 matmul_42" -> "2033 mul_43"; +"2030 _param_constant351" -> "2031 clamp_21"; +"2031 clamp_21" -> "2032 exp_21"; +"2032 exp_21" -> "2033 mul_43"; +"2033 mul_43" -> "2034 add_73"; +"2034 add_73" -> "2046 view_118"; +"2035 new_zeros_10" -> "2036 view_117"; +"2036 view_117" -> "2037 permute_98"; +"2037 permute_98" -> "2038 reshape_96"; +"2038 reshape_96" -> "2039 unsqueeze_62"; +"2038 reshape_96" -> "2040 unsqueeze_63"; +"2039 unsqueeze_62" -> "2041 sub_10"; +"2040 unsqueeze_63" -> "2041 sub_10"; +"2041 sub_10" -> "2042 ne_10"; +"2041 sub_10" -> "2043 masked_fill_20"; +"2041 sub_10" -> "2044 eq_10"; +"2042 ne_10" -> "2043 masked_fill_20"; +"2043 masked_fill_20" -> "2045 masked_fill_21"; +"2044 eq_10" -> "2045 masked_fill_21"; +"2045 masked_fill_21" -> "2047 unsqueeze_64"; +"2046 view_118" -> "2049 add_74"; +"2047 unsqueeze_64" -> "2048 unsqueeze_65"; +"2048 unsqueeze_65" -> "2049 add_74"; +"2049 add_74" -> "2050 view_119"; +"2050 view_119" -> "2051 softmax_21"; +"2051 softmax_21" -> "2052 dropout_84"; +"2052 dropout_84" -> "2053 matmul_43"; +"2053 matmul_43" -> "2054 transpose_43"; +"2054 transpose_43" -> "2055 reshape_97"; +"2055 reshape_97" -> "2059 linear_131"; +"2056 _param_constant353" -> "2059 linear_131"; +"2057 linear_131_updated_constant0" -> "2058 symmetric_weights_decompressor_linear_131_updated_constant0_0"; +"2058 symmetric_weights_decompressor_linear_131_updated_constant0_0" -> "2059 linear_131"; +"2059 linear_131" -> "2060 dropout_85"; +"2060 dropout_85" -> "2061 view_120"; +"2061 view_120" -> "2062 permute_99"; +"2062 permute_99" -> "2063 reshape_98"; +"2063 reshape_98" -> "2064 roll_21"; +"2064 roll_21" -> "2065 slice_325"; +"2065 slice_325" -> "2066 slice_326"; +"2066 slice_326" -> "2067 slice_327"; +"2067 slice_327" -> "2068 slice_328"; +"2068 slice_328" -> "2069 contiguous_41"; +"2069 contiguous_41" -> "2072 layer_norm_45"; +"2070 _param_constant354" -> "2072 layer_norm_45"; +"2071 _param_constant355" -> "2072 layer_norm_45"; +"2072 layer_norm_45" -> "2073 add_75"; +"2073 add_75" -> "2077 linear_132"; +"2073 add_75" -> "2088 add_76"; +"2074 _param_constant357" -> "2077 linear_132"; +"2075 linear_132_updated_constant0" -> "2076 symmetric_weights_decompressor_linear_132_updated_constant0_0"; +"2076 symmetric_weights_decompressor_linear_132_updated_constant0_0" -> "2077 linear_132"; +"2077 linear_132" -> "2078 gelu_21"; +"2078 gelu_21" -> "2079 dropout_86"; +"2079 dropout_86" -> "2083 linear_133"; +"2080 _param_constant359" -> "2083 linear_133"; +"2081 linear_133_updated_constant0" -> "2082 symmetric_weights_decompressor_linear_133_updated_constant0_0"; +"2082 symmetric_weights_decompressor_linear_133_updated_constant0_0" -> "2083 linear_133"; +"2083 linear_133" -> "2084 dropout_87"; +"2084 dropout_87" -> "2087 layer_norm_46"; +"2085 _param_constant360" -> "2087 layer_norm_46"; +"2086 _param_constant361" -> "2087 layer_norm_46"; +"2087 layer_norm_46" -> "2088 add_76"; +"2088 add_76" -> "2089 pad_24"; +"2089 pad_24" -> "2090 slice_329"; +"2089 pad_24" -> "2093 slice_332"; +"2089 pad_24" -> "2096 slice_335"; +"2089 pad_24" -> "2099 slice_338"; +"2090 slice_329" -> "2091 slice_330"; +"2091 slice_330" -> "2092 slice_331"; +"2092 slice_331" -> "2102 cat_2"; +"2093 slice_332" -> "2094 slice_333"; +"2094 slice_333" -> "2095 slice_334"; +"2095 slice_334" -> "2102 cat_2"; +"2096 slice_335" -> "2097 slice_336"; +"2097 slice_336" -> "2098 slice_337"; +"2098 slice_337" -> "2102 cat_2"; +"2099 slice_338" -> "2100 slice_339"; +"2100 slice_339" -> "2101 slice_340"; +"2101 slice_340" -> "2102 cat_2"; +"2102 cat_2" -> "2105 linear_134"; +"2103 linear_134_updated_constant0" -> "2104 symmetric_weights_decompressor_linear_134_updated_constant0_0"; +"2104 symmetric_weights_decompressor_linear_134_updated_constant0_0" -> "2105 linear_134"; +"2105 linear_134" -> "2108 layer_norm_47"; +"2106 _param_constant363" -> "2108 layer_norm_47"; +"2107 _param_constant364" -> "2108 layer_norm_47"; +"2108 layer_norm_47" -> "2127 pad_25"; +"2108 layer_norm_47" -> "2177 add_78"; +"2109 _tensor_constant143" -> "2113 linear_135"; +"2110 _param_constant366" -> "2113 linear_135"; +"2111 linear_135_updated_constant0" -> "2112 symmetric_weights_decompressor_linear_135_updated_constant0_0"; +"2112 symmetric_weights_decompressor_linear_135_updated_constant0_0" -> "2113 linear_135"; +"2113 linear_135" -> "2114 relu__22"; +"2114 relu__22" -> "2117 linear_136"; +"2115 linear_136_updated_constant0" -> "2116 symmetric_weights_decompressor_linear_136_updated_constant0_0"; +"2116 symmetric_weights_decompressor_linear_136_updated_constant0_0" -> "2117 linear_136"; +"2117 linear_136" -> "2118 view_121"; +"2118 view_121" -> "2120 index_22"; +"2119 _tensor_constant144" -> "2120 index_22"; +"2120 index_22" -> "2121 view_122"; +"2121 view_122" -> "2122 permute_100"; +"2122 permute_100" -> "2123 contiguous_42"; +"2123 contiguous_42" -> "2124 unsqueeze_66"; +"2124 unsqueeze_66" -> "2125 sigmoid_22"; +"2125 sigmoid_22" -> "2126 mul_44"; +"2126 mul_44" -> "2155 add_77"; +"2127 pad_25" -> "2128 view_123"; +"2128 view_123" -> "2129 permute_101"; +"2129 permute_101" -> "2130 reshape_99"; +"2130 reshape_99" -> "2135 linear_137"; +"2131 _param_constant368" -> "2132 clone_22"; +"2132 clone_22" -> "2135 linear_137"; +"2133 linear_137_updated_constant0" -> "2134 symmetric_weights_decompressor_linear_137_updated_constant0_0"; +"2134 symmetric_weights_decompressor_linear_137_updated_constant0_0" -> "2135 linear_137"; +"2135 linear_137" -> "2136 reshape_100"; +"2136 reshape_100" -> "2137 permute_102"; +"2137 permute_102" -> "2138 select_66"; +"2137 permute_102" -> "2139 select_67"; +"2137 permute_102" -> "2140 select_68"; +"2138 select_66" -> "2141 linalg_vector_norm_44"; +"2138 select_66" -> "2143 expand_as_44"; +"2138 select_66" -> "2144 div_44"; +"2139 select_67" -> "2145 linalg_vector_norm_45"; +"2139 select_67" -> "2147 expand_as_45"; +"2139 select_67" -> "2148 div_45"; +"2140 select_68" -> "2158 matmul_45"; +"2141 linalg_vector_norm_44" -> "2142 clamp_min_44"; +"2142 clamp_min_44" -> "2143 expand_as_44"; +"2143 expand_as_44" -> "2144 div_44"; +"2144 div_44" -> "2150 matmul_44"; +"2145 linalg_vector_norm_45" -> "2146 clamp_min_45"; +"2146 clamp_min_45" -> "2147 expand_as_45"; +"2147 expand_as_45" -> "2148 div_45"; +"2148 div_45" -> "2149 transpose_44"; +"2149 transpose_44" -> "2150 matmul_44"; +"2150 matmul_44" -> "2154 mul_45"; +"2151 _param_constant370" -> "2152 clamp_22"; +"2152 clamp_22" -> "2153 exp_22"; +"2153 exp_22" -> "2154 mul_45"; +"2154 mul_45" -> "2155 add_77"; +"2155 add_77" -> "2156 softmax_22"; +"2156 softmax_22" -> "2157 dropout_88"; +"2157 dropout_88" -> "2158 matmul_45"; +"2158 matmul_45" -> "2159 transpose_45"; +"2159 transpose_45" -> "2160 reshape_101"; +"2160 reshape_101" -> "2164 linear_138"; +"2161 _param_constant372" -> "2164 linear_138"; +"2162 linear_138_updated_constant0" -> "2163 symmetric_weights_decompressor_linear_138_updated_constant0_0"; +"2163 symmetric_weights_decompressor_linear_138_updated_constant0_0" -> "2164 linear_138"; +"2164 linear_138" -> "2165 dropout_89"; +"2165 dropout_89" -> "2166 view_124"; +"2166 view_124" -> "2167 permute_103"; +"2167 permute_103" -> "2168 reshape_102"; +"2168 reshape_102" -> "2169 slice_342"; +"2169 slice_342" -> "2170 slice_343"; +"2170 slice_343" -> "2171 slice_344"; +"2171 slice_344" -> "2172 slice_345"; +"2172 slice_345" -> "2173 contiguous_43"; +"2173 contiguous_43" -> "2176 layer_norm_48"; +"2174 _param_constant373" -> "2176 layer_norm_48"; +"2175 _param_constant374" -> "2176 layer_norm_48"; +"2176 layer_norm_48" -> "2177 add_78"; +"2177 add_78" -> "2181 linear_139"; +"2177 add_78" -> "2192 add_79"; +"2178 _param_constant376" -> "2181 linear_139"; +"2179 linear_139_updated_constant0" -> "2180 symmetric_weights_decompressor_linear_139_updated_constant0_0"; +"2180 symmetric_weights_decompressor_linear_139_updated_constant0_0" -> "2181 linear_139"; +"2181 linear_139" -> "2182 gelu_22"; +"2182 gelu_22" -> "2183 dropout_90"; +"2183 dropout_90" -> "2187 linear_140"; +"2184 _param_constant378" -> "2187 linear_140"; +"2185 linear_140_updated_constant0" -> "2186 symmetric_weights_decompressor_linear_140_updated_constant0_0"; +"2186 symmetric_weights_decompressor_linear_140_updated_constant0_0" -> "2187 linear_140"; +"2187 linear_140" -> "2188 dropout_91"; +"2188 dropout_91" -> "2191 layer_norm_49"; +"2189 _param_constant379" -> "2191 layer_norm_49"; +"2190 _param_constant380" -> "2191 layer_norm_49"; +"2191 layer_norm_49" -> "2192 add_79"; +"2192 add_79" -> "2211 pad_26"; +"2192 add_79" -> "2261 add_81"; +"2193 _tensor_constant145" -> "2197 linear_141"; +"2194 _param_constant382" -> "2197 linear_141"; +"2195 linear_141_updated_constant0" -> "2196 symmetric_weights_decompressor_linear_141_updated_constant0_0"; +"2196 symmetric_weights_decompressor_linear_141_updated_constant0_0" -> "2197 linear_141"; +"2197 linear_141" -> "2198 relu__23"; +"2198 relu__23" -> "2201 linear_142"; +"2199 linear_142_updated_constant0" -> "2200 symmetric_weights_decompressor_linear_142_updated_constant0_0"; +"2200 symmetric_weights_decompressor_linear_142_updated_constant0_0" -> "2201 linear_142"; +"2201 linear_142" -> "2202 view_125"; +"2202 view_125" -> "2204 index_23"; +"2203 _tensor_constant146" -> "2204 index_23"; +"2204 index_23" -> "2205 view_126"; +"2205 view_126" -> "2206 permute_104"; +"2206 permute_104" -> "2207 contiguous_44"; +"2207 contiguous_44" -> "2208 unsqueeze_67"; +"2208 unsqueeze_67" -> "2209 sigmoid_23"; +"2209 sigmoid_23" -> "2210 mul_46"; +"2210 mul_46" -> "2239 add_80"; +"2211 pad_26" -> "2212 view_127"; +"2212 view_127" -> "2213 permute_105"; +"2213 permute_105" -> "2214 reshape_103"; +"2214 reshape_103" -> "2219 linear_143"; +"2215 _param_constant384" -> "2216 clone_23"; +"2216 clone_23" -> "2219 linear_143"; +"2217 linear_143_updated_constant0" -> "2218 symmetric_weights_decompressor_linear_143_updated_constant0_0"; +"2218 symmetric_weights_decompressor_linear_143_updated_constant0_0" -> "2219 linear_143"; +"2219 linear_143" -> "2220 reshape_104"; +"2220 reshape_104" -> "2221 permute_106"; +"2221 permute_106" -> "2222 select_69"; +"2221 permute_106" -> "2223 select_70"; +"2221 permute_106" -> "2224 select_71"; +"2222 select_69" -> "2225 linalg_vector_norm_46"; +"2222 select_69" -> "2227 expand_as_46"; +"2222 select_69" -> "2228 div_46"; +"2223 select_70" -> "2229 linalg_vector_norm_47"; +"2223 select_70" -> "2231 expand_as_47"; +"2223 select_70" -> "2232 div_47"; +"2224 select_71" -> "2242 matmul_47"; +"2225 linalg_vector_norm_46" -> "2226 clamp_min_46"; +"2226 clamp_min_46" -> "2227 expand_as_46"; +"2227 expand_as_46" -> "2228 div_46"; +"2228 div_46" -> "2234 matmul_46"; +"2229 linalg_vector_norm_47" -> "2230 clamp_min_47"; +"2230 clamp_min_47" -> "2231 expand_as_47"; +"2231 expand_as_47" -> "2232 div_47"; +"2232 div_47" -> "2233 transpose_46"; +"2233 transpose_46" -> "2234 matmul_46"; +"2234 matmul_46" -> "2238 mul_47"; +"2235 _param_constant386" -> "2236 clamp_23"; +"2236 clamp_23" -> "2237 exp_23"; +"2237 exp_23" -> "2238 mul_47"; +"2238 mul_47" -> "2239 add_80"; +"2239 add_80" -> "2240 softmax_23"; +"2240 softmax_23" -> "2241 dropout_92"; +"2241 dropout_92" -> "2242 matmul_47"; +"2242 matmul_47" -> "2243 transpose_47"; +"2243 transpose_47" -> "2244 reshape_105"; +"2244 reshape_105" -> "2248 linear_144"; +"2245 _param_constant388" -> "2248 linear_144"; +"2246 linear_144_updated_constant0" -> "2247 symmetric_weights_decompressor_linear_144_updated_constant0_0"; +"2247 symmetric_weights_decompressor_linear_144_updated_constant0_0" -> "2248 linear_144"; +"2248 linear_144" -> "2249 dropout_93"; +"2249 dropout_93" -> "2250 view_128"; +"2250 view_128" -> "2251 permute_107"; +"2251 permute_107" -> "2252 reshape_106"; +"2252 reshape_106" -> "2253 slice_347"; +"2253 slice_347" -> "2254 slice_348"; +"2254 slice_348" -> "2255 slice_349"; +"2255 slice_349" -> "2256 slice_350"; +"2256 slice_350" -> "2257 contiguous_45"; +"2257 contiguous_45" -> "2260 layer_norm_50"; +"2258 _param_constant389" -> "2260 layer_norm_50"; +"2259 _param_constant390" -> "2260 layer_norm_50"; +"2260 layer_norm_50" -> "2261 add_81"; +"2261 add_81" -> "2265 linear_145"; +"2261 add_81" -> "2276 add_82"; +"2262 _param_constant392" -> "2265 linear_145"; +"2263 linear_145_updated_constant0" -> "2264 symmetric_weights_decompressor_linear_145_updated_constant0_0"; +"2264 symmetric_weights_decompressor_linear_145_updated_constant0_0" -> "2265 linear_145"; +"2265 linear_145" -> "2266 gelu_23"; +"2266 gelu_23" -> "2267 dropout_94"; +"2267 dropout_94" -> "2271 linear_146"; +"2268 _param_constant394" -> "2271 linear_146"; +"2269 linear_146_updated_constant0" -> "2270 symmetric_weights_decompressor_linear_146_updated_constant0_0"; +"2270 symmetric_weights_decompressor_linear_146_updated_constant0_0" -> "2271 linear_146"; +"2271 linear_146" -> "2272 dropout_95"; +"2272 dropout_95" -> "2275 layer_norm_51"; +"2273 _param_constant395" -> "2275 layer_norm_51"; +"2274 _param_constant396" -> "2275 layer_norm_51"; +"2275 layer_norm_51" -> "2276 add_82"; +"2276 add_82" -> "2279 layer_norm_52"; +"2277 _param_constant397" -> "2279 layer_norm_52"; +"2278 _param_constant398" -> "2279 layer_norm_52"; +"2279 layer_norm_52" -> "2280 permute_108"; +"2280 permute_108" -> "2281 adaptive_avg_pool2d"; +"2281 adaptive_avg_pool2d" -> "2282 flatten"; +"2282 flatten" -> "2286 linear_147"; +"2283 _param_constant400" -> "2286 linear_147"; +"2284 linear_147_updated_constant0" -> "2285 symmetric_weights_decompressor_linear_147_updated_constant0_0"; +"2285 symmetric_weights_decompressor_linear_147_updated_constant0_0" -> "2286 linear_147"; +"2286 linear_147" -> "2287 output"; +} diff --git a/tests/torch/data/reference_graphs/fx/compressed/unet.dot b/tests/torch/data/reference_graphs/fx/compressed/unet.dot new file mode 100644 index 00000000000..a9ed7be66eb --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/compressed/unet.dot @@ -0,0 +1,493 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 _param_constant1" [id=1, type=get_attr]; +"2 conv2d_updated_constant0" [id=2, type=get_attr]; +"3 symmetric_weights_decompressor_conv2d_updated_constant0_0" [id=3, type=call_module]; +"4 conv2d" [id=4, type=conv2d]; +"5 _param_constant2" [id=5, type=get_attr]; +"6 _param_constant3" [id=6, type=get_attr]; +"7 _tensor_constant0" [id=7, type=get_attr]; +"8 _tensor_constant1" [id=8, type=get_attr]; +"9 _native_batch_norm_legit_no_training" [id=9, type=_native_batch_norm_legit_no_training]; +"10 getitem" [id=10, type=__getitem__]; +"11 relu" [id=11, type=relu]; +"12 _param_constant5" [id=12, type=get_attr]; +"13 conv2d_1_updated_constant0" [id=13, type=get_attr]; +"14 symmetric_weights_decompressor_conv2d_1_updated_constant0_0" [id=14, type=call_module]; +"15 conv2d_1" [id=15, type=conv2d]; +"16 _param_constant6" [id=16, type=get_attr]; +"17 _param_constant7" [id=17, type=get_attr]; +"18 _tensor_constant2" [id=18, type=get_attr]; +"19 _tensor_constant3" [id=19, type=get_attr]; +"20 _native_batch_norm_legit_no_training_1" [id=20, type=_native_batch_norm_legit_no_training]; +"21 getitem_3" [id=21, type=__getitem__]; +"22 relu_1" [id=22, type=relu]; +"23 max_pool2d" [id=23, type=max_pool2d]; +"24 _param_constant9" [id=24, type=get_attr]; +"25 conv2d_2_updated_constant0" [id=25, type=get_attr]; +"26 symmetric_weights_decompressor_conv2d_2_updated_constant0_0" [id=26, type=call_module]; +"27 conv2d_2" [id=27, type=conv2d]; +"28 _param_constant10" [id=28, type=get_attr]; +"29 _param_constant11" [id=29, type=get_attr]; +"30 _tensor_constant4" [id=30, type=get_attr]; +"31 _tensor_constant5" [id=31, type=get_attr]; +"32 _native_batch_norm_legit_no_training_2" [id=32, type=_native_batch_norm_legit_no_training]; +"33 getitem_6" [id=33, type=__getitem__]; +"34 relu_2" [id=34, type=relu]; +"35 _param_constant13" [id=35, type=get_attr]; +"36 conv2d_3_updated_constant0" [id=36, type=get_attr]; +"37 symmetric_weights_decompressor_conv2d_3_updated_constant0_0" [id=37, type=call_module]; +"38 conv2d_3" [id=38, type=conv2d]; +"39 _param_constant14" [id=39, type=get_attr]; +"40 _param_constant15" [id=40, type=get_attr]; +"41 _tensor_constant6" [id=41, type=get_attr]; +"42 _tensor_constant7" [id=42, type=get_attr]; +"43 _native_batch_norm_legit_no_training_3" [id=43, type=_native_batch_norm_legit_no_training]; +"44 getitem_9" [id=44, type=__getitem__]; +"45 relu_3" [id=45, type=relu]; +"46 max_pool2d_1" [id=46, type=max_pool2d]; +"47 _param_constant17" [id=47, type=get_attr]; +"48 conv2d_4_updated_constant0" [id=48, type=get_attr]; +"49 symmetric_weights_decompressor_conv2d_4_updated_constant0_0" [id=49, type=call_module]; +"50 conv2d_4" [id=50, type=conv2d]; +"51 _param_constant18" [id=51, type=get_attr]; +"52 _param_constant19" [id=52, type=get_attr]; +"53 _tensor_constant8" [id=53, type=get_attr]; +"54 _tensor_constant9" [id=54, type=get_attr]; +"55 _native_batch_norm_legit_no_training_4" [id=55, type=_native_batch_norm_legit_no_training]; +"56 getitem_12" [id=56, type=__getitem__]; +"57 relu_4" [id=57, type=relu]; +"58 _param_constant21" [id=58, type=get_attr]; +"59 conv2d_5_updated_constant0" [id=59, type=get_attr]; +"60 symmetric_weights_decompressor_conv2d_5_updated_constant0_0" [id=60, type=call_module]; +"61 conv2d_5" [id=61, type=conv2d]; +"62 _param_constant22" [id=62, type=get_attr]; +"63 _param_constant23" [id=63, type=get_attr]; +"64 _tensor_constant10" [id=64, type=get_attr]; +"65 _tensor_constant11" [id=65, type=get_attr]; +"66 _native_batch_norm_legit_no_training_5" [id=66, type=_native_batch_norm_legit_no_training]; +"67 getitem_15" [id=67, type=__getitem__]; +"68 relu_5" [id=68, type=relu]; +"69 max_pool2d_2" [id=69, type=max_pool2d]; +"70 _param_constant25" [id=70, type=get_attr]; +"71 conv2d_6_updated_constant0" [id=71, type=get_attr]; +"72 symmetric_weights_decompressor_conv2d_6_updated_constant0_0" [id=72, type=call_module]; +"73 conv2d_6" [id=73, type=conv2d]; +"74 _param_constant26" [id=74, type=get_attr]; +"75 _param_constant27" [id=75, type=get_attr]; +"76 _tensor_constant12" [id=76, type=get_attr]; +"77 _tensor_constant13" [id=77, type=get_attr]; +"78 _native_batch_norm_legit_no_training_6" [id=78, type=_native_batch_norm_legit_no_training]; +"79 getitem_18" [id=79, type=__getitem__]; +"80 relu_6" [id=80, type=relu]; +"81 _param_constant29" [id=81, type=get_attr]; +"82 conv2d_7_updated_constant0" [id=82, type=get_attr]; +"83 symmetric_weights_decompressor_conv2d_7_updated_constant0_0" [id=83, type=call_module]; +"84 conv2d_7" [id=84, type=conv2d]; +"85 _param_constant30" [id=85, type=get_attr]; +"86 _param_constant31" [id=86, type=get_attr]; +"87 _tensor_constant14" [id=87, type=get_attr]; +"88 _tensor_constant15" [id=88, type=get_attr]; +"89 _native_batch_norm_legit_no_training_7" [id=89, type=_native_batch_norm_legit_no_training]; +"90 getitem_21" [id=90, type=__getitem__]; +"91 relu_7" [id=91, type=relu]; +"92 max_pool2d_3" [id=92, type=max_pool2d]; +"93 _param_constant33" [id=93, type=get_attr]; +"94 conv2d_8_updated_constant0" [id=94, type=get_attr]; +"95 symmetric_weights_decompressor_conv2d_8_updated_constant0_0" [id=95, type=call_module]; +"96 conv2d_8" [id=96, type=conv2d]; +"97 _param_constant34" [id=97, type=get_attr]; +"98 _param_constant35" [id=98, type=get_attr]; +"99 _tensor_constant16" [id=99, type=get_attr]; +"100 _tensor_constant17" [id=100, type=get_attr]; +"101 _native_batch_norm_legit_no_training_8" [id=101, type=_native_batch_norm_legit_no_training]; +"102 getitem_24" [id=102, type=__getitem__]; +"103 relu_8" [id=103, type=relu]; +"104 _param_constant37" [id=104, type=get_attr]; +"105 conv2d_9_updated_constant0" [id=105, type=get_attr]; +"106 symmetric_weights_decompressor_conv2d_9_updated_constant0_0" [id=106, type=call_module]; +"107 conv2d_9" [id=107, type=conv2d]; +"108 _param_constant38" [id=108, type=get_attr]; +"109 _param_constant39" [id=109, type=get_attr]; +"110 _tensor_constant18" [id=110, type=get_attr]; +"111 _tensor_constant19" [id=111, type=get_attr]; +"112 _native_batch_norm_legit_no_training_9" [id=112, type=_native_batch_norm_legit_no_training]; +"113 getitem_27" [id=113, type=__getitem__]; +"114 relu_9" [id=114, type=relu]; +"115 _param_constant41" [id=115, type=get_attr]; +"116 conv_transpose2d_updated_constant0" [id=116, type=get_attr]; +"117 symmetric_weights_decompressor_conv_transpose2d_updated_constant0_0" [id=117, type=call_module]; +"118 conv_transpose2d" [id=118, type=conv_transpose2d]; +"119 slice_1" [id=119, type=slice]; +"120 slice_2" [id=120, type=slice]; +"121 slice_3" [id=121, type=slice]; +"122 slice_4" [id=122, type=slice]; +"123 cat" [id=123, type=cat]; +"124 _param_constant43" [id=124, type=get_attr]; +"125 conv2d_10_updated_constant0" [id=125, type=get_attr]; +"126 symmetric_weights_decompressor_conv2d_10_updated_constant0_0" [id=126, type=call_module]; +"127 conv2d_10" [id=127, type=conv2d]; +"128 _param_constant44" [id=128, type=get_attr]; +"129 _param_constant45" [id=129, type=get_attr]; +"130 _tensor_constant20" [id=130, type=get_attr]; +"131 _tensor_constant21" [id=131, type=get_attr]; +"132 _native_batch_norm_legit_no_training_10" [id=132, type=_native_batch_norm_legit_no_training]; +"133 getitem_30" [id=133, type=__getitem__]; +"134 relu_10" [id=134, type=relu]; +"135 _param_constant47" [id=135, type=get_attr]; +"136 conv2d_11_updated_constant0" [id=136, type=get_attr]; +"137 symmetric_weights_decompressor_conv2d_11_updated_constant0_0" [id=137, type=call_module]; +"138 conv2d_11" [id=138, type=conv2d]; +"139 _param_constant48" [id=139, type=get_attr]; +"140 _param_constant49" [id=140, type=get_attr]; +"141 _tensor_constant22" [id=141, type=get_attr]; +"142 _tensor_constant23" [id=142, type=get_attr]; +"143 _native_batch_norm_legit_no_training_11" [id=143, type=_native_batch_norm_legit_no_training]; +"144 getitem_33" [id=144, type=__getitem__]; +"145 relu_11" [id=145, type=relu]; +"146 _param_constant51" [id=146, type=get_attr]; +"147 conv_transpose2d_1_updated_constant0" [id=147, type=get_attr]; +"148 symmetric_weights_decompressor_conv_transpose2d_1_updated_constant0_0" [id=148, type=call_module]; +"149 conv_transpose2d_1" [id=149, type=conv_transpose2d]; +"150 slice_5" [id=150, type=slice]; +"151 slice_6" [id=151, type=slice]; +"152 slice_7" [id=152, type=slice]; +"153 slice_8" [id=153, type=slice]; +"154 cat_1" [id=154, type=cat]; +"155 _param_constant53" [id=155, type=get_attr]; +"156 conv2d_12_updated_constant0" [id=156, type=get_attr]; +"157 symmetric_weights_decompressor_conv2d_12_updated_constant0_0" [id=157, type=call_module]; +"158 conv2d_12" [id=158, type=conv2d]; +"159 _param_constant54" [id=159, type=get_attr]; +"160 _param_constant55" [id=160, type=get_attr]; +"161 _tensor_constant24" [id=161, type=get_attr]; +"162 _tensor_constant25" [id=162, type=get_attr]; +"163 _native_batch_norm_legit_no_training_12" [id=163, type=_native_batch_norm_legit_no_training]; +"164 getitem_36" [id=164, type=__getitem__]; +"165 relu_12" [id=165, type=relu]; +"166 _param_constant57" [id=166, type=get_attr]; +"167 conv2d_13_updated_constant0" [id=167, type=get_attr]; +"168 symmetric_weights_decompressor_conv2d_13_updated_constant0_0" [id=168, type=call_module]; +"169 conv2d_13" [id=169, type=conv2d]; +"170 _param_constant58" [id=170, type=get_attr]; +"171 _param_constant59" [id=171, type=get_attr]; +"172 _tensor_constant26" [id=172, type=get_attr]; +"173 _tensor_constant27" [id=173, type=get_attr]; +"174 _native_batch_norm_legit_no_training_13" [id=174, type=_native_batch_norm_legit_no_training]; +"175 getitem_39" [id=175, type=__getitem__]; +"176 relu_13" [id=176, type=relu]; +"177 _param_constant61" [id=177, type=get_attr]; +"178 conv_transpose2d_2_updated_constant0" [id=178, type=get_attr]; +"179 symmetric_weights_decompressor_conv_transpose2d_2_updated_constant0_0" [id=179, type=call_module]; +"180 conv_transpose2d_2" [id=180, type=conv_transpose2d]; +"181 slice_9" [id=181, type=slice]; +"182 slice_10" [id=182, type=slice]; +"183 slice_11" [id=183, type=slice]; +"184 slice_12" [id=184, type=slice]; +"185 cat_2" [id=185, type=cat]; +"186 _param_constant63" [id=186, type=get_attr]; +"187 conv2d_14_updated_constant0" [id=187, type=get_attr]; +"188 symmetric_weights_decompressor_conv2d_14_updated_constant0_0" [id=188, type=call_module]; +"189 conv2d_14" [id=189, type=conv2d]; +"190 _param_constant64" [id=190, type=get_attr]; +"191 _param_constant65" [id=191, type=get_attr]; +"192 _tensor_constant28" [id=192, type=get_attr]; +"193 _tensor_constant29" [id=193, type=get_attr]; +"194 _native_batch_norm_legit_no_training_14" [id=194, type=_native_batch_norm_legit_no_training]; +"195 getitem_42" [id=195, type=__getitem__]; +"196 relu_14" [id=196, type=relu]; +"197 _param_constant67" [id=197, type=get_attr]; +"198 conv2d_15_updated_constant0" [id=198, type=get_attr]; +"199 symmetric_weights_decompressor_conv2d_15_updated_constant0_0" [id=199, type=call_module]; +"200 conv2d_15" [id=200, type=conv2d]; +"201 _param_constant68" [id=201, type=get_attr]; +"202 _param_constant69" [id=202, type=get_attr]; +"203 _tensor_constant30" [id=203, type=get_attr]; +"204 _tensor_constant31" [id=204, type=get_attr]; +"205 _native_batch_norm_legit_no_training_15" [id=205, type=_native_batch_norm_legit_no_training]; +"206 getitem_45" [id=206, type=__getitem__]; +"207 relu_15" [id=207, type=relu]; +"208 _param_constant71" [id=208, type=get_attr]; +"209 conv_transpose2d_3_updated_constant0" [id=209, type=get_attr]; +"210 symmetric_weights_decompressor_conv_transpose2d_3_updated_constant0_0" [id=210, type=call_module]; +"211 conv_transpose2d_3" [id=211, type=conv_transpose2d]; +"212 slice_13" [id=212, type=slice]; +"213 slice_14" [id=213, type=slice]; +"214 slice_15" [id=214, type=slice]; +"215 slice_16" [id=215, type=slice]; +"216 cat_3" [id=216, type=cat]; +"217 _param_constant73" [id=217, type=get_attr]; +"218 conv2d_16_updated_constant0" [id=218, type=get_attr]; +"219 symmetric_weights_decompressor_conv2d_16_updated_constant0_0" [id=219, type=call_module]; +"220 conv2d_16" [id=220, type=conv2d]; +"221 _param_constant74" [id=221, type=get_attr]; +"222 _param_constant75" [id=222, type=get_attr]; +"223 _tensor_constant32" [id=223, type=get_attr]; +"224 _tensor_constant33" [id=224, type=get_attr]; +"225 _native_batch_norm_legit_no_training_16" [id=225, type=_native_batch_norm_legit_no_training]; +"226 getitem_48" [id=226, type=__getitem__]; +"227 relu_16" [id=227, type=relu]; +"228 _param_constant77" [id=228, type=get_attr]; +"229 conv2d_17_updated_constant0" [id=229, type=get_attr]; +"230 symmetric_weights_decompressor_conv2d_17_updated_constant0_0" [id=230, type=call_module]; +"231 conv2d_17" [id=231, type=conv2d]; +"232 _param_constant78" [id=232, type=get_attr]; +"233 _param_constant79" [id=233, type=get_attr]; +"234 _tensor_constant34" [id=234, type=get_attr]; +"235 _tensor_constant35" [id=235, type=get_attr]; +"236 _native_batch_norm_legit_no_training_17" [id=236, type=_native_batch_norm_legit_no_training]; +"237 getitem_51" [id=237, type=__getitem__]; +"238 relu_17" [id=238, type=relu]; +"239 _param_constant81" [id=239, type=get_attr]; +"240 conv2d_18_updated_constant0" [id=240, type=get_attr]; +"241 symmetric_weights_decompressor_conv2d_18_updated_constant0_0" [id=241, type=call_module]; +"242 conv2d_18" [id=242, type=conv2d]; +"243 output" [id=243, type=output]; +"0 arg0_1" -> "4 conv2d"; +"1 _param_constant1" -> "4 conv2d"; +"2 conv2d_updated_constant0" -> "3 symmetric_weights_decompressor_conv2d_updated_constant0_0"; +"3 symmetric_weights_decompressor_conv2d_updated_constant0_0" -> "4 conv2d"; +"4 conv2d" -> "9 _native_batch_norm_legit_no_training"; +"5 _param_constant2" -> "9 _native_batch_norm_legit_no_training"; +"6 _param_constant3" -> "9 _native_batch_norm_legit_no_training"; +"7 _tensor_constant0" -> "9 _native_batch_norm_legit_no_training"; +"8 _tensor_constant1" -> "9 _native_batch_norm_legit_no_training"; +"9 _native_batch_norm_legit_no_training" -> "10 getitem"; +"10 getitem" -> "11 relu"; +"11 relu" -> "15 conv2d_1"; +"12 _param_constant5" -> "15 conv2d_1"; +"13 conv2d_1_updated_constant0" -> "14 symmetric_weights_decompressor_conv2d_1_updated_constant0_0"; +"14 symmetric_weights_decompressor_conv2d_1_updated_constant0_0" -> "15 conv2d_1"; +"15 conv2d_1" -> "20 _native_batch_norm_legit_no_training_1"; +"16 _param_constant6" -> "20 _native_batch_norm_legit_no_training_1"; +"17 _param_constant7" -> "20 _native_batch_norm_legit_no_training_1"; +"18 _tensor_constant2" -> "20 _native_batch_norm_legit_no_training_1"; +"19 _tensor_constant3" -> "20 _native_batch_norm_legit_no_training_1"; +"20 _native_batch_norm_legit_no_training_1" -> "21 getitem_3"; +"21 getitem_3" -> "22 relu_1"; +"22 relu_1" -> "23 max_pool2d"; +"22 relu_1" -> "212 slice_13"; +"23 max_pool2d" -> "27 conv2d_2"; +"24 _param_constant9" -> "27 conv2d_2"; +"25 conv2d_2_updated_constant0" -> "26 symmetric_weights_decompressor_conv2d_2_updated_constant0_0"; +"26 symmetric_weights_decompressor_conv2d_2_updated_constant0_0" -> "27 conv2d_2"; +"27 conv2d_2" -> "32 _native_batch_norm_legit_no_training_2"; +"28 _param_constant10" -> "32 _native_batch_norm_legit_no_training_2"; +"29 _param_constant11" -> "32 _native_batch_norm_legit_no_training_2"; +"30 _tensor_constant4" -> "32 _native_batch_norm_legit_no_training_2"; +"31 _tensor_constant5" -> "32 _native_batch_norm_legit_no_training_2"; +"32 _native_batch_norm_legit_no_training_2" -> "33 getitem_6"; +"33 getitem_6" -> "34 relu_2"; +"34 relu_2" -> "38 conv2d_3"; +"35 _param_constant13" -> "38 conv2d_3"; +"36 conv2d_3_updated_constant0" -> "37 symmetric_weights_decompressor_conv2d_3_updated_constant0_0"; +"37 symmetric_weights_decompressor_conv2d_3_updated_constant0_0" -> "38 conv2d_3"; +"38 conv2d_3" -> "43 _native_batch_norm_legit_no_training_3"; +"39 _param_constant14" -> "43 _native_batch_norm_legit_no_training_3"; +"40 _param_constant15" -> "43 _native_batch_norm_legit_no_training_3"; +"41 _tensor_constant6" -> "43 _native_batch_norm_legit_no_training_3"; +"42 _tensor_constant7" -> "43 _native_batch_norm_legit_no_training_3"; +"43 _native_batch_norm_legit_no_training_3" -> "44 getitem_9"; +"44 getitem_9" -> "45 relu_3"; +"45 relu_3" -> "46 max_pool2d_1"; +"45 relu_3" -> "181 slice_9"; +"46 max_pool2d_1" -> "50 conv2d_4"; +"47 _param_constant17" -> "50 conv2d_4"; +"48 conv2d_4_updated_constant0" -> "49 symmetric_weights_decompressor_conv2d_4_updated_constant0_0"; +"49 symmetric_weights_decompressor_conv2d_4_updated_constant0_0" -> "50 conv2d_4"; +"50 conv2d_4" -> "55 _native_batch_norm_legit_no_training_4"; +"51 _param_constant18" -> "55 _native_batch_norm_legit_no_training_4"; +"52 _param_constant19" -> "55 _native_batch_norm_legit_no_training_4"; +"53 _tensor_constant8" -> "55 _native_batch_norm_legit_no_training_4"; +"54 _tensor_constant9" -> "55 _native_batch_norm_legit_no_training_4"; +"55 _native_batch_norm_legit_no_training_4" -> "56 getitem_12"; +"56 getitem_12" -> "57 relu_4"; +"57 relu_4" -> "61 conv2d_5"; +"58 _param_constant21" -> "61 conv2d_5"; +"59 conv2d_5_updated_constant0" -> "60 symmetric_weights_decompressor_conv2d_5_updated_constant0_0"; +"60 symmetric_weights_decompressor_conv2d_5_updated_constant0_0" -> "61 conv2d_5"; +"61 conv2d_5" -> "66 _native_batch_norm_legit_no_training_5"; +"62 _param_constant22" -> "66 _native_batch_norm_legit_no_training_5"; +"63 _param_constant23" -> "66 _native_batch_norm_legit_no_training_5"; +"64 _tensor_constant10" -> "66 _native_batch_norm_legit_no_training_5"; +"65 _tensor_constant11" -> "66 _native_batch_norm_legit_no_training_5"; +"66 _native_batch_norm_legit_no_training_5" -> "67 getitem_15"; +"67 getitem_15" -> "68 relu_5"; +"68 relu_5" -> "69 max_pool2d_2"; +"68 relu_5" -> "150 slice_5"; +"69 max_pool2d_2" -> "73 conv2d_6"; +"70 _param_constant25" -> "73 conv2d_6"; +"71 conv2d_6_updated_constant0" -> "72 symmetric_weights_decompressor_conv2d_6_updated_constant0_0"; +"72 symmetric_weights_decompressor_conv2d_6_updated_constant0_0" -> "73 conv2d_6"; +"73 conv2d_6" -> "78 _native_batch_norm_legit_no_training_6"; +"74 _param_constant26" -> "78 _native_batch_norm_legit_no_training_6"; +"75 _param_constant27" -> "78 _native_batch_norm_legit_no_training_6"; +"76 _tensor_constant12" -> "78 _native_batch_norm_legit_no_training_6"; +"77 _tensor_constant13" -> "78 _native_batch_norm_legit_no_training_6"; +"78 _native_batch_norm_legit_no_training_6" -> "79 getitem_18"; +"79 getitem_18" -> "80 relu_6"; +"80 relu_6" -> "84 conv2d_7"; +"81 _param_constant29" -> "84 conv2d_7"; +"82 conv2d_7_updated_constant0" -> "83 symmetric_weights_decompressor_conv2d_7_updated_constant0_0"; +"83 symmetric_weights_decompressor_conv2d_7_updated_constant0_0" -> "84 conv2d_7"; +"84 conv2d_7" -> "89 _native_batch_norm_legit_no_training_7"; +"85 _param_constant30" -> "89 _native_batch_norm_legit_no_training_7"; +"86 _param_constant31" -> "89 _native_batch_norm_legit_no_training_7"; +"87 _tensor_constant14" -> "89 _native_batch_norm_legit_no_training_7"; +"88 _tensor_constant15" -> "89 _native_batch_norm_legit_no_training_7"; +"89 _native_batch_norm_legit_no_training_7" -> "90 getitem_21"; +"90 getitem_21" -> "91 relu_7"; +"91 relu_7" -> "92 max_pool2d_3"; +"91 relu_7" -> "119 slice_1"; +"92 max_pool2d_3" -> "96 conv2d_8"; +"93 _param_constant33" -> "96 conv2d_8"; +"94 conv2d_8_updated_constant0" -> "95 symmetric_weights_decompressor_conv2d_8_updated_constant0_0"; +"95 symmetric_weights_decompressor_conv2d_8_updated_constant0_0" -> "96 conv2d_8"; +"96 conv2d_8" -> "101 _native_batch_norm_legit_no_training_8"; +"97 _param_constant34" -> "101 _native_batch_norm_legit_no_training_8"; +"98 _param_constant35" -> "101 _native_batch_norm_legit_no_training_8"; +"99 _tensor_constant16" -> "101 _native_batch_norm_legit_no_training_8"; +"100 _tensor_constant17" -> "101 _native_batch_norm_legit_no_training_8"; +"101 _native_batch_norm_legit_no_training_8" -> "102 getitem_24"; +"102 getitem_24" -> "103 relu_8"; +"103 relu_8" -> "107 conv2d_9"; +"104 _param_constant37" -> "107 conv2d_9"; +"105 conv2d_9_updated_constant0" -> "106 symmetric_weights_decompressor_conv2d_9_updated_constant0_0"; +"106 symmetric_weights_decompressor_conv2d_9_updated_constant0_0" -> "107 conv2d_9"; +"107 conv2d_9" -> "112 _native_batch_norm_legit_no_training_9"; +"108 _param_constant38" -> "112 _native_batch_norm_legit_no_training_9"; +"109 _param_constant39" -> "112 _native_batch_norm_legit_no_training_9"; +"110 _tensor_constant18" -> "112 _native_batch_norm_legit_no_training_9"; +"111 _tensor_constant19" -> "112 _native_batch_norm_legit_no_training_9"; +"112 _native_batch_norm_legit_no_training_9" -> "113 getitem_27"; +"113 getitem_27" -> "114 relu_9"; +"114 relu_9" -> "118 conv_transpose2d"; +"115 _param_constant41" -> "118 conv_transpose2d"; +"116 conv_transpose2d_updated_constant0" -> "117 symmetric_weights_decompressor_conv_transpose2d_updated_constant0_0"; +"117 symmetric_weights_decompressor_conv_transpose2d_updated_constant0_0" -> "118 conv_transpose2d"; +"118 conv_transpose2d" -> "123 cat"; +"119 slice_1" -> "120 slice_2"; +"120 slice_2" -> "121 slice_3"; +"121 slice_3" -> "122 slice_4"; +"122 slice_4" -> "123 cat"; +"123 cat" -> "127 conv2d_10"; +"124 _param_constant43" -> "127 conv2d_10"; +"125 conv2d_10_updated_constant0" -> "126 symmetric_weights_decompressor_conv2d_10_updated_constant0_0"; +"126 symmetric_weights_decompressor_conv2d_10_updated_constant0_0" -> "127 conv2d_10"; +"127 conv2d_10" -> "132 _native_batch_norm_legit_no_training_10"; +"128 _param_constant44" -> "132 _native_batch_norm_legit_no_training_10"; +"129 _param_constant45" -> "132 _native_batch_norm_legit_no_training_10"; +"130 _tensor_constant20" -> "132 _native_batch_norm_legit_no_training_10"; +"131 _tensor_constant21" -> "132 _native_batch_norm_legit_no_training_10"; +"132 _native_batch_norm_legit_no_training_10" -> "133 getitem_30"; +"133 getitem_30" -> "134 relu_10"; +"134 relu_10" -> "138 conv2d_11"; +"135 _param_constant47" -> "138 conv2d_11"; +"136 conv2d_11_updated_constant0" -> "137 symmetric_weights_decompressor_conv2d_11_updated_constant0_0"; +"137 symmetric_weights_decompressor_conv2d_11_updated_constant0_0" -> "138 conv2d_11"; +"138 conv2d_11" -> "143 _native_batch_norm_legit_no_training_11"; +"139 _param_constant48" -> "143 _native_batch_norm_legit_no_training_11"; +"140 _param_constant49" -> "143 _native_batch_norm_legit_no_training_11"; +"141 _tensor_constant22" -> "143 _native_batch_norm_legit_no_training_11"; +"142 _tensor_constant23" -> "143 _native_batch_norm_legit_no_training_11"; +"143 _native_batch_norm_legit_no_training_11" -> "144 getitem_33"; +"144 getitem_33" -> "145 relu_11"; +"145 relu_11" -> "149 conv_transpose2d_1"; +"146 _param_constant51" -> "149 conv_transpose2d_1"; +"147 conv_transpose2d_1_updated_constant0" -> "148 symmetric_weights_decompressor_conv_transpose2d_1_updated_constant0_0"; +"148 symmetric_weights_decompressor_conv_transpose2d_1_updated_constant0_0" -> "149 conv_transpose2d_1"; +"149 conv_transpose2d_1" -> "154 cat_1"; +"150 slice_5" -> "151 slice_6"; +"151 slice_6" -> "152 slice_7"; +"152 slice_7" -> "153 slice_8"; +"153 slice_8" -> "154 cat_1"; +"154 cat_1" -> "158 conv2d_12"; +"155 _param_constant53" -> "158 conv2d_12"; +"156 conv2d_12_updated_constant0" -> "157 symmetric_weights_decompressor_conv2d_12_updated_constant0_0"; +"157 symmetric_weights_decompressor_conv2d_12_updated_constant0_0" -> "158 conv2d_12"; +"158 conv2d_12" -> "163 _native_batch_norm_legit_no_training_12"; +"159 _param_constant54" -> "163 _native_batch_norm_legit_no_training_12"; +"160 _param_constant55" -> "163 _native_batch_norm_legit_no_training_12"; +"161 _tensor_constant24" -> "163 _native_batch_norm_legit_no_training_12"; +"162 _tensor_constant25" -> "163 _native_batch_norm_legit_no_training_12"; +"163 _native_batch_norm_legit_no_training_12" -> "164 getitem_36"; +"164 getitem_36" -> "165 relu_12"; +"165 relu_12" -> "169 conv2d_13"; +"166 _param_constant57" -> "169 conv2d_13"; +"167 conv2d_13_updated_constant0" -> "168 symmetric_weights_decompressor_conv2d_13_updated_constant0_0"; +"168 symmetric_weights_decompressor_conv2d_13_updated_constant0_0" -> "169 conv2d_13"; +"169 conv2d_13" -> "174 _native_batch_norm_legit_no_training_13"; +"170 _param_constant58" -> "174 _native_batch_norm_legit_no_training_13"; +"171 _param_constant59" -> "174 _native_batch_norm_legit_no_training_13"; +"172 _tensor_constant26" -> "174 _native_batch_norm_legit_no_training_13"; +"173 _tensor_constant27" -> "174 _native_batch_norm_legit_no_training_13"; +"174 _native_batch_norm_legit_no_training_13" -> "175 getitem_39"; +"175 getitem_39" -> "176 relu_13"; +"176 relu_13" -> "180 conv_transpose2d_2"; +"177 _param_constant61" -> "180 conv_transpose2d_2"; +"178 conv_transpose2d_2_updated_constant0" -> "179 symmetric_weights_decompressor_conv_transpose2d_2_updated_constant0_0"; +"179 symmetric_weights_decompressor_conv_transpose2d_2_updated_constant0_0" -> "180 conv_transpose2d_2"; +"180 conv_transpose2d_2" -> "185 cat_2"; +"181 slice_9" -> "182 slice_10"; +"182 slice_10" -> "183 slice_11"; +"183 slice_11" -> "184 slice_12"; +"184 slice_12" -> "185 cat_2"; +"185 cat_2" -> "189 conv2d_14"; +"186 _param_constant63" -> "189 conv2d_14"; +"187 conv2d_14_updated_constant0" -> "188 symmetric_weights_decompressor_conv2d_14_updated_constant0_0"; +"188 symmetric_weights_decompressor_conv2d_14_updated_constant0_0" -> "189 conv2d_14"; +"189 conv2d_14" -> "194 _native_batch_norm_legit_no_training_14"; +"190 _param_constant64" -> "194 _native_batch_norm_legit_no_training_14"; +"191 _param_constant65" -> "194 _native_batch_norm_legit_no_training_14"; +"192 _tensor_constant28" -> "194 _native_batch_norm_legit_no_training_14"; +"193 _tensor_constant29" -> "194 _native_batch_norm_legit_no_training_14"; +"194 _native_batch_norm_legit_no_training_14" -> "195 getitem_42"; +"195 getitem_42" -> "196 relu_14"; +"196 relu_14" -> "200 conv2d_15"; +"197 _param_constant67" -> "200 conv2d_15"; +"198 conv2d_15_updated_constant0" -> "199 symmetric_weights_decompressor_conv2d_15_updated_constant0_0"; +"199 symmetric_weights_decompressor_conv2d_15_updated_constant0_0" -> "200 conv2d_15"; +"200 conv2d_15" -> "205 _native_batch_norm_legit_no_training_15"; +"201 _param_constant68" -> "205 _native_batch_norm_legit_no_training_15"; +"202 _param_constant69" -> "205 _native_batch_norm_legit_no_training_15"; +"203 _tensor_constant30" -> "205 _native_batch_norm_legit_no_training_15"; +"204 _tensor_constant31" -> "205 _native_batch_norm_legit_no_training_15"; +"205 _native_batch_norm_legit_no_training_15" -> "206 getitem_45"; +"206 getitem_45" -> "207 relu_15"; +"207 relu_15" -> "211 conv_transpose2d_3"; +"208 _param_constant71" -> "211 conv_transpose2d_3"; +"209 conv_transpose2d_3_updated_constant0" -> "210 symmetric_weights_decompressor_conv_transpose2d_3_updated_constant0_0"; +"210 symmetric_weights_decompressor_conv_transpose2d_3_updated_constant0_0" -> "211 conv_transpose2d_3"; +"211 conv_transpose2d_3" -> "216 cat_3"; +"212 slice_13" -> "213 slice_14"; +"213 slice_14" -> "214 slice_15"; +"214 slice_15" -> "215 slice_16"; +"215 slice_16" -> "216 cat_3"; +"216 cat_3" -> "220 conv2d_16"; +"217 _param_constant73" -> "220 conv2d_16"; +"218 conv2d_16_updated_constant0" -> "219 symmetric_weights_decompressor_conv2d_16_updated_constant0_0"; +"219 symmetric_weights_decompressor_conv2d_16_updated_constant0_0" -> "220 conv2d_16"; +"220 conv2d_16" -> "225 _native_batch_norm_legit_no_training_16"; +"221 _param_constant74" -> "225 _native_batch_norm_legit_no_training_16"; +"222 _param_constant75" -> "225 _native_batch_norm_legit_no_training_16"; +"223 _tensor_constant32" -> "225 _native_batch_norm_legit_no_training_16"; +"224 _tensor_constant33" -> "225 _native_batch_norm_legit_no_training_16"; +"225 _native_batch_norm_legit_no_training_16" -> "226 getitem_48"; +"226 getitem_48" -> "227 relu_16"; +"227 relu_16" -> "231 conv2d_17"; +"228 _param_constant77" -> "231 conv2d_17"; +"229 conv2d_17_updated_constant0" -> "230 symmetric_weights_decompressor_conv2d_17_updated_constant0_0"; +"230 symmetric_weights_decompressor_conv2d_17_updated_constant0_0" -> "231 conv2d_17"; +"231 conv2d_17" -> "236 _native_batch_norm_legit_no_training_17"; +"232 _param_constant78" -> "236 _native_batch_norm_legit_no_training_17"; +"233 _param_constant79" -> "236 _native_batch_norm_legit_no_training_17"; +"234 _tensor_constant34" -> "236 _native_batch_norm_legit_no_training_17"; +"235 _tensor_constant35" -> "236 _native_batch_norm_legit_no_training_17"; +"236 _native_batch_norm_legit_no_training_17" -> "237 getitem_51"; +"237 getitem_51" -> "238 relu_17"; +"238 relu_17" -> "242 conv2d_18"; +"239 _param_constant81" -> "242 conv2d_18"; +"240 conv2d_18_updated_constant0" -> "241 symmetric_weights_decompressor_conv2d_18_updated_constant0_0"; +"241 symmetric_weights_decompressor_conv2d_18_updated_constant0_0" -> "242 conv2d_18"; +"242 conv2d_18" -> "243 output"; +} diff --git a/tests/torch/data/reference_graphs/fx/compressed/vit_b_16.dot b/tests/torch/data/reference_graphs/fx/compressed/vit_b_16.dot new file mode 100644 index 00000000000..ea4e175f289 --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/compressed/vit_b_16.dot @@ -0,0 +1,1319 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 _param_constant1" [id=1, type=get_attr]; +"2 conv2d_updated_constant0" [id=2, type=get_attr]; +"3 symmetric_weights_decompressor_conv2d_updated_constant0_0" [id=3, type=call_module]; +"4 conv2d" [id=4, type=conv2d]; +"5 reshape" [id=5, type=reshape]; +"6 permute" [id=6, type=permute]; +"7 _param_constant2" [id=7, type=get_attr]; +"8 expand" [id=8, type=expand]; +"9 cat" [id=9, type=cat]; +"10 _param_constant3" [id=10, type=get_attr]; +"11 add" [id=11, type=add]; +"12 dropout" [id=12, type=dropout]; +"13 _param_constant4" [id=13, type=get_attr]; +"14 _param_constant5" [id=14, type=get_attr]; +"15 layer_norm" [id=15, type=layer_norm]; +"16 transpose" [id=16, type=transpose]; +"17 _param_constant7" [id=17, type=get_attr]; +"18 linear_updated_constant0" [id=18, type=get_attr]; +"19 symmetric_weights_decompressor_linear_updated_constant0_0" [id=19, type=call_module]; +"20 linear" [id=20, type=linear]; +"21 unflatten" [id=21, type=unflatten]; +"22 unsqueeze" [id=22, type=unsqueeze]; +"23 transpose_1" [id=23, type=transpose]; +"24 squeeze" [id=24, type=squeeze]; +"25 contiguous" [id=25, type=contiguous]; +"26 select" [id=26, type=select]; +"27 select_1" [id=27, type=select]; +"28 select_2" [id=28, type=select]; +"29 view" [id=29, type=view]; +"30 transpose_2" [id=30, type=transpose]; +"31 view_1" [id=31, type=view]; +"32 transpose_3" [id=32, type=transpose]; +"33 view_2" [id=33, type=view]; +"34 transpose_4" [id=34, type=transpose]; +"35 view_3" [id=35, type=view]; +"36 view_4" [id=36, type=view]; +"37 view_5" [id=37, type=view]; +"38 scaled_dot_product_attention" [id=38, type=scaled_dot_product_attention]; +"39 permute_1" [id=39, type=permute]; +"40 view_6" [id=40, type=view]; +"41 _param_constant9" [id=41, type=get_attr]; +"42 linear_1_updated_constant0" [id=42, type=get_attr]; +"43 symmetric_weights_decompressor_linear_1_updated_constant0_0" [id=43, type=call_module]; +"44 linear_1" [id=44, type=linear]; +"45 view_7" [id=45, type=view]; +"46 transpose_5" [id=46, type=transpose]; +"47 dropout_1" [id=47, type=dropout]; +"48 add_1" [id=48, type=add]; +"49 _param_constant10" [id=49, type=get_attr]; +"50 _param_constant11" [id=50, type=get_attr]; +"51 layer_norm_1" [id=51, type=layer_norm]; +"52 _param_constant13" [id=52, type=get_attr]; +"53 linear_2_updated_constant0" [id=53, type=get_attr]; +"54 symmetric_weights_decompressor_linear_2_updated_constant0_0" [id=54, type=call_module]; +"55 linear_2" [id=55, type=linear]; +"56 gelu" [id=56, type=gelu]; +"57 dropout_2" [id=57, type=dropout]; +"58 _param_constant15" [id=58, type=get_attr]; +"59 linear_3_updated_constant0" [id=59, type=get_attr]; +"60 symmetric_weights_decompressor_linear_3_updated_constant0_0" [id=60, type=call_module]; +"61 linear_3" [id=61, type=linear]; +"62 dropout_3" [id=62, type=dropout]; +"63 add_2" [id=63, type=add]; +"64 _param_constant16" [id=64, type=get_attr]; +"65 _param_constant17" [id=65, type=get_attr]; +"66 layer_norm_2" [id=66, type=layer_norm]; +"67 transpose_6" [id=67, type=transpose]; +"68 _param_constant19" [id=68, type=get_attr]; +"69 linear_4_updated_constant0" [id=69, type=get_attr]; +"70 symmetric_weights_decompressor_linear_4_updated_constant0_0" [id=70, type=call_module]; +"71 linear_4" [id=71, type=linear]; +"72 unflatten_1" [id=72, type=unflatten]; +"73 unsqueeze_1" [id=73, type=unsqueeze]; +"74 transpose_7" [id=74, type=transpose]; +"75 squeeze_1" [id=75, type=squeeze]; +"76 contiguous_1" [id=76, type=contiguous]; +"77 select_3" [id=77, type=select]; +"78 select_4" [id=78, type=select]; +"79 select_5" [id=79, type=select]; +"80 view_8" [id=80, type=view]; +"81 transpose_8" [id=81, type=transpose]; +"82 view_9" [id=82, type=view]; +"83 transpose_9" [id=83, type=transpose]; +"84 view_10" [id=84, type=view]; +"85 transpose_10" [id=85, type=transpose]; +"86 view_11" [id=86, type=view]; +"87 view_12" [id=87, type=view]; +"88 view_13" [id=88, type=view]; +"89 scaled_dot_product_attention_1" [id=89, type=scaled_dot_product_attention]; +"90 permute_2" [id=90, type=permute]; +"91 view_14" [id=91, type=view]; +"92 _param_constant21" [id=92, type=get_attr]; +"93 linear_5_updated_constant0" [id=93, type=get_attr]; +"94 symmetric_weights_decompressor_linear_5_updated_constant0_0" [id=94, type=call_module]; +"95 linear_5" [id=95, type=linear]; +"96 view_15" [id=96, type=view]; +"97 transpose_11" [id=97, type=transpose]; +"98 dropout_4" [id=98, type=dropout]; +"99 add_3" [id=99, type=add]; +"100 _param_constant22" [id=100, type=get_attr]; +"101 _param_constant23" [id=101, type=get_attr]; +"102 layer_norm_3" [id=102, type=layer_norm]; +"103 _param_constant25" [id=103, type=get_attr]; +"104 linear_6_updated_constant0" [id=104, type=get_attr]; +"105 symmetric_weights_decompressor_linear_6_updated_constant0_0" [id=105, type=call_module]; +"106 linear_6" [id=106, type=linear]; +"107 gelu_1" [id=107, type=gelu]; +"108 dropout_5" [id=108, type=dropout]; +"109 _param_constant27" [id=109, type=get_attr]; +"110 linear_7_updated_constant0" [id=110, type=get_attr]; +"111 symmetric_weights_decompressor_linear_7_updated_constant0_0" [id=111, type=call_module]; +"112 linear_7" [id=112, type=linear]; +"113 dropout_6" [id=113, type=dropout]; +"114 add_4" [id=114, type=add]; +"115 _param_constant28" [id=115, type=get_attr]; +"116 _param_constant29" [id=116, type=get_attr]; +"117 layer_norm_4" [id=117, type=layer_norm]; +"118 transpose_12" [id=118, type=transpose]; +"119 _param_constant31" [id=119, type=get_attr]; +"120 linear_8_updated_constant0" [id=120, type=get_attr]; +"121 symmetric_weights_decompressor_linear_8_updated_constant0_0" [id=121, type=call_module]; +"122 linear_8" [id=122, type=linear]; +"123 unflatten_2" [id=123, type=unflatten]; +"124 unsqueeze_2" [id=124, type=unsqueeze]; +"125 transpose_13" [id=125, type=transpose]; +"126 squeeze_2" [id=126, type=squeeze]; +"127 contiguous_2" [id=127, type=contiguous]; +"128 select_6" [id=128, type=select]; +"129 select_7" [id=129, type=select]; +"130 select_8" [id=130, type=select]; +"131 view_16" [id=131, type=view]; +"132 transpose_14" [id=132, type=transpose]; +"133 view_17" [id=133, type=view]; +"134 transpose_15" [id=134, type=transpose]; +"135 view_18" [id=135, type=view]; +"136 transpose_16" [id=136, type=transpose]; +"137 view_19" [id=137, type=view]; +"138 view_20" [id=138, type=view]; +"139 view_21" [id=139, type=view]; +"140 scaled_dot_product_attention_2" [id=140, type=scaled_dot_product_attention]; +"141 permute_3" [id=141, type=permute]; +"142 view_22" [id=142, type=view]; +"143 _param_constant33" [id=143, type=get_attr]; +"144 linear_9_updated_constant0" [id=144, type=get_attr]; +"145 symmetric_weights_decompressor_linear_9_updated_constant0_0" [id=145, type=call_module]; +"146 linear_9" [id=146, type=linear]; +"147 view_23" [id=147, type=view]; +"148 transpose_17" [id=148, type=transpose]; +"149 dropout_7" [id=149, type=dropout]; +"150 add_5" [id=150, type=add]; +"151 _param_constant34" [id=151, type=get_attr]; +"152 _param_constant35" [id=152, type=get_attr]; +"153 layer_norm_5" [id=153, type=layer_norm]; +"154 _param_constant37" [id=154, type=get_attr]; +"155 linear_10_updated_constant0" [id=155, type=get_attr]; +"156 symmetric_weights_decompressor_linear_10_updated_constant0_0" [id=156, type=call_module]; +"157 linear_10" [id=157, type=linear]; +"158 gelu_2" [id=158, type=gelu]; +"159 dropout_8" [id=159, type=dropout]; +"160 _param_constant39" [id=160, type=get_attr]; +"161 linear_11_updated_constant0" [id=161, type=get_attr]; +"162 symmetric_weights_decompressor_linear_11_updated_constant0_0" [id=162, type=call_module]; +"163 linear_11" [id=163, type=linear]; +"164 dropout_9" [id=164, type=dropout]; +"165 add_6" [id=165, type=add]; +"166 _param_constant40" [id=166, type=get_attr]; +"167 _param_constant41" [id=167, type=get_attr]; +"168 layer_norm_6" [id=168, type=layer_norm]; +"169 transpose_18" [id=169, type=transpose]; +"170 _param_constant43" [id=170, type=get_attr]; +"171 linear_12_updated_constant0" [id=171, type=get_attr]; +"172 symmetric_weights_decompressor_linear_12_updated_constant0_0" [id=172, type=call_module]; +"173 linear_12" [id=173, type=linear]; +"174 unflatten_3" [id=174, type=unflatten]; +"175 unsqueeze_3" [id=175, type=unsqueeze]; +"176 transpose_19" [id=176, type=transpose]; +"177 squeeze_3" [id=177, type=squeeze]; +"178 contiguous_3" [id=178, type=contiguous]; +"179 select_9" [id=179, type=select]; +"180 select_10" [id=180, type=select]; +"181 select_11" [id=181, type=select]; +"182 view_24" [id=182, type=view]; +"183 transpose_20" [id=183, type=transpose]; +"184 view_25" [id=184, type=view]; +"185 transpose_21" [id=185, type=transpose]; +"186 view_26" [id=186, type=view]; +"187 transpose_22" [id=187, type=transpose]; +"188 view_27" [id=188, type=view]; +"189 view_28" [id=189, type=view]; +"190 view_29" [id=190, type=view]; +"191 scaled_dot_product_attention_3" [id=191, type=scaled_dot_product_attention]; +"192 permute_4" [id=192, type=permute]; +"193 view_30" [id=193, type=view]; +"194 _param_constant45" [id=194, type=get_attr]; +"195 linear_13_updated_constant0" [id=195, type=get_attr]; +"196 symmetric_weights_decompressor_linear_13_updated_constant0_0" [id=196, type=call_module]; +"197 linear_13" [id=197, type=linear]; +"198 view_31" [id=198, type=view]; +"199 transpose_23" [id=199, type=transpose]; +"200 dropout_10" [id=200, type=dropout]; +"201 add_7" [id=201, type=add]; +"202 _param_constant46" [id=202, type=get_attr]; +"203 _param_constant47" [id=203, type=get_attr]; +"204 layer_norm_7" [id=204, type=layer_norm]; +"205 _param_constant49" [id=205, type=get_attr]; +"206 linear_14_updated_constant0" [id=206, type=get_attr]; +"207 symmetric_weights_decompressor_linear_14_updated_constant0_0" [id=207, type=call_module]; +"208 linear_14" [id=208, type=linear]; +"209 gelu_3" [id=209, type=gelu]; +"210 dropout_11" [id=210, type=dropout]; +"211 _param_constant51" [id=211, type=get_attr]; +"212 linear_15_updated_constant0" [id=212, type=get_attr]; +"213 symmetric_weights_decompressor_linear_15_updated_constant0_0" [id=213, type=call_module]; +"214 linear_15" [id=214, type=linear]; +"215 dropout_12" [id=215, type=dropout]; +"216 add_8" [id=216, type=add]; +"217 _param_constant52" [id=217, type=get_attr]; +"218 _param_constant53" [id=218, type=get_attr]; +"219 layer_norm_8" [id=219, type=layer_norm]; +"220 transpose_24" [id=220, type=transpose]; +"221 _param_constant55" [id=221, type=get_attr]; +"222 linear_16_updated_constant0" [id=222, type=get_attr]; +"223 symmetric_weights_decompressor_linear_16_updated_constant0_0" [id=223, type=call_module]; +"224 linear_16" [id=224, type=linear]; +"225 unflatten_4" [id=225, type=unflatten]; +"226 unsqueeze_4" [id=226, type=unsqueeze]; +"227 transpose_25" [id=227, type=transpose]; +"228 squeeze_4" [id=228, type=squeeze]; +"229 contiguous_4" [id=229, type=contiguous]; +"230 select_12" [id=230, type=select]; +"231 select_13" [id=231, type=select]; +"232 select_14" [id=232, type=select]; +"233 view_32" [id=233, type=view]; +"234 transpose_26" [id=234, type=transpose]; +"235 view_33" [id=235, type=view]; +"236 transpose_27" [id=236, type=transpose]; +"237 view_34" [id=237, type=view]; +"238 transpose_28" [id=238, type=transpose]; +"239 view_35" [id=239, type=view]; +"240 view_36" [id=240, type=view]; +"241 view_37" [id=241, type=view]; +"242 scaled_dot_product_attention_4" [id=242, type=scaled_dot_product_attention]; +"243 permute_5" [id=243, type=permute]; +"244 view_38" [id=244, type=view]; +"245 _param_constant57" [id=245, type=get_attr]; +"246 linear_17_updated_constant0" [id=246, type=get_attr]; +"247 symmetric_weights_decompressor_linear_17_updated_constant0_0" [id=247, type=call_module]; +"248 linear_17" [id=248, type=linear]; +"249 view_39" [id=249, type=view]; +"250 transpose_29" [id=250, type=transpose]; +"251 dropout_13" [id=251, type=dropout]; +"252 add_9" [id=252, type=add]; +"253 _param_constant58" [id=253, type=get_attr]; +"254 _param_constant59" [id=254, type=get_attr]; +"255 layer_norm_9" [id=255, type=layer_norm]; +"256 _param_constant61" [id=256, type=get_attr]; +"257 linear_18_updated_constant0" [id=257, type=get_attr]; +"258 symmetric_weights_decompressor_linear_18_updated_constant0_0" [id=258, type=call_module]; +"259 linear_18" [id=259, type=linear]; +"260 gelu_4" [id=260, type=gelu]; +"261 dropout_14" [id=261, type=dropout]; +"262 _param_constant63" [id=262, type=get_attr]; +"263 linear_19_updated_constant0" [id=263, type=get_attr]; +"264 symmetric_weights_decompressor_linear_19_updated_constant0_0" [id=264, type=call_module]; +"265 linear_19" [id=265, type=linear]; +"266 dropout_15" [id=266, type=dropout]; +"267 add_10" [id=267, type=add]; +"268 _param_constant64" [id=268, type=get_attr]; +"269 _param_constant65" [id=269, type=get_attr]; +"270 layer_norm_10" [id=270, type=layer_norm]; +"271 transpose_30" [id=271, type=transpose]; +"272 _param_constant67" [id=272, type=get_attr]; +"273 linear_20_updated_constant0" [id=273, type=get_attr]; +"274 symmetric_weights_decompressor_linear_20_updated_constant0_0" [id=274, type=call_module]; +"275 linear_20" [id=275, type=linear]; +"276 unflatten_5" [id=276, type=unflatten]; +"277 unsqueeze_5" [id=277, type=unsqueeze]; +"278 transpose_31" [id=278, type=transpose]; +"279 squeeze_5" [id=279, type=squeeze]; +"280 contiguous_5" [id=280, type=contiguous]; +"281 select_15" [id=281, type=select]; +"282 select_16" [id=282, type=select]; +"283 select_17" [id=283, type=select]; +"284 view_40" [id=284, type=view]; +"285 transpose_32" [id=285, type=transpose]; +"286 view_41" [id=286, type=view]; +"287 transpose_33" [id=287, type=transpose]; +"288 view_42" [id=288, type=view]; +"289 transpose_34" [id=289, type=transpose]; +"290 view_43" [id=290, type=view]; +"291 view_44" [id=291, type=view]; +"292 view_45" [id=292, type=view]; +"293 scaled_dot_product_attention_5" [id=293, type=scaled_dot_product_attention]; +"294 permute_6" [id=294, type=permute]; +"295 view_46" [id=295, type=view]; +"296 _param_constant69" [id=296, type=get_attr]; +"297 linear_21_updated_constant0" [id=297, type=get_attr]; +"298 symmetric_weights_decompressor_linear_21_updated_constant0_0" [id=298, type=call_module]; +"299 linear_21" [id=299, type=linear]; +"300 view_47" [id=300, type=view]; +"301 transpose_35" [id=301, type=transpose]; +"302 dropout_16" [id=302, type=dropout]; +"303 add_11" [id=303, type=add]; +"304 _param_constant70" [id=304, type=get_attr]; +"305 _param_constant71" [id=305, type=get_attr]; +"306 layer_norm_11" [id=306, type=layer_norm]; +"307 _param_constant73" [id=307, type=get_attr]; +"308 linear_22_updated_constant0" [id=308, type=get_attr]; +"309 symmetric_weights_decompressor_linear_22_updated_constant0_0" [id=309, type=call_module]; +"310 linear_22" [id=310, type=linear]; +"311 gelu_5" [id=311, type=gelu]; +"312 dropout_17" [id=312, type=dropout]; +"313 _param_constant75" [id=313, type=get_attr]; +"314 linear_23_updated_constant0" [id=314, type=get_attr]; +"315 symmetric_weights_decompressor_linear_23_updated_constant0_0" [id=315, type=call_module]; +"316 linear_23" [id=316, type=linear]; +"317 dropout_18" [id=317, type=dropout]; +"318 add_12" [id=318, type=add]; +"319 _param_constant76" [id=319, type=get_attr]; +"320 _param_constant77" [id=320, type=get_attr]; +"321 layer_norm_12" [id=321, type=layer_norm]; +"322 transpose_36" [id=322, type=transpose]; +"323 _param_constant79" [id=323, type=get_attr]; +"324 linear_24_updated_constant0" [id=324, type=get_attr]; +"325 symmetric_weights_decompressor_linear_24_updated_constant0_0" [id=325, type=call_module]; +"326 linear_24" [id=326, type=linear]; +"327 unflatten_6" [id=327, type=unflatten]; +"328 unsqueeze_6" [id=328, type=unsqueeze]; +"329 transpose_37" [id=329, type=transpose]; +"330 squeeze_6" [id=330, type=squeeze]; +"331 contiguous_6" [id=331, type=contiguous]; +"332 select_18" [id=332, type=select]; +"333 select_19" [id=333, type=select]; +"334 select_20" [id=334, type=select]; +"335 view_48" [id=335, type=view]; +"336 transpose_38" [id=336, type=transpose]; +"337 view_49" [id=337, type=view]; +"338 transpose_39" [id=338, type=transpose]; +"339 view_50" [id=339, type=view]; +"340 transpose_40" [id=340, type=transpose]; +"341 view_51" [id=341, type=view]; +"342 view_52" [id=342, type=view]; +"343 view_53" [id=343, type=view]; +"344 scaled_dot_product_attention_6" [id=344, type=scaled_dot_product_attention]; +"345 permute_7" [id=345, type=permute]; +"346 view_54" [id=346, type=view]; +"347 _param_constant81" [id=347, type=get_attr]; +"348 linear_25_updated_constant0" [id=348, type=get_attr]; +"349 symmetric_weights_decompressor_linear_25_updated_constant0_0" [id=349, type=call_module]; +"350 linear_25" [id=350, type=linear]; +"351 view_55" [id=351, type=view]; +"352 transpose_41" [id=352, type=transpose]; +"353 dropout_19" [id=353, type=dropout]; +"354 add_13" [id=354, type=add]; +"355 _param_constant82" [id=355, type=get_attr]; +"356 _param_constant83" [id=356, type=get_attr]; +"357 layer_norm_13" [id=357, type=layer_norm]; +"358 _param_constant85" [id=358, type=get_attr]; +"359 linear_26_updated_constant0" [id=359, type=get_attr]; +"360 symmetric_weights_decompressor_linear_26_updated_constant0_0" [id=360, type=call_module]; +"361 linear_26" [id=361, type=linear]; +"362 gelu_6" [id=362, type=gelu]; +"363 dropout_20" [id=363, type=dropout]; +"364 _param_constant87" [id=364, type=get_attr]; +"365 linear_27_updated_constant0" [id=365, type=get_attr]; +"366 symmetric_weights_decompressor_linear_27_updated_constant0_0" [id=366, type=call_module]; +"367 linear_27" [id=367, type=linear]; +"368 dropout_21" [id=368, type=dropout]; +"369 add_14" [id=369, type=add]; +"370 _param_constant88" [id=370, type=get_attr]; +"371 _param_constant89" [id=371, type=get_attr]; +"372 layer_norm_14" [id=372, type=layer_norm]; +"373 transpose_42" [id=373, type=transpose]; +"374 _param_constant91" [id=374, type=get_attr]; +"375 linear_28_updated_constant0" [id=375, type=get_attr]; +"376 symmetric_weights_decompressor_linear_28_updated_constant0_0" [id=376, type=call_module]; +"377 linear_28" [id=377, type=linear]; +"378 unflatten_7" [id=378, type=unflatten]; +"379 unsqueeze_7" [id=379, type=unsqueeze]; +"380 transpose_43" [id=380, type=transpose]; +"381 squeeze_7" [id=381, type=squeeze]; +"382 contiguous_7" [id=382, type=contiguous]; +"383 select_21" [id=383, type=select]; +"384 select_22" [id=384, type=select]; +"385 select_23" [id=385, type=select]; +"386 view_56" [id=386, type=view]; +"387 transpose_44" [id=387, type=transpose]; +"388 view_57" [id=388, type=view]; +"389 transpose_45" [id=389, type=transpose]; +"390 view_58" [id=390, type=view]; +"391 transpose_46" [id=391, type=transpose]; +"392 view_59" [id=392, type=view]; +"393 view_60" [id=393, type=view]; +"394 view_61" [id=394, type=view]; +"395 scaled_dot_product_attention_7" [id=395, type=scaled_dot_product_attention]; +"396 permute_8" [id=396, type=permute]; +"397 view_62" [id=397, type=view]; +"398 _param_constant93" [id=398, type=get_attr]; +"399 linear_29_updated_constant0" [id=399, type=get_attr]; +"400 symmetric_weights_decompressor_linear_29_updated_constant0_0" [id=400, type=call_module]; +"401 linear_29" [id=401, type=linear]; +"402 view_63" [id=402, type=view]; +"403 transpose_47" [id=403, type=transpose]; +"404 dropout_22" [id=404, type=dropout]; +"405 add_15" [id=405, type=add]; +"406 _param_constant94" [id=406, type=get_attr]; +"407 _param_constant95" [id=407, type=get_attr]; +"408 layer_norm_15" [id=408, type=layer_norm]; +"409 _param_constant97" [id=409, type=get_attr]; +"410 linear_30_updated_constant0" [id=410, type=get_attr]; +"411 symmetric_weights_decompressor_linear_30_updated_constant0_0" [id=411, type=call_module]; +"412 linear_30" [id=412, type=linear]; +"413 gelu_7" [id=413, type=gelu]; +"414 dropout_23" [id=414, type=dropout]; +"415 _param_constant99" [id=415, type=get_attr]; +"416 linear_31_updated_constant0" [id=416, type=get_attr]; +"417 symmetric_weights_decompressor_linear_31_updated_constant0_0" [id=417, type=call_module]; +"418 linear_31" [id=418, type=linear]; +"419 dropout_24" [id=419, type=dropout]; +"420 add_16" [id=420, type=add]; +"421 _param_constant100" [id=421, type=get_attr]; +"422 _param_constant101" [id=422, type=get_attr]; +"423 layer_norm_16" [id=423, type=layer_norm]; +"424 transpose_48" [id=424, type=transpose]; +"425 _param_constant103" [id=425, type=get_attr]; +"426 linear_32_updated_constant0" [id=426, type=get_attr]; +"427 symmetric_weights_decompressor_linear_32_updated_constant0_0" [id=427, type=call_module]; +"428 linear_32" [id=428, type=linear]; +"429 unflatten_8" [id=429, type=unflatten]; +"430 unsqueeze_8" [id=430, type=unsqueeze]; +"431 transpose_49" [id=431, type=transpose]; +"432 squeeze_8" [id=432, type=squeeze]; +"433 contiguous_8" [id=433, type=contiguous]; +"434 select_24" [id=434, type=select]; +"435 select_25" [id=435, type=select]; +"436 select_26" [id=436, type=select]; +"437 view_64" [id=437, type=view]; +"438 transpose_50" [id=438, type=transpose]; +"439 view_65" [id=439, type=view]; +"440 transpose_51" [id=440, type=transpose]; +"441 view_66" [id=441, type=view]; +"442 transpose_52" [id=442, type=transpose]; +"443 view_67" [id=443, type=view]; +"444 view_68" [id=444, type=view]; +"445 view_69" [id=445, type=view]; +"446 scaled_dot_product_attention_8" [id=446, type=scaled_dot_product_attention]; +"447 permute_9" [id=447, type=permute]; +"448 view_70" [id=448, type=view]; +"449 _param_constant105" [id=449, type=get_attr]; +"450 linear_33_updated_constant0" [id=450, type=get_attr]; +"451 symmetric_weights_decompressor_linear_33_updated_constant0_0" [id=451, type=call_module]; +"452 linear_33" [id=452, type=linear]; +"453 view_71" [id=453, type=view]; +"454 transpose_53" [id=454, type=transpose]; +"455 dropout_25" [id=455, type=dropout]; +"456 add_17" [id=456, type=add]; +"457 _param_constant106" [id=457, type=get_attr]; +"458 _param_constant107" [id=458, type=get_attr]; +"459 layer_norm_17" [id=459, type=layer_norm]; +"460 _param_constant109" [id=460, type=get_attr]; +"461 linear_34_updated_constant0" [id=461, type=get_attr]; +"462 symmetric_weights_decompressor_linear_34_updated_constant0_0" [id=462, type=call_module]; +"463 linear_34" [id=463, type=linear]; +"464 gelu_8" [id=464, type=gelu]; +"465 dropout_26" [id=465, type=dropout]; +"466 _param_constant111" [id=466, type=get_attr]; +"467 linear_35_updated_constant0" [id=467, type=get_attr]; +"468 symmetric_weights_decompressor_linear_35_updated_constant0_0" [id=468, type=call_module]; +"469 linear_35" [id=469, type=linear]; +"470 dropout_27" [id=470, type=dropout]; +"471 add_18" [id=471, type=add]; +"472 _param_constant112" [id=472, type=get_attr]; +"473 _param_constant113" [id=473, type=get_attr]; +"474 layer_norm_18" [id=474, type=layer_norm]; +"475 transpose_54" [id=475, type=transpose]; +"476 _param_constant115" [id=476, type=get_attr]; +"477 linear_36_updated_constant0" [id=477, type=get_attr]; +"478 symmetric_weights_decompressor_linear_36_updated_constant0_0" [id=478, type=call_module]; +"479 linear_36" [id=479, type=linear]; +"480 unflatten_9" [id=480, type=unflatten]; +"481 unsqueeze_9" [id=481, type=unsqueeze]; +"482 transpose_55" [id=482, type=transpose]; +"483 squeeze_9" [id=483, type=squeeze]; +"484 contiguous_9" [id=484, type=contiguous]; +"485 select_27" [id=485, type=select]; +"486 select_28" [id=486, type=select]; +"487 select_29" [id=487, type=select]; +"488 view_72" [id=488, type=view]; +"489 transpose_56" [id=489, type=transpose]; +"490 view_73" [id=490, type=view]; +"491 transpose_57" [id=491, type=transpose]; +"492 view_74" [id=492, type=view]; +"493 transpose_58" [id=493, type=transpose]; +"494 view_75" [id=494, type=view]; +"495 view_76" [id=495, type=view]; +"496 view_77" [id=496, type=view]; +"497 scaled_dot_product_attention_9" [id=497, type=scaled_dot_product_attention]; +"498 permute_10" [id=498, type=permute]; +"499 view_78" [id=499, type=view]; +"500 _param_constant117" [id=500, type=get_attr]; +"501 linear_37_updated_constant0" [id=501, type=get_attr]; +"502 symmetric_weights_decompressor_linear_37_updated_constant0_0" [id=502, type=call_module]; +"503 linear_37" [id=503, type=linear]; +"504 view_79" [id=504, type=view]; +"505 transpose_59" [id=505, type=transpose]; +"506 dropout_28" [id=506, type=dropout]; +"507 add_19" [id=507, type=add]; +"508 _param_constant118" [id=508, type=get_attr]; +"509 _param_constant119" [id=509, type=get_attr]; +"510 layer_norm_19" [id=510, type=layer_norm]; +"511 _param_constant121" [id=511, type=get_attr]; +"512 linear_38_updated_constant0" [id=512, type=get_attr]; +"513 symmetric_weights_decompressor_linear_38_updated_constant0_0" [id=513, type=call_module]; +"514 linear_38" [id=514, type=linear]; +"515 gelu_9" [id=515, type=gelu]; +"516 dropout_29" [id=516, type=dropout]; +"517 _param_constant123" [id=517, type=get_attr]; +"518 linear_39_updated_constant0" [id=518, type=get_attr]; +"519 symmetric_weights_decompressor_linear_39_updated_constant0_0" [id=519, type=call_module]; +"520 linear_39" [id=520, type=linear]; +"521 dropout_30" [id=521, type=dropout]; +"522 add_20" [id=522, type=add]; +"523 _param_constant124" [id=523, type=get_attr]; +"524 _param_constant125" [id=524, type=get_attr]; +"525 layer_norm_20" [id=525, type=layer_norm]; +"526 transpose_60" [id=526, type=transpose]; +"527 _param_constant127" [id=527, type=get_attr]; +"528 linear_40_updated_constant0" [id=528, type=get_attr]; +"529 symmetric_weights_decompressor_linear_40_updated_constant0_0" [id=529, type=call_module]; +"530 linear_40" [id=530, type=linear]; +"531 unflatten_10" [id=531, type=unflatten]; +"532 unsqueeze_10" [id=532, type=unsqueeze]; +"533 transpose_61" [id=533, type=transpose]; +"534 squeeze_10" [id=534, type=squeeze]; +"535 contiguous_10" [id=535, type=contiguous]; +"536 select_30" [id=536, type=select]; +"537 select_31" [id=537, type=select]; +"538 select_32" [id=538, type=select]; +"539 view_80" [id=539, type=view]; +"540 transpose_62" [id=540, type=transpose]; +"541 view_81" [id=541, type=view]; +"542 transpose_63" [id=542, type=transpose]; +"543 view_82" [id=543, type=view]; +"544 transpose_64" [id=544, type=transpose]; +"545 view_83" [id=545, type=view]; +"546 view_84" [id=546, type=view]; +"547 view_85" [id=547, type=view]; +"548 scaled_dot_product_attention_10" [id=548, type=scaled_dot_product_attention]; +"549 permute_11" [id=549, type=permute]; +"550 view_86" [id=550, type=view]; +"551 _param_constant129" [id=551, type=get_attr]; +"552 linear_41_updated_constant0" [id=552, type=get_attr]; +"553 symmetric_weights_decompressor_linear_41_updated_constant0_0" [id=553, type=call_module]; +"554 linear_41" [id=554, type=linear]; +"555 view_87" [id=555, type=view]; +"556 transpose_65" [id=556, type=transpose]; +"557 dropout_31" [id=557, type=dropout]; +"558 add_21" [id=558, type=add]; +"559 _param_constant130" [id=559, type=get_attr]; +"560 _param_constant131" [id=560, type=get_attr]; +"561 layer_norm_21" [id=561, type=layer_norm]; +"562 _param_constant133" [id=562, type=get_attr]; +"563 linear_42_updated_constant0" [id=563, type=get_attr]; +"564 symmetric_weights_decompressor_linear_42_updated_constant0_0" [id=564, type=call_module]; +"565 linear_42" [id=565, type=linear]; +"566 gelu_10" [id=566, type=gelu]; +"567 dropout_32" [id=567, type=dropout]; +"568 _param_constant135" [id=568, type=get_attr]; +"569 linear_43_updated_constant0" [id=569, type=get_attr]; +"570 symmetric_weights_decompressor_linear_43_updated_constant0_0" [id=570, type=call_module]; +"571 linear_43" [id=571, type=linear]; +"572 dropout_33" [id=572, type=dropout]; +"573 add_22" [id=573, type=add]; +"574 _param_constant136" [id=574, type=get_attr]; +"575 _param_constant137" [id=575, type=get_attr]; +"576 layer_norm_22" [id=576, type=layer_norm]; +"577 transpose_66" [id=577, type=transpose]; +"578 _param_constant139" [id=578, type=get_attr]; +"579 linear_44_updated_constant0" [id=579, type=get_attr]; +"580 symmetric_weights_decompressor_linear_44_updated_constant0_0" [id=580, type=call_module]; +"581 linear_44" [id=581, type=linear]; +"582 unflatten_11" [id=582, type=unflatten]; +"583 unsqueeze_11" [id=583, type=unsqueeze]; +"584 transpose_67" [id=584, type=transpose]; +"585 squeeze_11" [id=585, type=squeeze]; +"586 contiguous_11" [id=586, type=contiguous]; +"587 select_33" [id=587, type=select]; +"588 select_34" [id=588, type=select]; +"589 select_35" [id=589, type=select]; +"590 view_88" [id=590, type=view]; +"591 transpose_68" [id=591, type=transpose]; +"592 view_89" [id=592, type=view]; +"593 transpose_69" [id=593, type=transpose]; +"594 view_90" [id=594, type=view]; +"595 transpose_70" [id=595, type=transpose]; +"596 view_91" [id=596, type=view]; +"597 view_92" [id=597, type=view]; +"598 view_93" [id=598, type=view]; +"599 scaled_dot_product_attention_11" [id=599, type=scaled_dot_product_attention]; +"600 permute_12" [id=600, type=permute]; +"601 view_94" [id=601, type=view]; +"602 _param_constant141" [id=602, type=get_attr]; +"603 linear_45_updated_constant0" [id=603, type=get_attr]; +"604 symmetric_weights_decompressor_linear_45_updated_constant0_0" [id=604, type=call_module]; +"605 linear_45" [id=605, type=linear]; +"606 view_95" [id=606, type=view]; +"607 transpose_71" [id=607, type=transpose]; +"608 dropout_34" [id=608, type=dropout]; +"609 add_23" [id=609, type=add]; +"610 _param_constant142" [id=610, type=get_attr]; +"611 _param_constant143" [id=611, type=get_attr]; +"612 layer_norm_23" [id=612, type=layer_norm]; +"613 _param_constant145" [id=613, type=get_attr]; +"614 linear_46_updated_constant0" [id=614, type=get_attr]; +"615 symmetric_weights_decompressor_linear_46_updated_constant0_0" [id=615, type=call_module]; +"616 linear_46" [id=616, type=linear]; +"617 gelu_11" [id=617, type=gelu]; +"618 dropout_35" [id=618, type=dropout]; +"619 _param_constant147" [id=619, type=get_attr]; +"620 linear_47_updated_constant0" [id=620, type=get_attr]; +"621 symmetric_weights_decompressor_linear_47_updated_constant0_0" [id=621, type=call_module]; +"622 linear_47" [id=622, type=linear]; +"623 dropout_36" [id=623, type=dropout]; +"624 add_24" [id=624, type=add]; +"625 _param_constant148" [id=625, type=get_attr]; +"626 _param_constant149" [id=626, type=get_attr]; +"627 layer_norm_24" [id=627, type=layer_norm]; +"628 slice_1" [id=628, type=slice]; +"629 select_36" [id=629, type=select]; +"630 _param_constant151" [id=630, type=get_attr]; +"631 linear_48_updated_constant0" [id=631, type=get_attr]; +"632 symmetric_weights_decompressor_linear_48_updated_constant0_0" [id=632, type=call_module]; +"633 linear_48" [id=633, type=linear]; +"634 output" [id=634, type=output]; +"0 arg0_1" -> "4 conv2d"; +"1 _param_constant1" -> "4 conv2d"; +"2 conv2d_updated_constant0" -> "3 symmetric_weights_decompressor_conv2d_updated_constant0_0"; +"3 symmetric_weights_decompressor_conv2d_updated_constant0_0" -> "4 conv2d"; +"4 conv2d" -> "5 reshape"; +"5 reshape" -> "6 permute"; +"6 permute" -> "9 cat"; +"7 _param_constant2" -> "8 expand"; +"8 expand" -> "9 cat"; +"9 cat" -> "11 add"; +"10 _param_constant3" -> "11 add"; +"11 add" -> "12 dropout"; +"12 dropout" -> "15 layer_norm"; +"12 dropout" -> "48 add_1"; +"13 _param_constant4" -> "15 layer_norm"; +"14 _param_constant5" -> "15 layer_norm"; +"15 layer_norm" -> "16 transpose"; +"16 transpose" -> "20 linear"; +"17 _param_constant7" -> "20 linear"; +"18 linear_updated_constant0" -> "19 symmetric_weights_decompressor_linear_updated_constant0_0"; +"19 symmetric_weights_decompressor_linear_updated_constant0_0" -> "20 linear"; +"20 linear" -> "21 unflatten"; +"21 unflatten" -> "22 unsqueeze"; +"22 unsqueeze" -> "23 transpose_1"; +"23 transpose_1" -> "24 squeeze"; +"24 squeeze" -> "25 contiguous"; +"25 contiguous" -> "26 select"; +"25 contiguous" -> "27 select_1"; +"25 contiguous" -> "28 select_2"; +"26 select" -> "29 view"; +"27 select_1" -> "31 view_1"; +"28 select_2" -> "33 view_2"; +"29 view" -> "30 transpose_2"; +"30 transpose_2" -> "35 view_3"; +"31 view_1" -> "32 transpose_3"; +"32 transpose_3" -> "36 view_4"; +"33 view_2" -> "34 transpose_4"; +"34 transpose_4" -> "37 view_5"; +"35 view_3" -> "38 scaled_dot_product_attention"; +"36 view_4" -> "38 scaled_dot_product_attention"; +"37 view_5" -> "38 scaled_dot_product_attention"; +"38 scaled_dot_product_attention" -> "39 permute_1"; +"39 permute_1" -> "40 view_6"; +"40 view_6" -> "44 linear_1"; +"41 _param_constant9" -> "44 linear_1"; +"42 linear_1_updated_constant0" -> "43 symmetric_weights_decompressor_linear_1_updated_constant0_0"; +"43 symmetric_weights_decompressor_linear_1_updated_constant0_0" -> "44 linear_1"; +"44 linear_1" -> "45 view_7"; +"45 view_7" -> "46 transpose_5"; +"46 transpose_5" -> "47 dropout_1"; +"47 dropout_1" -> "48 add_1"; +"48 add_1" -> "51 layer_norm_1"; +"48 add_1" -> "63 add_2"; +"49 _param_constant10" -> "51 layer_norm_1"; +"50 _param_constant11" -> "51 layer_norm_1"; +"51 layer_norm_1" -> "55 linear_2"; +"52 _param_constant13" -> "55 linear_2"; +"53 linear_2_updated_constant0" -> "54 symmetric_weights_decompressor_linear_2_updated_constant0_0"; +"54 symmetric_weights_decompressor_linear_2_updated_constant0_0" -> "55 linear_2"; +"55 linear_2" -> "56 gelu"; +"56 gelu" -> "57 dropout_2"; +"57 dropout_2" -> "61 linear_3"; +"58 _param_constant15" -> "61 linear_3"; +"59 linear_3_updated_constant0" -> "60 symmetric_weights_decompressor_linear_3_updated_constant0_0"; +"60 symmetric_weights_decompressor_linear_3_updated_constant0_0" -> "61 linear_3"; +"61 linear_3" -> "62 dropout_3"; +"62 dropout_3" -> "63 add_2"; +"63 add_2" -> "66 layer_norm_2"; +"63 add_2" -> "99 add_3"; +"64 _param_constant16" -> "66 layer_norm_2"; +"65 _param_constant17" -> "66 layer_norm_2"; +"66 layer_norm_2" -> "67 transpose_6"; +"67 transpose_6" -> "71 linear_4"; +"68 _param_constant19" -> "71 linear_4"; +"69 linear_4_updated_constant0" -> "70 symmetric_weights_decompressor_linear_4_updated_constant0_0"; +"70 symmetric_weights_decompressor_linear_4_updated_constant0_0" -> "71 linear_4"; +"71 linear_4" -> "72 unflatten_1"; +"72 unflatten_1" -> "73 unsqueeze_1"; +"73 unsqueeze_1" -> "74 transpose_7"; +"74 transpose_7" -> "75 squeeze_1"; +"75 squeeze_1" -> "76 contiguous_1"; +"76 contiguous_1" -> "77 select_3"; +"76 contiguous_1" -> "78 select_4"; +"76 contiguous_1" -> "79 select_5"; +"77 select_3" -> "80 view_8"; +"78 select_4" -> "82 view_9"; +"79 select_5" -> "84 view_10"; +"80 view_8" -> "81 transpose_8"; +"81 transpose_8" -> "86 view_11"; +"82 view_9" -> "83 transpose_9"; +"83 transpose_9" -> "87 view_12"; +"84 view_10" -> "85 transpose_10"; +"85 transpose_10" -> "88 view_13"; +"86 view_11" -> "89 scaled_dot_product_attention_1"; +"87 view_12" -> "89 scaled_dot_product_attention_1"; +"88 view_13" -> "89 scaled_dot_product_attention_1"; +"89 scaled_dot_product_attention_1" -> "90 permute_2"; +"90 permute_2" -> "91 view_14"; +"91 view_14" -> "95 linear_5"; +"92 _param_constant21" -> "95 linear_5"; +"93 linear_5_updated_constant0" -> "94 symmetric_weights_decompressor_linear_5_updated_constant0_0"; +"94 symmetric_weights_decompressor_linear_5_updated_constant0_0" -> "95 linear_5"; +"95 linear_5" -> "96 view_15"; +"96 view_15" -> "97 transpose_11"; +"97 transpose_11" -> "98 dropout_4"; +"98 dropout_4" -> "99 add_3"; +"99 add_3" -> "102 layer_norm_3"; +"99 add_3" -> "114 add_4"; +"100 _param_constant22" -> "102 layer_norm_3"; +"101 _param_constant23" -> "102 layer_norm_3"; +"102 layer_norm_3" -> "106 linear_6"; +"103 _param_constant25" -> "106 linear_6"; +"104 linear_6_updated_constant0" -> "105 symmetric_weights_decompressor_linear_6_updated_constant0_0"; +"105 symmetric_weights_decompressor_linear_6_updated_constant0_0" -> "106 linear_6"; +"106 linear_6" -> "107 gelu_1"; +"107 gelu_1" -> "108 dropout_5"; +"108 dropout_5" -> "112 linear_7"; +"109 _param_constant27" -> "112 linear_7"; +"110 linear_7_updated_constant0" -> "111 symmetric_weights_decompressor_linear_7_updated_constant0_0"; +"111 symmetric_weights_decompressor_linear_7_updated_constant0_0" -> "112 linear_7"; +"112 linear_7" -> "113 dropout_6"; +"113 dropout_6" -> "114 add_4"; +"114 add_4" -> "117 layer_norm_4"; +"114 add_4" -> "150 add_5"; +"115 _param_constant28" -> "117 layer_norm_4"; +"116 _param_constant29" -> "117 layer_norm_4"; +"117 layer_norm_4" -> "118 transpose_12"; +"118 transpose_12" -> "122 linear_8"; +"119 _param_constant31" -> "122 linear_8"; +"120 linear_8_updated_constant0" -> "121 symmetric_weights_decompressor_linear_8_updated_constant0_0"; +"121 symmetric_weights_decompressor_linear_8_updated_constant0_0" -> "122 linear_8"; +"122 linear_8" -> "123 unflatten_2"; +"123 unflatten_2" -> "124 unsqueeze_2"; +"124 unsqueeze_2" -> "125 transpose_13"; +"125 transpose_13" -> "126 squeeze_2"; +"126 squeeze_2" -> "127 contiguous_2"; +"127 contiguous_2" -> "128 select_6"; +"127 contiguous_2" -> "129 select_7"; +"127 contiguous_2" -> "130 select_8"; +"128 select_6" -> "131 view_16"; +"129 select_7" -> "133 view_17"; +"130 select_8" -> "135 view_18"; +"131 view_16" -> "132 transpose_14"; +"132 transpose_14" -> "137 view_19"; +"133 view_17" -> "134 transpose_15"; +"134 transpose_15" -> "138 view_20"; +"135 view_18" -> "136 transpose_16"; +"136 transpose_16" -> "139 view_21"; +"137 view_19" -> "140 scaled_dot_product_attention_2"; +"138 view_20" -> "140 scaled_dot_product_attention_2"; +"139 view_21" -> "140 scaled_dot_product_attention_2"; +"140 scaled_dot_product_attention_2" -> "141 permute_3"; +"141 permute_3" -> "142 view_22"; +"142 view_22" -> "146 linear_9"; +"143 _param_constant33" -> "146 linear_9"; +"144 linear_9_updated_constant0" -> "145 symmetric_weights_decompressor_linear_9_updated_constant0_0"; +"145 symmetric_weights_decompressor_linear_9_updated_constant0_0" -> "146 linear_9"; +"146 linear_9" -> "147 view_23"; +"147 view_23" -> "148 transpose_17"; +"148 transpose_17" -> "149 dropout_7"; +"149 dropout_7" -> "150 add_5"; +"150 add_5" -> "153 layer_norm_5"; +"150 add_5" -> "165 add_6"; +"151 _param_constant34" -> "153 layer_norm_5"; +"152 _param_constant35" -> "153 layer_norm_5"; +"153 layer_norm_5" -> "157 linear_10"; +"154 _param_constant37" -> "157 linear_10"; +"155 linear_10_updated_constant0" -> "156 symmetric_weights_decompressor_linear_10_updated_constant0_0"; +"156 symmetric_weights_decompressor_linear_10_updated_constant0_0" -> "157 linear_10"; +"157 linear_10" -> "158 gelu_2"; +"158 gelu_2" -> "159 dropout_8"; +"159 dropout_8" -> "163 linear_11"; +"160 _param_constant39" -> "163 linear_11"; +"161 linear_11_updated_constant0" -> "162 symmetric_weights_decompressor_linear_11_updated_constant0_0"; +"162 symmetric_weights_decompressor_linear_11_updated_constant0_0" -> "163 linear_11"; +"163 linear_11" -> "164 dropout_9"; +"164 dropout_9" -> "165 add_6"; +"165 add_6" -> "168 layer_norm_6"; +"165 add_6" -> "201 add_7"; +"166 _param_constant40" -> "168 layer_norm_6"; +"167 _param_constant41" -> "168 layer_norm_6"; +"168 layer_norm_6" -> "169 transpose_18"; +"169 transpose_18" -> "173 linear_12"; +"170 _param_constant43" -> "173 linear_12"; +"171 linear_12_updated_constant0" -> "172 symmetric_weights_decompressor_linear_12_updated_constant0_0"; +"172 symmetric_weights_decompressor_linear_12_updated_constant0_0" -> "173 linear_12"; +"173 linear_12" -> "174 unflatten_3"; +"174 unflatten_3" -> "175 unsqueeze_3"; +"175 unsqueeze_3" -> "176 transpose_19"; +"176 transpose_19" -> "177 squeeze_3"; +"177 squeeze_3" -> "178 contiguous_3"; +"178 contiguous_3" -> "179 select_9"; +"178 contiguous_3" -> "180 select_10"; +"178 contiguous_3" -> "181 select_11"; +"179 select_9" -> "182 view_24"; +"180 select_10" -> "184 view_25"; +"181 select_11" -> "186 view_26"; +"182 view_24" -> "183 transpose_20"; +"183 transpose_20" -> "188 view_27"; +"184 view_25" -> "185 transpose_21"; +"185 transpose_21" -> "189 view_28"; +"186 view_26" -> "187 transpose_22"; +"187 transpose_22" -> "190 view_29"; +"188 view_27" -> "191 scaled_dot_product_attention_3"; +"189 view_28" -> "191 scaled_dot_product_attention_3"; +"190 view_29" -> "191 scaled_dot_product_attention_3"; +"191 scaled_dot_product_attention_3" -> "192 permute_4"; +"192 permute_4" -> "193 view_30"; +"193 view_30" -> "197 linear_13"; +"194 _param_constant45" -> "197 linear_13"; +"195 linear_13_updated_constant0" -> "196 symmetric_weights_decompressor_linear_13_updated_constant0_0"; +"196 symmetric_weights_decompressor_linear_13_updated_constant0_0" -> "197 linear_13"; +"197 linear_13" -> "198 view_31"; +"198 view_31" -> "199 transpose_23"; +"199 transpose_23" -> "200 dropout_10"; +"200 dropout_10" -> "201 add_7"; +"201 add_7" -> "204 layer_norm_7"; +"201 add_7" -> "216 add_8"; +"202 _param_constant46" -> "204 layer_norm_7"; +"203 _param_constant47" -> "204 layer_norm_7"; +"204 layer_norm_7" -> "208 linear_14"; +"205 _param_constant49" -> "208 linear_14"; +"206 linear_14_updated_constant0" -> "207 symmetric_weights_decompressor_linear_14_updated_constant0_0"; +"207 symmetric_weights_decompressor_linear_14_updated_constant0_0" -> "208 linear_14"; +"208 linear_14" -> "209 gelu_3"; +"209 gelu_3" -> "210 dropout_11"; +"210 dropout_11" -> "214 linear_15"; +"211 _param_constant51" -> "214 linear_15"; +"212 linear_15_updated_constant0" -> "213 symmetric_weights_decompressor_linear_15_updated_constant0_0"; +"213 symmetric_weights_decompressor_linear_15_updated_constant0_0" -> "214 linear_15"; +"214 linear_15" -> "215 dropout_12"; +"215 dropout_12" -> "216 add_8"; +"216 add_8" -> "219 layer_norm_8"; +"216 add_8" -> "252 add_9"; +"217 _param_constant52" -> "219 layer_norm_8"; +"218 _param_constant53" -> "219 layer_norm_8"; +"219 layer_norm_8" -> "220 transpose_24"; +"220 transpose_24" -> "224 linear_16"; +"221 _param_constant55" -> "224 linear_16"; +"222 linear_16_updated_constant0" -> "223 symmetric_weights_decompressor_linear_16_updated_constant0_0"; +"223 symmetric_weights_decompressor_linear_16_updated_constant0_0" -> "224 linear_16"; +"224 linear_16" -> "225 unflatten_4"; +"225 unflatten_4" -> "226 unsqueeze_4"; +"226 unsqueeze_4" -> "227 transpose_25"; +"227 transpose_25" -> "228 squeeze_4"; +"228 squeeze_4" -> "229 contiguous_4"; +"229 contiguous_4" -> "230 select_12"; +"229 contiguous_4" -> "231 select_13"; +"229 contiguous_4" -> "232 select_14"; +"230 select_12" -> "233 view_32"; +"231 select_13" -> "235 view_33"; +"232 select_14" -> "237 view_34"; +"233 view_32" -> "234 transpose_26"; +"234 transpose_26" -> "239 view_35"; +"235 view_33" -> "236 transpose_27"; +"236 transpose_27" -> "240 view_36"; +"237 view_34" -> "238 transpose_28"; +"238 transpose_28" -> "241 view_37"; +"239 view_35" -> "242 scaled_dot_product_attention_4"; +"240 view_36" -> "242 scaled_dot_product_attention_4"; +"241 view_37" -> "242 scaled_dot_product_attention_4"; +"242 scaled_dot_product_attention_4" -> "243 permute_5"; +"243 permute_5" -> "244 view_38"; +"244 view_38" -> "248 linear_17"; +"245 _param_constant57" -> "248 linear_17"; +"246 linear_17_updated_constant0" -> "247 symmetric_weights_decompressor_linear_17_updated_constant0_0"; +"247 symmetric_weights_decompressor_linear_17_updated_constant0_0" -> "248 linear_17"; +"248 linear_17" -> "249 view_39"; +"249 view_39" -> "250 transpose_29"; +"250 transpose_29" -> "251 dropout_13"; +"251 dropout_13" -> "252 add_9"; +"252 add_9" -> "255 layer_norm_9"; +"252 add_9" -> "267 add_10"; +"253 _param_constant58" -> "255 layer_norm_9"; +"254 _param_constant59" -> "255 layer_norm_9"; +"255 layer_norm_9" -> "259 linear_18"; +"256 _param_constant61" -> "259 linear_18"; +"257 linear_18_updated_constant0" -> "258 symmetric_weights_decompressor_linear_18_updated_constant0_0"; +"258 symmetric_weights_decompressor_linear_18_updated_constant0_0" -> "259 linear_18"; +"259 linear_18" -> "260 gelu_4"; +"260 gelu_4" -> "261 dropout_14"; +"261 dropout_14" -> "265 linear_19"; +"262 _param_constant63" -> "265 linear_19"; +"263 linear_19_updated_constant0" -> "264 symmetric_weights_decompressor_linear_19_updated_constant0_0"; +"264 symmetric_weights_decompressor_linear_19_updated_constant0_0" -> "265 linear_19"; +"265 linear_19" -> "266 dropout_15"; +"266 dropout_15" -> "267 add_10"; +"267 add_10" -> "270 layer_norm_10"; +"267 add_10" -> "303 add_11"; +"268 _param_constant64" -> "270 layer_norm_10"; +"269 _param_constant65" -> "270 layer_norm_10"; +"270 layer_norm_10" -> "271 transpose_30"; +"271 transpose_30" -> "275 linear_20"; +"272 _param_constant67" -> "275 linear_20"; +"273 linear_20_updated_constant0" -> "274 symmetric_weights_decompressor_linear_20_updated_constant0_0"; +"274 symmetric_weights_decompressor_linear_20_updated_constant0_0" -> "275 linear_20"; +"275 linear_20" -> "276 unflatten_5"; +"276 unflatten_5" -> "277 unsqueeze_5"; +"277 unsqueeze_5" -> "278 transpose_31"; +"278 transpose_31" -> "279 squeeze_5"; +"279 squeeze_5" -> "280 contiguous_5"; +"280 contiguous_5" -> "281 select_15"; +"280 contiguous_5" -> "282 select_16"; +"280 contiguous_5" -> "283 select_17"; +"281 select_15" -> "284 view_40"; +"282 select_16" -> "286 view_41"; +"283 select_17" -> "288 view_42"; +"284 view_40" -> "285 transpose_32"; +"285 transpose_32" -> "290 view_43"; +"286 view_41" -> "287 transpose_33"; +"287 transpose_33" -> "291 view_44"; +"288 view_42" -> "289 transpose_34"; +"289 transpose_34" -> "292 view_45"; +"290 view_43" -> "293 scaled_dot_product_attention_5"; +"291 view_44" -> "293 scaled_dot_product_attention_5"; +"292 view_45" -> "293 scaled_dot_product_attention_5"; +"293 scaled_dot_product_attention_5" -> "294 permute_6"; +"294 permute_6" -> "295 view_46"; +"295 view_46" -> "299 linear_21"; +"296 _param_constant69" -> "299 linear_21"; +"297 linear_21_updated_constant0" -> "298 symmetric_weights_decompressor_linear_21_updated_constant0_0"; +"298 symmetric_weights_decompressor_linear_21_updated_constant0_0" -> "299 linear_21"; +"299 linear_21" -> "300 view_47"; +"300 view_47" -> "301 transpose_35"; +"301 transpose_35" -> "302 dropout_16"; +"302 dropout_16" -> "303 add_11"; +"303 add_11" -> "306 layer_norm_11"; +"303 add_11" -> "318 add_12"; +"304 _param_constant70" -> "306 layer_norm_11"; +"305 _param_constant71" -> "306 layer_norm_11"; +"306 layer_norm_11" -> "310 linear_22"; +"307 _param_constant73" -> "310 linear_22"; +"308 linear_22_updated_constant0" -> "309 symmetric_weights_decompressor_linear_22_updated_constant0_0"; +"309 symmetric_weights_decompressor_linear_22_updated_constant0_0" -> "310 linear_22"; +"310 linear_22" -> "311 gelu_5"; +"311 gelu_5" -> "312 dropout_17"; +"312 dropout_17" -> "316 linear_23"; +"313 _param_constant75" -> "316 linear_23"; +"314 linear_23_updated_constant0" -> "315 symmetric_weights_decompressor_linear_23_updated_constant0_0"; +"315 symmetric_weights_decompressor_linear_23_updated_constant0_0" -> "316 linear_23"; +"316 linear_23" -> "317 dropout_18"; +"317 dropout_18" -> "318 add_12"; +"318 add_12" -> "321 layer_norm_12"; +"318 add_12" -> "354 add_13"; +"319 _param_constant76" -> "321 layer_norm_12"; +"320 _param_constant77" -> "321 layer_norm_12"; +"321 layer_norm_12" -> "322 transpose_36"; +"322 transpose_36" -> "326 linear_24"; +"323 _param_constant79" -> "326 linear_24"; +"324 linear_24_updated_constant0" -> "325 symmetric_weights_decompressor_linear_24_updated_constant0_0"; +"325 symmetric_weights_decompressor_linear_24_updated_constant0_0" -> "326 linear_24"; +"326 linear_24" -> "327 unflatten_6"; +"327 unflatten_6" -> "328 unsqueeze_6"; +"328 unsqueeze_6" -> "329 transpose_37"; +"329 transpose_37" -> "330 squeeze_6"; +"330 squeeze_6" -> "331 contiguous_6"; +"331 contiguous_6" -> "332 select_18"; +"331 contiguous_6" -> "333 select_19"; +"331 contiguous_6" -> "334 select_20"; +"332 select_18" -> "335 view_48"; +"333 select_19" -> "337 view_49"; +"334 select_20" -> "339 view_50"; +"335 view_48" -> "336 transpose_38"; +"336 transpose_38" -> "341 view_51"; +"337 view_49" -> "338 transpose_39"; +"338 transpose_39" -> "342 view_52"; +"339 view_50" -> "340 transpose_40"; +"340 transpose_40" -> "343 view_53"; +"341 view_51" -> "344 scaled_dot_product_attention_6"; +"342 view_52" -> "344 scaled_dot_product_attention_6"; +"343 view_53" -> "344 scaled_dot_product_attention_6"; +"344 scaled_dot_product_attention_6" -> "345 permute_7"; +"345 permute_7" -> "346 view_54"; +"346 view_54" -> "350 linear_25"; +"347 _param_constant81" -> "350 linear_25"; +"348 linear_25_updated_constant0" -> "349 symmetric_weights_decompressor_linear_25_updated_constant0_0"; +"349 symmetric_weights_decompressor_linear_25_updated_constant0_0" -> "350 linear_25"; +"350 linear_25" -> "351 view_55"; +"351 view_55" -> "352 transpose_41"; +"352 transpose_41" -> "353 dropout_19"; +"353 dropout_19" -> "354 add_13"; +"354 add_13" -> "357 layer_norm_13"; +"354 add_13" -> "369 add_14"; +"355 _param_constant82" -> "357 layer_norm_13"; +"356 _param_constant83" -> "357 layer_norm_13"; +"357 layer_norm_13" -> "361 linear_26"; +"358 _param_constant85" -> "361 linear_26"; +"359 linear_26_updated_constant0" -> "360 symmetric_weights_decompressor_linear_26_updated_constant0_0"; +"360 symmetric_weights_decompressor_linear_26_updated_constant0_0" -> "361 linear_26"; +"361 linear_26" -> "362 gelu_6"; +"362 gelu_6" -> "363 dropout_20"; +"363 dropout_20" -> "367 linear_27"; +"364 _param_constant87" -> "367 linear_27"; +"365 linear_27_updated_constant0" -> "366 symmetric_weights_decompressor_linear_27_updated_constant0_0"; +"366 symmetric_weights_decompressor_linear_27_updated_constant0_0" -> "367 linear_27"; +"367 linear_27" -> "368 dropout_21"; +"368 dropout_21" -> "369 add_14"; +"369 add_14" -> "372 layer_norm_14"; +"369 add_14" -> "405 add_15"; +"370 _param_constant88" -> "372 layer_norm_14"; +"371 _param_constant89" -> "372 layer_norm_14"; +"372 layer_norm_14" -> "373 transpose_42"; +"373 transpose_42" -> "377 linear_28"; +"374 _param_constant91" -> "377 linear_28"; +"375 linear_28_updated_constant0" -> "376 symmetric_weights_decompressor_linear_28_updated_constant0_0"; +"376 symmetric_weights_decompressor_linear_28_updated_constant0_0" -> "377 linear_28"; +"377 linear_28" -> "378 unflatten_7"; +"378 unflatten_7" -> "379 unsqueeze_7"; +"379 unsqueeze_7" -> "380 transpose_43"; +"380 transpose_43" -> "381 squeeze_7"; +"381 squeeze_7" -> "382 contiguous_7"; +"382 contiguous_7" -> "383 select_21"; +"382 contiguous_7" -> "384 select_22"; +"382 contiguous_7" -> "385 select_23"; +"383 select_21" -> "386 view_56"; +"384 select_22" -> "388 view_57"; +"385 select_23" -> "390 view_58"; +"386 view_56" -> "387 transpose_44"; +"387 transpose_44" -> "392 view_59"; +"388 view_57" -> "389 transpose_45"; +"389 transpose_45" -> "393 view_60"; +"390 view_58" -> "391 transpose_46"; +"391 transpose_46" -> "394 view_61"; +"392 view_59" -> "395 scaled_dot_product_attention_7"; +"393 view_60" -> "395 scaled_dot_product_attention_7"; +"394 view_61" -> "395 scaled_dot_product_attention_7"; +"395 scaled_dot_product_attention_7" -> "396 permute_8"; +"396 permute_8" -> "397 view_62"; +"397 view_62" -> "401 linear_29"; +"398 _param_constant93" -> "401 linear_29"; +"399 linear_29_updated_constant0" -> "400 symmetric_weights_decompressor_linear_29_updated_constant0_0"; +"400 symmetric_weights_decompressor_linear_29_updated_constant0_0" -> "401 linear_29"; +"401 linear_29" -> "402 view_63"; +"402 view_63" -> "403 transpose_47"; +"403 transpose_47" -> "404 dropout_22"; +"404 dropout_22" -> "405 add_15"; +"405 add_15" -> "408 layer_norm_15"; +"405 add_15" -> "420 add_16"; +"406 _param_constant94" -> "408 layer_norm_15"; +"407 _param_constant95" -> "408 layer_norm_15"; +"408 layer_norm_15" -> "412 linear_30"; +"409 _param_constant97" -> "412 linear_30"; +"410 linear_30_updated_constant0" -> "411 symmetric_weights_decompressor_linear_30_updated_constant0_0"; +"411 symmetric_weights_decompressor_linear_30_updated_constant0_0" -> "412 linear_30"; +"412 linear_30" -> "413 gelu_7"; +"413 gelu_7" -> "414 dropout_23"; +"414 dropout_23" -> "418 linear_31"; +"415 _param_constant99" -> "418 linear_31"; +"416 linear_31_updated_constant0" -> "417 symmetric_weights_decompressor_linear_31_updated_constant0_0"; +"417 symmetric_weights_decompressor_linear_31_updated_constant0_0" -> "418 linear_31"; +"418 linear_31" -> "419 dropout_24"; +"419 dropout_24" -> "420 add_16"; +"420 add_16" -> "423 layer_norm_16"; +"420 add_16" -> "456 add_17"; +"421 _param_constant100" -> "423 layer_norm_16"; +"422 _param_constant101" -> "423 layer_norm_16"; +"423 layer_norm_16" -> "424 transpose_48"; +"424 transpose_48" -> "428 linear_32"; +"425 _param_constant103" -> "428 linear_32"; +"426 linear_32_updated_constant0" -> "427 symmetric_weights_decompressor_linear_32_updated_constant0_0"; +"427 symmetric_weights_decompressor_linear_32_updated_constant0_0" -> "428 linear_32"; +"428 linear_32" -> "429 unflatten_8"; +"429 unflatten_8" -> "430 unsqueeze_8"; +"430 unsqueeze_8" -> "431 transpose_49"; +"431 transpose_49" -> "432 squeeze_8"; +"432 squeeze_8" -> "433 contiguous_8"; +"433 contiguous_8" -> "434 select_24"; +"433 contiguous_8" -> "435 select_25"; +"433 contiguous_8" -> "436 select_26"; +"434 select_24" -> "437 view_64"; +"435 select_25" -> "439 view_65"; +"436 select_26" -> "441 view_66"; +"437 view_64" -> "438 transpose_50"; +"438 transpose_50" -> "443 view_67"; +"439 view_65" -> "440 transpose_51"; +"440 transpose_51" -> "444 view_68"; +"441 view_66" -> "442 transpose_52"; +"442 transpose_52" -> "445 view_69"; +"443 view_67" -> "446 scaled_dot_product_attention_8"; +"444 view_68" -> "446 scaled_dot_product_attention_8"; +"445 view_69" -> "446 scaled_dot_product_attention_8"; +"446 scaled_dot_product_attention_8" -> "447 permute_9"; +"447 permute_9" -> "448 view_70"; +"448 view_70" -> "452 linear_33"; +"449 _param_constant105" -> "452 linear_33"; +"450 linear_33_updated_constant0" -> "451 symmetric_weights_decompressor_linear_33_updated_constant0_0"; +"451 symmetric_weights_decompressor_linear_33_updated_constant0_0" -> "452 linear_33"; +"452 linear_33" -> "453 view_71"; +"453 view_71" -> "454 transpose_53"; +"454 transpose_53" -> "455 dropout_25"; +"455 dropout_25" -> "456 add_17"; +"456 add_17" -> "459 layer_norm_17"; +"456 add_17" -> "471 add_18"; +"457 _param_constant106" -> "459 layer_norm_17"; +"458 _param_constant107" -> "459 layer_norm_17"; +"459 layer_norm_17" -> "463 linear_34"; +"460 _param_constant109" -> "463 linear_34"; +"461 linear_34_updated_constant0" -> "462 symmetric_weights_decompressor_linear_34_updated_constant0_0"; +"462 symmetric_weights_decompressor_linear_34_updated_constant0_0" -> "463 linear_34"; +"463 linear_34" -> "464 gelu_8"; +"464 gelu_8" -> "465 dropout_26"; +"465 dropout_26" -> "469 linear_35"; +"466 _param_constant111" -> "469 linear_35"; +"467 linear_35_updated_constant0" -> "468 symmetric_weights_decompressor_linear_35_updated_constant0_0"; +"468 symmetric_weights_decompressor_linear_35_updated_constant0_0" -> "469 linear_35"; +"469 linear_35" -> "470 dropout_27"; +"470 dropout_27" -> "471 add_18"; +"471 add_18" -> "474 layer_norm_18"; +"471 add_18" -> "507 add_19"; +"472 _param_constant112" -> "474 layer_norm_18"; +"473 _param_constant113" -> "474 layer_norm_18"; +"474 layer_norm_18" -> "475 transpose_54"; +"475 transpose_54" -> "479 linear_36"; +"476 _param_constant115" -> "479 linear_36"; +"477 linear_36_updated_constant0" -> "478 symmetric_weights_decompressor_linear_36_updated_constant0_0"; +"478 symmetric_weights_decompressor_linear_36_updated_constant0_0" -> "479 linear_36"; +"479 linear_36" -> "480 unflatten_9"; +"480 unflatten_9" -> "481 unsqueeze_9"; +"481 unsqueeze_9" -> "482 transpose_55"; +"482 transpose_55" -> "483 squeeze_9"; +"483 squeeze_9" -> "484 contiguous_9"; +"484 contiguous_9" -> "485 select_27"; +"484 contiguous_9" -> "486 select_28"; +"484 contiguous_9" -> "487 select_29"; +"485 select_27" -> "488 view_72"; +"486 select_28" -> "490 view_73"; +"487 select_29" -> "492 view_74"; +"488 view_72" -> "489 transpose_56"; +"489 transpose_56" -> "494 view_75"; +"490 view_73" -> "491 transpose_57"; +"491 transpose_57" -> "495 view_76"; +"492 view_74" -> "493 transpose_58"; +"493 transpose_58" -> "496 view_77"; +"494 view_75" -> "497 scaled_dot_product_attention_9"; +"495 view_76" -> "497 scaled_dot_product_attention_9"; +"496 view_77" -> "497 scaled_dot_product_attention_9"; +"497 scaled_dot_product_attention_9" -> "498 permute_10"; +"498 permute_10" -> "499 view_78"; +"499 view_78" -> "503 linear_37"; +"500 _param_constant117" -> "503 linear_37"; +"501 linear_37_updated_constant0" -> "502 symmetric_weights_decompressor_linear_37_updated_constant0_0"; +"502 symmetric_weights_decompressor_linear_37_updated_constant0_0" -> "503 linear_37"; +"503 linear_37" -> "504 view_79"; +"504 view_79" -> "505 transpose_59"; +"505 transpose_59" -> "506 dropout_28"; +"506 dropout_28" -> "507 add_19"; +"507 add_19" -> "510 layer_norm_19"; +"507 add_19" -> "522 add_20"; +"508 _param_constant118" -> "510 layer_norm_19"; +"509 _param_constant119" -> "510 layer_norm_19"; +"510 layer_norm_19" -> "514 linear_38"; +"511 _param_constant121" -> "514 linear_38"; +"512 linear_38_updated_constant0" -> "513 symmetric_weights_decompressor_linear_38_updated_constant0_0"; +"513 symmetric_weights_decompressor_linear_38_updated_constant0_0" -> "514 linear_38"; +"514 linear_38" -> "515 gelu_9"; +"515 gelu_9" -> "516 dropout_29"; +"516 dropout_29" -> "520 linear_39"; +"517 _param_constant123" -> "520 linear_39"; +"518 linear_39_updated_constant0" -> "519 symmetric_weights_decompressor_linear_39_updated_constant0_0"; +"519 symmetric_weights_decompressor_linear_39_updated_constant0_0" -> "520 linear_39"; +"520 linear_39" -> "521 dropout_30"; +"521 dropout_30" -> "522 add_20"; +"522 add_20" -> "525 layer_norm_20"; +"522 add_20" -> "558 add_21"; +"523 _param_constant124" -> "525 layer_norm_20"; +"524 _param_constant125" -> "525 layer_norm_20"; +"525 layer_norm_20" -> "526 transpose_60"; +"526 transpose_60" -> "530 linear_40"; +"527 _param_constant127" -> "530 linear_40"; +"528 linear_40_updated_constant0" -> "529 symmetric_weights_decompressor_linear_40_updated_constant0_0"; +"529 symmetric_weights_decompressor_linear_40_updated_constant0_0" -> "530 linear_40"; +"530 linear_40" -> "531 unflatten_10"; +"531 unflatten_10" -> "532 unsqueeze_10"; +"532 unsqueeze_10" -> "533 transpose_61"; +"533 transpose_61" -> "534 squeeze_10"; +"534 squeeze_10" -> "535 contiguous_10"; +"535 contiguous_10" -> "536 select_30"; +"535 contiguous_10" -> "537 select_31"; +"535 contiguous_10" -> "538 select_32"; +"536 select_30" -> "539 view_80"; +"537 select_31" -> "541 view_81"; +"538 select_32" -> "543 view_82"; +"539 view_80" -> "540 transpose_62"; +"540 transpose_62" -> "545 view_83"; +"541 view_81" -> "542 transpose_63"; +"542 transpose_63" -> "546 view_84"; +"543 view_82" -> "544 transpose_64"; +"544 transpose_64" -> "547 view_85"; +"545 view_83" -> "548 scaled_dot_product_attention_10"; +"546 view_84" -> "548 scaled_dot_product_attention_10"; +"547 view_85" -> "548 scaled_dot_product_attention_10"; +"548 scaled_dot_product_attention_10" -> "549 permute_11"; +"549 permute_11" -> "550 view_86"; +"550 view_86" -> "554 linear_41"; +"551 _param_constant129" -> "554 linear_41"; +"552 linear_41_updated_constant0" -> "553 symmetric_weights_decompressor_linear_41_updated_constant0_0"; +"553 symmetric_weights_decompressor_linear_41_updated_constant0_0" -> "554 linear_41"; +"554 linear_41" -> "555 view_87"; +"555 view_87" -> "556 transpose_65"; +"556 transpose_65" -> "557 dropout_31"; +"557 dropout_31" -> "558 add_21"; +"558 add_21" -> "561 layer_norm_21"; +"558 add_21" -> "573 add_22"; +"559 _param_constant130" -> "561 layer_norm_21"; +"560 _param_constant131" -> "561 layer_norm_21"; +"561 layer_norm_21" -> "565 linear_42"; +"562 _param_constant133" -> "565 linear_42"; +"563 linear_42_updated_constant0" -> "564 symmetric_weights_decompressor_linear_42_updated_constant0_0"; +"564 symmetric_weights_decompressor_linear_42_updated_constant0_0" -> "565 linear_42"; +"565 linear_42" -> "566 gelu_10"; +"566 gelu_10" -> "567 dropout_32"; +"567 dropout_32" -> "571 linear_43"; +"568 _param_constant135" -> "571 linear_43"; +"569 linear_43_updated_constant0" -> "570 symmetric_weights_decompressor_linear_43_updated_constant0_0"; +"570 symmetric_weights_decompressor_linear_43_updated_constant0_0" -> "571 linear_43"; +"571 linear_43" -> "572 dropout_33"; +"572 dropout_33" -> "573 add_22"; +"573 add_22" -> "576 layer_norm_22"; +"573 add_22" -> "609 add_23"; +"574 _param_constant136" -> "576 layer_norm_22"; +"575 _param_constant137" -> "576 layer_norm_22"; +"576 layer_norm_22" -> "577 transpose_66"; +"577 transpose_66" -> "581 linear_44"; +"578 _param_constant139" -> "581 linear_44"; +"579 linear_44_updated_constant0" -> "580 symmetric_weights_decompressor_linear_44_updated_constant0_0"; +"580 symmetric_weights_decompressor_linear_44_updated_constant0_0" -> "581 linear_44"; +"581 linear_44" -> "582 unflatten_11"; +"582 unflatten_11" -> "583 unsqueeze_11"; +"583 unsqueeze_11" -> "584 transpose_67"; +"584 transpose_67" -> "585 squeeze_11"; +"585 squeeze_11" -> "586 contiguous_11"; +"586 contiguous_11" -> "587 select_33"; +"586 contiguous_11" -> "588 select_34"; +"586 contiguous_11" -> "589 select_35"; +"587 select_33" -> "590 view_88"; +"588 select_34" -> "592 view_89"; +"589 select_35" -> "594 view_90"; +"590 view_88" -> "591 transpose_68"; +"591 transpose_68" -> "596 view_91"; +"592 view_89" -> "593 transpose_69"; +"593 transpose_69" -> "597 view_92"; +"594 view_90" -> "595 transpose_70"; +"595 transpose_70" -> "598 view_93"; +"596 view_91" -> "599 scaled_dot_product_attention_11"; +"597 view_92" -> "599 scaled_dot_product_attention_11"; +"598 view_93" -> "599 scaled_dot_product_attention_11"; +"599 scaled_dot_product_attention_11" -> "600 permute_12"; +"600 permute_12" -> "601 view_94"; +"601 view_94" -> "605 linear_45"; +"602 _param_constant141" -> "605 linear_45"; +"603 linear_45_updated_constant0" -> "604 symmetric_weights_decompressor_linear_45_updated_constant0_0"; +"604 symmetric_weights_decompressor_linear_45_updated_constant0_0" -> "605 linear_45"; +"605 linear_45" -> "606 view_95"; +"606 view_95" -> "607 transpose_71"; +"607 transpose_71" -> "608 dropout_34"; +"608 dropout_34" -> "609 add_23"; +"609 add_23" -> "612 layer_norm_23"; +"609 add_23" -> "624 add_24"; +"610 _param_constant142" -> "612 layer_norm_23"; +"611 _param_constant143" -> "612 layer_norm_23"; +"612 layer_norm_23" -> "616 linear_46"; +"613 _param_constant145" -> "616 linear_46"; +"614 linear_46_updated_constant0" -> "615 symmetric_weights_decompressor_linear_46_updated_constant0_0"; +"615 symmetric_weights_decompressor_linear_46_updated_constant0_0" -> "616 linear_46"; +"616 linear_46" -> "617 gelu_11"; +"617 gelu_11" -> "618 dropout_35"; +"618 dropout_35" -> "622 linear_47"; +"619 _param_constant147" -> "622 linear_47"; +"620 linear_47_updated_constant0" -> "621 symmetric_weights_decompressor_linear_47_updated_constant0_0"; +"621 symmetric_weights_decompressor_linear_47_updated_constant0_0" -> "622 linear_47"; +"622 linear_47" -> "623 dropout_36"; +"623 dropout_36" -> "624 add_24"; +"624 add_24" -> "627 layer_norm_24"; +"625 _param_constant148" -> "627 layer_norm_24"; +"626 _param_constant149" -> "627 layer_norm_24"; +"627 layer_norm_24" -> "628 slice_1"; +"628 slice_1" -> "629 select_36"; +"629 select_36" -> "633 linear_48"; +"630 _param_constant151" -> "633 linear_48"; +"631 linear_48_updated_constant0" -> "632 symmetric_weights_decompressor_linear_48_updated_constant0_0"; +"632 symmetric_weights_decompressor_linear_48_updated_constant0_0" -> "633 linear_48"; +"633 linear_48" -> "634 output"; +} diff --git a/tests/torch/fx/test_models.py b/tests/torch/fx/test_models.py index 5ee79f93030..d3d8ea997d8 100644 --- a/tests/torch/fx/test_models.py +++ b/tests/torch/fx/test_models.py @@ -14,7 +14,7 @@ from dataclasses import dataclass from functools import partial from pathlib import Path -from typing import Callable, Dict, Tuple, Type +from typing import Callable, Dict, List, Tuple, Type import openvino.torch # noqa import pytest @@ -28,6 +28,7 @@ from torch._export import capture_pre_autograd_graph import nncf +from nncf import CompressWeightsMode from nncf.common.graph.graph import NNCFNodeName from nncf.common.graph.operator_metatypes import OperatorMetatype from nncf.common.utils.os import safe_open @@ -40,7 +41,7 @@ FX_DIR_NAME = Path("fx") FX_QUANTIZED_DIR_NAME = Path("fx") / "quantized" - +FX_COMPRESSED_DIR_NAME = Path("fx") / "compressed" @dataclass class ModelCase: @@ -156,3 +157,35 @@ def transform_fn(data_item): nncf_graph = GraphConverter.create_nncf_graph(quantized_model) check_graph(nncf_graph, get_dot_filename(model_case.model_id), FX_QUANTIZED_DIR_NAME) + + +MODEL_COMRPESSION_MODES = [CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8] + +TEST_MODELS_COMPRESSED = ( + (ModelCase(test_models.UNet, "unet", [1, 3, 224, 224]), MODEL_COMRPESSION_MODES), + (torchvision_model_case("resnet18", (1, 3, 224, 224)), MODEL_COMRPESSION_MODES), + (torchvision_model_case("mobilenet_v3_small", (1, 3, 224, 224)), MODEL_COMRPESSION_MODES), + (torchvision_model_case("vit_b_16", (1, 3, 224, 224)), MODEL_COMRPESSION_MODES), + (torchvision_model_case("swin_v2_s", (1, 3, 224, 224)), MODEL_COMRPESSION_MODES), +) + + +@pytest.mark.parametrize( + ("test_case", "model_compression_modes"), TEST_MODELS_COMPRESSED, ids=[m.model_id for m in TEST_MODELS] +) +def test_compressed_model(test_case: ModelCase, model_compression_modes: List[CompressWeightsMode]): + with disable_patching(): + device = torch.device("cpu") + model_name = test_case.model_id + model = test_case.model_builder() + model.to(device) + + with torch.no_grad(): + ex_input = torch.ones(test_case.input_shape) + model.eval() + exported_model = capture_pre_autograd_graph(model, args=(ex_input,)) + for mode in model_compression_modes: + compressed_model = nncf.compress_weights(exported_model, mode=CompressWeightsMode.INT8_SYM) + nncf_graph = GraphConverter.create_nncf_graph(compressed_model) + + check_graph(nncf_graph, get_dot_filename(model_name), FX_COMPRESSED_DIR_NAME) From 71c50ff406b8057d56baf8e3d475d970bd9b676d Mon Sep 17 00:00:00 2001 From: anzr299 Date: Mon, 26 Aug 2024 14:32:04 +0400 Subject: [PATCH 21/69] pre-commit fix --- nncf/experimental/torch/fx/nncf_graph_builder.py | 2 +- tests/torch/fx/test_models.py | 1 + 2 files changed, 2 insertions(+), 1 deletion(-) diff --git a/nncf/experimental/torch/fx/nncf_graph_builder.py b/nncf/experimental/torch/fx/nncf_graph_builder.py index 48a028c10d1..d406773ea8e 100644 --- a/nncf/experimental/torch/fx/nncf_graph_builder.py +++ b/nncf/experimental/torch/fx/nncf_graph_builder.py @@ -20,9 +20,9 @@ from nncf.common.graph.layer_attributes import Dtype from nncf.common.graph.operator_metatypes import UnknownMetatype from nncf.common.logging import nncf_logger +from nncf.experimental.torch.fx import operator_metatypes as fx_om 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.experimental.torch.fx import operator_metatypes as fx_om from nncf.torch.graph.graph import PTNNCFGraph from nncf.torch.graph.operator_metatypes import PT_OPERATOR_METATYPES diff --git a/tests/torch/fx/test_models.py b/tests/torch/fx/test_models.py index ac58c7eff79..3c135a77415 100644 --- a/tests/torch/fx/test_models.py +++ b/tests/torch/fx/test_models.py @@ -43,6 +43,7 @@ FX_QUANTIZED_DIR_NAME = Path("fx") / "quantized" FX_COMPRESSED_DIR_NAME = Path("fx") / "compressed" + @dataclass class ModelCase: model_builder: Callable[[], torch.nn.Module] From 2cb0a419337e9eb2dfdc810fae14de9aa90cb9e2 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Wed, 28 Aug 2024 18:05:36 +0400 Subject: [PATCH 22/69] Handle Lora correction in torch fx weights compression --- nncf/experimental/torch/fx/quantization/quantize_model.py | 2 ++ .../algorithms/weight_compression/torch_fx_backend.py | 7 +++++++ nncf/quantization/quantize_model.py | 6 +++--- tests/torch/fx/test_compress_weights.py | 1 + 4 files changed, 13 insertions(+), 3 deletions(-) diff --git a/nncf/experimental/torch/fx/quantization/quantize_model.py b/nncf/experimental/torch/fx/quantization/quantize_model.py index dea0be15508..171c481b4d0 100644 --- a/nncf/experimental/torch/fx/quantization/quantize_model.py +++ b/nncf/experimental/torch/fx/quantization/quantize_model.py @@ -124,6 +124,7 @@ def compress_weights_impl( subset_size: int, scale_estimation: bool, gptq: bool, + lora_correction: bool, advanced_parameters: Optional[AdvancedCompressionParameters] = None, ) -> torch.fx.GraphModule: """ @@ -141,6 +142,7 @@ def compress_weights_impl( subset_size, scale_estimation, gptq, + lora_correction, advanced_parameters, ) graph = NNCFGraphFactory.create(model) diff --git a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py index 57d9e1ac826..b10980d2c31 100644 --- a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py +++ b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py @@ -35,6 +35,7 @@ from nncf.parameters import CompressWeightsMode from nncf.quantization.algorithms.weight_compression.backend import WeightCompressionAlgoBackend from nncf.quantization.algorithms.weight_compression.config import WeightCompressionParameters +from nncf.quantization.algorithms.weight_compression.lora_correction import LoraCorrectionAlgorithm from nncf.quantization.algorithms.weight_compression.weight_lowering import compress_weight from nncf.tensor import Tensor from nncf.tensor.definitions import TensorDataType @@ -184,6 +185,11 @@ def set_weight( ) -> None: constant_update_transformation_builder(node_with_weight, weight.data, input_port_id=weight_port_id)(model) + def insert_adapters( + self, wc_params: WeightCompressionParameters, lora_A: Tensor, lora_B: Tensor, int8_lora: bool + ) -> None: + pass + def transform_model( self, model: torch.fx.GraphModule, @@ -191,6 +197,7 @@ def transform_model( weight_compression_parameters: Iterable[WeightCompressionParameters], precomputed_scales: Dict[str, Tensor] = None, precomputed_zero_points: Dict[str, Tensor] = None, + lora_correction_algo: LoraCorrectionAlgorithm = None, ) -> torch.fx.GraphModule: transformation_layout = TransformationLayout() diff --git a/nncf/quantization/quantize_model.py b/nncf/quantization/quantize_model.py index 67c472dd00d..d2ed2e65299 100644 --- a/nncf/quantization/quantize_model.py +++ b/nncf/quantization/quantize_model.py @@ -481,10 +481,10 @@ def compress_weights( f"but given {mode.value} mode." ) - if any((awq, scale_estimation, gptq)): + if any((awq, scale_estimation, gptq, lora_correction)): raise AttributeError( - "TorchFX backend doesn`t supports scale estimation and AWQ algorithm, " - "but awq=True or scale_estimation=True or gptq=True is specified." + "TorchFX backend does not support 'awq', 'scale_estimation', 'gptq' and 'lora_correction' options. " + "Set them to None." ) compression_weights_impl = fx_compression_weights_impl diff --git a/tests/torch/fx/test_compress_weights.py b/tests/torch/fx/test_compress_weights.py index d51609dc5b9..17941aa4612 100644 --- a/tests/torch/fx/test_compress_weights.py +++ b/tests/torch/fx/test_compress_weights.py @@ -153,6 +153,7 @@ def test_compress_weights_functional_model(mode): {"gptq": True}, {"awq": True}, {"scale_estimation": True}, + {"lora_correction": True}, ), ) def test_raise_error_with_unsupported_params_for_int8(mode, params): From a9c3d5798217e897673290cb7afd746fef5282fa Mon Sep 17 00:00:00 2001 From: anzr299 Date: Wed, 28 Aug 2024 18:24:20 +0400 Subject: [PATCH 23/69] Add graph test for compressed models in test_models --- .../mobilenet_v3_small_int8_asym.dot | 930 ++++ .../mobilenet_v3_small_int8_sym.dot | 930 ++++ .../fx/compressed/resnet18_int8_asym.dot | 437 ++ .../fx/compressed/resnet18_int8_sym.dot | 437 ++ .../fx/compressed/swin_v2_s_int8_asym.dot | 4822 +++++++++++++++++ .../fx/compressed/swin_v2_s_int8_sym.dot | 4822 +++++++++++++++++ .../fx/compressed/unet_int8_asym.dot | 493 ++ .../fx/compressed/unet_int8_sym.dot | 493 ++ .../fx/compressed/vit_b_16_int8_asym.dot | 1319 +++++ .../fx/compressed/vit_b_16_int8_sym.dot | 1319 +++++ tests/torch/fx/test_models.py | 29 +- 11 files changed, 16016 insertions(+), 15 deletions(-) create mode 100644 tests/torch/data/reference_graphs/fx/compressed/mobilenet_v3_small_int8_asym.dot create mode 100644 tests/torch/data/reference_graphs/fx/compressed/mobilenet_v3_small_int8_sym.dot create mode 100644 tests/torch/data/reference_graphs/fx/compressed/resnet18_int8_asym.dot create mode 100644 tests/torch/data/reference_graphs/fx/compressed/resnet18_int8_sym.dot create mode 100644 tests/torch/data/reference_graphs/fx/compressed/swin_v2_s_int8_asym.dot create mode 100644 tests/torch/data/reference_graphs/fx/compressed/swin_v2_s_int8_sym.dot create mode 100644 tests/torch/data/reference_graphs/fx/compressed/unet_int8_asym.dot create mode 100644 tests/torch/data/reference_graphs/fx/compressed/unet_int8_sym.dot create mode 100644 tests/torch/data/reference_graphs/fx/compressed/vit_b_16_int8_asym.dot create mode 100644 tests/torch/data/reference_graphs/fx/compressed/vit_b_16_int8_sym.dot diff --git a/tests/torch/data/reference_graphs/fx/compressed/mobilenet_v3_small_int8_asym.dot b/tests/torch/data/reference_graphs/fx/compressed/mobilenet_v3_small_int8_asym.dot new file mode 100644 index 00000000000..e4cd5dbfd73 --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/compressed/mobilenet_v3_small_int8_asym.dot @@ -0,0 +1,930 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 conv2d_updated_constant0" [id=1, type=get_attr]; +"2 asymmetric_weights_decompressor_conv2d_updated_constant0_0" [id=2, type=call_module]; +"3 conv2d" [id=3, type=conv2d]; +"4 _param_constant1" [id=4, type=get_attr]; +"5 _param_constant2" [id=5, type=get_attr]; +"6 _tensor_constant0" [id=6, type=get_attr]; +"7 _tensor_constant1" [id=7, type=get_attr]; +"8 _native_batch_norm_legit_no_training" [id=8, type=_native_batch_norm_legit_no_training]; +"9 getitem" [id=9, type=__getitem__]; +"10 hardswish_" [id=10, type=hardswish_]; +"11 conv2d_1_updated_constant0" [id=11, type=get_attr]; +"12 asymmetric_weights_decompressor_conv2d_1_updated_constant0_0" [id=12, type=call_module]; +"13 conv2d_1" [id=13, type=conv2d]; +"14 _param_constant4" [id=14, type=get_attr]; +"15 _param_constant5" [id=15, type=get_attr]; +"16 _tensor_constant2" [id=16, type=get_attr]; +"17 _tensor_constant3" [id=17, type=get_attr]; +"18 _native_batch_norm_legit_no_training_1" [id=18, type=_native_batch_norm_legit_no_training]; +"19 getitem_3" [id=19, type=__getitem__]; +"20 relu_" [id=20, type=relu_]; +"21 adaptive_avg_pool2d" [id=21, type=adaptive_avg_pool2d]; +"22 _param_constant7" [id=22, type=get_attr]; +"23 conv2d_2_updated_constant0" [id=23, type=get_attr]; +"24 asymmetric_weights_decompressor_conv2d_2_updated_constant0_0" [id=24, type=call_module]; +"25 conv2d_2" [id=25, type=conv2d]; +"26 relu" [id=26, type=relu]; +"27 _param_constant9" [id=27, type=get_attr]; +"28 conv2d_3_updated_constant0" [id=28, type=get_attr]; +"29 asymmetric_weights_decompressor_conv2d_3_updated_constant0_0" [id=29, type=call_module]; +"30 conv2d_3" [id=30, type=conv2d]; +"31 hardsigmoid" [id=31, type=hardsigmoid]; +"32 mul" [id=32, type=mul]; +"33 conv2d_4_updated_constant0" [id=33, type=get_attr]; +"34 asymmetric_weights_decompressor_conv2d_4_updated_constant0_0" [id=34, type=call_module]; +"35 conv2d_4" [id=35, type=conv2d]; +"36 _param_constant11" [id=36, type=get_attr]; +"37 _param_constant12" [id=37, type=get_attr]; +"38 _tensor_constant4" [id=38, type=get_attr]; +"39 _tensor_constant5" [id=39, type=get_attr]; +"40 _native_batch_norm_legit_no_training_2" [id=40, type=_native_batch_norm_legit_no_training]; +"41 getitem_6" [id=41, type=__getitem__]; +"42 conv2d_5_updated_constant0" [id=42, type=get_attr]; +"43 asymmetric_weights_decompressor_conv2d_5_updated_constant0_0" [id=43, type=call_module]; +"44 conv2d_5" [id=44, type=conv2d]; +"45 _param_constant14" [id=45, type=get_attr]; +"46 _param_constant15" [id=46, type=get_attr]; +"47 _tensor_constant6" [id=47, type=get_attr]; +"48 _tensor_constant7" [id=48, type=get_attr]; +"49 _native_batch_norm_legit_no_training_3" [id=49, type=_native_batch_norm_legit_no_training]; +"50 getitem_9" [id=50, type=__getitem__]; +"51 relu__1" [id=51, type=relu_]; +"52 conv2d_6_updated_constant0" [id=52, type=get_attr]; +"53 asymmetric_weights_decompressor_conv2d_6_updated_constant0_0" [id=53, type=call_module]; +"54 conv2d_6" [id=54, type=conv2d]; +"55 _param_constant17" [id=55, type=get_attr]; +"56 _param_constant18" [id=56, type=get_attr]; +"57 _tensor_constant8" [id=57, type=get_attr]; +"58 _tensor_constant9" [id=58, type=get_attr]; +"59 _native_batch_norm_legit_no_training_4" [id=59, type=_native_batch_norm_legit_no_training]; +"60 getitem_12" [id=60, type=__getitem__]; +"61 relu__2" [id=61, type=relu_]; +"62 conv2d_7_updated_constant0" [id=62, type=get_attr]; +"63 asymmetric_weights_decompressor_conv2d_7_updated_constant0_0" [id=63, type=call_module]; +"64 conv2d_7" [id=64, type=conv2d]; +"65 _param_constant20" [id=65, type=get_attr]; +"66 _param_constant21" [id=66, type=get_attr]; +"67 _tensor_constant10" [id=67, type=get_attr]; +"68 _tensor_constant11" [id=68, type=get_attr]; +"69 _native_batch_norm_legit_no_training_5" [id=69, type=_native_batch_norm_legit_no_training]; +"70 getitem_15" [id=70, type=__getitem__]; +"71 conv2d_8_updated_constant0" [id=71, type=get_attr]; +"72 asymmetric_weights_decompressor_conv2d_8_updated_constant0_0" [id=72, type=call_module]; +"73 conv2d_8" [id=73, type=conv2d]; +"74 _param_constant23" [id=74, type=get_attr]; +"75 _param_constant24" [id=75, type=get_attr]; +"76 _tensor_constant12" [id=76, type=get_attr]; +"77 _tensor_constant13" [id=77, type=get_attr]; +"78 _native_batch_norm_legit_no_training_6" [id=78, type=_native_batch_norm_legit_no_training]; +"79 getitem_18" [id=79, type=__getitem__]; +"80 relu__3" [id=80, type=relu_]; +"81 conv2d_9_updated_constant0" [id=81, type=get_attr]; +"82 asymmetric_weights_decompressor_conv2d_9_updated_constant0_0" [id=82, type=call_module]; +"83 conv2d_9" [id=83, type=conv2d]; +"84 _param_constant26" [id=84, type=get_attr]; +"85 _param_constant27" [id=85, type=get_attr]; +"86 _tensor_constant14" [id=86, type=get_attr]; +"87 _tensor_constant15" [id=87, type=get_attr]; +"88 _native_batch_norm_legit_no_training_7" [id=88, type=_native_batch_norm_legit_no_training]; +"89 getitem_21" [id=89, type=__getitem__]; +"90 relu__4" [id=90, type=relu_]; +"91 conv2d_10_updated_constant0" [id=91, type=get_attr]; +"92 asymmetric_weights_decompressor_conv2d_10_updated_constant0_0" [id=92, type=call_module]; +"93 conv2d_10" [id=93, type=conv2d]; +"94 _param_constant29" [id=94, type=get_attr]; +"95 _param_constant30" [id=95, type=get_attr]; +"96 _tensor_constant16" [id=96, type=get_attr]; +"97 _tensor_constant17" [id=97, type=get_attr]; +"98 _native_batch_norm_legit_no_training_8" [id=98, type=_native_batch_norm_legit_no_training]; +"99 getitem_24" [id=99, type=__getitem__]; +"100 add_" [id=100, type=add_]; +"101 conv2d_11_updated_constant0" [id=101, type=get_attr]; +"102 asymmetric_weights_decompressor_conv2d_11_updated_constant0_0" [id=102, type=call_module]; +"103 conv2d_11" [id=103, type=conv2d]; +"104 _param_constant32" [id=104, type=get_attr]; +"105 _param_constant33" [id=105, type=get_attr]; +"106 _tensor_constant18" [id=106, type=get_attr]; +"107 _tensor_constant19" [id=107, type=get_attr]; +"108 _native_batch_norm_legit_no_training_9" [id=108, type=_native_batch_norm_legit_no_training]; +"109 getitem_27" [id=109, type=__getitem__]; +"110 hardswish__1" [id=110, type=hardswish_]; +"111 conv2d_12_updated_constant0" [id=111, type=get_attr]; +"112 asymmetric_weights_decompressor_conv2d_12_updated_constant0_0" [id=112, type=call_module]; +"113 conv2d_12" [id=113, type=conv2d]; +"114 _param_constant35" [id=114, type=get_attr]; +"115 _param_constant36" [id=115, type=get_attr]; +"116 _tensor_constant20" [id=116, type=get_attr]; +"117 _tensor_constant21" [id=117, type=get_attr]; +"118 _native_batch_norm_legit_no_training_10" [id=118, type=_native_batch_norm_legit_no_training]; +"119 getitem_30" [id=119, type=__getitem__]; +"120 hardswish__2" [id=120, type=hardswish_]; +"121 adaptive_avg_pool2d_1" [id=121, type=adaptive_avg_pool2d]; +"122 _param_constant38" [id=122, type=get_attr]; +"123 conv2d_13_updated_constant0" [id=123, type=get_attr]; +"124 asymmetric_weights_decompressor_conv2d_13_updated_constant0_0" [id=124, type=call_module]; +"125 conv2d_13" [id=125, type=conv2d]; +"126 relu_1" [id=126, type=relu]; +"127 _param_constant40" [id=127, type=get_attr]; +"128 conv2d_14_updated_constant0" [id=128, type=get_attr]; +"129 asymmetric_weights_decompressor_conv2d_14_updated_constant0_0" [id=129, type=call_module]; +"130 conv2d_14" [id=130, type=conv2d]; +"131 hardsigmoid_1" [id=131, type=hardsigmoid]; +"132 mul_1" [id=132, type=mul]; +"133 conv2d_15_updated_constant0" [id=133, type=get_attr]; +"134 asymmetric_weights_decompressor_conv2d_15_updated_constant0_0" [id=134, type=call_module]; +"135 conv2d_15" [id=135, type=conv2d]; +"136 _param_constant42" [id=136, type=get_attr]; +"137 _param_constant43" [id=137, type=get_attr]; +"138 _tensor_constant22" [id=138, type=get_attr]; +"139 _tensor_constant23" [id=139, type=get_attr]; +"140 _native_batch_norm_legit_no_training_11" [id=140, type=_native_batch_norm_legit_no_training]; +"141 getitem_33" [id=141, type=__getitem__]; +"142 conv2d_16_updated_constant0" [id=142, type=get_attr]; +"143 asymmetric_weights_decompressor_conv2d_16_updated_constant0_0" [id=143, type=call_module]; +"144 conv2d_16" [id=144, type=conv2d]; +"145 _param_constant45" [id=145, type=get_attr]; +"146 _param_constant46" [id=146, type=get_attr]; +"147 _tensor_constant24" [id=147, type=get_attr]; +"148 _tensor_constant25" [id=148, type=get_attr]; +"149 _native_batch_norm_legit_no_training_12" [id=149, type=_native_batch_norm_legit_no_training]; +"150 getitem_36" [id=150, type=__getitem__]; +"151 hardswish__3" [id=151, type=hardswish_]; +"152 conv2d_17_updated_constant0" [id=152, type=get_attr]; +"153 asymmetric_weights_decompressor_conv2d_17_updated_constant0_0" [id=153, type=call_module]; +"154 conv2d_17" [id=154, type=conv2d]; +"155 _param_constant48" [id=155, type=get_attr]; +"156 _param_constant49" [id=156, type=get_attr]; +"157 _tensor_constant26" [id=157, type=get_attr]; +"158 _tensor_constant27" [id=158, type=get_attr]; +"159 _native_batch_norm_legit_no_training_13" [id=159, type=_native_batch_norm_legit_no_training]; +"160 getitem_39" [id=160, type=__getitem__]; +"161 hardswish__4" [id=161, type=hardswish_]; +"162 adaptive_avg_pool2d_2" [id=162, type=adaptive_avg_pool2d]; +"163 _param_constant51" [id=163, type=get_attr]; +"164 conv2d_18_updated_constant0" [id=164, type=get_attr]; +"165 asymmetric_weights_decompressor_conv2d_18_updated_constant0_0" [id=165, type=call_module]; +"166 conv2d_18" [id=166, type=conv2d]; +"167 relu_2" [id=167, type=relu]; +"168 _param_constant53" [id=168, type=get_attr]; +"169 conv2d_19_updated_constant0" [id=169, type=get_attr]; +"170 asymmetric_weights_decompressor_conv2d_19_updated_constant0_0" [id=170, type=call_module]; +"171 conv2d_19" [id=171, type=conv2d]; +"172 hardsigmoid_2" [id=172, type=hardsigmoid]; +"173 mul_2" [id=173, type=mul]; +"174 conv2d_20_updated_constant0" [id=174, type=get_attr]; +"175 asymmetric_weights_decompressor_conv2d_20_updated_constant0_0" [id=175, type=call_module]; +"176 conv2d_20" [id=176, type=conv2d]; +"177 _param_constant55" [id=177, type=get_attr]; +"178 _param_constant56" [id=178, type=get_attr]; +"179 _tensor_constant28" [id=179, type=get_attr]; +"180 _tensor_constant29" [id=180, type=get_attr]; +"181 _native_batch_norm_legit_no_training_14" [id=181, type=_native_batch_norm_legit_no_training]; +"182 getitem_42" [id=182, type=__getitem__]; +"183 add__1" [id=183, type=add_]; +"184 conv2d_21_updated_constant0" [id=184, type=get_attr]; +"185 asymmetric_weights_decompressor_conv2d_21_updated_constant0_0" [id=185, type=call_module]; +"186 conv2d_21" [id=186, type=conv2d]; +"187 _param_constant58" [id=187, type=get_attr]; +"188 _param_constant59" [id=188, type=get_attr]; +"189 _tensor_constant30" [id=189, type=get_attr]; +"190 _tensor_constant31" [id=190, type=get_attr]; +"191 _native_batch_norm_legit_no_training_15" [id=191, type=_native_batch_norm_legit_no_training]; +"192 getitem_45" [id=192, type=__getitem__]; +"193 hardswish__5" [id=193, type=hardswish_]; +"194 conv2d_22_updated_constant0" [id=194, type=get_attr]; +"195 asymmetric_weights_decompressor_conv2d_22_updated_constant0_0" [id=195, type=call_module]; +"196 conv2d_22" [id=196, type=conv2d]; +"197 _param_constant61" [id=197, type=get_attr]; +"198 _param_constant62" [id=198, type=get_attr]; +"199 _tensor_constant32" [id=199, type=get_attr]; +"200 _tensor_constant33" [id=200, type=get_attr]; +"201 _native_batch_norm_legit_no_training_16" [id=201, type=_native_batch_norm_legit_no_training]; +"202 getitem_48" [id=202, type=__getitem__]; +"203 hardswish__6" [id=203, type=hardswish_]; +"204 adaptive_avg_pool2d_3" [id=204, type=adaptive_avg_pool2d]; +"205 _param_constant64" [id=205, type=get_attr]; +"206 conv2d_23_updated_constant0" [id=206, type=get_attr]; +"207 asymmetric_weights_decompressor_conv2d_23_updated_constant0_0" [id=207, type=call_module]; +"208 conv2d_23" [id=208, type=conv2d]; +"209 relu_3" [id=209, type=relu]; +"210 _param_constant66" [id=210, type=get_attr]; +"211 conv2d_24_updated_constant0" [id=211, type=get_attr]; +"212 asymmetric_weights_decompressor_conv2d_24_updated_constant0_0" [id=212, type=call_module]; +"213 conv2d_24" [id=213, type=conv2d]; +"214 hardsigmoid_3" [id=214, type=hardsigmoid]; +"215 mul_3" [id=215, type=mul]; +"216 conv2d_25_updated_constant0" [id=216, type=get_attr]; +"217 asymmetric_weights_decompressor_conv2d_25_updated_constant0_0" [id=217, type=call_module]; +"218 conv2d_25" [id=218, type=conv2d]; +"219 _param_constant68" [id=219, type=get_attr]; +"220 _param_constant69" [id=220, type=get_attr]; +"221 _tensor_constant34" [id=221, type=get_attr]; +"222 _tensor_constant35" [id=222, type=get_attr]; +"223 _native_batch_norm_legit_no_training_17" [id=223, type=_native_batch_norm_legit_no_training]; +"224 getitem_51" [id=224, type=__getitem__]; +"225 add__2" [id=225, type=add_]; +"226 conv2d_26_updated_constant0" [id=226, type=get_attr]; +"227 asymmetric_weights_decompressor_conv2d_26_updated_constant0_0" [id=227, type=call_module]; +"228 conv2d_26" [id=228, type=conv2d]; +"229 _param_constant71" [id=229, type=get_attr]; +"230 _param_constant72" [id=230, type=get_attr]; +"231 _tensor_constant36" [id=231, type=get_attr]; +"232 _tensor_constant37" [id=232, type=get_attr]; +"233 _native_batch_norm_legit_no_training_18" [id=233, type=_native_batch_norm_legit_no_training]; +"234 getitem_54" [id=234, type=__getitem__]; +"235 hardswish__7" [id=235, type=hardswish_]; +"236 conv2d_27_updated_constant0" [id=236, type=get_attr]; +"237 asymmetric_weights_decompressor_conv2d_27_updated_constant0_0" [id=237, type=call_module]; +"238 conv2d_27" [id=238, type=conv2d]; +"239 _param_constant74" [id=239, type=get_attr]; +"240 _param_constant75" [id=240, type=get_attr]; +"241 _tensor_constant38" [id=241, type=get_attr]; +"242 _tensor_constant39" [id=242, type=get_attr]; +"243 _native_batch_norm_legit_no_training_19" [id=243, type=_native_batch_norm_legit_no_training]; +"244 getitem_57" [id=244, type=__getitem__]; +"245 hardswish__8" [id=245, type=hardswish_]; +"246 adaptive_avg_pool2d_4" [id=246, type=adaptive_avg_pool2d]; +"247 _param_constant77" [id=247, type=get_attr]; +"248 conv2d_28_updated_constant0" [id=248, type=get_attr]; +"249 asymmetric_weights_decompressor_conv2d_28_updated_constant0_0" [id=249, type=call_module]; +"250 conv2d_28" [id=250, type=conv2d]; +"251 relu_4" [id=251, type=relu]; +"252 _param_constant79" [id=252, type=get_attr]; +"253 conv2d_29_updated_constant0" [id=253, type=get_attr]; +"254 asymmetric_weights_decompressor_conv2d_29_updated_constant0_0" [id=254, type=call_module]; +"255 conv2d_29" [id=255, type=conv2d]; +"256 hardsigmoid_4" [id=256, type=hardsigmoid]; +"257 mul_4" [id=257, type=mul]; +"258 conv2d_30_updated_constant0" [id=258, type=get_attr]; +"259 asymmetric_weights_decompressor_conv2d_30_updated_constant0_0" [id=259, type=call_module]; +"260 conv2d_30" [id=260, type=conv2d]; +"261 _param_constant81" [id=261, type=get_attr]; +"262 _param_constant82" [id=262, type=get_attr]; +"263 _tensor_constant40" [id=263, type=get_attr]; +"264 _tensor_constant41" [id=264, type=get_attr]; +"265 _native_batch_norm_legit_no_training_20" [id=265, type=_native_batch_norm_legit_no_training]; +"266 getitem_60" [id=266, type=__getitem__]; +"267 conv2d_31_updated_constant0" [id=267, type=get_attr]; +"268 asymmetric_weights_decompressor_conv2d_31_updated_constant0_0" [id=268, type=call_module]; +"269 conv2d_31" [id=269, type=conv2d]; +"270 _param_constant84" [id=270, type=get_attr]; +"271 _param_constant85" [id=271, type=get_attr]; +"272 _tensor_constant42" [id=272, type=get_attr]; +"273 _tensor_constant43" [id=273, type=get_attr]; +"274 _native_batch_norm_legit_no_training_21" [id=274, type=_native_batch_norm_legit_no_training]; +"275 getitem_63" [id=275, type=__getitem__]; +"276 hardswish__9" [id=276, type=hardswish_]; +"277 conv2d_32_updated_constant0" [id=277, type=get_attr]; +"278 asymmetric_weights_decompressor_conv2d_32_updated_constant0_0" [id=278, type=call_module]; +"279 conv2d_32" [id=279, type=conv2d]; +"280 _param_constant87" [id=280, type=get_attr]; +"281 _param_constant88" [id=281, type=get_attr]; +"282 _tensor_constant44" [id=282, type=get_attr]; +"283 _tensor_constant45" [id=283, type=get_attr]; +"284 _native_batch_norm_legit_no_training_22" [id=284, type=_native_batch_norm_legit_no_training]; +"285 getitem_66" [id=285, type=__getitem__]; +"286 hardswish__10" [id=286, type=hardswish_]; +"287 adaptive_avg_pool2d_5" [id=287, type=adaptive_avg_pool2d]; +"288 _param_constant90" [id=288, type=get_attr]; +"289 conv2d_33_updated_constant0" [id=289, type=get_attr]; +"290 asymmetric_weights_decompressor_conv2d_33_updated_constant0_0" [id=290, type=call_module]; +"291 conv2d_33" [id=291, type=conv2d]; +"292 relu_5" [id=292, type=relu]; +"293 _param_constant92" [id=293, type=get_attr]; +"294 conv2d_34_updated_constant0" [id=294, type=get_attr]; +"295 asymmetric_weights_decompressor_conv2d_34_updated_constant0_0" [id=295, type=call_module]; +"296 conv2d_34" [id=296, type=conv2d]; +"297 hardsigmoid_5" [id=297, type=hardsigmoid]; +"298 mul_5" [id=298, type=mul]; +"299 conv2d_35_updated_constant0" [id=299, type=get_attr]; +"300 asymmetric_weights_decompressor_conv2d_35_updated_constant0_0" [id=300, type=call_module]; +"301 conv2d_35" [id=301, type=conv2d]; +"302 _param_constant94" [id=302, type=get_attr]; +"303 _param_constant95" [id=303, type=get_attr]; +"304 _tensor_constant46" [id=304, type=get_attr]; +"305 _tensor_constant47" [id=305, type=get_attr]; +"306 _native_batch_norm_legit_no_training_23" [id=306, type=_native_batch_norm_legit_no_training]; +"307 getitem_69" [id=307, type=__getitem__]; +"308 add__3" [id=308, type=add_]; +"309 conv2d_36_updated_constant0" [id=309, type=get_attr]; +"310 asymmetric_weights_decompressor_conv2d_36_updated_constant0_0" [id=310, type=call_module]; +"311 conv2d_36" [id=311, type=conv2d]; +"312 _param_constant97" [id=312, type=get_attr]; +"313 _param_constant98" [id=313, type=get_attr]; +"314 _tensor_constant48" [id=314, type=get_attr]; +"315 _tensor_constant49" [id=315, type=get_attr]; +"316 _native_batch_norm_legit_no_training_24" [id=316, type=_native_batch_norm_legit_no_training]; +"317 getitem_72" [id=317, type=__getitem__]; +"318 hardswish__11" [id=318, type=hardswish_]; +"319 conv2d_37_updated_constant0" [id=319, type=get_attr]; +"320 asymmetric_weights_decompressor_conv2d_37_updated_constant0_0" [id=320, type=call_module]; +"321 conv2d_37" [id=321, type=conv2d]; +"322 _param_constant100" [id=322, type=get_attr]; +"323 _param_constant101" [id=323, type=get_attr]; +"324 _tensor_constant50" [id=324, type=get_attr]; +"325 _tensor_constant51" [id=325, type=get_attr]; +"326 _native_batch_norm_legit_no_training_25" [id=326, type=_native_batch_norm_legit_no_training]; +"327 getitem_75" [id=327, type=__getitem__]; +"328 hardswish__12" [id=328, type=hardswish_]; +"329 adaptive_avg_pool2d_6" [id=329, type=adaptive_avg_pool2d]; +"330 _param_constant103" [id=330, type=get_attr]; +"331 conv2d_38_updated_constant0" [id=331, type=get_attr]; +"332 asymmetric_weights_decompressor_conv2d_38_updated_constant0_0" [id=332, type=call_module]; +"333 conv2d_38" [id=333, type=conv2d]; +"334 relu_6" [id=334, type=relu]; +"335 _param_constant105" [id=335, type=get_attr]; +"336 conv2d_39_updated_constant0" [id=336, type=get_attr]; +"337 asymmetric_weights_decompressor_conv2d_39_updated_constant0_0" [id=337, type=call_module]; +"338 conv2d_39" [id=338, type=conv2d]; +"339 hardsigmoid_6" [id=339, type=hardsigmoid]; +"340 mul_6" [id=340, type=mul]; +"341 conv2d_40_updated_constant0" [id=341, type=get_attr]; +"342 asymmetric_weights_decompressor_conv2d_40_updated_constant0_0" [id=342, type=call_module]; +"343 conv2d_40" [id=343, type=conv2d]; +"344 _param_constant107" [id=344, type=get_attr]; +"345 _param_constant108" [id=345, type=get_attr]; +"346 _tensor_constant52" [id=346, type=get_attr]; +"347 _tensor_constant53" [id=347, type=get_attr]; +"348 _native_batch_norm_legit_no_training_26" [id=348, type=_native_batch_norm_legit_no_training]; +"349 getitem_78" [id=349, type=__getitem__]; +"350 conv2d_41_updated_constant0" [id=350, type=get_attr]; +"351 asymmetric_weights_decompressor_conv2d_41_updated_constant0_0" [id=351, type=call_module]; +"352 conv2d_41" [id=352, type=conv2d]; +"353 _param_constant110" [id=353, type=get_attr]; +"354 _param_constant111" [id=354, type=get_attr]; +"355 _tensor_constant54" [id=355, type=get_attr]; +"356 _tensor_constant55" [id=356, type=get_attr]; +"357 _native_batch_norm_legit_no_training_27" [id=357, type=_native_batch_norm_legit_no_training]; +"358 getitem_81" [id=358, type=__getitem__]; +"359 hardswish__13" [id=359, type=hardswish_]; +"360 conv2d_42_updated_constant0" [id=360, type=get_attr]; +"361 asymmetric_weights_decompressor_conv2d_42_updated_constant0_0" [id=361, type=call_module]; +"362 conv2d_42" [id=362, type=conv2d]; +"363 _param_constant113" [id=363, type=get_attr]; +"364 _param_constant114" [id=364, type=get_attr]; +"365 _tensor_constant56" [id=365, type=get_attr]; +"366 _tensor_constant57" [id=366, type=get_attr]; +"367 _native_batch_norm_legit_no_training_28" [id=367, type=_native_batch_norm_legit_no_training]; +"368 getitem_84" [id=368, type=__getitem__]; +"369 hardswish__14" [id=369, type=hardswish_]; +"370 adaptive_avg_pool2d_7" [id=370, type=adaptive_avg_pool2d]; +"371 _param_constant116" [id=371, type=get_attr]; +"372 conv2d_43_updated_constant0" [id=372, type=get_attr]; +"373 asymmetric_weights_decompressor_conv2d_43_updated_constant0_0" [id=373, type=call_module]; +"374 conv2d_43" [id=374, type=conv2d]; +"375 relu_7" [id=375, type=relu]; +"376 _param_constant118" [id=376, type=get_attr]; +"377 conv2d_44_updated_constant0" [id=377, type=get_attr]; +"378 asymmetric_weights_decompressor_conv2d_44_updated_constant0_0" [id=378, type=call_module]; +"379 conv2d_44" [id=379, type=conv2d]; +"380 hardsigmoid_7" [id=380, type=hardsigmoid]; +"381 mul_7" [id=381, type=mul]; +"382 conv2d_45_updated_constant0" [id=382, type=get_attr]; +"383 asymmetric_weights_decompressor_conv2d_45_updated_constant0_0" [id=383, type=call_module]; +"384 conv2d_45" [id=384, type=conv2d]; +"385 _param_constant120" [id=385, type=get_attr]; +"386 _param_constant121" [id=386, type=get_attr]; +"387 _tensor_constant58" [id=387, type=get_attr]; +"388 _tensor_constant59" [id=388, type=get_attr]; +"389 _native_batch_norm_legit_no_training_29" [id=389, type=_native_batch_norm_legit_no_training]; +"390 getitem_87" [id=390, type=__getitem__]; +"391 add__4" [id=391, type=add_]; +"392 conv2d_46_updated_constant0" [id=392, type=get_attr]; +"393 asymmetric_weights_decompressor_conv2d_46_updated_constant0_0" [id=393, type=call_module]; +"394 conv2d_46" [id=394, type=conv2d]; +"395 _param_constant123" [id=395, type=get_attr]; +"396 _param_constant124" [id=396, type=get_attr]; +"397 _tensor_constant60" [id=397, type=get_attr]; +"398 _tensor_constant61" [id=398, type=get_attr]; +"399 _native_batch_norm_legit_no_training_30" [id=399, type=_native_batch_norm_legit_no_training]; +"400 getitem_90" [id=400, type=__getitem__]; +"401 hardswish__15" [id=401, type=hardswish_]; +"402 conv2d_47_updated_constant0" [id=402, type=get_attr]; +"403 asymmetric_weights_decompressor_conv2d_47_updated_constant0_0" [id=403, type=call_module]; +"404 conv2d_47" [id=404, type=conv2d]; +"405 _param_constant126" [id=405, type=get_attr]; +"406 _param_constant127" [id=406, type=get_attr]; +"407 _tensor_constant62" [id=407, type=get_attr]; +"408 _tensor_constant63" [id=408, type=get_attr]; +"409 _native_batch_norm_legit_no_training_31" [id=409, type=_native_batch_norm_legit_no_training]; +"410 getitem_93" [id=410, type=__getitem__]; +"411 hardswish__16" [id=411, type=hardswish_]; +"412 adaptive_avg_pool2d_8" [id=412, type=adaptive_avg_pool2d]; +"413 _param_constant129" [id=413, type=get_attr]; +"414 conv2d_48_updated_constant0" [id=414, type=get_attr]; +"415 asymmetric_weights_decompressor_conv2d_48_updated_constant0_0" [id=415, type=call_module]; +"416 conv2d_48" [id=416, type=conv2d]; +"417 relu_8" [id=417, type=relu]; +"418 _param_constant131" [id=418, type=get_attr]; +"419 conv2d_49_updated_constant0" [id=419, type=get_attr]; +"420 asymmetric_weights_decompressor_conv2d_49_updated_constant0_0" [id=420, type=call_module]; +"421 conv2d_49" [id=421, type=conv2d]; +"422 hardsigmoid_8" [id=422, type=hardsigmoid]; +"423 mul_8" [id=423, type=mul]; +"424 conv2d_50_updated_constant0" [id=424, type=get_attr]; +"425 asymmetric_weights_decompressor_conv2d_50_updated_constant0_0" [id=425, type=call_module]; +"426 conv2d_50" [id=426, type=conv2d]; +"427 _param_constant133" [id=427, type=get_attr]; +"428 _param_constant134" [id=428, type=get_attr]; +"429 _tensor_constant64" [id=429, type=get_attr]; +"430 _tensor_constant65" [id=430, type=get_attr]; +"431 _native_batch_norm_legit_no_training_32" [id=431, type=_native_batch_norm_legit_no_training]; +"432 getitem_96" [id=432, type=__getitem__]; +"433 add__5" [id=433, type=add_]; +"434 conv2d_51_updated_constant0" [id=434, type=get_attr]; +"435 asymmetric_weights_decompressor_conv2d_51_updated_constant0_0" [id=435, type=call_module]; +"436 conv2d_51" [id=436, type=conv2d]; +"437 _param_constant136" [id=437, type=get_attr]; +"438 _param_constant137" [id=438, type=get_attr]; +"439 _tensor_constant66" [id=439, type=get_attr]; +"440 _tensor_constant67" [id=440, type=get_attr]; +"441 _native_batch_norm_legit_no_training_33" [id=441, type=_native_batch_norm_legit_no_training]; +"442 getitem_99" [id=442, type=__getitem__]; +"443 hardswish__17" [id=443, type=hardswish_]; +"444 adaptive_avg_pool2d_9" [id=444, type=adaptive_avg_pool2d]; +"445 flatten" [id=445, type=flatten]; +"446 _param_constant139" [id=446, type=get_attr]; +"447 linear_updated_constant0" [id=447, type=get_attr]; +"448 asymmetric_weights_decompressor_linear_updated_constant0_0" [id=448, type=call_module]; +"449 linear" [id=449, type=linear]; +"450 hardswish__18" [id=450, type=hardswish_]; +"451 dropout_" [id=451, type=dropout_]; +"452 _param_constant141" [id=452, type=get_attr]; +"453 linear_1_updated_constant0" [id=453, type=get_attr]; +"454 asymmetric_weights_decompressor_linear_1_updated_constant0_0" [id=454, type=call_module]; +"455 linear_1" [id=455, type=linear]; +"456 output" [id=456, type=output]; +"0 arg0_1" -> "3 conv2d"; +"1 conv2d_updated_constant0" -> "2 asymmetric_weights_decompressor_conv2d_updated_constant0_0"; +"2 asymmetric_weights_decompressor_conv2d_updated_constant0_0" -> "3 conv2d"; +"3 conv2d" -> "8 _native_batch_norm_legit_no_training"; +"4 _param_constant1" -> "8 _native_batch_norm_legit_no_training"; +"5 _param_constant2" -> "8 _native_batch_norm_legit_no_training"; +"6 _tensor_constant0" -> "8 _native_batch_norm_legit_no_training"; +"7 _tensor_constant1" -> "8 _native_batch_norm_legit_no_training"; +"8 _native_batch_norm_legit_no_training" -> "9 getitem"; +"9 getitem" -> "10 hardswish_"; +"10 hardswish_" -> "13 conv2d_1"; +"11 conv2d_1_updated_constant0" -> "12 asymmetric_weights_decompressor_conv2d_1_updated_constant0_0"; +"12 asymmetric_weights_decompressor_conv2d_1_updated_constant0_0" -> "13 conv2d_1"; +"13 conv2d_1" -> "18 _native_batch_norm_legit_no_training_1"; +"14 _param_constant4" -> "18 _native_batch_norm_legit_no_training_1"; +"15 _param_constant5" -> "18 _native_batch_norm_legit_no_training_1"; +"16 _tensor_constant2" -> "18 _native_batch_norm_legit_no_training_1"; +"17 _tensor_constant3" -> "18 _native_batch_norm_legit_no_training_1"; +"18 _native_batch_norm_legit_no_training_1" -> "19 getitem_3"; +"19 getitem_3" -> "20 relu_"; +"20 relu_" -> "21 adaptive_avg_pool2d"; +"20 relu_" -> "32 mul"; +"21 adaptive_avg_pool2d" -> "25 conv2d_2"; +"22 _param_constant7" -> "25 conv2d_2"; +"23 conv2d_2_updated_constant0" -> "24 asymmetric_weights_decompressor_conv2d_2_updated_constant0_0"; +"24 asymmetric_weights_decompressor_conv2d_2_updated_constant0_0" -> "25 conv2d_2"; +"25 conv2d_2" -> "26 relu"; +"26 relu" -> "30 conv2d_3"; +"27 _param_constant9" -> "30 conv2d_3"; +"28 conv2d_3_updated_constant0" -> "29 asymmetric_weights_decompressor_conv2d_3_updated_constant0_0"; +"29 asymmetric_weights_decompressor_conv2d_3_updated_constant0_0" -> "30 conv2d_3"; +"30 conv2d_3" -> "31 hardsigmoid"; +"31 hardsigmoid" -> "32 mul"; +"32 mul" -> "35 conv2d_4"; +"33 conv2d_4_updated_constant0" -> "34 asymmetric_weights_decompressor_conv2d_4_updated_constant0_0"; +"34 asymmetric_weights_decompressor_conv2d_4_updated_constant0_0" -> "35 conv2d_4"; +"35 conv2d_4" -> "40 _native_batch_norm_legit_no_training_2"; +"36 _param_constant11" -> "40 _native_batch_norm_legit_no_training_2"; +"37 _param_constant12" -> "40 _native_batch_norm_legit_no_training_2"; +"38 _tensor_constant4" -> "40 _native_batch_norm_legit_no_training_2"; +"39 _tensor_constant5" -> "40 _native_batch_norm_legit_no_training_2"; +"40 _native_batch_norm_legit_no_training_2" -> "41 getitem_6"; +"41 getitem_6" -> "44 conv2d_5"; +"42 conv2d_5_updated_constant0" -> "43 asymmetric_weights_decompressor_conv2d_5_updated_constant0_0"; +"43 asymmetric_weights_decompressor_conv2d_5_updated_constant0_0" -> "44 conv2d_5"; +"44 conv2d_5" -> "49 _native_batch_norm_legit_no_training_3"; +"45 _param_constant14" -> "49 _native_batch_norm_legit_no_training_3"; +"46 _param_constant15" -> "49 _native_batch_norm_legit_no_training_3"; +"47 _tensor_constant6" -> "49 _native_batch_norm_legit_no_training_3"; +"48 _tensor_constant7" -> "49 _native_batch_norm_legit_no_training_3"; +"49 _native_batch_norm_legit_no_training_3" -> "50 getitem_9"; +"50 getitem_9" -> "51 relu__1"; +"51 relu__1" -> "54 conv2d_6"; +"52 conv2d_6_updated_constant0" -> "53 asymmetric_weights_decompressor_conv2d_6_updated_constant0_0"; +"53 asymmetric_weights_decompressor_conv2d_6_updated_constant0_0" -> "54 conv2d_6"; +"54 conv2d_6" -> "59 _native_batch_norm_legit_no_training_4"; +"55 _param_constant17" -> "59 _native_batch_norm_legit_no_training_4"; +"56 _param_constant18" -> "59 _native_batch_norm_legit_no_training_4"; +"57 _tensor_constant8" -> "59 _native_batch_norm_legit_no_training_4"; +"58 _tensor_constant9" -> "59 _native_batch_norm_legit_no_training_4"; +"59 _native_batch_norm_legit_no_training_4" -> "60 getitem_12"; +"60 getitem_12" -> "61 relu__2"; +"61 relu__2" -> "64 conv2d_7"; +"62 conv2d_7_updated_constant0" -> "63 asymmetric_weights_decompressor_conv2d_7_updated_constant0_0"; +"63 asymmetric_weights_decompressor_conv2d_7_updated_constant0_0" -> "64 conv2d_7"; +"64 conv2d_7" -> "69 _native_batch_norm_legit_no_training_5"; +"65 _param_constant20" -> "69 _native_batch_norm_legit_no_training_5"; +"66 _param_constant21" -> "69 _native_batch_norm_legit_no_training_5"; +"67 _tensor_constant10" -> "69 _native_batch_norm_legit_no_training_5"; +"68 _tensor_constant11" -> "69 _native_batch_norm_legit_no_training_5"; +"69 _native_batch_norm_legit_no_training_5" -> "70 getitem_15"; +"70 getitem_15" -> "73 conv2d_8"; +"70 getitem_15" -> "100 add_"; +"71 conv2d_8_updated_constant0" -> "72 asymmetric_weights_decompressor_conv2d_8_updated_constant0_0"; +"72 asymmetric_weights_decompressor_conv2d_8_updated_constant0_0" -> "73 conv2d_8"; +"73 conv2d_8" -> "78 _native_batch_norm_legit_no_training_6"; +"74 _param_constant23" -> "78 _native_batch_norm_legit_no_training_6"; +"75 _param_constant24" -> "78 _native_batch_norm_legit_no_training_6"; +"76 _tensor_constant12" -> "78 _native_batch_norm_legit_no_training_6"; +"77 _tensor_constant13" -> "78 _native_batch_norm_legit_no_training_6"; +"78 _native_batch_norm_legit_no_training_6" -> "79 getitem_18"; +"79 getitem_18" -> "80 relu__3"; +"80 relu__3" -> "83 conv2d_9"; +"81 conv2d_9_updated_constant0" -> "82 asymmetric_weights_decompressor_conv2d_9_updated_constant0_0"; +"82 asymmetric_weights_decompressor_conv2d_9_updated_constant0_0" -> "83 conv2d_9"; +"83 conv2d_9" -> "88 _native_batch_norm_legit_no_training_7"; +"84 _param_constant26" -> "88 _native_batch_norm_legit_no_training_7"; +"85 _param_constant27" -> "88 _native_batch_norm_legit_no_training_7"; +"86 _tensor_constant14" -> "88 _native_batch_norm_legit_no_training_7"; +"87 _tensor_constant15" -> "88 _native_batch_norm_legit_no_training_7"; +"88 _native_batch_norm_legit_no_training_7" -> "89 getitem_21"; +"89 getitem_21" -> "90 relu__4"; +"90 relu__4" -> "93 conv2d_10"; +"91 conv2d_10_updated_constant0" -> "92 asymmetric_weights_decompressor_conv2d_10_updated_constant0_0"; +"92 asymmetric_weights_decompressor_conv2d_10_updated_constant0_0" -> "93 conv2d_10"; +"93 conv2d_10" -> "98 _native_batch_norm_legit_no_training_8"; +"94 _param_constant29" -> "98 _native_batch_norm_legit_no_training_8"; +"95 _param_constant30" -> "98 _native_batch_norm_legit_no_training_8"; +"96 _tensor_constant16" -> "98 _native_batch_norm_legit_no_training_8"; +"97 _tensor_constant17" -> "98 _native_batch_norm_legit_no_training_8"; +"98 _native_batch_norm_legit_no_training_8" -> "99 getitem_24"; +"99 getitem_24" -> "100 add_"; +"100 add_" -> "103 conv2d_11"; +"101 conv2d_11_updated_constant0" -> "102 asymmetric_weights_decompressor_conv2d_11_updated_constant0_0"; +"102 asymmetric_weights_decompressor_conv2d_11_updated_constant0_0" -> "103 conv2d_11"; +"103 conv2d_11" -> "108 _native_batch_norm_legit_no_training_9"; +"104 _param_constant32" -> "108 _native_batch_norm_legit_no_training_9"; +"105 _param_constant33" -> "108 _native_batch_norm_legit_no_training_9"; +"106 _tensor_constant18" -> "108 _native_batch_norm_legit_no_training_9"; +"107 _tensor_constant19" -> "108 _native_batch_norm_legit_no_training_9"; +"108 _native_batch_norm_legit_no_training_9" -> "109 getitem_27"; +"109 getitem_27" -> "110 hardswish__1"; +"110 hardswish__1" -> "113 conv2d_12"; +"111 conv2d_12_updated_constant0" -> "112 asymmetric_weights_decompressor_conv2d_12_updated_constant0_0"; +"112 asymmetric_weights_decompressor_conv2d_12_updated_constant0_0" -> "113 conv2d_12"; +"113 conv2d_12" -> "118 _native_batch_norm_legit_no_training_10"; +"114 _param_constant35" -> "118 _native_batch_norm_legit_no_training_10"; +"115 _param_constant36" -> "118 _native_batch_norm_legit_no_training_10"; +"116 _tensor_constant20" -> "118 _native_batch_norm_legit_no_training_10"; +"117 _tensor_constant21" -> "118 _native_batch_norm_legit_no_training_10"; +"118 _native_batch_norm_legit_no_training_10" -> "119 getitem_30"; +"119 getitem_30" -> "120 hardswish__2"; +"120 hardswish__2" -> "121 adaptive_avg_pool2d_1"; +"120 hardswish__2" -> "132 mul_1"; +"121 adaptive_avg_pool2d_1" -> "125 conv2d_13"; +"122 _param_constant38" -> "125 conv2d_13"; +"123 conv2d_13_updated_constant0" -> "124 asymmetric_weights_decompressor_conv2d_13_updated_constant0_0"; +"124 asymmetric_weights_decompressor_conv2d_13_updated_constant0_0" -> "125 conv2d_13"; +"125 conv2d_13" -> "126 relu_1"; +"126 relu_1" -> "130 conv2d_14"; +"127 _param_constant40" -> "130 conv2d_14"; +"128 conv2d_14_updated_constant0" -> "129 asymmetric_weights_decompressor_conv2d_14_updated_constant0_0"; +"129 asymmetric_weights_decompressor_conv2d_14_updated_constant0_0" -> "130 conv2d_14"; +"130 conv2d_14" -> "131 hardsigmoid_1"; +"131 hardsigmoid_1" -> "132 mul_1"; +"132 mul_1" -> "135 conv2d_15"; +"133 conv2d_15_updated_constant0" -> "134 asymmetric_weights_decompressor_conv2d_15_updated_constant0_0"; +"134 asymmetric_weights_decompressor_conv2d_15_updated_constant0_0" -> "135 conv2d_15"; +"135 conv2d_15" -> "140 _native_batch_norm_legit_no_training_11"; +"136 _param_constant42" -> "140 _native_batch_norm_legit_no_training_11"; +"137 _param_constant43" -> "140 _native_batch_norm_legit_no_training_11"; +"138 _tensor_constant22" -> "140 _native_batch_norm_legit_no_training_11"; +"139 _tensor_constant23" -> "140 _native_batch_norm_legit_no_training_11"; +"140 _native_batch_norm_legit_no_training_11" -> "141 getitem_33"; +"141 getitem_33" -> "144 conv2d_16"; +"141 getitem_33" -> "183 add__1"; +"142 conv2d_16_updated_constant0" -> "143 asymmetric_weights_decompressor_conv2d_16_updated_constant0_0"; +"143 asymmetric_weights_decompressor_conv2d_16_updated_constant0_0" -> "144 conv2d_16"; +"144 conv2d_16" -> "149 _native_batch_norm_legit_no_training_12"; +"145 _param_constant45" -> "149 _native_batch_norm_legit_no_training_12"; +"146 _param_constant46" -> "149 _native_batch_norm_legit_no_training_12"; +"147 _tensor_constant24" -> "149 _native_batch_norm_legit_no_training_12"; +"148 _tensor_constant25" -> "149 _native_batch_norm_legit_no_training_12"; +"149 _native_batch_norm_legit_no_training_12" -> "150 getitem_36"; +"150 getitem_36" -> "151 hardswish__3"; +"151 hardswish__3" -> "154 conv2d_17"; +"152 conv2d_17_updated_constant0" -> "153 asymmetric_weights_decompressor_conv2d_17_updated_constant0_0"; +"153 asymmetric_weights_decompressor_conv2d_17_updated_constant0_0" -> "154 conv2d_17"; +"154 conv2d_17" -> "159 _native_batch_norm_legit_no_training_13"; +"155 _param_constant48" -> "159 _native_batch_norm_legit_no_training_13"; +"156 _param_constant49" -> "159 _native_batch_norm_legit_no_training_13"; +"157 _tensor_constant26" -> "159 _native_batch_norm_legit_no_training_13"; +"158 _tensor_constant27" -> "159 _native_batch_norm_legit_no_training_13"; +"159 _native_batch_norm_legit_no_training_13" -> "160 getitem_39"; +"160 getitem_39" -> "161 hardswish__4"; +"161 hardswish__4" -> "162 adaptive_avg_pool2d_2"; +"161 hardswish__4" -> "173 mul_2"; +"162 adaptive_avg_pool2d_2" -> "166 conv2d_18"; +"163 _param_constant51" -> "166 conv2d_18"; +"164 conv2d_18_updated_constant0" -> "165 asymmetric_weights_decompressor_conv2d_18_updated_constant0_0"; +"165 asymmetric_weights_decompressor_conv2d_18_updated_constant0_0" -> "166 conv2d_18"; +"166 conv2d_18" -> "167 relu_2"; +"167 relu_2" -> "171 conv2d_19"; +"168 _param_constant53" -> "171 conv2d_19"; +"169 conv2d_19_updated_constant0" -> "170 asymmetric_weights_decompressor_conv2d_19_updated_constant0_0"; +"170 asymmetric_weights_decompressor_conv2d_19_updated_constant0_0" -> "171 conv2d_19"; +"171 conv2d_19" -> "172 hardsigmoid_2"; +"172 hardsigmoid_2" -> "173 mul_2"; +"173 mul_2" -> "176 conv2d_20"; +"174 conv2d_20_updated_constant0" -> "175 asymmetric_weights_decompressor_conv2d_20_updated_constant0_0"; +"175 asymmetric_weights_decompressor_conv2d_20_updated_constant0_0" -> "176 conv2d_20"; +"176 conv2d_20" -> "181 _native_batch_norm_legit_no_training_14"; +"177 _param_constant55" -> "181 _native_batch_norm_legit_no_training_14"; +"178 _param_constant56" -> "181 _native_batch_norm_legit_no_training_14"; +"179 _tensor_constant28" -> "181 _native_batch_norm_legit_no_training_14"; +"180 _tensor_constant29" -> "181 _native_batch_norm_legit_no_training_14"; +"181 _native_batch_norm_legit_no_training_14" -> "182 getitem_42"; +"182 getitem_42" -> "183 add__1"; +"183 add__1" -> "186 conv2d_21"; +"183 add__1" -> "225 add__2"; +"184 conv2d_21_updated_constant0" -> "185 asymmetric_weights_decompressor_conv2d_21_updated_constant0_0"; +"185 asymmetric_weights_decompressor_conv2d_21_updated_constant0_0" -> "186 conv2d_21"; +"186 conv2d_21" -> "191 _native_batch_norm_legit_no_training_15"; +"187 _param_constant58" -> "191 _native_batch_norm_legit_no_training_15"; +"188 _param_constant59" -> "191 _native_batch_norm_legit_no_training_15"; +"189 _tensor_constant30" -> "191 _native_batch_norm_legit_no_training_15"; +"190 _tensor_constant31" -> "191 _native_batch_norm_legit_no_training_15"; +"191 _native_batch_norm_legit_no_training_15" -> "192 getitem_45"; +"192 getitem_45" -> "193 hardswish__5"; +"193 hardswish__5" -> "196 conv2d_22"; +"194 conv2d_22_updated_constant0" -> "195 asymmetric_weights_decompressor_conv2d_22_updated_constant0_0"; +"195 asymmetric_weights_decompressor_conv2d_22_updated_constant0_0" -> "196 conv2d_22"; +"196 conv2d_22" -> "201 _native_batch_norm_legit_no_training_16"; +"197 _param_constant61" -> "201 _native_batch_norm_legit_no_training_16"; +"198 _param_constant62" -> "201 _native_batch_norm_legit_no_training_16"; +"199 _tensor_constant32" -> "201 _native_batch_norm_legit_no_training_16"; +"200 _tensor_constant33" -> "201 _native_batch_norm_legit_no_training_16"; +"201 _native_batch_norm_legit_no_training_16" -> "202 getitem_48"; +"202 getitem_48" -> "203 hardswish__6"; +"203 hardswish__6" -> "204 adaptive_avg_pool2d_3"; +"203 hardswish__6" -> "215 mul_3"; +"204 adaptive_avg_pool2d_3" -> "208 conv2d_23"; +"205 _param_constant64" -> "208 conv2d_23"; +"206 conv2d_23_updated_constant0" -> "207 asymmetric_weights_decompressor_conv2d_23_updated_constant0_0"; +"207 asymmetric_weights_decompressor_conv2d_23_updated_constant0_0" -> "208 conv2d_23"; +"208 conv2d_23" -> "209 relu_3"; +"209 relu_3" -> "213 conv2d_24"; +"210 _param_constant66" -> "213 conv2d_24"; +"211 conv2d_24_updated_constant0" -> "212 asymmetric_weights_decompressor_conv2d_24_updated_constant0_0"; +"212 asymmetric_weights_decompressor_conv2d_24_updated_constant0_0" -> "213 conv2d_24"; +"213 conv2d_24" -> "214 hardsigmoid_3"; +"214 hardsigmoid_3" -> "215 mul_3"; +"215 mul_3" -> "218 conv2d_25"; +"216 conv2d_25_updated_constant0" -> "217 asymmetric_weights_decompressor_conv2d_25_updated_constant0_0"; +"217 asymmetric_weights_decompressor_conv2d_25_updated_constant0_0" -> "218 conv2d_25"; +"218 conv2d_25" -> "223 _native_batch_norm_legit_no_training_17"; +"219 _param_constant68" -> "223 _native_batch_norm_legit_no_training_17"; +"220 _param_constant69" -> "223 _native_batch_norm_legit_no_training_17"; +"221 _tensor_constant34" -> "223 _native_batch_norm_legit_no_training_17"; +"222 _tensor_constant35" -> "223 _native_batch_norm_legit_no_training_17"; +"223 _native_batch_norm_legit_no_training_17" -> "224 getitem_51"; +"224 getitem_51" -> "225 add__2"; +"225 add__2" -> "228 conv2d_26"; +"226 conv2d_26_updated_constant0" -> "227 asymmetric_weights_decompressor_conv2d_26_updated_constant0_0"; +"227 asymmetric_weights_decompressor_conv2d_26_updated_constant0_0" -> "228 conv2d_26"; +"228 conv2d_26" -> "233 _native_batch_norm_legit_no_training_18"; +"229 _param_constant71" -> "233 _native_batch_norm_legit_no_training_18"; +"230 _param_constant72" -> "233 _native_batch_norm_legit_no_training_18"; +"231 _tensor_constant36" -> "233 _native_batch_norm_legit_no_training_18"; +"232 _tensor_constant37" -> "233 _native_batch_norm_legit_no_training_18"; +"233 _native_batch_norm_legit_no_training_18" -> "234 getitem_54"; +"234 getitem_54" -> "235 hardswish__7"; +"235 hardswish__7" -> "238 conv2d_27"; +"236 conv2d_27_updated_constant0" -> "237 asymmetric_weights_decompressor_conv2d_27_updated_constant0_0"; +"237 asymmetric_weights_decompressor_conv2d_27_updated_constant0_0" -> "238 conv2d_27"; +"238 conv2d_27" -> "243 _native_batch_norm_legit_no_training_19"; +"239 _param_constant74" -> "243 _native_batch_norm_legit_no_training_19"; +"240 _param_constant75" -> "243 _native_batch_norm_legit_no_training_19"; +"241 _tensor_constant38" -> "243 _native_batch_norm_legit_no_training_19"; +"242 _tensor_constant39" -> "243 _native_batch_norm_legit_no_training_19"; +"243 _native_batch_norm_legit_no_training_19" -> "244 getitem_57"; +"244 getitem_57" -> "245 hardswish__8"; +"245 hardswish__8" -> "246 adaptive_avg_pool2d_4"; +"245 hardswish__8" -> "257 mul_4"; +"246 adaptive_avg_pool2d_4" -> "250 conv2d_28"; +"247 _param_constant77" -> "250 conv2d_28"; +"248 conv2d_28_updated_constant0" -> "249 asymmetric_weights_decompressor_conv2d_28_updated_constant0_0"; +"249 asymmetric_weights_decompressor_conv2d_28_updated_constant0_0" -> "250 conv2d_28"; +"250 conv2d_28" -> "251 relu_4"; +"251 relu_4" -> "255 conv2d_29"; +"252 _param_constant79" -> "255 conv2d_29"; +"253 conv2d_29_updated_constant0" -> "254 asymmetric_weights_decompressor_conv2d_29_updated_constant0_0"; +"254 asymmetric_weights_decompressor_conv2d_29_updated_constant0_0" -> "255 conv2d_29"; +"255 conv2d_29" -> "256 hardsigmoid_4"; +"256 hardsigmoid_4" -> "257 mul_4"; +"257 mul_4" -> "260 conv2d_30"; +"258 conv2d_30_updated_constant0" -> "259 asymmetric_weights_decompressor_conv2d_30_updated_constant0_0"; +"259 asymmetric_weights_decompressor_conv2d_30_updated_constant0_0" -> "260 conv2d_30"; +"260 conv2d_30" -> "265 _native_batch_norm_legit_no_training_20"; +"261 _param_constant81" -> "265 _native_batch_norm_legit_no_training_20"; +"262 _param_constant82" -> "265 _native_batch_norm_legit_no_training_20"; +"263 _tensor_constant40" -> "265 _native_batch_norm_legit_no_training_20"; +"264 _tensor_constant41" -> "265 _native_batch_norm_legit_no_training_20"; +"265 _native_batch_norm_legit_no_training_20" -> "266 getitem_60"; +"266 getitem_60" -> "269 conv2d_31"; +"266 getitem_60" -> "308 add__3"; +"267 conv2d_31_updated_constant0" -> "268 asymmetric_weights_decompressor_conv2d_31_updated_constant0_0"; +"268 asymmetric_weights_decompressor_conv2d_31_updated_constant0_0" -> "269 conv2d_31"; +"269 conv2d_31" -> "274 _native_batch_norm_legit_no_training_21"; +"270 _param_constant84" -> "274 _native_batch_norm_legit_no_training_21"; +"271 _param_constant85" -> "274 _native_batch_norm_legit_no_training_21"; +"272 _tensor_constant42" -> "274 _native_batch_norm_legit_no_training_21"; +"273 _tensor_constant43" -> "274 _native_batch_norm_legit_no_training_21"; +"274 _native_batch_norm_legit_no_training_21" -> "275 getitem_63"; +"275 getitem_63" -> "276 hardswish__9"; +"276 hardswish__9" -> "279 conv2d_32"; +"277 conv2d_32_updated_constant0" -> "278 asymmetric_weights_decompressor_conv2d_32_updated_constant0_0"; +"278 asymmetric_weights_decompressor_conv2d_32_updated_constant0_0" -> "279 conv2d_32"; +"279 conv2d_32" -> "284 _native_batch_norm_legit_no_training_22"; +"280 _param_constant87" -> "284 _native_batch_norm_legit_no_training_22"; +"281 _param_constant88" -> "284 _native_batch_norm_legit_no_training_22"; +"282 _tensor_constant44" -> "284 _native_batch_norm_legit_no_training_22"; +"283 _tensor_constant45" -> "284 _native_batch_norm_legit_no_training_22"; +"284 _native_batch_norm_legit_no_training_22" -> "285 getitem_66"; +"285 getitem_66" -> "286 hardswish__10"; +"286 hardswish__10" -> "287 adaptive_avg_pool2d_5"; +"286 hardswish__10" -> "298 mul_5"; +"287 adaptive_avg_pool2d_5" -> "291 conv2d_33"; +"288 _param_constant90" -> "291 conv2d_33"; +"289 conv2d_33_updated_constant0" -> "290 asymmetric_weights_decompressor_conv2d_33_updated_constant0_0"; +"290 asymmetric_weights_decompressor_conv2d_33_updated_constant0_0" -> "291 conv2d_33"; +"291 conv2d_33" -> "292 relu_5"; +"292 relu_5" -> "296 conv2d_34"; +"293 _param_constant92" -> "296 conv2d_34"; +"294 conv2d_34_updated_constant0" -> "295 asymmetric_weights_decompressor_conv2d_34_updated_constant0_0"; +"295 asymmetric_weights_decompressor_conv2d_34_updated_constant0_0" -> "296 conv2d_34"; +"296 conv2d_34" -> "297 hardsigmoid_5"; +"297 hardsigmoid_5" -> "298 mul_5"; +"298 mul_5" -> "301 conv2d_35"; +"299 conv2d_35_updated_constant0" -> "300 asymmetric_weights_decompressor_conv2d_35_updated_constant0_0"; +"300 asymmetric_weights_decompressor_conv2d_35_updated_constant0_0" -> "301 conv2d_35"; +"301 conv2d_35" -> "306 _native_batch_norm_legit_no_training_23"; +"302 _param_constant94" -> "306 _native_batch_norm_legit_no_training_23"; +"303 _param_constant95" -> "306 _native_batch_norm_legit_no_training_23"; +"304 _tensor_constant46" -> "306 _native_batch_norm_legit_no_training_23"; +"305 _tensor_constant47" -> "306 _native_batch_norm_legit_no_training_23"; +"306 _native_batch_norm_legit_no_training_23" -> "307 getitem_69"; +"307 getitem_69" -> "308 add__3"; +"308 add__3" -> "311 conv2d_36"; +"309 conv2d_36_updated_constant0" -> "310 asymmetric_weights_decompressor_conv2d_36_updated_constant0_0"; +"310 asymmetric_weights_decompressor_conv2d_36_updated_constant0_0" -> "311 conv2d_36"; +"311 conv2d_36" -> "316 _native_batch_norm_legit_no_training_24"; +"312 _param_constant97" -> "316 _native_batch_norm_legit_no_training_24"; +"313 _param_constant98" -> "316 _native_batch_norm_legit_no_training_24"; +"314 _tensor_constant48" -> "316 _native_batch_norm_legit_no_training_24"; +"315 _tensor_constant49" -> "316 _native_batch_norm_legit_no_training_24"; +"316 _native_batch_norm_legit_no_training_24" -> "317 getitem_72"; +"317 getitem_72" -> "318 hardswish__11"; +"318 hardswish__11" -> "321 conv2d_37"; +"319 conv2d_37_updated_constant0" -> "320 asymmetric_weights_decompressor_conv2d_37_updated_constant0_0"; +"320 asymmetric_weights_decompressor_conv2d_37_updated_constant0_0" -> "321 conv2d_37"; +"321 conv2d_37" -> "326 _native_batch_norm_legit_no_training_25"; +"322 _param_constant100" -> "326 _native_batch_norm_legit_no_training_25"; +"323 _param_constant101" -> "326 _native_batch_norm_legit_no_training_25"; +"324 _tensor_constant50" -> "326 _native_batch_norm_legit_no_training_25"; +"325 _tensor_constant51" -> "326 _native_batch_norm_legit_no_training_25"; +"326 _native_batch_norm_legit_no_training_25" -> "327 getitem_75"; +"327 getitem_75" -> "328 hardswish__12"; +"328 hardswish__12" -> "329 adaptive_avg_pool2d_6"; +"328 hardswish__12" -> "340 mul_6"; +"329 adaptive_avg_pool2d_6" -> "333 conv2d_38"; +"330 _param_constant103" -> "333 conv2d_38"; +"331 conv2d_38_updated_constant0" -> "332 asymmetric_weights_decompressor_conv2d_38_updated_constant0_0"; +"332 asymmetric_weights_decompressor_conv2d_38_updated_constant0_0" -> "333 conv2d_38"; +"333 conv2d_38" -> "334 relu_6"; +"334 relu_6" -> "338 conv2d_39"; +"335 _param_constant105" -> "338 conv2d_39"; +"336 conv2d_39_updated_constant0" -> "337 asymmetric_weights_decompressor_conv2d_39_updated_constant0_0"; +"337 asymmetric_weights_decompressor_conv2d_39_updated_constant0_0" -> "338 conv2d_39"; +"338 conv2d_39" -> "339 hardsigmoid_6"; +"339 hardsigmoid_6" -> "340 mul_6"; +"340 mul_6" -> "343 conv2d_40"; +"341 conv2d_40_updated_constant0" -> "342 asymmetric_weights_decompressor_conv2d_40_updated_constant0_0"; +"342 asymmetric_weights_decompressor_conv2d_40_updated_constant0_0" -> "343 conv2d_40"; +"343 conv2d_40" -> "348 _native_batch_norm_legit_no_training_26"; +"344 _param_constant107" -> "348 _native_batch_norm_legit_no_training_26"; +"345 _param_constant108" -> "348 _native_batch_norm_legit_no_training_26"; +"346 _tensor_constant52" -> "348 _native_batch_norm_legit_no_training_26"; +"347 _tensor_constant53" -> "348 _native_batch_norm_legit_no_training_26"; +"348 _native_batch_norm_legit_no_training_26" -> "349 getitem_78"; +"349 getitem_78" -> "352 conv2d_41"; +"349 getitem_78" -> "391 add__4"; +"350 conv2d_41_updated_constant0" -> "351 asymmetric_weights_decompressor_conv2d_41_updated_constant0_0"; +"351 asymmetric_weights_decompressor_conv2d_41_updated_constant0_0" -> "352 conv2d_41"; +"352 conv2d_41" -> "357 _native_batch_norm_legit_no_training_27"; +"353 _param_constant110" -> "357 _native_batch_norm_legit_no_training_27"; +"354 _param_constant111" -> "357 _native_batch_norm_legit_no_training_27"; +"355 _tensor_constant54" -> "357 _native_batch_norm_legit_no_training_27"; +"356 _tensor_constant55" -> "357 _native_batch_norm_legit_no_training_27"; +"357 _native_batch_norm_legit_no_training_27" -> "358 getitem_81"; +"358 getitem_81" -> "359 hardswish__13"; +"359 hardswish__13" -> "362 conv2d_42"; +"360 conv2d_42_updated_constant0" -> "361 asymmetric_weights_decompressor_conv2d_42_updated_constant0_0"; +"361 asymmetric_weights_decompressor_conv2d_42_updated_constant0_0" -> "362 conv2d_42"; +"362 conv2d_42" -> "367 _native_batch_norm_legit_no_training_28"; +"363 _param_constant113" -> "367 _native_batch_norm_legit_no_training_28"; +"364 _param_constant114" -> "367 _native_batch_norm_legit_no_training_28"; +"365 _tensor_constant56" -> "367 _native_batch_norm_legit_no_training_28"; +"366 _tensor_constant57" -> "367 _native_batch_norm_legit_no_training_28"; +"367 _native_batch_norm_legit_no_training_28" -> "368 getitem_84"; +"368 getitem_84" -> "369 hardswish__14"; +"369 hardswish__14" -> "370 adaptive_avg_pool2d_7"; +"369 hardswish__14" -> "381 mul_7"; +"370 adaptive_avg_pool2d_7" -> "374 conv2d_43"; +"371 _param_constant116" -> "374 conv2d_43"; +"372 conv2d_43_updated_constant0" -> "373 asymmetric_weights_decompressor_conv2d_43_updated_constant0_0"; +"373 asymmetric_weights_decompressor_conv2d_43_updated_constant0_0" -> "374 conv2d_43"; +"374 conv2d_43" -> "375 relu_7"; +"375 relu_7" -> "379 conv2d_44"; +"376 _param_constant118" -> "379 conv2d_44"; +"377 conv2d_44_updated_constant0" -> "378 asymmetric_weights_decompressor_conv2d_44_updated_constant0_0"; +"378 asymmetric_weights_decompressor_conv2d_44_updated_constant0_0" -> "379 conv2d_44"; +"379 conv2d_44" -> "380 hardsigmoid_7"; +"380 hardsigmoid_7" -> "381 mul_7"; +"381 mul_7" -> "384 conv2d_45"; +"382 conv2d_45_updated_constant0" -> "383 asymmetric_weights_decompressor_conv2d_45_updated_constant0_0"; +"383 asymmetric_weights_decompressor_conv2d_45_updated_constant0_0" -> "384 conv2d_45"; +"384 conv2d_45" -> "389 _native_batch_norm_legit_no_training_29"; +"385 _param_constant120" -> "389 _native_batch_norm_legit_no_training_29"; +"386 _param_constant121" -> "389 _native_batch_norm_legit_no_training_29"; +"387 _tensor_constant58" -> "389 _native_batch_norm_legit_no_training_29"; +"388 _tensor_constant59" -> "389 _native_batch_norm_legit_no_training_29"; +"389 _native_batch_norm_legit_no_training_29" -> "390 getitem_87"; +"390 getitem_87" -> "391 add__4"; +"391 add__4" -> "394 conv2d_46"; +"391 add__4" -> "433 add__5"; +"392 conv2d_46_updated_constant0" -> "393 asymmetric_weights_decompressor_conv2d_46_updated_constant0_0"; +"393 asymmetric_weights_decompressor_conv2d_46_updated_constant0_0" -> "394 conv2d_46"; +"394 conv2d_46" -> "399 _native_batch_norm_legit_no_training_30"; +"395 _param_constant123" -> "399 _native_batch_norm_legit_no_training_30"; +"396 _param_constant124" -> "399 _native_batch_norm_legit_no_training_30"; +"397 _tensor_constant60" -> "399 _native_batch_norm_legit_no_training_30"; +"398 _tensor_constant61" -> "399 _native_batch_norm_legit_no_training_30"; +"399 _native_batch_norm_legit_no_training_30" -> "400 getitem_90"; +"400 getitem_90" -> "401 hardswish__15"; +"401 hardswish__15" -> "404 conv2d_47"; +"402 conv2d_47_updated_constant0" -> "403 asymmetric_weights_decompressor_conv2d_47_updated_constant0_0"; +"403 asymmetric_weights_decompressor_conv2d_47_updated_constant0_0" -> "404 conv2d_47"; +"404 conv2d_47" -> "409 _native_batch_norm_legit_no_training_31"; +"405 _param_constant126" -> "409 _native_batch_norm_legit_no_training_31"; +"406 _param_constant127" -> "409 _native_batch_norm_legit_no_training_31"; +"407 _tensor_constant62" -> "409 _native_batch_norm_legit_no_training_31"; +"408 _tensor_constant63" -> "409 _native_batch_norm_legit_no_training_31"; +"409 _native_batch_norm_legit_no_training_31" -> "410 getitem_93"; +"410 getitem_93" -> "411 hardswish__16"; +"411 hardswish__16" -> "412 adaptive_avg_pool2d_8"; +"411 hardswish__16" -> "423 mul_8"; +"412 adaptive_avg_pool2d_8" -> "416 conv2d_48"; +"413 _param_constant129" -> "416 conv2d_48"; +"414 conv2d_48_updated_constant0" -> "415 asymmetric_weights_decompressor_conv2d_48_updated_constant0_0"; +"415 asymmetric_weights_decompressor_conv2d_48_updated_constant0_0" -> "416 conv2d_48"; +"416 conv2d_48" -> "417 relu_8"; +"417 relu_8" -> "421 conv2d_49"; +"418 _param_constant131" -> "421 conv2d_49"; +"419 conv2d_49_updated_constant0" -> "420 asymmetric_weights_decompressor_conv2d_49_updated_constant0_0"; +"420 asymmetric_weights_decompressor_conv2d_49_updated_constant0_0" -> "421 conv2d_49"; +"421 conv2d_49" -> "422 hardsigmoid_8"; +"422 hardsigmoid_8" -> "423 mul_8"; +"423 mul_8" -> "426 conv2d_50"; +"424 conv2d_50_updated_constant0" -> "425 asymmetric_weights_decompressor_conv2d_50_updated_constant0_0"; +"425 asymmetric_weights_decompressor_conv2d_50_updated_constant0_0" -> "426 conv2d_50"; +"426 conv2d_50" -> "431 _native_batch_norm_legit_no_training_32"; +"427 _param_constant133" -> "431 _native_batch_norm_legit_no_training_32"; +"428 _param_constant134" -> "431 _native_batch_norm_legit_no_training_32"; +"429 _tensor_constant64" -> "431 _native_batch_norm_legit_no_training_32"; +"430 _tensor_constant65" -> "431 _native_batch_norm_legit_no_training_32"; +"431 _native_batch_norm_legit_no_training_32" -> "432 getitem_96"; +"432 getitem_96" -> "433 add__5"; +"433 add__5" -> "436 conv2d_51"; +"434 conv2d_51_updated_constant0" -> "435 asymmetric_weights_decompressor_conv2d_51_updated_constant0_0"; +"435 asymmetric_weights_decompressor_conv2d_51_updated_constant0_0" -> "436 conv2d_51"; +"436 conv2d_51" -> "441 _native_batch_norm_legit_no_training_33"; +"437 _param_constant136" -> "441 _native_batch_norm_legit_no_training_33"; +"438 _param_constant137" -> "441 _native_batch_norm_legit_no_training_33"; +"439 _tensor_constant66" -> "441 _native_batch_norm_legit_no_training_33"; +"440 _tensor_constant67" -> "441 _native_batch_norm_legit_no_training_33"; +"441 _native_batch_norm_legit_no_training_33" -> "442 getitem_99"; +"442 getitem_99" -> "443 hardswish__17"; +"443 hardswish__17" -> "444 adaptive_avg_pool2d_9"; +"444 adaptive_avg_pool2d_9" -> "445 flatten"; +"445 flatten" -> "449 linear"; +"446 _param_constant139" -> "449 linear"; +"447 linear_updated_constant0" -> "448 asymmetric_weights_decompressor_linear_updated_constant0_0"; +"448 asymmetric_weights_decompressor_linear_updated_constant0_0" -> "449 linear"; +"449 linear" -> "450 hardswish__18"; +"450 hardswish__18" -> "451 dropout_"; +"451 dropout_" -> "455 linear_1"; +"452 _param_constant141" -> "455 linear_1"; +"453 linear_1_updated_constant0" -> "454 asymmetric_weights_decompressor_linear_1_updated_constant0_0"; +"454 asymmetric_weights_decompressor_linear_1_updated_constant0_0" -> "455 linear_1"; +"455 linear_1" -> "456 output"; +} diff --git a/tests/torch/data/reference_graphs/fx/compressed/mobilenet_v3_small_int8_sym.dot b/tests/torch/data/reference_graphs/fx/compressed/mobilenet_v3_small_int8_sym.dot new file mode 100644 index 00000000000..accaa81c6d2 --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/compressed/mobilenet_v3_small_int8_sym.dot @@ -0,0 +1,930 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 conv2d_updated_constant0" [id=1, type=get_attr]; +"2 symmetric_weights_decompressor_conv2d_updated_constant0_0" [id=2, type=call_module]; +"3 conv2d" [id=3, type=conv2d]; +"4 _param_constant1" [id=4, type=get_attr]; +"5 _param_constant2" [id=5, type=get_attr]; +"6 _tensor_constant0" [id=6, type=get_attr]; +"7 _tensor_constant1" [id=7, type=get_attr]; +"8 _native_batch_norm_legit_no_training" [id=8, type=_native_batch_norm_legit_no_training]; +"9 getitem" [id=9, type=__getitem__]; +"10 hardswish_" [id=10, type=hardswish_]; +"11 conv2d_1_updated_constant0" [id=11, type=get_attr]; +"12 symmetric_weights_decompressor_conv2d_1_updated_constant0_0" [id=12, type=call_module]; +"13 conv2d_1" [id=13, type=conv2d]; +"14 _param_constant4" [id=14, type=get_attr]; +"15 _param_constant5" [id=15, type=get_attr]; +"16 _tensor_constant2" [id=16, type=get_attr]; +"17 _tensor_constant3" [id=17, type=get_attr]; +"18 _native_batch_norm_legit_no_training_1" [id=18, type=_native_batch_norm_legit_no_training]; +"19 getitem_3" [id=19, type=__getitem__]; +"20 relu_" [id=20, type=relu_]; +"21 adaptive_avg_pool2d" [id=21, type=adaptive_avg_pool2d]; +"22 _param_constant7" [id=22, type=get_attr]; +"23 conv2d_2_updated_constant0" [id=23, type=get_attr]; +"24 symmetric_weights_decompressor_conv2d_2_updated_constant0_0" [id=24, type=call_module]; +"25 conv2d_2" [id=25, type=conv2d]; +"26 relu" [id=26, type=relu]; +"27 _param_constant9" [id=27, type=get_attr]; +"28 conv2d_3_updated_constant0" [id=28, type=get_attr]; +"29 symmetric_weights_decompressor_conv2d_3_updated_constant0_0" [id=29, type=call_module]; +"30 conv2d_3" [id=30, type=conv2d]; +"31 hardsigmoid" [id=31, type=hardsigmoid]; +"32 mul" [id=32, type=mul]; +"33 conv2d_4_updated_constant0" [id=33, type=get_attr]; +"34 symmetric_weights_decompressor_conv2d_4_updated_constant0_0" [id=34, type=call_module]; +"35 conv2d_4" [id=35, type=conv2d]; +"36 _param_constant11" [id=36, type=get_attr]; +"37 _param_constant12" [id=37, type=get_attr]; +"38 _tensor_constant4" [id=38, type=get_attr]; +"39 _tensor_constant5" [id=39, type=get_attr]; +"40 _native_batch_norm_legit_no_training_2" [id=40, type=_native_batch_norm_legit_no_training]; +"41 getitem_6" [id=41, type=__getitem__]; +"42 conv2d_5_updated_constant0" [id=42, type=get_attr]; +"43 symmetric_weights_decompressor_conv2d_5_updated_constant0_0" [id=43, type=call_module]; +"44 conv2d_5" [id=44, type=conv2d]; +"45 _param_constant14" [id=45, type=get_attr]; +"46 _param_constant15" [id=46, type=get_attr]; +"47 _tensor_constant6" [id=47, type=get_attr]; +"48 _tensor_constant7" [id=48, type=get_attr]; +"49 _native_batch_norm_legit_no_training_3" [id=49, type=_native_batch_norm_legit_no_training]; +"50 getitem_9" [id=50, type=__getitem__]; +"51 relu__1" [id=51, type=relu_]; +"52 conv2d_6_updated_constant0" [id=52, type=get_attr]; +"53 symmetric_weights_decompressor_conv2d_6_updated_constant0_0" [id=53, type=call_module]; +"54 conv2d_6" [id=54, type=conv2d]; +"55 _param_constant17" [id=55, type=get_attr]; +"56 _param_constant18" [id=56, type=get_attr]; +"57 _tensor_constant8" [id=57, type=get_attr]; +"58 _tensor_constant9" [id=58, type=get_attr]; +"59 _native_batch_norm_legit_no_training_4" [id=59, type=_native_batch_norm_legit_no_training]; +"60 getitem_12" [id=60, type=__getitem__]; +"61 relu__2" [id=61, type=relu_]; +"62 conv2d_7_updated_constant0" [id=62, type=get_attr]; +"63 symmetric_weights_decompressor_conv2d_7_updated_constant0_0" [id=63, type=call_module]; +"64 conv2d_7" [id=64, type=conv2d]; +"65 _param_constant20" [id=65, type=get_attr]; +"66 _param_constant21" [id=66, type=get_attr]; +"67 _tensor_constant10" [id=67, type=get_attr]; +"68 _tensor_constant11" [id=68, type=get_attr]; +"69 _native_batch_norm_legit_no_training_5" [id=69, type=_native_batch_norm_legit_no_training]; +"70 getitem_15" [id=70, type=__getitem__]; +"71 conv2d_8_updated_constant0" [id=71, type=get_attr]; +"72 symmetric_weights_decompressor_conv2d_8_updated_constant0_0" [id=72, type=call_module]; +"73 conv2d_8" [id=73, type=conv2d]; +"74 _param_constant23" [id=74, type=get_attr]; +"75 _param_constant24" [id=75, type=get_attr]; +"76 _tensor_constant12" [id=76, type=get_attr]; +"77 _tensor_constant13" [id=77, type=get_attr]; +"78 _native_batch_norm_legit_no_training_6" [id=78, type=_native_batch_norm_legit_no_training]; +"79 getitem_18" [id=79, type=__getitem__]; +"80 relu__3" [id=80, type=relu_]; +"81 conv2d_9_updated_constant0" [id=81, type=get_attr]; +"82 symmetric_weights_decompressor_conv2d_9_updated_constant0_0" [id=82, type=call_module]; +"83 conv2d_9" [id=83, type=conv2d]; +"84 _param_constant26" [id=84, type=get_attr]; +"85 _param_constant27" [id=85, type=get_attr]; +"86 _tensor_constant14" [id=86, type=get_attr]; +"87 _tensor_constant15" [id=87, type=get_attr]; +"88 _native_batch_norm_legit_no_training_7" [id=88, type=_native_batch_norm_legit_no_training]; +"89 getitem_21" [id=89, type=__getitem__]; +"90 relu__4" [id=90, type=relu_]; +"91 conv2d_10_updated_constant0" [id=91, type=get_attr]; +"92 symmetric_weights_decompressor_conv2d_10_updated_constant0_0" [id=92, type=call_module]; +"93 conv2d_10" [id=93, type=conv2d]; +"94 _param_constant29" [id=94, type=get_attr]; +"95 _param_constant30" [id=95, type=get_attr]; +"96 _tensor_constant16" [id=96, type=get_attr]; +"97 _tensor_constant17" [id=97, type=get_attr]; +"98 _native_batch_norm_legit_no_training_8" [id=98, type=_native_batch_norm_legit_no_training]; +"99 getitem_24" [id=99, type=__getitem__]; +"100 add_" [id=100, type=add_]; +"101 conv2d_11_updated_constant0" [id=101, type=get_attr]; +"102 symmetric_weights_decompressor_conv2d_11_updated_constant0_0" [id=102, type=call_module]; +"103 conv2d_11" [id=103, type=conv2d]; +"104 _param_constant32" [id=104, type=get_attr]; +"105 _param_constant33" [id=105, type=get_attr]; +"106 _tensor_constant18" [id=106, type=get_attr]; +"107 _tensor_constant19" [id=107, type=get_attr]; +"108 _native_batch_norm_legit_no_training_9" [id=108, type=_native_batch_norm_legit_no_training]; +"109 getitem_27" [id=109, type=__getitem__]; +"110 hardswish__1" [id=110, type=hardswish_]; +"111 conv2d_12_updated_constant0" [id=111, type=get_attr]; +"112 symmetric_weights_decompressor_conv2d_12_updated_constant0_0" [id=112, type=call_module]; +"113 conv2d_12" [id=113, type=conv2d]; +"114 _param_constant35" [id=114, type=get_attr]; +"115 _param_constant36" [id=115, type=get_attr]; +"116 _tensor_constant20" [id=116, type=get_attr]; +"117 _tensor_constant21" [id=117, type=get_attr]; +"118 _native_batch_norm_legit_no_training_10" [id=118, type=_native_batch_norm_legit_no_training]; +"119 getitem_30" [id=119, type=__getitem__]; +"120 hardswish__2" [id=120, type=hardswish_]; +"121 adaptive_avg_pool2d_1" [id=121, type=adaptive_avg_pool2d]; +"122 _param_constant38" [id=122, type=get_attr]; +"123 conv2d_13_updated_constant0" [id=123, type=get_attr]; +"124 symmetric_weights_decompressor_conv2d_13_updated_constant0_0" [id=124, type=call_module]; +"125 conv2d_13" [id=125, type=conv2d]; +"126 relu_1" [id=126, type=relu]; +"127 _param_constant40" [id=127, type=get_attr]; +"128 conv2d_14_updated_constant0" [id=128, type=get_attr]; +"129 symmetric_weights_decompressor_conv2d_14_updated_constant0_0" [id=129, type=call_module]; +"130 conv2d_14" [id=130, type=conv2d]; +"131 hardsigmoid_1" [id=131, type=hardsigmoid]; +"132 mul_1" [id=132, type=mul]; +"133 conv2d_15_updated_constant0" [id=133, type=get_attr]; +"134 symmetric_weights_decompressor_conv2d_15_updated_constant0_0" [id=134, type=call_module]; +"135 conv2d_15" [id=135, type=conv2d]; +"136 _param_constant42" [id=136, type=get_attr]; +"137 _param_constant43" [id=137, type=get_attr]; +"138 _tensor_constant22" [id=138, type=get_attr]; +"139 _tensor_constant23" [id=139, type=get_attr]; +"140 _native_batch_norm_legit_no_training_11" [id=140, type=_native_batch_norm_legit_no_training]; +"141 getitem_33" [id=141, type=__getitem__]; +"142 conv2d_16_updated_constant0" [id=142, type=get_attr]; +"143 symmetric_weights_decompressor_conv2d_16_updated_constant0_0" [id=143, type=call_module]; +"144 conv2d_16" [id=144, type=conv2d]; +"145 _param_constant45" [id=145, type=get_attr]; +"146 _param_constant46" [id=146, type=get_attr]; +"147 _tensor_constant24" [id=147, type=get_attr]; +"148 _tensor_constant25" [id=148, type=get_attr]; +"149 _native_batch_norm_legit_no_training_12" [id=149, type=_native_batch_norm_legit_no_training]; +"150 getitem_36" [id=150, type=__getitem__]; +"151 hardswish__3" [id=151, type=hardswish_]; +"152 conv2d_17_updated_constant0" [id=152, type=get_attr]; +"153 symmetric_weights_decompressor_conv2d_17_updated_constant0_0" [id=153, type=call_module]; +"154 conv2d_17" [id=154, type=conv2d]; +"155 _param_constant48" [id=155, type=get_attr]; +"156 _param_constant49" [id=156, type=get_attr]; +"157 _tensor_constant26" [id=157, type=get_attr]; +"158 _tensor_constant27" [id=158, type=get_attr]; +"159 _native_batch_norm_legit_no_training_13" [id=159, type=_native_batch_norm_legit_no_training]; +"160 getitem_39" [id=160, type=__getitem__]; +"161 hardswish__4" [id=161, type=hardswish_]; +"162 adaptive_avg_pool2d_2" [id=162, type=adaptive_avg_pool2d]; +"163 _param_constant51" [id=163, type=get_attr]; +"164 conv2d_18_updated_constant0" [id=164, type=get_attr]; +"165 symmetric_weights_decompressor_conv2d_18_updated_constant0_0" [id=165, type=call_module]; +"166 conv2d_18" [id=166, type=conv2d]; +"167 relu_2" [id=167, type=relu]; +"168 _param_constant53" [id=168, type=get_attr]; +"169 conv2d_19_updated_constant0" [id=169, type=get_attr]; +"170 symmetric_weights_decompressor_conv2d_19_updated_constant0_0" [id=170, type=call_module]; +"171 conv2d_19" [id=171, type=conv2d]; +"172 hardsigmoid_2" [id=172, type=hardsigmoid]; +"173 mul_2" [id=173, type=mul]; +"174 conv2d_20_updated_constant0" [id=174, type=get_attr]; +"175 symmetric_weights_decompressor_conv2d_20_updated_constant0_0" [id=175, type=call_module]; +"176 conv2d_20" [id=176, type=conv2d]; +"177 _param_constant55" [id=177, type=get_attr]; +"178 _param_constant56" [id=178, type=get_attr]; +"179 _tensor_constant28" [id=179, type=get_attr]; +"180 _tensor_constant29" [id=180, type=get_attr]; +"181 _native_batch_norm_legit_no_training_14" [id=181, type=_native_batch_norm_legit_no_training]; +"182 getitem_42" [id=182, type=__getitem__]; +"183 add__1" [id=183, type=add_]; +"184 conv2d_21_updated_constant0" [id=184, type=get_attr]; +"185 symmetric_weights_decompressor_conv2d_21_updated_constant0_0" [id=185, type=call_module]; +"186 conv2d_21" [id=186, type=conv2d]; +"187 _param_constant58" [id=187, type=get_attr]; +"188 _param_constant59" [id=188, type=get_attr]; +"189 _tensor_constant30" [id=189, type=get_attr]; +"190 _tensor_constant31" [id=190, type=get_attr]; +"191 _native_batch_norm_legit_no_training_15" [id=191, type=_native_batch_norm_legit_no_training]; +"192 getitem_45" [id=192, type=__getitem__]; +"193 hardswish__5" [id=193, type=hardswish_]; +"194 conv2d_22_updated_constant0" [id=194, type=get_attr]; +"195 symmetric_weights_decompressor_conv2d_22_updated_constant0_0" [id=195, type=call_module]; +"196 conv2d_22" [id=196, type=conv2d]; +"197 _param_constant61" [id=197, type=get_attr]; +"198 _param_constant62" [id=198, type=get_attr]; +"199 _tensor_constant32" [id=199, type=get_attr]; +"200 _tensor_constant33" [id=200, type=get_attr]; +"201 _native_batch_norm_legit_no_training_16" [id=201, type=_native_batch_norm_legit_no_training]; +"202 getitem_48" [id=202, type=__getitem__]; +"203 hardswish__6" [id=203, type=hardswish_]; +"204 adaptive_avg_pool2d_3" [id=204, type=adaptive_avg_pool2d]; +"205 _param_constant64" [id=205, type=get_attr]; +"206 conv2d_23_updated_constant0" [id=206, type=get_attr]; +"207 symmetric_weights_decompressor_conv2d_23_updated_constant0_0" [id=207, type=call_module]; +"208 conv2d_23" [id=208, type=conv2d]; +"209 relu_3" [id=209, type=relu]; +"210 _param_constant66" [id=210, type=get_attr]; +"211 conv2d_24_updated_constant0" [id=211, type=get_attr]; +"212 symmetric_weights_decompressor_conv2d_24_updated_constant0_0" [id=212, type=call_module]; +"213 conv2d_24" [id=213, type=conv2d]; +"214 hardsigmoid_3" [id=214, type=hardsigmoid]; +"215 mul_3" [id=215, type=mul]; +"216 conv2d_25_updated_constant0" [id=216, type=get_attr]; +"217 symmetric_weights_decompressor_conv2d_25_updated_constant0_0" [id=217, type=call_module]; +"218 conv2d_25" [id=218, type=conv2d]; +"219 _param_constant68" [id=219, type=get_attr]; +"220 _param_constant69" [id=220, type=get_attr]; +"221 _tensor_constant34" [id=221, type=get_attr]; +"222 _tensor_constant35" [id=222, type=get_attr]; +"223 _native_batch_norm_legit_no_training_17" [id=223, type=_native_batch_norm_legit_no_training]; +"224 getitem_51" [id=224, type=__getitem__]; +"225 add__2" [id=225, type=add_]; +"226 conv2d_26_updated_constant0" [id=226, type=get_attr]; +"227 symmetric_weights_decompressor_conv2d_26_updated_constant0_0" [id=227, type=call_module]; +"228 conv2d_26" [id=228, type=conv2d]; +"229 _param_constant71" [id=229, type=get_attr]; +"230 _param_constant72" [id=230, type=get_attr]; +"231 _tensor_constant36" [id=231, type=get_attr]; +"232 _tensor_constant37" [id=232, type=get_attr]; +"233 _native_batch_norm_legit_no_training_18" [id=233, type=_native_batch_norm_legit_no_training]; +"234 getitem_54" [id=234, type=__getitem__]; +"235 hardswish__7" [id=235, type=hardswish_]; +"236 conv2d_27_updated_constant0" [id=236, type=get_attr]; +"237 symmetric_weights_decompressor_conv2d_27_updated_constant0_0" [id=237, type=call_module]; +"238 conv2d_27" [id=238, type=conv2d]; +"239 _param_constant74" [id=239, type=get_attr]; +"240 _param_constant75" [id=240, type=get_attr]; +"241 _tensor_constant38" [id=241, type=get_attr]; +"242 _tensor_constant39" [id=242, type=get_attr]; +"243 _native_batch_norm_legit_no_training_19" [id=243, type=_native_batch_norm_legit_no_training]; +"244 getitem_57" [id=244, type=__getitem__]; +"245 hardswish__8" [id=245, type=hardswish_]; +"246 adaptive_avg_pool2d_4" [id=246, type=adaptive_avg_pool2d]; +"247 _param_constant77" [id=247, type=get_attr]; +"248 conv2d_28_updated_constant0" [id=248, type=get_attr]; +"249 symmetric_weights_decompressor_conv2d_28_updated_constant0_0" [id=249, type=call_module]; +"250 conv2d_28" [id=250, type=conv2d]; +"251 relu_4" [id=251, type=relu]; +"252 _param_constant79" [id=252, type=get_attr]; +"253 conv2d_29_updated_constant0" [id=253, type=get_attr]; +"254 symmetric_weights_decompressor_conv2d_29_updated_constant0_0" [id=254, type=call_module]; +"255 conv2d_29" [id=255, type=conv2d]; +"256 hardsigmoid_4" [id=256, type=hardsigmoid]; +"257 mul_4" [id=257, type=mul]; +"258 conv2d_30_updated_constant0" [id=258, type=get_attr]; +"259 symmetric_weights_decompressor_conv2d_30_updated_constant0_0" [id=259, type=call_module]; +"260 conv2d_30" [id=260, type=conv2d]; +"261 _param_constant81" [id=261, type=get_attr]; +"262 _param_constant82" [id=262, type=get_attr]; +"263 _tensor_constant40" [id=263, type=get_attr]; +"264 _tensor_constant41" [id=264, type=get_attr]; +"265 _native_batch_norm_legit_no_training_20" [id=265, type=_native_batch_norm_legit_no_training]; +"266 getitem_60" [id=266, type=__getitem__]; +"267 conv2d_31_updated_constant0" [id=267, type=get_attr]; +"268 symmetric_weights_decompressor_conv2d_31_updated_constant0_0" [id=268, type=call_module]; +"269 conv2d_31" [id=269, type=conv2d]; +"270 _param_constant84" [id=270, type=get_attr]; +"271 _param_constant85" [id=271, type=get_attr]; +"272 _tensor_constant42" [id=272, type=get_attr]; +"273 _tensor_constant43" [id=273, type=get_attr]; +"274 _native_batch_norm_legit_no_training_21" [id=274, type=_native_batch_norm_legit_no_training]; +"275 getitem_63" [id=275, type=__getitem__]; +"276 hardswish__9" [id=276, type=hardswish_]; +"277 conv2d_32_updated_constant0" [id=277, type=get_attr]; +"278 symmetric_weights_decompressor_conv2d_32_updated_constant0_0" [id=278, type=call_module]; +"279 conv2d_32" [id=279, type=conv2d]; +"280 _param_constant87" [id=280, type=get_attr]; +"281 _param_constant88" [id=281, type=get_attr]; +"282 _tensor_constant44" [id=282, type=get_attr]; +"283 _tensor_constant45" [id=283, type=get_attr]; +"284 _native_batch_norm_legit_no_training_22" [id=284, type=_native_batch_norm_legit_no_training]; +"285 getitem_66" [id=285, type=__getitem__]; +"286 hardswish__10" [id=286, type=hardswish_]; +"287 adaptive_avg_pool2d_5" [id=287, type=adaptive_avg_pool2d]; +"288 _param_constant90" [id=288, type=get_attr]; +"289 conv2d_33_updated_constant0" [id=289, type=get_attr]; +"290 symmetric_weights_decompressor_conv2d_33_updated_constant0_0" [id=290, type=call_module]; +"291 conv2d_33" [id=291, type=conv2d]; +"292 relu_5" [id=292, type=relu]; +"293 _param_constant92" [id=293, type=get_attr]; +"294 conv2d_34_updated_constant0" [id=294, type=get_attr]; +"295 symmetric_weights_decompressor_conv2d_34_updated_constant0_0" [id=295, type=call_module]; +"296 conv2d_34" [id=296, type=conv2d]; +"297 hardsigmoid_5" [id=297, type=hardsigmoid]; +"298 mul_5" [id=298, type=mul]; +"299 conv2d_35_updated_constant0" [id=299, type=get_attr]; +"300 symmetric_weights_decompressor_conv2d_35_updated_constant0_0" [id=300, type=call_module]; +"301 conv2d_35" [id=301, type=conv2d]; +"302 _param_constant94" [id=302, type=get_attr]; +"303 _param_constant95" [id=303, type=get_attr]; +"304 _tensor_constant46" [id=304, type=get_attr]; +"305 _tensor_constant47" [id=305, type=get_attr]; +"306 _native_batch_norm_legit_no_training_23" [id=306, type=_native_batch_norm_legit_no_training]; +"307 getitem_69" [id=307, type=__getitem__]; +"308 add__3" [id=308, type=add_]; +"309 conv2d_36_updated_constant0" [id=309, type=get_attr]; +"310 symmetric_weights_decompressor_conv2d_36_updated_constant0_0" [id=310, type=call_module]; +"311 conv2d_36" [id=311, type=conv2d]; +"312 _param_constant97" [id=312, type=get_attr]; +"313 _param_constant98" [id=313, type=get_attr]; +"314 _tensor_constant48" [id=314, type=get_attr]; +"315 _tensor_constant49" [id=315, type=get_attr]; +"316 _native_batch_norm_legit_no_training_24" [id=316, type=_native_batch_norm_legit_no_training]; +"317 getitem_72" [id=317, type=__getitem__]; +"318 hardswish__11" [id=318, type=hardswish_]; +"319 conv2d_37_updated_constant0" [id=319, type=get_attr]; +"320 symmetric_weights_decompressor_conv2d_37_updated_constant0_0" [id=320, type=call_module]; +"321 conv2d_37" [id=321, type=conv2d]; +"322 _param_constant100" [id=322, type=get_attr]; +"323 _param_constant101" [id=323, type=get_attr]; +"324 _tensor_constant50" [id=324, type=get_attr]; +"325 _tensor_constant51" [id=325, type=get_attr]; +"326 _native_batch_norm_legit_no_training_25" [id=326, type=_native_batch_norm_legit_no_training]; +"327 getitem_75" [id=327, type=__getitem__]; +"328 hardswish__12" [id=328, type=hardswish_]; +"329 adaptive_avg_pool2d_6" [id=329, type=adaptive_avg_pool2d]; +"330 _param_constant103" [id=330, type=get_attr]; +"331 conv2d_38_updated_constant0" [id=331, type=get_attr]; +"332 symmetric_weights_decompressor_conv2d_38_updated_constant0_0" [id=332, type=call_module]; +"333 conv2d_38" [id=333, type=conv2d]; +"334 relu_6" [id=334, type=relu]; +"335 _param_constant105" [id=335, type=get_attr]; +"336 conv2d_39_updated_constant0" [id=336, type=get_attr]; +"337 symmetric_weights_decompressor_conv2d_39_updated_constant0_0" [id=337, type=call_module]; +"338 conv2d_39" [id=338, type=conv2d]; +"339 hardsigmoid_6" [id=339, type=hardsigmoid]; +"340 mul_6" [id=340, type=mul]; +"341 conv2d_40_updated_constant0" [id=341, type=get_attr]; +"342 symmetric_weights_decompressor_conv2d_40_updated_constant0_0" [id=342, type=call_module]; +"343 conv2d_40" [id=343, type=conv2d]; +"344 _param_constant107" [id=344, type=get_attr]; +"345 _param_constant108" [id=345, type=get_attr]; +"346 _tensor_constant52" [id=346, type=get_attr]; +"347 _tensor_constant53" [id=347, type=get_attr]; +"348 _native_batch_norm_legit_no_training_26" [id=348, type=_native_batch_norm_legit_no_training]; +"349 getitem_78" [id=349, type=__getitem__]; +"350 conv2d_41_updated_constant0" [id=350, type=get_attr]; +"351 symmetric_weights_decompressor_conv2d_41_updated_constant0_0" [id=351, type=call_module]; +"352 conv2d_41" [id=352, type=conv2d]; +"353 _param_constant110" [id=353, type=get_attr]; +"354 _param_constant111" [id=354, type=get_attr]; +"355 _tensor_constant54" [id=355, type=get_attr]; +"356 _tensor_constant55" [id=356, type=get_attr]; +"357 _native_batch_norm_legit_no_training_27" [id=357, type=_native_batch_norm_legit_no_training]; +"358 getitem_81" [id=358, type=__getitem__]; +"359 hardswish__13" [id=359, type=hardswish_]; +"360 conv2d_42_updated_constant0" [id=360, type=get_attr]; +"361 symmetric_weights_decompressor_conv2d_42_updated_constant0_0" [id=361, type=call_module]; +"362 conv2d_42" [id=362, type=conv2d]; +"363 _param_constant113" [id=363, type=get_attr]; +"364 _param_constant114" [id=364, type=get_attr]; +"365 _tensor_constant56" [id=365, type=get_attr]; +"366 _tensor_constant57" [id=366, type=get_attr]; +"367 _native_batch_norm_legit_no_training_28" [id=367, type=_native_batch_norm_legit_no_training]; +"368 getitem_84" [id=368, type=__getitem__]; +"369 hardswish__14" [id=369, type=hardswish_]; +"370 adaptive_avg_pool2d_7" [id=370, type=adaptive_avg_pool2d]; +"371 _param_constant116" [id=371, type=get_attr]; +"372 conv2d_43_updated_constant0" [id=372, type=get_attr]; +"373 symmetric_weights_decompressor_conv2d_43_updated_constant0_0" [id=373, type=call_module]; +"374 conv2d_43" [id=374, type=conv2d]; +"375 relu_7" [id=375, type=relu]; +"376 _param_constant118" [id=376, type=get_attr]; +"377 conv2d_44_updated_constant0" [id=377, type=get_attr]; +"378 symmetric_weights_decompressor_conv2d_44_updated_constant0_0" [id=378, type=call_module]; +"379 conv2d_44" [id=379, type=conv2d]; +"380 hardsigmoid_7" [id=380, type=hardsigmoid]; +"381 mul_7" [id=381, type=mul]; +"382 conv2d_45_updated_constant0" [id=382, type=get_attr]; +"383 symmetric_weights_decompressor_conv2d_45_updated_constant0_0" [id=383, type=call_module]; +"384 conv2d_45" [id=384, type=conv2d]; +"385 _param_constant120" [id=385, type=get_attr]; +"386 _param_constant121" [id=386, type=get_attr]; +"387 _tensor_constant58" [id=387, type=get_attr]; +"388 _tensor_constant59" [id=388, type=get_attr]; +"389 _native_batch_norm_legit_no_training_29" [id=389, type=_native_batch_norm_legit_no_training]; +"390 getitem_87" [id=390, type=__getitem__]; +"391 add__4" [id=391, type=add_]; +"392 conv2d_46_updated_constant0" [id=392, type=get_attr]; +"393 symmetric_weights_decompressor_conv2d_46_updated_constant0_0" [id=393, type=call_module]; +"394 conv2d_46" [id=394, type=conv2d]; +"395 _param_constant123" [id=395, type=get_attr]; +"396 _param_constant124" [id=396, type=get_attr]; +"397 _tensor_constant60" [id=397, type=get_attr]; +"398 _tensor_constant61" [id=398, type=get_attr]; +"399 _native_batch_norm_legit_no_training_30" [id=399, type=_native_batch_norm_legit_no_training]; +"400 getitem_90" [id=400, type=__getitem__]; +"401 hardswish__15" [id=401, type=hardswish_]; +"402 conv2d_47_updated_constant0" [id=402, type=get_attr]; +"403 symmetric_weights_decompressor_conv2d_47_updated_constant0_0" [id=403, type=call_module]; +"404 conv2d_47" [id=404, type=conv2d]; +"405 _param_constant126" [id=405, type=get_attr]; +"406 _param_constant127" [id=406, type=get_attr]; +"407 _tensor_constant62" [id=407, type=get_attr]; +"408 _tensor_constant63" [id=408, type=get_attr]; +"409 _native_batch_norm_legit_no_training_31" [id=409, type=_native_batch_norm_legit_no_training]; +"410 getitem_93" [id=410, type=__getitem__]; +"411 hardswish__16" [id=411, type=hardswish_]; +"412 adaptive_avg_pool2d_8" [id=412, type=adaptive_avg_pool2d]; +"413 _param_constant129" [id=413, type=get_attr]; +"414 conv2d_48_updated_constant0" [id=414, type=get_attr]; +"415 symmetric_weights_decompressor_conv2d_48_updated_constant0_0" [id=415, type=call_module]; +"416 conv2d_48" [id=416, type=conv2d]; +"417 relu_8" [id=417, type=relu]; +"418 _param_constant131" [id=418, type=get_attr]; +"419 conv2d_49_updated_constant0" [id=419, type=get_attr]; +"420 symmetric_weights_decompressor_conv2d_49_updated_constant0_0" [id=420, type=call_module]; +"421 conv2d_49" [id=421, type=conv2d]; +"422 hardsigmoid_8" [id=422, type=hardsigmoid]; +"423 mul_8" [id=423, type=mul]; +"424 conv2d_50_updated_constant0" [id=424, type=get_attr]; +"425 symmetric_weights_decompressor_conv2d_50_updated_constant0_0" [id=425, type=call_module]; +"426 conv2d_50" [id=426, type=conv2d]; +"427 _param_constant133" [id=427, type=get_attr]; +"428 _param_constant134" [id=428, type=get_attr]; +"429 _tensor_constant64" [id=429, type=get_attr]; +"430 _tensor_constant65" [id=430, type=get_attr]; +"431 _native_batch_norm_legit_no_training_32" [id=431, type=_native_batch_norm_legit_no_training]; +"432 getitem_96" [id=432, type=__getitem__]; +"433 add__5" [id=433, type=add_]; +"434 conv2d_51_updated_constant0" [id=434, type=get_attr]; +"435 symmetric_weights_decompressor_conv2d_51_updated_constant0_0" [id=435, type=call_module]; +"436 conv2d_51" [id=436, type=conv2d]; +"437 _param_constant136" [id=437, type=get_attr]; +"438 _param_constant137" [id=438, type=get_attr]; +"439 _tensor_constant66" [id=439, type=get_attr]; +"440 _tensor_constant67" [id=440, type=get_attr]; +"441 _native_batch_norm_legit_no_training_33" [id=441, type=_native_batch_norm_legit_no_training]; +"442 getitem_99" [id=442, type=__getitem__]; +"443 hardswish__17" [id=443, type=hardswish_]; +"444 adaptive_avg_pool2d_9" [id=444, type=adaptive_avg_pool2d]; +"445 flatten" [id=445, type=flatten]; +"446 _param_constant139" [id=446, type=get_attr]; +"447 linear_updated_constant0" [id=447, type=get_attr]; +"448 symmetric_weights_decompressor_linear_updated_constant0_0" [id=448, type=call_module]; +"449 linear" [id=449, type=linear]; +"450 hardswish__18" [id=450, type=hardswish_]; +"451 dropout_" [id=451, type=dropout_]; +"452 _param_constant141" [id=452, type=get_attr]; +"453 linear_1_updated_constant0" [id=453, type=get_attr]; +"454 symmetric_weights_decompressor_linear_1_updated_constant0_0" [id=454, type=call_module]; +"455 linear_1" [id=455, type=linear]; +"456 output" [id=456, type=output]; +"0 arg0_1" -> "3 conv2d"; +"1 conv2d_updated_constant0" -> "2 symmetric_weights_decompressor_conv2d_updated_constant0_0"; +"2 symmetric_weights_decompressor_conv2d_updated_constant0_0" -> "3 conv2d"; +"3 conv2d" -> "8 _native_batch_norm_legit_no_training"; +"4 _param_constant1" -> "8 _native_batch_norm_legit_no_training"; +"5 _param_constant2" -> "8 _native_batch_norm_legit_no_training"; +"6 _tensor_constant0" -> "8 _native_batch_norm_legit_no_training"; +"7 _tensor_constant1" -> "8 _native_batch_norm_legit_no_training"; +"8 _native_batch_norm_legit_no_training" -> "9 getitem"; +"9 getitem" -> "10 hardswish_"; +"10 hardswish_" -> "13 conv2d_1"; +"11 conv2d_1_updated_constant0" -> "12 symmetric_weights_decompressor_conv2d_1_updated_constant0_0"; +"12 symmetric_weights_decompressor_conv2d_1_updated_constant0_0" -> "13 conv2d_1"; +"13 conv2d_1" -> "18 _native_batch_norm_legit_no_training_1"; +"14 _param_constant4" -> "18 _native_batch_norm_legit_no_training_1"; +"15 _param_constant5" -> "18 _native_batch_norm_legit_no_training_1"; +"16 _tensor_constant2" -> "18 _native_batch_norm_legit_no_training_1"; +"17 _tensor_constant3" -> "18 _native_batch_norm_legit_no_training_1"; +"18 _native_batch_norm_legit_no_training_1" -> "19 getitem_3"; +"19 getitem_3" -> "20 relu_"; +"20 relu_" -> "21 adaptive_avg_pool2d"; +"20 relu_" -> "32 mul"; +"21 adaptive_avg_pool2d" -> "25 conv2d_2"; +"22 _param_constant7" -> "25 conv2d_2"; +"23 conv2d_2_updated_constant0" -> "24 symmetric_weights_decompressor_conv2d_2_updated_constant0_0"; +"24 symmetric_weights_decompressor_conv2d_2_updated_constant0_0" -> "25 conv2d_2"; +"25 conv2d_2" -> "26 relu"; +"26 relu" -> "30 conv2d_3"; +"27 _param_constant9" -> "30 conv2d_3"; +"28 conv2d_3_updated_constant0" -> "29 symmetric_weights_decompressor_conv2d_3_updated_constant0_0"; +"29 symmetric_weights_decompressor_conv2d_3_updated_constant0_0" -> "30 conv2d_3"; +"30 conv2d_3" -> "31 hardsigmoid"; +"31 hardsigmoid" -> "32 mul"; +"32 mul" -> "35 conv2d_4"; +"33 conv2d_4_updated_constant0" -> "34 symmetric_weights_decompressor_conv2d_4_updated_constant0_0"; +"34 symmetric_weights_decompressor_conv2d_4_updated_constant0_0" -> "35 conv2d_4"; +"35 conv2d_4" -> "40 _native_batch_norm_legit_no_training_2"; +"36 _param_constant11" -> "40 _native_batch_norm_legit_no_training_2"; +"37 _param_constant12" -> "40 _native_batch_norm_legit_no_training_2"; +"38 _tensor_constant4" -> "40 _native_batch_norm_legit_no_training_2"; +"39 _tensor_constant5" -> "40 _native_batch_norm_legit_no_training_2"; +"40 _native_batch_norm_legit_no_training_2" -> "41 getitem_6"; +"41 getitem_6" -> "44 conv2d_5"; +"42 conv2d_5_updated_constant0" -> "43 symmetric_weights_decompressor_conv2d_5_updated_constant0_0"; +"43 symmetric_weights_decompressor_conv2d_5_updated_constant0_0" -> "44 conv2d_5"; +"44 conv2d_5" -> "49 _native_batch_norm_legit_no_training_3"; +"45 _param_constant14" -> "49 _native_batch_norm_legit_no_training_3"; +"46 _param_constant15" -> "49 _native_batch_norm_legit_no_training_3"; +"47 _tensor_constant6" -> "49 _native_batch_norm_legit_no_training_3"; +"48 _tensor_constant7" -> "49 _native_batch_norm_legit_no_training_3"; +"49 _native_batch_norm_legit_no_training_3" -> "50 getitem_9"; +"50 getitem_9" -> "51 relu__1"; +"51 relu__1" -> "54 conv2d_6"; +"52 conv2d_6_updated_constant0" -> "53 symmetric_weights_decompressor_conv2d_6_updated_constant0_0"; +"53 symmetric_weights_decompressor_conv2d_6_updated_constant0_0" -> "54 conv2d_6"; +"54 conv2d_6" -> "59 _native_batch_norm_legit_no_training_4"; +"55 _param_constant17" -> "59 _native_batch_norm_legit_no_training_4"; +"56 _param_constant18" -> "59 _native_batch_norm_legit_no_training_4"; +"57 _tensor_constant8" -> "59 _native_batch_norm_legit_no_training_4"; +"58 _tensor_constant9" -> "59 _native_batch_norm_legit_no_training_4"; +"59 _native_batch_norm_legit_no_training_4" -> "60 getitem_12"; +"60 getitem_12" -> "61 relu__2"; +"61 relu__2" -> "64 conv2d_7"; +"62 conv2d_7_updated_constant0" -> "63 symmetric_weights_decompressor_conv2d_7_updated_constant0_0"; +"63 symmetric_weights_decompressor_conv2d_7_updated_constant0_0" -> "64 conv2d_7"; +"64 conv2d_7" -> "69 _native_batch_norm_legit_no_training_5"; +"65 _param_constant20" -> "69 _native_batch_norm_legit_no_training_5"; +"66 _param_constant21" -> "69 _native_batch_norm_legit_no_training_5"; +"67 _tensor_constant10" -> "69 _native_batch_norm_legit_no_training_5"; +"68 _tensor_constant11" -> "69 _native_batch_norm_legit_no_training_5"; +"69 _native_batch_norm_legit_no_training_5" -> "70 getitem_15"; +"70 getitem_15" -> "73 conv2d_8"; +"70 getitem_15" -> "100 add_"; +"71 conv2d_8_updated_constant0" -> "72 symmetric_weights_decompressor_conv2d_8_updated_constant0_0"; +"72 symmetric_weights_decompressor_conv2d_8_updated_constant0_0" -> "73 conv2d_8"; +"73 conv2d_8" -> "78 _native_batch_norm_legit_no_training_6"; +"74 _param_constant23" -> "78 _native_batch_norm_legit_no_training_6"; +"75 _param_constant24" -> "78 _native_batch_norm_legit_no_training_6"; +"76 _tensor_constant12" -> "78 _native_batch_norm_legit_no_training_6"; +"77 _tensor_constant13" -> "78 _native_batch_norm_legit_no_training_6"; +"78 _native_batch_norm_legit_no_training_6" -> "79 getitem_18"; +"79 getitem_18" -> "80 relu__3"; +"80 relu__3" -> "83 conv2d_9"; +"81 conv2d_9_updated_constant0" -> "82 symmetric_weights_decompressor_conv2d_9_updated_constant0_0"; +"82 symmetric_weights_decompressor_conv2d_9_updated_constant0_0" -> "83 conv2d_9"; +"83 conv2d_9" -> "88 _native_batch_norm_legit_no_training_7"; +"84 _param_constant26" -> "88 _native_batch_norm_legit_no_training_7"; +"85 _param_constant27" -> "88 _native_batch_norm_legit_no_training_7"; +"86 _tensor_constant14" -> "88 _native_batch_norm_legit_no_training_7"; +"87 _tensor_constant15" -> "88 _native_batch_norm_legit_no_training_7"; +"88 _native_batch_norm_legit_no_training_7" -> "89 getitem_21"; +"89 getitem_21" -> "90 relu__4"; +"90 relu__4" -> "93 conv2d_10"; +"91 conv2d_10_updated_constant0" -> "92 symmetric_weights_decompressor_conv2d_10_updated_constant0_0"; +"92 symmetric_weights_decompressor_conv2d_10_updated_constant0_0" -> "93 conv2d_10"; +"93 conv2d_10" -> "98 _native_batch_norm_legit_no_training_8"; +"94 _param_constant29" -> "98 _native_batch_norm_legit_no_training_8"; +"95 _param_constant30" -> "98 _native_batch_norm_legit_no_training_8"; +"96 _tensor_constant16" -> "98 _native_batch_norm_legit_no_training_8"; +"97 _tensor_constant17" -> "98 _native_batch_norm_legit_no_training_8"; +"98 _native_batch_norm_legit_no_training_8" -> "99 getitem_24"; +"99 getitem_24" -> "100 add_"; +"100 add_" -> "103 conv2d_11"; +"101 conv2d_11_updated_constant0" -> "102 symmetric_weights_decompressor_conv2d_11_updated_constant0_0"; +"102 symmetric_weights_decompressor_conv2d_11_updated_constant0_0" -> "103 conv2d_11"; +"103 conv2d_11" -> "108 _native_batch_norm_legit_no_training_9"; +"104 _param_constant32" -> "108 _native_batch_norm_legit_no_training_9"; +"105 _param_constant33" -> "108 _native_batch_norm_legit_no_training_9"; +"106 _tensor_constant18" -> "108 _native_batch_norm_legit_no_training_9"; +"107 _tensor_constant19" -> "108 _native_batch_norm_legit_no_training_9"; +"108 _native_batch_norm_legit_no_training_9" -> "109 getitem_27"; +"109 getitem_27" -> "110 hardswish__1"; +"110 hardswish__1" -> "113 conv2d_12"; +"111 conv2d_12_updated_constant0" -> "112 symmetric_weights_decompressor_conv2d_12_updated_constant0_0"; +"112 symmetric_weights_decompressor_conv2d_12_updated_constant0_0" -> "113 conv2d_12"; +"113 conv2d_12" -> "118 _native_batch_norm_legit_no_training_10"; +"114 _param_constant35" -> "118 _native_batch_norm_legit_no_training_10"; +"115 _param_constant36" -> "118 _native_batch_norm_legit_no_training_10"; +"116 _tensor_constant20" -> "118 _native_batch_norm_legit_no_training_10"; +"117 _tensor_constant21" -> "118 _native_batch_norm_legit_no_training_10"; +"118 _native_batch_norm_legit_no_training_10" -> "119 getitem_30"; +"119 getitem_30" -> "120 hardswish__2"; +"120 hardswish__2" -> "121 adaptive_avg_pool2d_1"; +"120 hardswish__2" -> "132 mul_1"; +"121 adaptive_avg_pool2d_1" -> "125 conv2d_13"; +"122 _param_constant38" -> "125 conv2d_13"; +"123 conv2d_13_updated_constant0" -> "124 symmetric_weights_decompressor_conv2d_13_updated_constant0_0"; +"124 symmetric_weights_decompressor_conv2d_13_updated_constant0_0" -> "125 conv2d_13"; +"125 conv2d_13" -> "126 relu_1"; +"126 relu_1" -> "130 conv2d_14"; +"127 _param_constant40" -> "130 conv2d_14"; +"128 conv2d_14_updated_constant0" -> "129 symmetric_weights_decompressor_conv2d_14_updated_constant0_0"; +"129 symmetric_weights_decompressor_conv2d_14_updated_constant0_0" -> "130 conv2d_14"; +"130 conv2d_14" -> "131 hardsigmoid_1"; +"131 hardsigmoid_1" -> "132 mul_1"; +"132 mul_1" -> "135 conv2d_15"; +"133 conv2d_15_updated_constant0" -> "134 symmetric_weights_decompressor_conv2d_15_updated_constant0_0"; +"134 symmetric_weights_decompressor_conv2d_15_updated_constant0_0" -> "135 conv2d_15"; +"135 conv2d_15" -> "140 _native_batch_norm_legit_no_training_11"; +"136 _param_constant42" -> "140 _native_batch_norm_legit_no_training_11"; +"137 _param_constant43" -> "140 _native_batch_norm_legit_no_training_11"; +"138 _tensor_constant22" -> "140 _native_batch_norm_legit_no_training_11"; +"139 _tensor_constant23" -> "140 _native_batch_norm_legit_no_training_11"; +"140 _native_batch_norm_legit_no_training_11" -> "141 getitem_33"; +"141 getitem_33" -> "144 conv2d_16"; +"141 getitem_33" -> "183 add__1"; +"142 conv2d_16_updated_constant0" -> "143 symmetric_weights_decompressor_conv2d_16_updated_constant0_0"; +"143 symmetric_weights_decompressor_conv2d_16_updated_constant0_0" -> "144 conv2d_16"; +"144 conv2d_16" -> "149 _native_batch_norm_legit_no_training_12"; +"145 _param_constant45" -> "149 _native_batch_norm_legit_no_training_12"; +"146 _param_constant46" -> "149 _native_batch_norm_legit_no_training_12"; +"147 _tensor_constant24" -> "149 _native_batch_norm_legit_no_training_12"; +"148 _tensor_constant25" -> "149 _native_batch_norm_legit_no_training_12"; +"149 _native_batch_norm_legit_no_training_12" -> "150 getitem_36"; +"150 getitem_36" -> "151 hardswish__3"; +"151 hardswish__3" -> "154 conv2d_17"; +"152 conv2d_17_updated_constant0" -> "153 symmetric_weights_decompressor_conv2d_17_updated_constant0_0"; +"153 symmetric_weights_decompressor_conv2d_17_updated_constant0_0" -> "154 conv2d_17"; +"154 conv2d_17" -> "159 _native_batch_norm_legit_no_training_13"; +"155 _param_constant48" -> "159 _native_batch_norm_legit_no_training_13"; +"156 _param_constant49" -> "159 _native_batch_norm_legit_no_training_13"; +"157 _tensor_constant26" -> "159 _native_batch_norm_legit_no_training_13"; +"158 _tensor_constant27" -> "159 _native_batch_norm_legit_no_training_13"; +"159 _native_batch_norm_legit_no_training_13" -> "160 getitem_39"; +"160 getitem_39" -> "161 hardswish__4"; +"161 hardswish__4" -> "162 adaptive_avg_pool2d_2"; +"161 hardswish__4" -> "173 mul_2"; +"162 adaptive_avg_pool2d_2" -> "166 conv2d_18"; +"163 _param_constant51" -> "166 conv2d_18"; +"164 conv2d_18_updated_constant0" -> "165 symmetric_weights_decompressor_conv2d_18_updated_constant0_0"; +"165 symmetric_weights_decompressor_conv2d_18_updated_constant0_0" -> "166 conv2d_18"; +"166 conv2d_18" -> "167 relu_2"; +"167 relu_2" -> "171 conv2d_19"; +"168 _param_constant53" -> "171 conv2d_19"; +"169 conv2d_19_updated_constant0" -> "170 symmetric_weights_decompressor_conv2d_19_updated_constant0_0"; +"170 symmetric_weights_decompressor_conv2d_19_updated_constant0_0" -> "171 conv2d_19"; +"171 conv2d_19" -> "172 hardsigmoid_2"; +"172 hardsigmoid_2" -> "173 mul_2"; +"173 mul_2" -> "176 conv2d_20"; +"174 conv2d_20_updated_constant0" -> "175 symmetric_weights_decompressor_conv2d_20_updated_constant0_0"; +"175 symmetric_weights_decompressor_conv2d_20_updated_constant0_0" -> "176 conv2d_20"; +"176 conv2d_20" -> "181 _native_batch_norm_legit_no_training_14"; +"177 _param_constant55" -> "181 _native_batch_norm_legit_no_training_14"; +"178 _param_constant56" -> "181 _native_batch_norm_legit_no_training_14"; +"179 _tensor_constant28" -> "181 _native_batch_norm_legit_no_training_14"; +"180 _tensor_constant29" -> "181 _native_batch_norm_legit_no_training_14"; +"181 _native_batch_norm_legit_no_training_14" -> "182 getitem_42"; +"182 getitem_42" -> "183 add__1"; +"183 add__1" -> "186 conv2d_21"; +"183 add__1" -> "225 add__2"; +"184 conv2d_21_updated_constant0" -> "185 symmetric_weights_decompressor_conv2d_21_updated_constant0_0"; +"185 symmetric_weights_decompressor_conv2d_21_updated_constant0_0" -> "186 conv2d_21"; +"186 conv2d_21" -> "191 _native_batch_norm_legit_no_training_15"; +"187 _param_constant58" -> "191 _native_batch_norm_legit_no_training_15"; +"188 _param_constant59" -> "191 _native_batch_norm_legit_no_training_15"; +"189 _tensor_constant30" -> "191 _native_batch_norm_legit_no_training_15"; +"190 _tensor_constant31" -> "191 _native_batch_norm_legit_no_training_15"; +"191 _native_batch_norm_legit_no_training_15" -> "192 getitem_45"; +"192 getitem_45" -> "193 hardswish__5"; +"193 hardswish__5" -> "196 conv2d_22"; +"194 conv2d_22_updated_constant0" -> "195 symmetric_weights_decompressor_conv2d_22_updated_constant0_0"; +"195 symmetric_weights_decompressor_conv2d_22_updated_constant0_0" -> "196 conv2d_22"; +"196 conv2d_22" -> "201 _native_batch_norm_legit_no_training_16"; +"197 _param_constant61" -> "201 _native_batch_norm_legit_no_training_16"; +"198 _param_constant62" -> "201 _native_batch_norm_legit_no_training_16"; +"199 _tensor_constant32" -> "201 _native_batch_norm_legit_no_training_16"; +"200 _tensor_constant33" -> "201 _native_batch_norm_legit_no_training_16"; +"201 _native_batch_norm_legit_no_training_16" -> "202 getitem_48"; +"202 getitem_48" -> "203 hardswish__6"; +"203 hardswish__6" -> "204 adaptive_avg_pool2d_3"; +"203 hardswish__6" -> "215 mul_3"; +"204 adaptive_avg_pool2d_3" -> "208 conv2d_23"; +"205 _param_constant64" -> "208 conv2d_23"; +"206 conv2d_23_updated_constant0" -> "207 symmetric_weights_decompressor_conv2d_23_updated_constant0_0"; +"207 symmetric_weights_decompressor_conv2d_23_updated_constant0_0" -> "208 conv2d_23"; +"208 conv2d_23" -> "209 relu_3"; +"209 relu_3" -> "213 conv2d_24"; +"210 _param_constant66" -> "213 conv2d_24"; +"211 conv2d_24_updated_constant0" -> "212 symmetric_weights_decompressor_conv2d_24_updated_constant0_0"; +"212 symmetric_weights_decompressor_conv2d_24_updated_constant0_0" -> "213 conv2d_24"; +"213 conv2d_24" -> "214 hardsigmoid_3"; +"214 hardsigmoid_3" -> "215 mul_3"; +"215 mul_3" -> "218 conv2d_25"; +"216 conv2d_25_updated_constant0" -> "217 symmetric_weights_decompressor_conv2d_25_updated_constant0_0"; +"217 symmetric_weights_decompressor_conv2d_25_updated_constant0_0" -> "218 conv2d_25"; +"218 conv2d_25" -> "223 _native_batch_norm_legit_no_training_17"; +"219 _param_constant68" -> "223 _native_batch_norm_legit_no_training_17"; +"220 _param_constant69" -> "223 _native_batch_norm_legit_no_training_17"; +"221 _tensor_constant34" -> "223 _native_batch_norm_legit_no_training_17"; +"222 _tensor_constant35" -> "223 _native_batch_norm_legit_no_training_17"; +"223 _native_batch_norm_legit_no_training_17" -> "224 getitem_51"; +"224 getitem_51" -> "225 add__2"; +"225 add__2" -> "228 conv2d_26"; +"226 conv2d_26_updated_constant0" -> "227 symmetric_weights_decompressor_conv2d_26_updated_constant0_0"; +"227 symmetric_weights_decompressor_conv2d_26_updated_constant0_0" -> "228 conv2d_26"; +"228 conv2d_26" -> "233 _native_batch_norm_legit_no_training_18"; +"229 _param_constant71" -> "233 _native_batch_norm_legit_no_training_18"; +"230 _param_constant72" -> "233 _native_batch_norm_legit_no_training_18"; +"231 _tensor_constant36" -> "233 _native_batch_norm_legit_no_training_18"; +"232 _tensor_constant37" -> "233 _native_batch_norm_legit_no_training_18"; +"233 _native_batch_norm_legit_no_training_18" -> "234 getitem_54"; +"234 getitem_54" -> "235 hardswish__7"; +"235 hardswish__7" -> "238 conv2d_27"; +"236 conv2d_27_updated_constant0" -> "237 symmetric_weights_decompressor_conv2d_27_updated_constant0_0"; +"237 symmetric_weights_decompressor_conv2d_27_updated_constant0_0" -> "238 conv2d_27"; +"238 conv2d_27" -> "243 _native_batch_norm_legit_no_training_19"; +"239 _param_constant74" -> "243 _native_batch_norm_legit_no_training_19"; +"240 _param_constant75" -> "243 _native_batch_norm_legit_no_training_19"; +"241 _tensor_constant38" -> "243 _native_batch_norm_legit_no_training_19"; +"242 _tensor_constant39" -> "243 _native_batch_norm_legit_no_training_19"; +"243 _native_batch_norm_legit_no_training_19" -> "244 getitem_57"; +"244 getitem_57" -> "245 hardswish__8"; +"245 hardswish__8" -> "246 adaptive_avg_pool2d_4"; +"245 hardswish__8" -> "257 mul_4"; +"246 adaptive_avg_pool2d_4" -> "250 conv2d_28"; +"247 _param_constant77" -> "250 conv2d_28"; +"248 conv2d_28_updated_constant0" -> "249 symmetric_weights_decompressor_conv2d_28_updated_constant0_0"; +"249 symmetric_weights_decompressor_conv2d_28_updated_constant0_0" -> "250 conv2d_28"; +"250 conv2d_28" -> "251 relu_4"; +"251 relu_4" -> "255 conv2d_29"; +"252 _param_constant79" -> "255 conv2d_29"; +"253 conv2d_29_updated_constant0" -> "254 symmetric_weights_decompressor_conv2d_29_updated_constant0_0"; +"254 symmetric_weights_decompressor_conv2d_29_updated_constant0_0" -> "255 conv2d_29"; +"255 conv2d_29" -> "256 hardsigmoid_4"; +"256 hardsigmoid_4" -> "257 mul_4"; +"257 mul_4" -> "260 conv2d_30"; +"258 conv2d_30_updated_constant0" -> "259 symmetric_weights_decompressor_conv2d_30_updated_constant0_0"; +"259 symmetric_weights_decompressor_conv2d_30_updated_constant0_0" -> "260 conv2d_30"; +"260 conv2d_30" -> "265 _native_batch_norm_legit_no_training_20"; +"261 _param_constant81" -> "265 _native_batch_norm_legit_no_training_20"; +"262 _param_constant82" -> "265 _native_batch_norm_legit_no_training_20"; +"263 _tensor_constant40" -> "265 _native_batch_norm_legit_no_training_20"; +"264 _tensor_constant41" -> "265 _native_batch_norm_legit_no_training_20"; +"265 _native_batch_norm_legit_no_training_20" -> "266 getitem_60"; +"266 getitem_60" -> "269 conv2d_31"; +"266 getitem_60" -> "308 add__3"; +"267 conv2d_31_updated_constant0" -> "268 symmetric_weights_decompressor_conv2d_31_updated_constant0_0"; +"268 symmetric_weights_decompressor_conv2d_31_updated_constant0_0" -> "269 conv2d_31"; +"269 conv2d_31" -> "274 _native_batch_norm_legit_no_training_21"; +"270 _param_constant84" -> "274 _native_batch_norm_legit_no_training_21"; +"271 _param_constant85" -> "274 _native_batch_norm_legit_no_training_21"; +"272 _tensor_constant42" -> "274 _native_batch_norm_legit_no_training_21"; +"273 _tensor_constant43" -> "274 _native_batch_norm_legit_no_training_21"; +"274 _native_batch_norm_legit_no_training_21" -> "275 getitem_63"; +"275 getitem_63" -> "276 hardswish__9"; +"276 hardswish__9" -> "279 conv2d_32"; +"277 conv2d_32_updated_constant0" -> "278 symmetric_weights_decompressor_conv2d_32_updated_constant0_0"; +"278 symmetric_weights_decompressor_conv2d_32_updated_constant0_0" -> "279 conv2d_32"; +"279 conv2d_32" -> "284 _native_batch_norm_legit_no_training_22"; +"280 _param_constant87" -> "284 _native_batch_norm_legit_no_training_22"; +"281 _param_constant88" -> "284 _native_batch_norm_legit_no_training_22"; +"282 _tensor_constant44" -> "284 _native_batch_norm_legit_no_training_22"; +"283 _tensor_constant45" -> "284 _native_batch_norm_legit_no_training_22"; +"284 _native_batch_norm_legit_no_training_22" -> "285 getitem_66"; +"285 getitem_66" -> "286 hardswish__10"; +"286 hardswish__10" -> "287 adaptive_avg_pool2d_5"; +"286 hardswish__10" -> "298 mul_5"; +"287 adaptive_avg_pool2d_5" -> "291 conv2d_33"; +"288 _param_constant90" -> "291 conv2d_33"; +"289 conv2d_33_updated_constant0" -> "290 symmetric_weights_decompressor_conv2d_33_updated_constant0_0"; +"290 symmetric_weights_decompressor_conv2d_33_updated_constant0_0" -> "291 conv2d_33"; +"291 conv2d_33" -> "292 relu_5"; +"292 relu_5" -> "296 conv2d_34"; +"293 _param_constant92" -> "296 conv2d_34"; +"294 conv2d_34_updated_constant0" -> "295 symmetric_weights_decompressor_conv2d_34_updated_constant0_0"; +"295 symmetric_weights_decompressor_conv2d_34_updated_constant0_0" -> "296 conv2d_34"; +"296 conv2d_34" -> "297 hardsigmoid_5"; +"297 hardsigmoid_5" -> "298 mul_5"; +"298 mul_5" -> "301 conv2d_35"; +"299 conv2d_35_updated_constant0" -> "300 symmetric_weights_decompressor_conv2d_35_updated_constant0_0"; +"300 symmetric_weights_decompressor_conv2d_35_updated_constant0_0" -> "301 conv2d_35"; +"301 conv2d_35" -> "306 _native_batch_norm_legit_no_training_23"; +"302 _param_constant94" -> "306 _native_batch_norm_legit_no_training_23"; +"303 _param_constant95" -> "306 _native_batch_norm_legit_no_training_23"; +"304 _tensor_constant46" -> "306 _native_batch_norm_legit_no_training_23"; +"305 _tensor_constant47" -> "306 _native_batch_norm_legit_no_training_23"; +"306 _native_batch_norm_legit_no_training_23" -> "307 getitem_69"; +"307 getitem_69" -> "308 add__3"; +"308 add__3" -> "311 conv2d_36"; +"309 conv2d_36_updated_constant0" -> "310 symmetric_weights_decompressor_conv2d_36_updated_constant0_0"; +"310 symmetric_weights_decompressor_conv2d_36_updated_constant0_0" -> "311 conv2d_36"; +"311 conv2d_36" -> "316 _native_batch_norm_legit_no_training_24"; +"312 _param_constant97" -> "316 _native_batch_norm_legit_no_training_24"; +"313 _param_constant98" -> "316 _native_batch_norm_legit_no_training_24"; +"314 _tensor_constant48" -> "316 _native_batch_norm_legit_no_training_24"; +"315 _tensor_constant49" -> "316 _native_batch_norm_legit_no_training_24"; +"316 _native_batch_norm_legit_no_training_24" -> "317 getitem_72"; +"317 getitem_72" -> "318 hardswish__11"; +"318 hardswish__11" -> "321 conv2d_37"; +"319 conv2d_37_updated_constant0" -> "320 symmetric_weights_decompressor_conv2d_37_updated_constant0_0"; +"320 symmetric_weights_decompressor_conv2d_37_updated_constant0_0" -> "321 conv2d_37"; +"321 conv2d_37" -> "326 _native_batch_norm_legit_no_training_25"; +"322 _param_constant100" -> "326 _native_batch_norm_legit_no_training_25"; +"323 _param_constant101" -> "326 _native_batch_norm_legit_no_training_25"; +"324 _tensor_constant50" -> "326 _native_batch_norm_legit_no_training_25"; +"325 _tensor_constant51" -> "326 _native_batch_norm_legit_no_training_25"; +"326 _native_batch_norm_legit_no_training_25" -> "327 getitem_75"; +"327 getitem_75" -> "328 hardswish__12"; +"328 hardswish__12" -> "329 adaptive_avg_pool2d_6"; +"328 hardswish__12" -> "340 mul_6"; +"329 adaptive_avg_pool2d_6" -> "333 conv2d_38"; +"330 _param_constant103" -> "333 conv2d_38"; +"331 conv2d_38_updated_constant0" -> "332 symmetric_weights_decompressor_conv2d_38_updated_constant0_0"; +"332 symmetric_weights_decompressor_conv2d_38_updated_constant0_0" -> "333 conv2d_38"; +"333 conv2d_38" -> "334 relu_6"; +"334 relu_6" -> "338 conv2d_39"; +"335 _param_constant105" -> "338 conv2d_39"; +"336 conv2d_39_updated_constant0" -> "337 symmetric_weights_decompressor_conv2d_39_updated_constant0_0"; +"337 symmetric_weights_decompressor_conv2d_39_updated_constant0_0" -> "338 conv2d_39"; +"338 conv2d_39" -> "339 hardsigmoid_6"; +"339 hardsigmoid_6" -> "340 mul_6"; +"340 mul_6" -> "343 conv2d_40"; +"341 conv2d_40_updated_constant0" -> "342 symmetric_weights_decompressor_conv2d_40_updated_constant0_0"; +"342 symmetric_weights_decompressor_conv2d_40_updated_constant0_0" -> "343 conv2d_40"; +"343 conv2d_40" -> "348 _native_batch_norm_legit_no_training_26"; +"344 _param_constant107" -> "348 _native_batch_norm_legit_no_training_26"; +"345 _param_constant108" -> "348 _native_batch_norm_legit_no_training_26"; +"346 _tensor_constant52" -> "348 _native_batch_norm_legit_no_training_26"; +"347 _tensor_constant53" -> "348 _native_batch_norm_legit_no_training_26"; +"348 _native_batch_norm_legit_no_training_26" -> "349 getitem_78"; +"349 getitem_78" -> "352 conv2d_41"; +"349 getitem_78" -> "391 add__4"; +"350 conv2d_41_updated_constant0" -> "351 symmetric_weights_decompressor_conv2d_41_updated_constant0_0"; +"351 symmetric_weights_decompressor_conv2d_41_updated_constant0_0" -> "352 conv2d_41"; +"352 conv2d_41" -> "357 _native_batch_norm_legit_no_training_27"; +"353 _param_constant110" -> "357 _native_batch_norm_legit_no_training_27"; +"354 _param_constant111" -> "357 _native_batch_norm_legit_no_training_27"; +"355 _tensor_constant54" -> "357 _native_batch_norm_legit_no_training_27"; +"356 _tensor_constant55" -> "357 _native_batch_norm_legit_no_training_27"; +"357 _native_batch_norm_legit_no_training_27" -> "358 getitem_81"; +"358 getitem_81" -> "359 hardswish__13"; +"359 hardswish__13" -> "362 conv2d_42"; +"360 conv2d_42_updated_constant0" -> "361 symmetric_weights_decompressor_conv2d_42_updated_constant0_0"; +"361 symmetric_weights_decompressor_conv2d_42_updated_constant0_0" -> "362 conv2d_42"; +"362 conv2d_42" -> "367 _native_batch_norm_legit_no_training_28"; +"363 _param_constant113" -> "367 _native_batch_norm_legit_no_training_28"; +"364 _param_constant114" -> "367 _native_batch_norm_legit_no_training_28"; +"365 _tensor_constant56" -> "367 _native_batch_norm_legit_no_training_28"; +"366 _tensor_constant57" -> "367 _native_batch_norm_legit_no_training_28"; +"367 _native_batch_norm_legit_no_training_28" -> "368 getitem_84"; +"368 getitem_84" -> "369 hardswish__14"; +"369 hardswish__14" -> "370 adaptive_avg_pool2d_7"; +"369 hardswish__14" -> "381 mul_7"; +"370 adaptive_avg_pool2d_7" -> "374 conv2d_43"; +"371 _param_constant116" -> "374 conv2d_43"; +"372 conv2d_43_updated_constant0" -> "373 symmetric_weights_decompressor_conv2d_43_updated_constant0_0"; +"373 symmetric_weights_decompressor_conv2d_43_updated_constant0_0" -> "374 conv2d_43"; +"374 conv2d_43" -> "375 relu_7"; +"375 relu_7" -> "379 conv2d_44"; +"376 _param_constant118" -> "379 conv2d_44"; +"377 conv2d_44_updated_constant0" -> "378 symmetric_weights_decompressor_conv2d_44_updated_constant0_0"; +"378 symmetric_weights_decompressor_conv2d_44_updated_constant0_0" -> "379 conv2d_44"; +"379 conv2d_44" -> "380 hardsigmoid_7"; +"380 hardsigmoid_7" -> "381 mul_7"; +"381 mul_7" -> "384 conv2d_45"; +"382 conv2d_45_updated_constant0" -> "383 symmetric_weights_decompressor_conv2d_45_updated_constant0_0"; +"383 symmetric_weights_decompressor_conv2d_45_updated_constant0_0" -> "384 conv2d_45"; +"384 conv2d_45" -> "389 _native_batch_norm_legit_no_training_29"; +"385 _param_constant120" -> "389 _native_batch_norm_legit_no_training_29"; +"386 _param_constant121" -> "389 _native_batch_norm_legit_no_training_29"; +"387 _tensor_constant58" -> "389 _native_batch_norm_legit_no_training_29"; +"388 _tensor_constant59" -> "389 _native_batch_norm_legit_no_training_29"; +"389 _native_batch_norm_legit_no_training_29" -> "390 getitem_87"; +"390 getitem_87" -> "391 add__4"; +"391 add__4" -> "394 conv2d_46"; +"391 add__4" -> "433 add__5"; +"392 conv2d_46_updated_constant0" -> "393 symmetric_weights_decompressor_conv2d_46_updated_constant0_0"; +"393 symmetric_weights_decompressor_conv2d_46_updated_constant0_0" -> "394 conv2d_46"; +"394 conv2d_46" -> "399 _native_batch_norm_legit_no_training_30"; +"395 _param_constant123" -> "399 _native_batch_norm_legit_no_training_30"; +"396 _param_constant124" -> "399 _native_batch_norm_legit_no_training_30"; +"397 _tensor_constant60" -> "399 _native_batch_norm_legit_no_training_30"; +"398 _tensor_constant61" -> "399 _native_batch_norm_legit_no_training_30"; +"399 _native_batch_norm_legit_no_training_30" -> "400 getitem_90"; +"400 getitem_90" -> "401 hardswish__15"; +"401 hardswish__15" -> "404 conv2d_47"; +"402 conv2d_47_updated_constant0" -> "403 symmetric_weights_decompressor_conv2d_47_updated_constant0_0"; +"403 symmetric_weights_decompressor_conv2d_47_updated_constant0_0" -> "404 conv2d_47"; +"404 conv2d_47" -> "409 _native_batch_norm_legit_no_training_31"; +"405 _param_constant126" -> "409 _native_batch_norm_legit_no_training_31"; +"406 _param_constant127" -> "409 _native_batch_norm_legit_no_training_31"; +"407 _tensor_constant62" -> "409 _native_batch_norm_legit_no_training_31"; +"408 _tensor_constant63" -> "409 _native_batch_norm_legit_no_training_31"; +"409 _native_batch_norm_legit_no_training_31" -> "410 getitem_93"; +"410 getitem_93" -> "411 hardswish__16"; +"411 hardswish__16" -> "412 adaptive_avg_pool2d_8"; +"411 hardswish__16" -> "423 mul_8"; +"412 adaptive_avg_pool2d_8" -> "416 conv2d_48"; +"413 _param_constant129" -> "416 conv2d_48"; +"414 conv2d_48_updated_constant0" -> "415 symmetric_weights_decompressor_conv2d_48_updated_constant0_0"; +"415 symmetric_weights_decompressor_conv2d_48_updated_constant0_0" -> "416 conv2d_48"; +"416 conv2d_48" -> "417 relu_8"; +"417 relu_8" -> "421 conv2d_49"; +"418 _param_constant131" -> "421 conv2d_49"; +"419 conv2d_49_updated_constant0" -> "420 symmetric_weights_decompressor_conv2d_49_updated_constant0_0"; +"420 symmetric_weights_decompressor_conv2d_49_updated_constant0_0" -> "421 conv2d_49"; +"421 conv2d_49" -> "422 hardsigmoid_8"; +"422 hardsigmoid_8" -> "423 mul_8"; +"423 mul_8" -> "426 conv2d_50"; +"424 conv2d_50_updated_constant0" -> "425 symmetric_weights_decompressor_conv2d_50_updated_constant0_0"; +"425 symmetric_weights_decompressor_conv2d_50_updated_constant0_0" -> "426 conv2d_50"; +"426 conv2d_50" -> "431 _native_batch_norm_legit_no_training_32"; +"427 _param_constant133" -> "431 _native_batch_norm_legit_no_training_32"; +"428 _param_constant134" -> "431 _native_batch_norm_legit_no_training_32"; +"429 _tensor_constant64" -> "431 _native_batch_norm_legit_no_training_32"; +"430 _tensor_constant65" -> "431 _native_batch_norm_legit_no_training_32"; +"431 _native_batch_norm_legit_no_training_32" -> "432 getitem_96"; +"432 getitem_96" -> "433 add__5"; +"433 add__5" -> "436 conv2d_51"; +"434 conv2d_51_updated_constant0" -> "435 symmetric_weights_decompressor_conv2d_51_updated_constant0_0"; +"435 symmetric_weights_decompressor_conv2d_51_updated_constant0_0" -> "436 conv2d_51"; +"436 conv2d_51" -> "441 _native_batch_norm_legit_no_training_33"; +"437 _param_constant136" -> "441 _native_batch_norm_legit_no_training_33"; +"438 _param_constant137" -> "441 _native_batch_norm_legit_no_training_33"; +"439 _tensor_constant66" -> "441 _native_batch_norm_legit_no_training_33"; +"440 _tensor_constant67" -> "441 _native_batch_norm_legit_no_training_33"; +"441 _native_batch_norm_legit_no_training_33" -> "442 getitem_99"; +"442 getitem_99" -> "443 hardswish__17"; +"443 hardswish__17" -> "444 adaptive_avg_pool2d_9"; +"444 adaptive_avg_pool2d_9" -> "445 flatten"; +"445 flatten" -> "449 linear"; +"446 _param_constant139" -> "449 linear"; +"447 linear_updated_constant0" -> "448 symmetric_weights_decompressor_linear_updated_constant0_0"; +"448 symmetric_weights_decompressor_linear_updated_constant0_0" -> "449 linear"; +"449 linear" -> "450 hardswish__18"; +"450 hardswish__18" -> "451 dropout_"; +"451 dropout_" -> "455 linear_1"; +"452 _param_constant141" -> "455 linear_1"; +"453 linear_1_updated_constant0" -> "454 symmetric_weights_decompressor_linear_1_updated_constant0_0"; +"454 symmetric_weights_decompressor_linear_1_updated_constant0_0" -> "455 linear_1"; +"455 linear_1" -> "456 output"; +} diff --git a/tests/torch/data/reference_graphs/fx/compressed/resnet18_int8_asym.dot b/tests/torch/data/reference_graphs/fx/compressed/resnet18_int8_asym.dot new file mode 100644 index 00000000000..b838db507aa --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/compressed/resnet18_int8_asym.dot @@ -0,0 +1,437 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 conv2d_updated_constant0" [id=1, type=get_attr]; +"2 asymmetric_weights_decompressor_conv2d_updated_constant0_0" [id=2, type=call_module]; +"3 conv2d" [id=3, type=conv2d]; +"4 _param_constant1" [id=4, type=get_attr]; +"5 _param_constant2" [id=5, type=get_attr]; +"6 _tensor_constant0" [id=6, type=get_attr]; +"7 _tensor_constant1" [id=7, type=get_attr]; +"8 _native_batch_norm_legit_no_training" [id=8, type=_native_batch_norm_legit_no_training]; +"9 getitem" [id=9, type=__getitem__]; +"10 relu_" [id=10, type=relu_]; +"11 max_pool2d" [id=11, type=max_pool2d]; +"12 conv2d_1_updated_constant0" [id=12, type=get_attr]; +"13 asymmetric_weights_decompressor_conv2d_1_updated_constant0_0" [id=13, type=call_module]; +"14 conv2d_1" [id=14, type=conv2d]; +"15 _param_constant4" [id=15, type=get_attr]; +"16 _param_constant5" [id=16, type=get_attr]; +"17 _tensor_constant2" [id=17, type=get_attr]; +"18 _tensor_constant3" [id=18, type=get_attr]; +"19 _native_batch_norm_legit_no_training_1" [id=19, type=_native_batch_norm_legit_no_training]; +"20 getitem_3" [id=20, type=__getitem__]; +"21 relu__1" [id=21, type=relu_]; +"22 conv2d_2_updated_constant0" [id=22, type=get_attr]; +"23 asymmetric_weights_decompressor_conv2d_2_updated_constant0_0" [id=23, type=call_module]; +"24 conv2d_2" [id=24, type=conv2d]; +"25 _param_constant7" [id=25, type=get_attr]; +"26 _param_constant8" [id=26, type=get_attr]; +"27 _tensor_constant4" [id=27, type=get_attr]; +"28 _tensor_constant5" [id=28, type=get_attr]; +"29 _native_batch_norm_legit_no_training_2" [id=29, type=_native_batch_norm_legit_no_training]; +"30 getitem_6" [id=30, type=__getitem__]; +"31 add_" [id=31, type=add_]; +"32 relu__2" [id=32, type=relu_]; +"33 conv2d_3_updated_constant0" [id=33, type=get_attr]; +"34 asymmetric_weights_decompressor_conv2d_3_updated_constant0_0" [id=34, type=call_module]; +"35 conv2d_3" [id=35, type=conv2d]; +"36 _param_constant10" [id=36, type=get_attr]; +"37 _param_constant11" [id=37, type=get_attr]; +"38 _tensor_constant6" [id=38, type=get_attr]; +"39 _tensor_constant7" [id=39, type=get_attr]; +"40 _native_batch_norm_legit_no_training_3" [id=40, type=_native_batch_norm_legit_no_training]; +"41 getitem_9" [id=41, type=__getitem__]; +"42 relu__3" [id=42, type=relu_]; +"43 conv2d_4_updated_constant0" [id=43, type=get_attr]; +"44 asymmetric_weights_decompressor_conv2d_4_updated_constant0_0" [id=44, type=call_module]; +"45 conv2d_4" [id=45, type=conv2d]; +"46 _param_constant13" [id=46, type=get_attr]; +"47 _param_constant14" [id=47, type=get_attr]; +"48 _tensor_constant8" [id=48, type=get_attr]; +"49 _tensor_constant9" [id=49, type=get_attr]; +"50 _native_batch_norm_legit_no_training_4" [id=50, type=_native_batch_norm_legit_no_training]; +"51 getitem_12" [id=51, type=__getitem__]; +"52 add__1" [id=52, type=add_]; +"53 relu__4" [id=53, type=relu_]; +"54 conv2d_5_updated_constant0" [id=54, type=get_attr]; +"55 asymmetric_weights_decompressor_conv2d_5_updated_constant0_0" [id=55, type=call_module]; +"56 conv2d_5" [id=56, type=conv2d]; +"57 _param_constant16" [id=57, type=get_attr]; +"58 _param_constant17" [id=58, type=get_attr]; +"59 _tensor_constant10" [id=59, type=get_attr]; +"60 _tensor_constant11" [id=60, type=get_attr]; +"61 _native_batch_norm_legit_no_training_5" [id=61, type=_native_batch_norm_legit_no_training]; +"62 getitem_15" [id=62, type=__getitem__]; +"63 relu__5" [id=63, type=relu_]; +"64 conv2d_6_updated_constant0" [id=64, type=get_attr]; +"65 asymmetric_weights_decompressor_conv2d_6_updated_constant0_0" [id=65, type=call_module]; +"66 conv2d_6" [id=66, type=conv2d]; +"67 _param_constant19" [id=67, type=get_attr]; +"68 _param_constant20" [id=68, type=get_attr]; +"69 _tensor_constant12" [id=69, type=get_attr]; +"70 _tensor_constant13" [id=70, type=get_attr]; +"71 _native_batch_norm_legit_no_training_6" [id=71, type=_native_batch_norm_legit_no_training]; +"72 getitem_18" [id=72, type=__getitem__]; +"73 conv2d_7_updated_constant0" [id=73, type=get_attr]; +"74 asymmetric_weights_decompressor_conv2d_7_updated_constant0_0" [id=74, type=call_module]; +"75 conv2d_7" [id=75, type=conv2d]; +"76 _param_constant22" [id=76, type=get_attr]; +"77 _param_constant23" [id=77, type=get_attr]; +"78 _tensor_constant14" [id=78, type=get_attr]; +"79 _tensor_constant15" [id=79, type=get_attr]; +"80 _native_batch_norm_legit_no_training_7" [id=80, type=_native_batch_norm_legit_no_training]; +"81 getitem_21" [id=81, type=__getitem__]; +"82 add__2" [id=82, type=add_]; +"83 relu__6" [id=83, type=relu_]; +"84 conv2d_8_updated_constant0" [id=84, type=get_attr]; +"85 asymmetric_weights_decompressor_conv2d_8_updated_constant0_0" [id=85, type=call_module]; +"86 conv2d_8" [id=86, type=conv2d]; +"87 _param_constant25" [id=87, type=get_attr]; +"88 _param_constant26" [id=88, type=get_attr]; +"89 _tensor_constant16" [id=89, type=get_attr]; +"90 _tensor_constant17" [id=90, type=get_attr]; +"91 _native_batch_norm_legit_no_training_8" [id=91, type=_native_batch_norm_legit_no_training]; +"92 getitem_24" [id=92, type=__getitem__]; +"93 relu__7" [id=93, type=relu_]; +"94 conv2d_9_updated_constant0" [id=94, type=get_attr]; +"95 asymmetric_weights_decompressor_conv2d_9_updated_constant0_0" [id=95, type=call_module]; +"96 conv2d_9" [id=96, type=conv2d]; +"97 _param_constant28" [id=97, type=get_attr]; +"98 _param_constant29" [id=98, type=get_attr]; +"99 _tensor_constant18" [id=99, type=get_attr]; +"100 _tensor_constant19" [id=100, type=get_attr]; +"101 _native_batch_norm_legit_no_training_9" [id=101, type=_native_batch_norm_legit_no_training]; +"102 getitem_27" [id=102, type=__getitem__]; +"103 add__3" [id=103, type=add_]; +"104 relu__8" [id=104, type=relu_]; +"105 conv2d_10_updated_constant0" [id=105, type=get_attr]; +"106 asymmetric_weights_decompressor_conv2d_10_updated_constant0_0" [id=106, type=call_module]; +"107 conv2d_10" [id=107, type=conv2d]; +"108 _param_constant31" [id=108, type=get_attr]; +"109 _param_constant32" [id=109, type=get_attr]; +"110 _tensor_constant20" [id=110, type=get_attr]; +"111 _tensor_constant21" [id=111, type=get_attr]; +"112 _native_batch_norm_legit_no_training_10" [id=112, type=_native_batch_norm_legit_no_training]; +"113 getitem_30" [id=113, type=__getitem__]; +"114 relu__9" [id=114, type=relu_]; +"115 conv2d_11_updated_constant0" [id=115, type=get_attr]; +"116 asymmetric_weights_decompressor_conv2d_11_updated_constant0_0" [id=116, type=call_module]; +"117 conv2d_11" [id=117, type=conv2d]; +"118 _param_constant34" [id=118, type=get_attr]; +"119 _param_constant35" [id=119, type=get_attr]; +"120 _tensor_constant22" [id=120, type=get_attr]; +"121 _tensor_constant23" [id=121, type=get_attr]; +"122 _native_batch_norm_legit_no_training_11" [id=122, type=_native_batch_norm_legit_no_training]; +"123 getitem_33" [id=123, type=__getitem__]; +"124 conv2d_12_updated_constant0" [id=124, type=get_attr]; +"125 asymmetric_weights_decompressor_conv2d_12_updated_constant0_0" [id=125, type=call_module]; +"126 conv2d_12" [id=126, type=conv2d]; +"127 _param_constant37" [id=127, type=get_attr]; +"128 _param_constant38" [id=128, type=get_attr]; +"129 _tensor_constant24" [id=129, type=get_attr]; +"130 _tensor_constant25" [id=130, type=get_attr]; +"131 _native_batch_norm_legit_no_training_12" [id=131, type=_native_batch_norm_legit_no_training]; +"132 getitem_36" [id=132, type=__getitem__]; +"133 add__4" [id=133, type=add_]; +"134 relu__10" [id=134, type=relu_]; +"135 conv2d_13_updated_constant0" [id=135, type=get_attr]; +"136 asymmetric_weights_decompressor_conv2d_13_updated_constant0_0" [id=136, type=call_module]; +"137 conv2d_13" [id=137, type=conv2d]; +"138 _param_constant40" [id=138, type=get_attr]; +"139 _param_constant41" [id=139, type=get_attr]; +"140 _tensor_constant26" [id=140, type=get_attr]; +"141 _tensor_constant27" [id=141, type=get_attr]; +"142 _native_batch_norm_legit_no_training_13" [id=142, type=_native_batch_norm_legit_no_training]; +"143 getitem_39" [id=143, type=__getitem__]; +"144 relu__11" [id=144, type=relu_]; +"145 conv2d_14_updated_constant0" [id=145, type=get_attr]; +"146 asymmetric_weights_decompressor_conv2d_14_updated_constant0_0" [id=146, type=call_module]; +"147 conv2d_14" [id=147, type=conv2d]; +"148 _param_constant43" [id=148, type=get_attr]; +"149 _param_constant44" [id=149, type=get_attr]; +"150 _tensor_constant28" [id=150, type=get_attr]; +"151 _tensor_constant29" [id=151, type=get_attr]; +"152 _native_batch_norm_legit_no_training_14" [id=152, type=_native_batch_norm_legit_no_training]; +"153 getitem_42" [id=153, type=__getitem__]; +"154 add__5" [id=154, type=add_]; +"155 relu__12" [id=155, type=relu_]; +"156 conv2d_15_updated_constant0" [id=156, type=get_attr]; +"157 asymmetric_weights_decompressor_conv2d_15_updated_constant0_0" [id=157, type=call_module]; +"158 conv2d_15" [id=158, type=conv2d]; +"159 _param_constant46" [id=159, type=get_attr]; +"160 _param_constant47" [id=160, type=get_attr]; +"161 _tensor_constant30" [id=161, type=get_attr]; +"162 _tensor_constant31" [id=162, type=get_attr]; +"163 _native_batch_norm_legit_no_training_15" [id=163, type=_native_batch_norm_legit_no_training]; +"164 getitem_45" [id=164, type=__getitem__]; +"165 relu__13" [id=165, type=relu_]; +"166 conv2d_16_updated_constant0" [id=166, type=get_attr]; +"167 asymmetric_weights_decompressor_conv2d_16_updated_constant0_0" [id=167, type=call_module]; +"168 conv2d_16" [id=168, type=conv2d]; +"169 _param_constant49" [id=169, type=get_attr]; +"170 _param_constant50" [id=170, type=get_attr]; +"171 _tensor_constant32" [id=171, type=get_attr]; +"172 _tensor_constant33" [id=172, type=get_attr]; +"173 _native_batch_norm_legit_no_training_16" [id=173, type=_native_batch_norm_legit_no_training]; +"174 getitem_48" [id=174, type=__getitem__]; +"175 conv2d_17_updated_constant0" [id=175, type=get_attr]; +"176 asymmetric_weights_decompressor_conv2d_17_updated_constant0_0" [id=176, type=call_module]; +"177 conv2d_17" [id=177, type=conv2d]; +"178 _param_constant52" [id=178, type=get_attr]; +"179 _param_constant53" [id=179, type=get_attr]; +"180 _tensor_constant34" [id=180, type=get_attr]; +"181 _tensor_constant35" [id=181, type=get_attr]; +"182 _native_batch_norm_legit_no_training_17" [id=182, type=_native_batch_norm_legit_no_training]; +"183 getitem_51" [id=183, type=__getitem__]; +"184 add__6" [id=184, type=add_]; +"185 relu__14" [id=185, type=relu_]; +"186 conv2d_18_updated_constant0" [id=186, type=get_attr]; +"187 asymmetric_weights_decompressor_conv2d_18_updated_constant0_0" [id=187, type=call_module]; +"188 conv2d_18" [id=188, type=conv2d]; +"189 _param_constant55" [id=189, type=get_attr]; +"190 _param_constant56" [id=190, type=get_attr]; +"191 _tensor_constant36" [id=191, type=get_attr]; +"192 _tensor_constant37" [id=192, type=get_attr]; +"193 _native_batch_norm_legit_no_training_18" [id=193, type=_native_batch_norm_legit_no_training]; +"194 getitem_54" [id=194, type=__getitem__]; +"195 relu__15" [id=195, type=relu_]; +"196 conv2d_19_updated_constant0" [id=196, type=get_attr]; +"197 asymmetric_weights_decompressor_conv2d_19_updated_constant0_0" [id=197, type=call_module]; +"198 conv2d_19" [id=198, type=conv2d]; +"199 _param_constant58" [id=199, type=get_attr]; +"200 _param_constant59" [id=200, type=get_attr]; +"201 _tensor_constant38" [id=201, type=get_attr]; +"202 _tensor_constant39" [id=202, type=get_attr]; +"203 _native_batch_norm_legit_no_training_19" [id=203, type=_native_batch_norm_legit_no_training]; +"204 getitem_57" [id=204, type=__getitem__]; +"205 add__7" [id=205, type=add_]; +"206 relu__16" [id=206, type=relu_]; +"207 adaptive_avg_pool2d" [id=207, type=adaptive_avg_pool2d]; +"208 flatten" [id=208, type=flatten]; +"209 _param_constant61" [id=209, type=get_attr]; +"210 linear_updated_constant0" [id=210, type=get_attr]; +"211 asymmetric_weights_decompressor_linear_updated_constant0_0" [id=211, type=call_module]; +"212 linear" [id=212, type=linear]; +"213 output" [id=213, type=output]; +"0 arg0_1" -> "3 conv2d"; +"1 conv2d_updated_constant0" -> "2 asymmetric_weights_decompressor_conv2d_updated_constant0_0"; +"2 asymmetric_weights_decompressor_conv2d_updated_constant0_0" -> "3 conv2d"; +"3 conv2d" -> "8 _native_batch_norm_legit_no_training"; +"4 _param_constant1" -> "8 _native_batch_norm_legit_no_training"; +"5 _param_constant2" -> "8 _native_batch_norm_legit_no_training"; +"6 _tensor_constant0" -> "8 _native_batch_norm_legit_no_training"; +"7 _tensor_constant1" -> "8 _native_batch_norm_legit_no_training"; +"8 _native_batch_norm_legit_no_training" -> "9 getitem"; +"9 getitem" -> "10 relu_"; +"10 relu_" -> "11 max_pool2d"; +"11 max_pool2d" -> "14 conv2d_1"; +"11 max_pool2d" -> "31 add_"; +"12 conv2d_1_updated_constant0" -> "13 asymmetric_weights_decompressor_conv2d_1_updated_constant0_0"; +"13 asymmetric_weights_decompressor_conv2d_1_updated_constant0_0" -> "14 conv2d_1"; +"14 conv2d_1" -> "19 _native_batch_norm_legit_no_training_1"; +"15 _param_constant4" -> "19 _native_batch_norm_legit_no_training_1"; +"16 _param_constant5" -> "19 _native_batch_norm_legit_no_training_1"; +"17 _tensor_constant2" -> "19 _native_batch_norm_legit_no_training_1"; +"18 _tensor_constant3" -> "19 _native_batch_norm_legit_no_training_1"; +"19 _native_batch_norm_legit_no_training_1" -> "20 getitem_3"; +"20 getitem_3" -> "21 relu__1"; +"21 relu__1" -> "24 conv2d_2"; +"22 conv2d_2_updated_constant0" -> "23 asymmetric_weights_decompressor_conv2d_2_updated_constant0_0"; +"23 asymmetric_weights_decompressor_conv2d_2_updated_constant0_0" -> "24 conv2d_2"; +"24 conv2d_2" -> "29 _native_batch_norm_legit_no_training_2"; +"25 _param_constant7" -> "29 _native_batch_norm_legit_no_training_2"; +"26 _param_constant8" -> "29 _native_batch_norm_legit_no_training_2"; +"27 _tensor_constant4" -> "29 _native_batch_norm_legit_no_training_2"; +"28 _tensor_constant5" -> "29 _native_batch_norm_legit_no_training_2"; +"29 _native_batch_norm_legit_no_training_2" -> "30 getitem_6"; +"30 getitem_6" -> "31 add_"; +"31 add_" -> "32 relu__2"; +"32 relu__2" -> "35 conv2d_3"; +"32 relu__2" -> "52 add__1"; +"33 conv2d_3_updated_constant0" -> "34 asymmetric_weights_decompressor_conv2d_3_updated_constant0_0"; +"34 asymmetric_weights_decompressor_conv2d_3_updated_constant0_0" -> "35 conv2d_3"; +"35 conv2d_3" -> "40 _native_batch_norm_legit_no_training_3"; +"36 _param_constant10" -> "40 _native_batch_norm_legit_no_training_3"; +"37 _param_constant11" -> "40 _native_batch_norm_legit_no_training_3"; +"38 _tensor_constant6" -> "40 _native_batch_norm_legit_no_training_3"; +"39 _tensor_constant7" -> "40 _native_batch_norm_legit_no_training_3"; +"40 _native_batch_norm_legit_no_training_3" -> "41 getitem_9"; +"41 getitem_9" -> "42 relu__3"; +"42 relu__3" -> "45 conv2d_4"; +"43 conv2d_4_updated_constant0" -> "44 asymmetric_weights_decompressor_conv2d_4_updated_constant0_0"; +"44 asymmetric_weights_decompressor_conv2d_4_updated_constant0_0" -> "45 conv2d_4"; +"45 conv2d_4" -> "50 _native_batch_norm_legit_no_training_4"; +"46 _param_constant13" -> "50 _native_batch_norm_legit_no_training_4"; +"47 _param_constant14" -> "50 _native_batch_norm_legit_no_training_4"; +"48 _tensor_constant8" -> "50 _native_batch_norm_legit_no_training_4"; +"49 _tensor_constant9" -> "50 _native_batch_norm_legit_no_training_4"; +"50 _native_batch_norm_legit_no_training_4" -> "51 getitem_12"; +"51 getitem_12" -> "52 add__1"; +"52 add__1" -> "53 relu__4"; +"53 relu__4" -> "56 conv2d_5"; +"53 relu__4" -> "75 conv2d_7"; +"54 conv2d_5_updated_constant0" -> "55 asymmetric_weights_decompressor_conv2d_5_updated_constant0_0"; +"55 asymmetric_weights_decompressor_conv2d_5_updated_constant0_0" -> "56 conv2d_5"; +"56 conv2d_5" -> "61 _native_batch_norm_legit_no_training_5"; +"57 _param_constant16" -> "61 _native_batch_norm_legit_no_training_5"; +"58 _param_constant17" -> "61 _native_batch_norm_legit_no_training_5"; +"59 _tensor_constant10" -> "61 _native_batch_norm_legit_no_training_5"; +"60 _tensor_constant11" -> "61 _native_batch_norm_legit_no_training_5"; +"61 _native_batch_norm_legit_no_training_5" -> "62 getitem_15"; +"62 getitem_15" -> "63 relu__5"; +"63 relu__5" -> "66 conv2d_6"; +"64 conv2d_6_updated_constant0" -> "65 asymmetric_weights_decompressor_conv2d_6_updated_constant0_0"; +"65 asymmetric_weights_decompressor_conv2d_6_updated_constant0_0" -> "66 conv2d_6"; +"66 conv2d_6" -> "71 _native_batch_norm_legit_no_training_6"; +"67 _param_constant19" -> "71 _native_batch_norm_legit_no_training_6"; +"68 _param_constant20" -> "71 _native_batch_norm_legit_no_training_6"; +"69 _tensor_constant12" -> "71 _native_batch_norm_legit_no_training_6"; +"70 _tensor_constant13" -> "71 _native_batch_norm_legit_no_training_6"; +"71 _native_batch_norm_legit_no_training_6" -> "72 getitem_18"; +"72 getitem_18" -> "82 add__2"; +"73 conv2d_7_updated_constant0" -> "74 asymmetric_weights_decompressor_conv2d_7_updated_constant0_0"; +"74 asymmetric_weights_decompressor_conv2d_7_updated_constant0_0" -> "75 conv2d_7"; +"75 conv2d_7" -> "80 _native_batch_norm_legit_no_training_7"; +"76 _param_constant22" -> "80 _native_batch_norm_legit_no_training_7"; +"77 _param_constant23" -> "80 _native_batch_norm_legit_no_training_7"; +"78 _tensor_constant14" -> "80 _native_batch_norm_legit_no_training_7"; +"79 _tensor_constant15" -> "80 _native_batch_norm_legit_no_training_7"; +"80 _native_batch_norm_legit_no_training_7" -> "81 getitem_21"; +"81 getitem_21" -> "82 add__2"; +"82 add__2" -> "83 relu__6"; +"83 relu__6" -> "86 conv2d_8"; +"83 relu__6" -> "103 add__3"; +"84 conv2d_8_updated_constant0" -> "85 asymmetric_weights_decompressor_conv2d_8_updated_constant0_0"; +"85 asymmetric_weights_decompressor_conv2d_8_updated_constant0_0" -> "86 conv2d_8"; +"86 conv2d_8" -> "91 _native_batch_norm_legit_no_training_8"; +"87 _param_constant25" -> "91 _native_batch_norm_legit_no_training_8"; +"88 _param_constant26" -> "91 _native_batch_norm_legit_no_training_8"; +"89 _tensor_constant16" -> "91 _native_batch_norm_legit_no_training_8"; +"90 _tensor_constant17" -> "91 _native_batch_norm_legit_no_training_8"; +"91 _native_batch_norm_legit_no_training_8" -> "92 getitem_24"; +"92 getitem_24" -> "93 relu__7"; +"93 relu__7" -> "96 conv2d_9"; +"94 conv2d_9_updated_constant0" -> "95 asymmetric_weights_decompressor_conv2d_9_updated_constant0_0"; +"95 asymmetric_weights_decompressor_conv2d_9_updated_constant0_0" -> "96 conv2d_9"; +"96 conv2d_9" -> "101 _native_batch_norm_legit_no_training_9"; +"97 _param_constant28" -> "101 _native_batch_norm_legit_no_training_9"; +"98 _param_constant29" -> "101 _native_batch_norm_legit_no_training_9"; +"99 _tensor_constant18" -> "101 _native_batch_norm_legit_no_training_9"; +"100 _tensor_constant19" -> "101 _native_batch_norm_legit_no_training_9"; +"101 _native_batch_norm_legit_no_training_9" -> "102 getitem_27"; +"102 getitem_27" -> "103 add__3"; +"103 add__3" -> "104 relu__8"; +"104 relu__8" -> "107 conv2d_10"; +"104 relu__8" -> "126 conv2d_12"; +"105 conv2d_10_updated_constant0" -> "106 asymmetric_weights_decompressor_conv2d_10_updated_constant0_0"; +"106 asymmetric_weights_decompressor_conv2d_10_updated_constant0_0" -> "107 conv2d_10"; +"107 conv2d_10" -> "112 _native_batch_norm_legit_no_training_10"; +"108 _param_constant31" -> "112 _native_batch_norm_legit_no_training_10"; +"109 _param_constant32" -> "112 _native_batch_norm_legit_no_training_10"; +"110 _tensor_constant20" -> "112 _native_batch_norm_legit_no_training_10"; +"111 _tensor_constant21" -> "112 _native_batch_norm_legit_no_training_10"; +"112 _native_batch_norm_legit_no_training_10" -> "113 getitem_30"; +"113 getitem_30" -> "114 relu__9"; +"114 relu__9" -> "117 conv2d_11"; +"115 conv2d_11_updated_constant0" -> "116 asymmetric_weights_decompressor_conv2d_11_updated_constant0_0"; +"116 asymmetric_weights_decompressor_conv2d_11_updated_constant0_0" -> "117 conv2d_11"; +"117 conv2d_11" -> "122 _native_batch_norm_legit_no_training_11"; +"118 _param_constant34" -> "122 _native_batch_norm_legit_no_training_11"; +"119 _param_constant35" -> "122 _native_batch_norm_legit_no_training_11"; +"120 _tensor_constant22" -> "122 _native_batch_norm_legit_no_training_11"; +"121 _tensor_constant23" -> "122 _native_batch_norm_legit_no_training_11"; +"122 _native_batch_norm_legit_no_training_11" -> "123 getitem_33"; +"123 getitem_33" -> "133 add__4"; +"124 conv2d_12_updated_constant0" -> "125 asymmetric_weights_decompressor_conv2d_12_updated_constant0_0"; +"125 asymmetric_weights_decompressor_conv2d_12_updated_constant0_0" -> "126 conv2d_12"; +"126 conv2d_12" -> "131 _native_batch_norm_legit_no_training_12"; +"127 _param_constant37" -> "131 _native_batch_norm_legit_no_training_12"; +"128 _param_constant38" -> "131 _native_batch_norm_legit_no_training_12"; +"129 _tensor_constant24" -> "131 _native_batch_norm_legit_no_training_12"; +"130 _tensor_constant25" -> "131 _native_batch_norm_legit_no_training_12"; +"131 _native_batch_norm_legit_no_training_12" -> "132 getitem_36"; +"132 getitem_36" -> "133 add__4"; +"133 add__4" -> "134 relu__10"; +"134 relu__10" -> "137 conv2d_13"; +"134 relu__10" -> "154 add__5"; +"135 conv2d_13_updated_constant0" -> "136 asymmetric_weights_decompressor_conv2d_13_updated_constant0_0"; +"136 asymmetric_weights_decompressor_conv2d_13_updated_constant0_0" -> "137 conv2d_13"; +"137 conv2d_13" -> "142 _native_batch_norm_legit_no_training_13"; +"138 _param_constant40" -> "142 _native_batch_norm_legit_no_training_13"; +"139 _param_constant41" -> "142 _native_batch_norm_legit_no_training_13"; +"140 _tensor_constant26" -> "142 _native_batch_norm_legit_no_training_13"; +"141 _tensor_constant27" -> "142 _native_batch_norm_legit_no_training_13"; +"142 _native_batch_norm_legit_no_training_13" -> "143 getitem_39"; +"143 getitem_39" -> "144 relu__11"; +"144 relu__11" -> "147 conv2d_14"; +"145 conv2d_14_updated_constant0" -> "146 asymmetric_weights_decompressor_conv2d_14_updated_constant0_0"; +"146 asymmetric_weights_decompressor_conv2d_14_updated_constant0_0" -> "147 conv2d_14"; +"147 conv2d_14" -> "152 _native_batch_norm_legit_no_training_14"; +"148 _param_constant43" -> "152 _native_batch_norm_legit_no_training_14"; +"149 _param_constant44" -> "152 _native_batch_norm_legit_no_training_14"; +"150 _tensor_constant28" -> "152 _native_batch_norm_legit_no_training_14"; +"151 _tensor_constant29" -> "152 _native_batch_norm_legit_no_training_14"; +"152 _native_batch_norm_legit_no_training_14" -> "153 getitem_42"; +"153 getitem_42" -> "154 add__5"; +"154 add__5" -> "155 relu__12"; +"155 relu__12" -> "158 conv2d_15"; +"155 relu__12" -> "177 conv2d_17"; +"156 conv2d_15_updated_constant0" -> "157 asymmetric_weights_decompressor_conv2d_15_updated_constant0_0"; +"157 asymmetric_weights_decompressor_conv2d_15_updated_constant0_0" -> "158 conv2d_15"; +"158 conv2d_15" -> "163 _native_batch_norm_legit_no_training_15"; +"159 _param_constant46" -> "163 _native_batch_norm_legit_no_training_15"; +"160 _param_constant47" -> "163 _native_batch_norm_legit_no_training_15"; +"161 _tensor_constant30" -> "163 _native_batch_norm_legit_no_training_15"; +"162 _tensor_constant31" -> "163 _native_batch_norm_legit_no_training_15"; +"163 _native_batch_norm_legit_no_training_15" -> "164 getitem_45"; +"164 getitem_45" -> "165 relu__13"; +"165 relu__13" -> "168 conv2d_16"; +"166 conv2d_16_updated_constant0" -> "167 asymmetric_weights_decompressor_conv2d_16_updated_constant0_0"; +"167 asymmetric_weights_decompressor_conv2d_16_updated_constant0_0" -> "168 conv2d_16"; +"168 conv2d_16" -> "173 _native_batch_norm_legit_no_training_16"; +"169 _param_constant49" -> "173 _native_batch_norm_legit_no_training_16"; +"170 _param_constant50" -> "173 _native_batch_norm_legit_no_training_16"; +"171 _tensor_constant32" -> "173 _native_batch_norm_legit_no_training_16"; +"172 _tensor_constant33" -> "173 _native_batch_norm_legit_no_training_16"; +"173 _native_batch_norm_legit_no_training_16" -> "174 getitem_48"; +"174 getitem_48" -> "184 add__6"; +"175 conv2d_17_updated_constant0" -> "176 asymmetric_weights_decompressor_conv2d_17_updated_constant0_0"; +"176 asymmetric_weights_decompressor_conv2d_17_updated_constant0_0" -> "177 conv2d_17"; +"177 conv2d_17" -> "182 _native_batch_norm_legit_no_training_17"; +"178 _param_constant52" -> "182 _native_batch_norm_legit_no_training_17"; +"179 _param_constant53" -> "182 _native_batch_norm_legit_no_training_17"; +"180 _tensor_constant34" -> "182 _native_batch_norm_legit_no_training_17"; +"181 _tensor_constant35" -> "182 _native_batch_norm_legit_no_training_17"; +"182 _native_batch_norm_legit_no_training_17" -> "183 getitem_51"; +"183 getitem_51" -> "184 add__6"; +"184 add__6" -> "185 relu__14"; +"185 relu__14" -> "188 conv2d_18"; +"185 relu__14" -> "205 add__7"; +"186 conv2d_18_updated_constant0" -> "187 asymmetric_weights_decompressor_conv2d_18_updated_constant0_0"; +"187 asymmetric_weights_decompressor_conv2d_18_updated_constant0_0" -> "188 conv2d_18"; +"188 conv2d_18" -> "193 _native_batch_norm_legit_no_training_18"; +"189 _param_constant55" -> "193 _native_batch_norm_legit_no_training_18"; +"190 _param_constant56" -> "193 _native_batch_norm_legit_no_training_18"; +"191 _tensor_constant36" -> "193 _native_batch_norm_legit_no_training_18"; +"192 _tensor_constant37" -> "193 _native_batch_norm_legit_no_training_18"; +"193 _native_batch_norm_legit_no_training_18" -> "194 getitem_54"; +"194 getitem_54" -> "195 relu__15"; +"195 relu__15" -> "198 conv2d_19"; +"196 conv2d_19_updated_constant0" -> "197 asymmetric_weights_decompressor_conv2d_19_updated_constant0_0"; +"197 asymmetric_weights_decompressor_conv2d_19_updated_constant0_0" -> "198 conv2d_19"; +"198 conv2d_19" -> "203 _native_batch_norm_legit_no_training_19"; +"199 _param_constant58" -> "203 _native_batch_norm_legit_no_training_19"; +"200 _param_constant59" -> "203 _native_batch_norm_legit_no_training_19"; +"201 _tensor_constant38" -> "203 _native_batch_norm_legit_no_training_19"; +"202 _tensor_constant39" -> "203 _native_batch_norm_legit_no_training_19"; +"203 _native_batch_norm_legit_no_training_19" -> "204 getitem_57"; +"204 getitem_57" -> "205 add__7"; +"205 add__7" -> "206 relu__16"; +"206 relu__16" -> "207 adaptive_avg_pool2d"; +"207 adaptive_avg_pool2d" -> "208 flatten"; +"208 flatten" -> "212 linear"; +"209 _param_constant61" -> "212 linear"; +"210 linear_updated_constant0" -> "211 asymmetric_weights_decompressor_linear_updated_constant0_0"; +"211 asymmetric_weights_decompressor_linear_updated_constant0_0" -> "212 linear"; +"212 linear" -> "213 output"; +} diff --git a/tests/torch/data/reference_graphs/fx/compressed/resnet18_int8_sym.dot b/tests/torch/data/reference_graphs/fx/compressed/resnet18_int8_sym.dot new file mode 100644 index 00000000000..747c5cd3a65 --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/compressed/resnet18_int8_sym.dot @@ -0,0 +1,437 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 conv2d_updated_constant0" [id=1, type=get_attr]; +"2 symmetric_weights_decompressor_conv2d_updated_constant0_0" [id=2, type=call_module]; +"3 conv2d" [id=3, type=conv2d]; +"4 _param_constant1" [id=4, type=get_attr]; +"5 _param_constant2" [id=5, type=get_attr]; +"6 _tensor_constant0" [id=6, type=get_attr]; +"7 _tensor_constant1" [id=7, type=get_attr]; +"8 _native_batch_norm_legit_no_training" [id=8, type=_native_batch_norm_legit_no_training]; +"9 getitem" [id=9, type=__getitem__]; +"10 relu_" [id=10, type=relu_]; +"11 max_pool2d" [id=11, type=max_pool2d]; +"12 conv2d_1_updated_constant0" [id=12, type=get_attr]; +"13 symmetric_weights_decompressor_conv2d_1_updated_constant0_0" [id=13, type=call_module]; +"14 conv2d_1" [id=14, type=conv2d]; +"15 _param_constant4" [id=15, type=get_attr]; +"16 _param_constant5" [id=16, type=get_attr]; +"17 _tensor_constant2" [id=17, type=get_attr]; +"18 _tensor_constant3" [id=18, type=get_attr]; +"19 _native_batch_norm_legit_no_training_1" [id=19, type=_native_batch_norm_legit_no_training]; +"20 getitem_3" [id=20, type=__getitem__]; +"21 relu__1" [id=21, type=relu_]; +"22 conv2d_2_updated_constant0" [id=22, type=get_attr]; +"23 symmetric_weights_decompressor_conv2d_2_updated_constant0_0" [id=23, type=call_module]; +"24 conv2d_2" [id=24, type=conv2d]; +"25 _param_constant7" [id=25, type=get_attr]; +"26 _param_constant8" [id=26, type=get_attr]; +"27 _tensor_constant4" [id=27, type=get_attr]; +"28 _tensor_constant5" [id=28, type=get_attr]; +"29 _native_batch_norm_legit_no_training_2" [id=29, type=_native_batch_norm_legit_no_training]; +"30 getitem_6" [id=30, type=__getitem__]; +"31 add_" [id=31, type=add_]; +"32 relu__2" [id=32, type=relu_]; +"33 conv2d_3_updated_constant0" [id=33, type=get_attr]; +"34 symmetric_weights_decompressor_conv2d_3_updated_constant0_0" [id=34, type=call_module]; +"35 conv2d_3" [id=35, type=conv2d]; +"36 _param_constant10" [id=36, type=get_attr]; +"37 _param_constant11" [id=37, type=get_attr]; +"38 _tensor_constant6" [id=38, type=get_attr]; +"39 _tensor_constant7" [id=39, type=get_attr]; +"40 _native_batch_norm_legit_no_training_3" [id=40, type=_native_batch_norm_legit_no_training]; +"41 getitem_9" [id=41, type=__getitem__]; +"42 relu__3" [id=42, type=relu_]; +"43 conv2d_4_updated_constant0" [id=43, type=get_attr]; +"44 symmetric_weights_decompressor_conv2d_4_updated_constant0_0" [id=44, type=call_module]; +"45 conv2d_4" [id=45, type=conv2d]; +"46 _param_constant13" [id=46, type=get_attr]; +"47 _param_constant14" [id=47, type=get_attr]; +"48 _tensor_constant8" [id=48, type=get_attr]; +"49 _tensor_constant9" [id=49, type=get_attr]; +"50 _native_batch_norm_legit_no_training_4" [id=50, type=_native_batch_norm_legit_no_training]; +"51 getitem_12" [id=51, type=__getitem__]; +"52 add__1" [id=52, type=add_]; +"53 relu__4" [id=53, type=relu_]; +"54 conv2d_5_updated_constant0" [id=54, type=get_attr]; +"55 symmetric_weights_decompressor_conv2d_5_updated_constant0_0" [id=55, type=call_module]; +"56 conv2d_5" [id=56, type=conv2d]; +"57 _param_constant16" [id=57, type=get_attr]; +"58 _param_constant17" [id=58, type=get_attr]; +"59 _tensor_constant10" [id=59, type=get_attr]; +"60 _tensor_constant11" [id=60, type=get_attr]; +"61 _native_batch_norm_legit_no_training_5" [id=61, type=_native_batch_norm_legit_no_training]; +"62 getitem_15" [id=62, type=__getitem__]; +"63 relu__5" [id=63, type=relu_]; +"64 conv2d_6_updated_constant0" [id=64, type=get_attr]; +"65 symmetric_weights_decompressor_conv2d_6_updated_constant0_0" [id=65, type=call_module]; +"66 conv2d_6" [id=66, type=conv2d]; +"67 _param_constant19" [id=67, type=get_attr]; +"68 _param_constant20" [id=68, type=get_attr]; +"69 _tensor_constant12" [id=69, type=get_attr]; +"70 _tensor_constant13" [id=70, type=get_attr]; +"71 _native_batch_norm_legit_no_training_6" [id=71, type=_native_batch_norm_legit_no_training]; +"72 getitem_18" [id=72, type=__getitem__]; +"73 conv2d_7_updated_constant0" [id=73, type=get_attr]; +"74 symmetric_weights_decompressor_conv2d_7_updated_constant0_0" [id=74, type=call_module]; +"75 conv2d_7" [id=75, type=conv2d]; +"76 _param_constant22" [id=76, type=get_attr]; +"77 _param_constant23" [id=77, type=get_attr]; +"78 _tensor_constant14" [id=78, type=get_attr]; +"79 _tensor_constant15" [id=79, type=get_attr]; +"80 _native_batch_norm_legit_no_training_7" [id=80, type=_native_batch_norm_legit_no_training]; +"81 getitem_21" [id=81, type=__getitem__]; +"82 add__2" [id=82, type=add_]; +"83 relu__6" [id=83, type=relu_]; +"84 conv2d_8_updated_constant0" [id=84, type=get_attr]; +"85 symmetric_weights_decompressor_conv2d_8_updated_constant0_0" [id=85, type=call_module]; +"86 conv2d_8" [id=86, type=conv2d]; +"87 _param_constant25" [id=87, type=get_attr]; +"88 _param_constant26" [id=88, type=get_attr]; +"89 _tensor_constant16" [id=89, type=get_attr]; +"90 _tensor_constant17" [id=90, type=get_attr]; +"91 _native_batch_norm_legit_no_training_8" [id=91, type=_native_batch_norm_legit_no_training]; +"92 getitem_24" [id=92, type=__getitem__]; +"93 relu__7" [id=93, type=relu_]; +"94 conv2d_9_updated_constant0" [id=94, type=get_attr]; +"95 symmetric_weights_decompressor_conv2d_9_updated_constant0_0" [id=95, type=call_module]; +"96 conv2d_9" [id=96, type=conv2d]; +"97 _param_constant28" [id=97, type=get_attr]; +"98 _param_constant29" [id=98, type=get_attr]; +"99 _tensor_constant18" [id=99, type=get_attr]; +"100 _tensor_constant19" [id=100, type=get_attr]; +"101 _native_batch_norm_legit_no_training_9" [id=101, type=_native_batch_norm_legit_no_training]; +"102 getitem_27" [id=102, type=__getitem__]; +"103 add__3" [id=103, type=add_]; +"104 relu__8" [id=104, type=relu_]; +"105 conv2d_10_updated_constant0" [id=105, type=get_attr]; +"106 symmetric_weights_decompressor_conv2d_10_updated_constant0_0" [id=106, type=call_module]; +"107 conv2d_10" [id=107, type=conv2d]; +"108 _param_constant31" [id=108, type=get_attr]; +"109 _param_constant32" [id=109, type=get_attr]; +"110 _tensor_constant20" [id=110, type=get_attr]; +"111 _tensor_constant21" [id=111, type=get_attr]; +"112 _native_batch_norm_legit_no_training_10" [id=112, type=_native_batch_norm_legit_no_training]; +"113 getitem_30" [id=113, type=__getitem__]; +"114 relu__9" [id=114, type=relu_]; +"115 conv2d_11_updated_constant0" [id=115, type=get_attr]; +"116 symmetric_weights_decompressor_conv2d_11_updated_constant0_0" [id=116, type=call_module]; +"117 conv2d_11" [id=117, type=conv2d]; +"118 _param_constant34" [id=118, type=get_attr]; +"119 _param_constant35" [id=119, type=get_attr]; +"120 _tensor_constant22" [id=120, type=get_attr]; +"121 _tensor_constant23" [id=121, type=get_attr]; +"122 _native_batch_norm_legit_no_training_11" [id=122, type=_native_batch_norm_legit_no_training]; +"123 getitem_33" [id=123, type=__getitem__]; +"124 conv2d_12_updated_constant0" [id=124, type=get_attr]; +"125 symmetric_weights_decompressor_conv2d_12_updated_constant0_0" [id=125, type=call_module]; +"126 conv2d_12" [id=126, type=conv2d]; +"127 _param_constant37" [id=127, type=get_attr]; +"128 _param_constant38" [id=128, type=get_attr]; +"129 _tensor_constant24" [id=129, type=get_attr]; +"130 _tensor_constant25" [id=130, type=get_attr]; +"131 _native_batch_norm_legit_no_training_12" [id=131, type=_native_batch_norm_legit_no_training]; +"132 getitem_36" [id=132, type=__getitem__]; +"133 add__4" [id=133, type=add_]; +"134 relu__10" [id=134, type=relu_]; +"135 conv2d_13_updated_constant0" [id=135, type=get_attr]; +"136 symmetric_weights_decompressor_conv2d_13_updated_constant0_0" [id=136, type=call_module]; +"137 conv2d_13" [id=137, type=conv2d]; +"138 _param_constant40" [id=138, type=get_attr]; +"139 _param_constant41" [id=139, type=get_attr]; +"140 _tensor_constant26" [id=140, type=get_attr]; +"141 _tensor_constant27" [id=141, type=get_attr]; +"142 _native_batch_norm_legit_no_training_13" [id=142, type=_native_batch_norm_legit_no_training]; +"143 getitem_39" [id=143, type=__getitem__]; +"144 relu__11" [id=144, type=relu_]; +"145 conv2d_14_updated_constant0" [id=145, type=get_attr]; +"146 symmetric_weights_decompressor_conv2d_14_updated_constant0_0" [id=146, type=call_module]; +"147 conv2d_14" [id=147, type=conv2d]; +"148 _param_constant43" [id=148, type=get_attr]; +"149 _param_constant44" [id=149, type=get_attr]; +"150 _tensor_constant28" [id=150, type=get_attr]; +"151 _tensor_constant29" [id=151, type=get_attr]; +"152 _native_batch_norm_legit_no_training_14" [id=152, type=_native_batch_norm_legit_no_training]; +"153 getitem_42" [id=153, type=__getitem__]; +"154 add__5" [id=154, type=add_]; +"155 relu__12" [id=155, type=relu_]; +"156 conv2d_15_updated_constant0" [id=156, type=get_attr]; +"157 symmetric_weights_decompressor_conv2d_15_updated_constant0_0" [id=157, type=call_module]; +"158 conv2d_15" [id=158, type=conv2d]; +"159 _param_constant46" [id=159, type=get_attr]; +"160 _param_constant47" [id=160, type=get_attr]; +"161 _tensor_constant30" [id=161, type=get_attr]; +"162 _tensor_constant31" [id=162, type=get_attr]; +"163 _native_batch_norm_legit_no_training_15" [id=163, type=_native_batch_norm_legit_no_training]; +"164 getitem_45" [id=164, type=__getitem__]; +"165 relu__13" [id=165, type=relu_]; +"166 conv2d_16_updated_constant0" [id=166, type=get_attr]; +"167 symmetric_weights_decompressor_conv2d_16_updated_constant0_0" [id=167, type=call_module]; +"168 conv2d_16" [id=168, type=conv2d]; +"169 _param_constant49" [id=169, type=get_attr]; +"170 _param_constant50" [id=170, type=get_attr]; +"171 _tensor_constant32" [id=171, type=get_attr]; +"172 _tensor_constant33" [id=172, type=get_attr]; +"173 _native_batch_norm_legit_no_training_16" [id=173, type=_native_batch_norm_legit_no_training]; +"174 getitem_48" [id=174, type=__getitem__]; +"175 conv2d_17_updated_constant0" [id=175, type=get_attr]; +"176 symmetric_weights_decompressor_conv2d_17_updated_constant0_0" [id=176, type=call_module]; +"177 conv2d_17" [id=177, type=conv2d]; +"178 _param_constant52" [id=178, type=get_attr]; +"179 _param_constant53" [id=179, type=get_attr]; +"180 _tensor_constant34" [id=180, type=get_attr]; +"181 _tensor_constant35" [id=181, type=get_attr]; +"182 _native_batch_norm_legit_no_training_17" [id=182, type=_native_batch_norm_legit_no_training]; +"183 getitem_51" [id=183, type=__getitem__]; +"184 add__6" [id=184, type=add_]; +"185 relu__14" [id=185, type=relu_]; +"186 conv2d_18_updated_constant0" [id=186, type=get_attr]; +"187 symmetric_weights_decompressor_conv2d_18_updated_constant0_0" [id=187, type=call_module]; +"188 conv2d_18" [id=188, type=conv2d]; +"189 _param_constant55" [id=189, type=get_attr]; +"190 _param_constant56" [id=190, type=get_attr]; +"191 _tensor_constant36" [id=191, type=get_attr]; +"192 _tensor_constant37" [id=192, type=get_attr]; +"193 _native_batch_norm_legit_no_training_18" [id=193, type=_native_batch_norm_legit_no_training]; +"194 getitem_54" [id=194, type=__getitem__]; +"195 relu__15" [id=195, type=relu_]; +"196 conv2d_19_updated_constant0" [id=196, type=get_attr]; +"197 symmetric_weights_decompressor_conv2d_19_updated_constant0_0" [id=197, type=call_module]; +"198 conv2d_19" [id=198, type=conv2d]; +"199 _param_constant58" [id=199, type=get_attr]; +"200 _param_constant59" [id=200, type=get_attr]; +"201 _tensor_constant38" [id=201, type=get_attr]; +"202 _tensor_constant39" [id=202, type=get_attr]; +"203 _native_batch_norm_legit_no_training_19" [id=203, type=_native_batch_norm_legit_no_training]; +"204 getitem_57" [id=204, type=__getitem__]; +"205 add__7" [id=205, type=add_]; +"206 relu__16" [id=206, type=relu_]; +"207 adaptive_avg_pool2d" [id=207, type=adaptive_avg_pool2d]; +"208 flatten" [id=208, type=flatten]; +"209 _param_constant61" [id=209, type=get_attr]; +"210 linear_updated_constant0" [id=210, type=get_attr]; +"211 symmetric_weights_decompressor_linear_updated_constant0_0" [id=211, type=call_module]; +"212 linear" [id=212, type=linear]; +"213 output" [id=213, type=output]; +"0 arg0_1" -> "3 conv2d"; +"1 conv2d_updated_constant0" -> "2 symmetric_weights_decompressor_conv2d_updated_constant0_0"; +"2 symmetric_weights_decompressor_conv2d_updated_constant0_0" -> "3 conv2d"; +"3 conv2d" -> "8 _native_batch_norm_legit_no_training"; +"4 _param_constant1" -> "8 _native_batch_norm_legit_no_training"; +"5 _param_constant2" -> "8 _native_batch_norm_legit_no_training"; +"6 _tensor_constant0" -> "8 _native_batch_norm_legit_no_training"; +"7 _tensor_constant1" -> "8 _native_batch_norm_legit_no_training"; +"8 _native_batch_norm_legit_no_training" -> "9 getitem"; +"9 getitem" -> "10 relu_"; +"10 relu_" -> "11 max_pool2d"; +"11 max_pool2d" -> "14 conv2d_1"; +"11 max_pool2d" -> "31 add_"; +"12 conv2d_1_updated_constant0" -> "13 symmetric_weights_decompressor_conv2d_1_updated_constant0_0"; +"13 symmetric_weights_decompressor_conv2d_1_updated_constant0_0" -> "14 conv2d_1"; +"14 conv2d_1" -> "19 _native_batch_norm_legit_no_training_1"; +"15 _param_constant4" -> "19 _native_batch_norm_legit_no_training_1"; +"16 _param_constant5" -> "19 _native_batch_norm_legit_no_training_1"; +"17 _tensor_constant2" -> "19 _native_batch_norm_legit_no_training_1"; +"18 _tensor_constant3" -> "19 _native_batch_norm_legit_no_training_1"; +"19 _native_batch_norm_legit_no_training_1" -> "20 getitem_3"; +"20 getitem_3" -> "21 relu__1"; +"21 relu__1" -> "24 conv2d_2"; +"22 conv2d_2_updated_constant0" -> "23 symmetric_weights_decompressor_conv2d_2_updated_constant0_0"; +"23 symmetric_weights_decompressor_conv2d_2_updated_constant0_0" -> "24 conv2d_2"; +"24 conv2d_2" -> "29 _native_batch_norm_legit_no_training_2"; +"25 _param_constant7" -> "29 _native_batch_norm_legit_no_training_2"; +"26 _param_constant8" -> "29 _native_batch_norm_legit_no_training_2"; +"27 _tensor_constant4" -> "29 _native_batch_norm_legit_no_training_2"; +"28 _tensor_constant5" -> "29 _native_batch_norm_legit_no_training_2"; +"29 _native_batch_norm_legit_no_training_2" -> "30 getitem_6"; +"30 getitem_6" -> "31 add_"; +"31 add_" -> "32 relu__2"; +"32 relu__2" -> "35 conv2d_3"; +"32 relu__2" -> "52 add__1"; +"33 conv2d_3_updated_constant0" -> "34 symmetric_weights_decompressor_conv2d_3_updated_constant0_0"; +"34 symmetric_weights_decompressor_conv2d_3_updated_constant0_0" -> "35 conv2d_3"; +"35 conv2d_3" -> "40 _native_batch_norm_legit_no_training_3"; +"36 _param_constant10" -> "40 _native_batch_norm_legit_no_training_3"; +"37 _param_constant11" -> "40 _native_batch_norm_legit_no_training_3"; +"38 _tensor_constant6" -> "40 _native_batch_norm_legit_no_training_3"; +"39 _tensor_constant7" -> "40 _native_batch_norm_legit_no_training_3"; +"40 _native_batch_norm_legit_no_training_3" -> "41 getitem_9"; +"41 getitem_9" -> "42 relu__3"; +"42 relu__3" -> "45 conv2d_4"; +"43 conv2d_4_updated_constant0" -> "44 symmetric_weights_decompressor_conv2d_4_updated_constant0_0"; +"44 symmetric_weights_decompressor_conv2d_4_updated_constant0_0" -> "45 conv2d_4"; +"45 conv2d_4" -> "50 _native_batch_norm_legit_no_training_4"; +"46 _param_constant13" -> "50 _native_batch_norm_legit_no_training_4"; +"47 _param_constant14" -> "50 _native_batch_norm_legit_no_training_4"; +"48 _tensor_constant8" -> "50 _native_batch_norm_legit_no_training_4"; +"49 _tensor_constant9" -> "50 _native_batch_norm_legit_no_training_4"; +"50 _native_batch_norm_legit_no_training_4" -> "51 getitem_12"; +"51 getitem_12" -> "52 add__1"; +"52 add__1" -> "53 relu__4"; +"53 relu__4" -> "56 conv2d_5"; +"53 relu__4" -> "75 conv2d_7"; +"54 conv2d_5_updated_constant0" -> "55 symmetric_weights_decompressor_conv2d_5_updated_constant0_0"; +"55 symmetric_weights_decompressor_conv2d_5_updated_constant0_0" -> "56 conv2d_5"; +"56 conv2d_5" -> "61 _native_batch_norm_legit_no_training_5"; +"57 _param_constant16" -> "61 _native_batch_norm_legit_no_training_5"; +"58 _param_constant17" -> "61 _native_batch_norm_legit_no_training_5"; +"59 _tensor_constant10" -> "61 _native_batch_norm_legit_no_training_5"; +"60 _tensor_constant11" -> "61 _native_batch_norm_legit_no_training_5"; +"61 _native_batch_norm_legit_no_training_5" -> "62 getitem_15"; +"62 getitem_15" -> "63 relu__5"; +"63 relu__5" -> "66 conv2d_6"; +"64 conv2d_6_updated_constant0" -> "65 symmetric_weights_decompressor_conv2d_6_updated_constant0_0"; +"65 symmetric_weights_decompressor_conv2d_6_updated_constant0_0" -> "66 conv2d_6"; +"66 conv2d_6" -> "71 _native_batch_norm_legit_no_training_6"; +"67 _param_constant19" -> "71 _native_batch_norm_legit_no_training_6"; +"68 _param_constant20" -> "71 _native_batch_norm_legit_no_training_6"; +"69 _tensor_constant12" -> "71 _native_batch_norm_legit_no_training_6"; +"70 _tensor_constant13" -> "71 _native_batch_norm_legit_no_training_6"; +"71 _native_batch_norm_legit_no_training_6" -> "72 getitem_18"; +"72 getitem_18" -> "82 add__2"; +"73 conv2d_7_updated_constant0" -> "74 symmetric_weights_decompressor_conv2d_7_updated_constant0_0"; +"74 symmetric_weights_decompressor_conv2d_7_updated_constant0_0" -> "75 conv2d_7"; +"75 conv2d_7" -> "80 _native_batch_norm_legit_no_training_7"; +"76 _param_constant22" -> "80 _native_batch_norm_legit_no_training_7"; +"77 _param_constant23" -> "80 _native_batch_norm_legit_no_training_7"; +"78 _tensor_constant14" -> "80 _native_batch_norm_legit_no_training_7"; +"79 _tensor_constant15" -> "80 _native_batch_norm_legit_no_training_7"; +"80 _native_batch_norm_legit_no_training_7" -> "81 getitem_21"; +"81 getitem_21" -> "82 add__2"; +"82 add__2" -> "83 relu__6"; +"83 relu__6" -> "86 conv2d_8"; +"83 relu__6" -> "103 add__3"; +"84 conv2d_8_updated_constant0" -> "85 symmetric_weights_decompressor_conv2d_8_updated_constant0_0"; +"85 symmetric_weights_decompressor_conv2d_8_updated_constant0_0" -> "86 conv2d_8"; +"86 conv2d_8" -> "91 _native_batch_norm_legit_no_training_8"; +"87 _param_constant25" -> "91 _native_batch_norm_legit_no_training_8"; +"88 _param_constant26" -> "91 _native_batch_norm_legit_no_training_8"; +"89 _tensor_constant16" -> "91 _native_batch_norm_legit_no_training_8"; +"90 _tensor_constant17" -> "91 _native_batch_norm_legit_no_training_8"; +"91 _native_batch_norm_legit_no_training_8" -> "92 getitem_24"; +"92 getitem_24" -> "93 relu__7"; +"93 relu__7" -> "96 conv2d_9"; +"94 conv2d_9_updated_constant0" -> "95 symmetric_weights_decompressor_conv2d_9_updated_constant0_0"; +"95 symmetric_weights_decompressor_conv2d_9_updated_constant0_0" -> "96 conv2d_9"; +"96 conv2d_9" -> "101 _native_batch_norm_legit_no_training_9"; +"97 _param_constant28" -> "101 _native_batch_norm_legit_no_training_9"; +"98 _param_constant29" -> "101 _native_batch_norm_legit_no_training_9"; +"99 _tensor_constant18" -> "101 _native_batch_norm_legit_no_training_9"; +"100 _tensor_constant19" -> "101 _native_batch_norm_legit_no_training_9"; +"101 _native_batch_norm_legit_no_training_9" -> "102 getitem_27"; +"102 getitem_27" -> "103 add__3"; +"103 add__3" -> "104 relu__8"; +"104 relu__8" -> "107 conv2d_10"; +"104 relu__8" -> "126 conv2d_12"; +"105 conv2d_10_updated_constant0" -> "106 symmetric_weights_decompressor_conv2d_10_updated_constant0_0"; +"106 symmetric_weights_decompressor_conv2d_10_updated_constant0_0" -> "107 conv2d_10"; +"107 conv2d_10" -> "112 _native_batch_norm_legit_no_training_10"; +"108 _param_constant31" -> "112 _native_batch_norm_legit_no_training_10"; +"109 _param_constant32" -> "112 _native_batch_norm_legit_no_training_10"; +"110 _tensor_constant20" -> "112 _native_batch_norm_legit_no_training_10"; +"111 _tensor_constant21" -> "112 _native_batch_norm_legit_no_training_10"; +"112 _native_batch_norm_legit_no_training_10" -> "113 getitem_30"; +"113 getitem_30" -> "114 relu__9"; +"114 relu__9" -> "117 conv2d_11"; +"115 conv2d_11_updated_constant0" -> "116 symmetric_weights_decompressor_conv2d_11_updated_constant0_0"; +"116 symmetric_weights_decompressor_conv2d_11_updated_constant0_0" -> "117 conv2d_11"; +"117 conv2d_11" -> "122 _native_batch_norm_legit_no_training_11"; +"118 _param_constant34" -> "122 _native_batch_norm_legit_no_training_11"; +"119 _param_constant35" -> "122 _native_batch_norm_legit_no_training_11"; +"120 _tensor_constant22" -> "122 _native_batch_norm_legit_no_training_11"; +"121 _tensor_constant23" -> "122 _native_batch_norm_legit_no_training_11"; +"122 _native_batch_norm_legit_no_training_11" -> "123 getitem_33"; +"123 getitem_33" -> "133 add__4"; +"124 conv2d_12_updated_constant0" -> "125 symmetric_weights_decompressor_conv2d_12_updated_constant0_0"; +"125 symmetric_weights_decompressor_conv2d_12_updated_constant0_0" -> "126 conv2d_12"; +"126 conv2d_12" -> "131 _native_batch_norm_legit_no_training_12"; +"127 _param_constant37" -> "131 _native_batch_norm_legit_no_training_12"; +"128 _param_constant38" -> "131 _native_batch_norm_legit_no_training_12"; +"129 _tensor_constant24" -> "131 _native_batch_norm_legit_no_training_12"; +"130 _tensor_constant25" -> "131 _native_batch_norm_legit_no_training_12"; +"131 _native_batch_norm_legit_no_training_12" -> "132 getitem_36"; +"132 getitem_36" -> "133 add__4"; +"133 add__4" -> "134 relu__10"; +"134 relu__10" -> "137 conv2d_13"; +"134 relu__10" -> "154 add__5"; +"135 conv2d_13_updated_constant0" -> "136 symmetric_weights_decompressor_conv2d_13_updated_constant0_0"; +"136 symmetric_weights_decompressor_conv2d_13_updated_constant0_0" -> "137 conv2d_13"; +"137 conv2d_13" -> "142 _native_batch_norm_legit_no_training_13"; +"138 _param_constant40" -> "142 _native_batch_norm_legit_no_training_13"; +"139 _param_constant41" -> "142 _native_batch_norm_legit_no_training_13"; +"140 _tensor_constant26" -> "142 _native_batch_norm_legit_no_training_13"; +"141 _tensor_constant27" -> "142 _native_batch_norm_legit_no_training_13"; +"142 _native_batch_norm_legit_no_training_13" -> "143 getitem_39"; +"143 getitem_39" -> "144 relu__11"; +"144 relu__11" -> "147 conv2d_14"; +"145 conv2d_14_updated_constant0" -> "146 symmetric_weights_decompressor_conv2d_14_updated_constant0_0"; +"146 symmetric_weights_decompressor_conv2d_14_updated_constant0_0" -> "147 conv2d_14"; +"147 conv2d_14" -> "152 _native_batch_norm_legit_no_training_14"; +"148 _param_constant43" -> "152 _native_batch_norm_legit_no_training_14"; +"149 _param_constant44" -> "152 _native_batch_norm_legit_no_training_14"; +"150 _tensor_constant28" -> "152 _native_batch_norm_legit_no_training_14"; +"151 _tensor_constant29" -> "152 _native_batch_norm_legit_no_training_14"; +"152 _native_batch_norm_legit_no_training_14" -> "153 getitem_42"; +"153 getitem_42" -> "154 add__5"; +"154 add__5" -> "155 relu__12"; +"155 relu__12" -> "158 conv2d_15"; +"155 relu__12" -> "177 conv2d_17"; +"156 conv2d_15_updated_constant0" -> "157 symmetric_weights_decompressor_conv2d_15_updated_constant0_0"; +"157 symmetric_weights_decompressor_conv2d_15_updated_constant0_0" -> "158 conv2d_15"; +"158 conv2d_15" -> "163 _native_batch_norm_legit_no_training_15"; +"159 _param_constant46" -> "163 _native_batch_norm_legit_no_training_15"; +"160 _param_constant47" -> "163 _native_batch_norm_legit_no_training_15"; +"161 _tensor_constant30" -> "163 _native_batch_norm_legit_no_training_15"; +"162 _tensor_constant31" -> "163 _native_batch_norm_legit_no_training_15"; +"163 _native_batch_norm_legit_no_training_15" -> "164 getitem_45"; +"164 getitem_45" -> "165 relu__13"; +"165 relu__13" -> "168 conv2d_16"; +"166 conv2d_16_updated_constant0" -> "167 symmetric_weights_decompressor_conv2d_16_updated_constant0_0"; +"167 symmetric_weights_decompressor_conv2d_16_updated_constant0_0" -> "168 conv2d_16"; +"168 conv2d_16" -> "173 _native_batch_norm_legit_no_training_16"; +"169 _param_constant49" -> "173 _native_batch_norm_legit_no_training_16"; +"170 _param_constant50" -> "173 _native_batch_norm_legit_no_training_16"; +"171 _tensor_constant32" -> "173 _native_batch_norm_legit_no_training_16"; +"172 _tensor_constant33" -> "173 _native_batch_norm_legit_no_training_16"; +"173 _native_batch_norm_legit_no_training_16" -> "174 getitem_48"; +"174 getitem_48" -> "184 add__6"; +"175 conv2d_17_updated_constant0" -> "176 symmetric_weights_decompressor_conv2d_17_updated_constant0_0"; +"176 symmetric_weights_decompressor_conv2d_17_updated_constant0_0" -> "177 conv2d_17"; +"177 conv2d_17" -> "182 _native_batch_norm_legit_no_training_17"; +"178 _param_constant52" -> "182 _native_batch_norm_legit_no_training_17"; +"179 _param_constant53" -> "182 _native_batch_norm_legit_no_training_17"; +"180 _tensor_constant34" -> "182 _native_batch_norm_legit_no_training_17"; +"181 _tensor_constant35" -> "182 _native_batch_norm_legit_no_training_17"; +"182 _native_batch_norm_legit_no_training_17" -> "183 getitem_51"; +"183 getitem_51" -> "184 add__6"; +"184 add__6" -> "185 relu__14"; +"185 relu__14" -> "188 conv2d_18"; +"185 relu__14" -> "205 add__7"; +"186 conv2d_18_updated_constant0" -> "187 symmetric_weights_decompressor_conv2d_18_updated_constant0_0"; +"187 symmetric_weights_decompressor_conv2d_18_updated_constant0_0" -> "188 conv2d_18"; +"188 conv2d_18" -> "193 _native_batch_norm_legit_no_training_18"; +"189 _param_constant55" -> "193 _native_batch_norm_legit_no_training_18"; +"190 _param_constant56" -> "193 _native_batch_norm_legit_no_training_18"; +"191 _tensor_constant36" -> "193 _native_batch_norm_legit_no_training_18"; +"192 _tensor_constant37" -> "193 _native_batch_norm_legit_no_training_18"; +"193 _native_batch_norm_legit_no_training_18" -> "194 getitem_54"; +"194 getitem_54" -> "195 relu__15"; +"195 relu__15" -> "198 conv2d_19"; +"196 conv2d_19_updated_constant0" -> "197 symmetric_weights_decompressor_conv2d_19_updated_constant0_0"; +"197 symmetric_weights_decompressor_conv2d_19_updated_constant0_0" -> "198 conv2d_19"; +"198 conv2d_19" -> "203 _native_batch_norm_legit_no_training_19"; +"199 _param_constant58" -> "203 _native_batch_norm_legit_no_training_19"; +"200 _param_constant59" -> "203 _native_batch_norm_legit_no_training_19"; +"201 _tensor_constant38" -> "203 _native_batch_norm_legit_no_training_19"; +"202 _tensor_constant39" -> "203 _native_batch_norm_legit_no_training_19"; +"203 _native_batch_norm_legit_no_training_19" -> "204 getitem_57"; +"204 getitem_57" -> "205 add__7"; +"205 add__7" -> "206 relu__16"; +"206 relu__16" -> "207 adaptive_avg_pool2d"; +"207 adaptive_avg_pool2d" -> "208 flatten"; +"208 flatten" -> "212 linear"; +"209 _param_constant61" -> "212 linear"; +"210 linear_updated_constant0" -> "211 symmetric_weights_decompressor_linear_updated_constant0_0"; +"211 symmetric_weights_decompressor_linear_updated_constant0_0" -> "212 linear"; +"212 linear" -> "213 output"; +} diff --git a/tests/torch/data/reference_graphs/fx/compressed/swin_v2_s_int8_asym.dot b/tests/torch/data/reference_graphs/fx/compressed/swin_v2_s_int8_asym.dot new file mode 100644 index 00000000000..698f9b1646f --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/compressed/swin_v2_s_int8_asym.dot @@ -0,0 +1,4822 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 _param_constant1" [id=1, type=get_attr]; +"2 conv2d_updated_constant0" [id=2, type=get_attr]; +"3 asymmetric_weights_decompressor_conv2d_updated_constant0_0" [id=3, type=call_module]; +"4 conv2d" [id=4, type=conv2d]; +"5 permute" [id=5, type=permute]; +"6 _param_constant2" [id=6, type=get_attr]; +"7 _param_constant3" [id=7, type=get_attr]; +"8 layer_norm" [id=8, type=layer_norm]; +"9 _tensor_constant0" [id=9, type=get_attr]; +"10 _param_constant5" [id=10, type=get_attr]; +"11 linear_updated_constant0" [id=11, type=get_attr]; +"12 asymmetric_weights_decompressor_linear_updated_constant0_0" [id=12, type=call_module]; +"13 linear" [id=13, type=linear]; +"14 relu_" [id=14, type=relu_]; +"15 linear_1_updated_constant0" [id=15, type=get_attr]; +"16 asymmetric_weights_decompressor_linear_1_updated_constant0_0" [id=16, type=call_module]; +"17 linear_1" [id=17, type=linear]; +"18 view" [id=18, type=view]; +"19 _tensor_constant1" [id=19, type=get_attr]; +"20 index" [id=20, type=index]; +"21 view_1" [id=21, type=view]; +"22 permute_1" [id=22, type=permute]; +"23 contiguous" [id=23, type=contiguous]; +"24 unsqueeze" [id=24, type=unsqueeze]; +"25 sigmoid" [id=25, type=sigmoid]; +"26 mul" [id=26, type=mul]; +"27 pad" [id=27, type=pad]; +"28 view_2" [id=28, type=view]; +"29 permute_2" [id=29, type=permute]; +"30 reshape" [id=30, type=reshape]; +"31 _param_constant7" [id=31, type=get_attr]; +"32 clone" [id=32, type=clone]; +"33 linear_2_updated_constant0" [id=33, type=get_attr]; +"34 asymmetric_weights_decompressor_linear_2_updated_constant0_0" [id=34, type=call_module]; +"35 linear_2" [id=35, type=linear]; +"36 reshape_1" [id=36, type=reshape]; +"37 permute_3" [id=37, type=permute]; +"38 select" [id=38, type=select]; +"39 select_1" [id=39, type=select]; +"40 select_2" [id=40, type=select]; +"41 linalg_vector_norm" [id=41, type=linalg_vector_norm]; +"42 clamp_min" [id=42, type=clamp_min]; +"43 expand_as" [id=43, type=expand_as]; +"44 div" [id=44, type=div]; +"45 linalg_vector_norm_1" [id=45, type=linalg_vector_norm]; +"46 clamp_min_1" [id=46, type=clamp_min]; +"47 expand_as_1" [id=47, type=expand_as]; +"48 div_1" [id=48, type=div]; +"49 transpose" [id=49, type=transpose]; +"50 matmul" [id=50, type=matmul]; +"51 _param_constant9" [id=51, type=get_attr]; +"52 clamp" [id=52, type=clamp]; +"53 exp" [id=53, type=exp]; +"54 mul_1" [id=54, type=mul]; +"55 add" [id=55, type=add]; +"56 softmax" [id=56, type=softmax]; +"57 dropout" [id=57, type=dropout]; +"58 matmul_1" [id=58, type=matmul]; +"59 transpose_1" [id=59, type=transpose]; +"60 reshape_2" [id=60, type=reshape]; +"61 _param_constant11" [id=61, type=get_attr]; +"62 linear_3_updated_constant0" [id=62, type=get_attr]; +"63 asymmetric_weights_decompressor_linear_3_updated_constant0_0" [id=63, type=call_module]; +"64 linear_3" [id=64, type=linear]; +"65 dropout_1" [id=65, type=dropout]; +"66 view_3" [id=66, type=view]; +"67 permute_4" [id=67, type=permute]; +"68 reshape_3" [id=68, type=reshape]; +"69 slice_2" [id=69, type=slice]; +"70 slice_3" [id=70, type=slice]; +"71 _param_constant12" [id=71, type=get_attr]; +"72 _param_constant13" [id=72, type=get_attr]; +"73 layer_norm_1" [id=73, type=layer_norm]; +"74 add_1" [id=74, type=add]; +"75 _param_constant15" [id=75, type=get_attr]; +"76 linear_4_updated_constant0" [id=76, type=get_attr]; +"77 asymmetric_weights_decompressor_linear_4_updated_constant0_0" [id=77, type=call_module]; +"78 linear_4" [id=78, type=linear]; +"79 gelu" [id=79, type=gelu]; +"80 dropout_2" [id=80, type=dropout]; +"81 _param_constant17" [id=81, type=get_attr]; +"82 linear_5_updated_constant0" [id=82, type=get_attr]; +"83 asymmetric_weights_decompressor_linear_5_updated_constant0_0" [id=83, type=call_module]; +"84 linear_5" [id=84, type=linear]; +"85 dropout_3" [id=85, type=dropout]; +"86 _param_constant18" [id=86, type=get_attr]; +"87 _param_constant19" [id=87, type=get_attr]; +"88 layer_norm_2" [id=88, type=layer_norm]; +"89 add_2" [id=89, type=add]; +"90 _tensor_constant2" [id=90, type=get_attr]; +"91 _param_constant21" [id=91, type=get_attr]; +"92 linear_6_updated_constant0" [id=92, type=get_attr]; +"93 asymmetric_weights_decompressor_linear_6_updated_constant0_0" [id=93, type=call_module]; +"94 linear_6" [id=94, type=linear]; +"95 relu__1" [id=95, type=relu_]; +"96 linear_7_updated_constant0" [id=96, type=get_attr]; +"97 asymmetric_weights_decompressor_linear_7_updated_constant0_0" [id=97, type=call_module]; +"98 linear_7" [id=98, type=linear]; +"99 view_4" [id=99, type=view]; +"100 _tensor_constant3" [id=100, type=get_attr]; +"101 index_1" [id=101, type=index]; +"102 view_5" [id=102, type=view]; +"103 permute_5" [id=103, type=permute]; +"104 contiguous_1" [id=104, type=contiguous]; +"105 unsqueeze_1" [id=105, type=unsqueeze]; +"106 sigmoid_1" [id=106, type=sigmoid]; +"107 mul_2" [id=107, type=mul]; +"108 pad_1" [id=108, type=pad]; +"109 roll" [id=109, type=roll]; +"110 view_6" [id=110, type=view]; +"111 permute_6" [id=111, type=permute]; +"112 reshape_4" [id=112, type=reshape]; +"113 _param_constant23" [id=113, type=get_attr]; +"114 clone_1" [id=114, type=clone]; +"115 linear_8_updated_constant0" [id=115, type=get_attr]; +"116 asymmetric_weights_decompressor_linear_8_updated_constant0_0" [id=116, type=call_module]; +"117 linear_8" [id=117, type=linear]; +"118 reshape_5" [id=118, type=reshape]; +"119 permute_7" [id=119, type=permute]; +"120 select_3" [id=120, type=select]; +"121 select_4" [id=121, type=select]; +"122 select_5" [id=122, type=select]; +"123 linalg_vector_norm_2" [id=123, type=linalg_vector_norm]; +"124 clamp_min_2" [id=124, type=clamp_min]; +"125 expand_as_2" [id=125, type=expand_as]; +"126 div_2" [id=126, type=div]; +"127 linalg_vector_norm_3" [id=127, type=linalg_vector_norm]; +"128 clamp_min_3" [id=128, type=clamp_min]; +"129 expand_as_3" [id=129, type=expand_as]; +"130 div_3" [id=130, type=div]; +"131 transpose_2" [id=131, type=transpose]; +"132 matmul_2" [id=132, type=matmul]; +"133 _param_constant25" [id=133, type=get_attr]; +"134 clamp_1" [id=134, type=clamp]; +"135 exp_1" [id=135, type=exp]; +"136 mul_3" [id=136, type=mul]; +"137 add_3" [id=137, type=add]; +"138 new_zeros" [id=138, type=new_zeros]; +"139 view_7" [id=139, type=view]; +"140 permute_8" [id=140, type=permute]; +"141 reshape_6" [id=141, type=reshape]; +"142 unsqueeze_2" [id=142, type=unsqueeze]; +"143 unsqueeze_3" [id=143, type=unsqueeze]; +"144 sub" [id=144, type=sub]; +"145 ne" [id=145, type=ne]; +"146 masked_fill" [id=146, type=masked_fill]; +"147 eq" [id=147, type=eq]; +"148 masked_fill_1" [id=148, type=masked_fill]; +"149 view_8" [id=149, type=view]; +"150 unsqueeze_4" [id=150, type=unsqueeze]; +"151 unsqueeze_5" [id=151, type=unsqueeze]; +"152 add_4" [id=152, type=add]; +"153 view_9" [id=153, type=view]; +"154 softmax_1" [id=154, type=softmax]; +"155 dropout_4" [id=155, type=dropout]; +"156 matmul_3" [id=156, type=matmul]; +"157 transpose_3" [id=157, type=transpose]; +"158 reshape_7" [id=158, type=reshape]; +"159 _param_constant27" [id=159, type=get_attr]; +"160 linear_9_updated_constant0" [id=160, type=get_attr]; +"161 asymmetric_weights_decompressor_linear_9_updated_constant0_0" [id=161, type=call_module]; +"162 linear_9" [id=162, type=linear]; +"163 dropout_5" [id=163, type=dropout]; +"164 view_10" [id=164, type=view]; +"165 permute_9" [id=165, type=permute]; +"166 reshape_8" [id=166, type=reshape]; +"167 roll_1" [id=167, type=roll]; +"168 slice_23" [id=168, type=slice]; +"169 slice_24" [id=169, type=slice]; +"170 _param_constant28" [id=170, type=get_attr]; +"171 _param_constant29" [id=171, type=get_attr]; +"172 layer_norm_3" [id=172, type=layer_norm]; +"173 add_5" [id=173, type=add]; +"174 _param_constant31" [id=174, type=get_attr]; +"175 linear_10_updated_constant0" [id=175, type=get_attr]; +"176 asymmetric_weights_decompressor_linear_10_updated_constant0_0" [id=176, type=call_module]; +"177 linear_10" [id=177, type=linear]; +"178 gelu_1" [id=178, type=gelu]; +"179 dropout_6" [id=179, type=dropout]; +"180 _param_constant33" [id=180, type=get_attr]; +"181 linear_11_updated_constant0" [id=181, type=get_attr]; +"182 asymmetric_weights_decompressor_linear_11_updated_constant0_0" [id=182, type=call_module]; +"183 linear_11" [id=183, type=linear]; +"184 dropout_7" [id=184, type=dropout]; +"185 _param_constant34" [id=185, type=get_attr]; +"186 _param_constant35" [id=186, type=get_attr]; +"187 layer_norm_4" [id=187, type=layer_norm]; +"188 add_6" [id=188, type=add]; +"189 pad_2" [id=189, type=pad]; +"190 slice_25" [id=190, type=slice]; +"191 slice_26" [id=191, type=slice]; +"192 slice_27" [id=192, type=slice]; +"193 slice_28" [id=193, type=slice]; +"194 slice_29" [id=194, type=slice]; +"195 slice_30" [id=195, type=slice]; +"196 slice_31" [id=196, type=slice]; +"197 slice_32" [id=197, type=slice]; +"198 slice_33" [id=198, type=slice]; +"199 slice_34" [id=199, type=slice]; +"200 slice_35" [id=200, type=slice]; +"201 slice_36" [id=201, type=slice]; +"202 cat" [id=202, type=cat]; +"203 linear_12_updated_constant0" [id=203, type=get_attr]; +"204 asymmetric_weights_decompressor_linear_12_updated_constant0_0" [id=204, type=call_module]; +"205 linear_12" [id=205, type=linear]; +"206 _param_constant37" [id=206, type=get_attr]; +"207 _param_constant38" [id=207, type=get_attr]; +"208 layer_norm_5" [id=208, type=layer_norm]; +"209 _tensor_constant13" [id=209, type=get_attr]; +"210 _param_constant40" [id=210, type=get_attr]; +"211 linear_13_updated_constant0" [id=211, type=get_attr]; +"212 asymmetric_weights_decompressor_linear_13_updated_constant0_0" [id=212, type=call_module]; +"213 linear_13" [id=213, type=linear]; +"214 relu__2" [id=214, type=relu_]; +"215 linear_14_updated_constant0" [id=215, type=get_attr]; +"216 asymmetric_weights_decompressor_linear_14_updated_constant0_0" [id=216, type=call_module]; +"217 linear_14" [id=217, type=linear]; +"218 view_11" [id=218, type=view]; +"219 _tensor_constant14" [id=219, type=get_attr]; +"220 index_2" [id=220, type=index]; +"221 view_12" [id=221, type=view]; +"222 permute_10" [id=222, type=permute]; +"223 contiguous_2" [id=223, type=contiguous]; +"224 unsqueeze_6" [id=224, type=unsqueeze]; +"225 sigmoid_2" [id=225, type=sigmoid]; +"226 mul_4" [id=226, type=mul]; +"227 pad_3" [id=227, type=pad]; +"228 view_13" [id=228, type=view]; +"229 permute_11" [id=229, type=permute]; +"230 reshape_9" [id=230, type=reshape]; +"231 _param_constant42" [id=231, type=get_attr]; +"232 clone_2" [id=232, type=clone]; +"233 linear_15_updated_constant0" [id=233, type=get_attr]; +"234 asymmetric_weights_decompressor_linear_15_updated_constant0_0" [id=234, type=call_module]; +"235 linear_15" [id=235, type=linear]; +"236 reshape_10" [id=236, type=reshape]; +"237 permute_12" [id=237, type=permute]; +"238 select_6" [id=238, type=select]; +"239 select_7" [id=239, type=select]; +"240 select_8" [id=240, type=select]; +"241 linalg_vector_norm_4" [id=241, type=linalg_vector_norm]; +"242 clamp_min_4" [id=242, type=clamp_min]; +"243 expand_as_4" [id=243, type=expand_as]; +"244 div_4" [id=244, type=div]; +"245 linalg_vector_norm_5" [id=245, type=linalg_vector_norm]; +"246 clamp_min_5" [id=246, type=clamp_min]; +"247 expand_as_5" [id=247, type=expand_as]; +"248 div_5" [id=248, type=div]; +"249 transpose_4" [id=249, type=transpose]; +"250 matmul_4" [id=250, type=matmul]; +"251 _param_constant44" [id=251, type=get_attr]; +"252 clamp_2" [id=252, type=clamp]; +"253 exp_2" [id=253, type=exp]; +"254 mul_5" [id=254, type=mul]; +"255 add_7" [id=255, type=add]; +"256 softmax_2" [id=256, type=softmax]; +"257 dropout_8" [id=257, type=dropout]; +"258 matmul_5" [id=258, type=matmul]; +"259 transpose_5" [id=259, type=transpose]; +"260 reshape_11" [id=260, type=reshape]; +"261 _param_constant46" [id=261, type=get_attr]; +"262 linear_16_updated_constant0" [id=262, type=get_attr]; +"263 asymmetric_weights_decompressor_linear_16_updated_constant0_0" [id=263, type=call_module]; +"264 linear_16" [id=264, type=linear]; +"265 dropout_9" [id=265, type=dropout]; +"266 view_14" [id=266, type=view]; +"267 permute_13" [id=267, type=permute]; +"268 reshape_12" [id=268, type=reshape]; +"269 slice_38" [id=269, type=slice]; +"270 slice_39" [id=270, type=slice]; +"271 slice_40" [id=271, type=slice]; +"272 slice_41" [id=272, type=slice]; +"273 contiguous_3" [id=273, type=contiguous]; +"274 _param_constant47" [id=274, type=get_attr]; +"275 _param_constant48" [id=275, type=get_attr]; +"276 layer_norm_6" [id=276, type=layer_norm]; +"277 add_8" [id=277, type=add]; +"278 _param_constant50" [id=278, type=get_attr]; +"279 linear_17_updated_constant0" [id=279, type=get_attr]; +"280 asymmetric_weights_decompressor_linear_17_updated_constant0_0" [id=280, type=call_module]; +"281 linear_17" [id=281, type=linear]; +"282 gelu_2" [id=282, type=gelu]; +"283 dropout_10" [id=283, type=dropout]; +"284 _param_constant52" [id=284, type=get_attr]; +"285 linear_18_updated_constant0" [id=285, type=get_attr]; +"286 asymmetric_weights_decompressor_linear_18_updated_constant0_0" [id=286, type=call_module]; +"287 linear_18" [id=287, type=linear]; +"288 dropout_11" [id=288, type=dropout]; +"289 _param_constant53" [id=289, type=get_attr]; +"290 _param_constant54" [id=290, type=get_attr]; +"291 layer_norm_7" [id=291, type=layer_norm]; +"292 add_9" [id=292, type=add]; +"293 _tensor_constant15" [id=293, type=get_attr]; +"294 _param_constant56" [id=294, type=get_attr]; +"295 linear_19_updated_constant0" [id=295, type=get_attr]; +"296 asymmetric_weights_decompressor_linear_19_updated_constant0_0" [id=296, type=call_module]; +"297 linear_19" [id=297, type=linear]; +"298 relu__3" [id=298, type=relu_]; +"299 linear_20_updated_constant0" [id=299, type=get_attr]; +"300 asymmetric_weights_decompressor_linear_20_updated_constant0_0" [id=300, type=call_module]; +"301 linear_20" [id=301, type=linear]; +"302 view_15" [id=302, type=view]; +"303 _tensor_constant16" [id=303, type=get_attr]; +"304 index_3" [id=304, type=index]; +"305 view_16" [id=305, type=view]; +"306 permute_14" [id=306, type=permute]; +"307 contiguous_4" [id=307, type=contiguous]; +"308 unsqueeze_7" [id=308, type=unsqueeze]; +"309 sigmoid_3" [id=309, type=sigmoid]; +"310 mul_6" [id=310, type=mul]; +"311 pad_4" [id=311, type=pad]; +"312 roll_2" [id=312, type=roll]; +"313 view_17" [id=313, type=view]; +"314 permute_15" [id=314, type=permute]; +"315 reshape_13" [id=315, type=reshape]; +"316 _param_constant58" [id=316, type=get_attr]; +"317 clone_3" [id=317, type=clone]; +"318 linear_21_updated_constant0" [id=318, type=get_attr]; +"319 asymmetric_weights_decompressor_linear_21_updated_constant0_0" [id=319, type=call_module]; +"320 linear_21" [id=320, type=linear]; +"321 reshape_14" [id=321, type=reshape]; +"322 permute_16" [id=322, type=permute]; +"323 select_9" [id=323, type=select]; +"324 select_10" [id=324, type=select]; +"325 select_11" [id=325, type=select]; +"326 linalg_vector_norm_6" [id=326, type=linalg_vector_norm]; +"327 clamp_min_6" [id=327, type=clamp_min]; +"328 expand_as_6" [id=328, type=expand_as]; +"329 div_6" [id=329, type=div]; +"330 linalg_vector_norm_7" [id=330, type=linalg_vector_norm]; +"331 clamp_min_7" [id=331, type=clamp_min]; +"332 expand_as_7" [id=332, type=expand_as]; +"333 div_7" [id=333, type=div]; +"334 transpose_6" [id=334, type=transpose]; +"335 matmul_6" [id=335, type=matmul]; +"336 _param_constant60" [id=336, type=get_attr]; +"337 clamp_3" [id=337, type=clamp]; +"338 exp_3" [id=338, type=exp]; +"339 mul_7" [id=339, type=mul]; +"340 add_10" [id=340, type=add]; +"341 new_zeros_1" [id=341, type=new_zeros]; +"342 view_18" [id=342, type=view]; +"343 permute_17" [id=343, type=permute]; +"344 reshape_15" [id=344, type=reshape]; +"345 unsqueeze_8" [id=345, type=unsqueeze]; +"346 unsqueeze_9" [id=346, type=unsqueeze]; +"347 sub_1" [id=347, type=sub]; +"348 ne_1" [id=348, type=ne]; +"349 masked_fill_2" [id=349, type=masked_fill]; +"350 eq_1" [id=350, type=eq]; +"351 masked_fill_3" [id=351, type=masked_fill]; +"352 view_19" [id=352, type=view]; +"353 unsqueeze_10" [id=353, type=unsqueeze]; +"354 unsqueeze_11" [id=354, type=unsqueeze]; +"355 add_11" [id=355, type=add]; +"356 view_20" [id=356, type=view]; +"357 softmax_3" [id=357, type=softmax]; +"358 dropout_12" [id=358, type=dropout]; +"359 matmul_7" [id=359, type=matmul]; +"360 transpose_7" [id=360, type=transpose]; +"361 reshape_16" [id=361, type=reshape]; +"362 _param_constant62" [id=362, type=get_attr]; +"363 linear_22_updated_constant0" [id=363, type=get_attr]; +"364 asymmetric_weights_decompressor_linear_22_updated_constant0_0" [id=364, type=call_module]; +"365 linear_22" [id=365, type=linear]; +"366 dropout_13" [id=366, type=dropout]; +"367 view_21" [id=367, type=view]; +"368 permute_18" [id=368, type=permute]; +"369 reshape_17" [id=369, type=reshape]; +"370 roll_3" [id=370, type=roll]; +"371 slice_61" [id=371, type=slice]; +"372 slice_62" [id=372, type=slice]; +"373 slice_63" [id=373, type=slice]; +"374 slice_64" [id=374, type=slice]; +"375 contiguous_5" [id=375, type=contiguous]; +"376 _param_constant63" [id=376, type=get_attr]; +"377 _param_constant64" [id=377, type=get_attr]; +"378 layer_norm_8" [id=378, type=layer_norm]; +"379 add_12" [id=379, type=add]; +"380 _param_constant66" [id=380, type=get_attr]; +"381 linear_23_updated_constant0" [id=381, type=get_attr]; +"382 asymmetric_weights_decompressor_linear_23_updated_constant0_0" [id=382, type=call_module]; +"383 linear_23" [id=383, type=linear]; +"384 gelu_3" [id=384, type=gelu]; +"385 dropout_14" [id=385, type=dropout]; +"386 _param_constant68" [id=386, type=get_attr]; +"387 linear_24_updated_constant0" [id=387, type=get_attr]; +"388 asymmetric_weights_decompressor_linear_24_updated_constant0_0" [id=388, type=call_module]; +"389 linear_24" [id=389, type=linear]; +"390 dropout_15" [id=390, type=dropout]; +"391 _param_constant69" [id=391, type=get_attr]; +"392 _param_constant70" [id=392, type=get_attr]; +"393 layer_norm_9" [id=393, type=layer_norm]; +"394 add_13" [id=394, type=add]; +"395 pad_5" [id=395, type=pad]; +"396 slice_65" [id=396, type=slice]; +"397 slice_66" [id=397, type=slice]; +"398 slice_67" [id=398, type=slice]; +"399 slice_68" [id=399, type=slice]; +"400 slice_69" [id=400, type=slice]; +"401 slice_70" [id=401, type=slice]; +"402 slice_71" [id=402, type=slice]; +"403 slice_72" [id=403, type=slice]; +"404 slice_73" [id=404, type=slice]; +"405 slice_74" [id=405, type=slice]; +"406 slice_75" [id=406, type=slice]; +"407 slice_76" [id=407, type=slice]; +"408 cat_1" [id=408, type=cat]; +"409 linear_25_updated_constant0" [id=409, type=get_attr]; +"410 asymmetric_weights_decompressor_linear_25_updated_constant0_0" [id=410, type=call_module]; +"411 linear_25" [id=411, type=linear]; +"412 _param_constant72" [id=412, type=get_attr]; +"413 _param_constant73" [id=413, type=get_attr]; +"414 layer_norm_10" [id=414, type=layer_norm]; +"415 _tensor_constant26" [id=415, type=get_attr]; +"416 _param_constant75" [id=416, type=get_attr]; +"417 linear_26_updated_constant0" [id=417, type=get_attr]; +"418 asymmetric_weights_decompressor_linear_26_updated_constant0_0" [id=418, type=call_module]; +"419 linear_26" [id=419, type=linear]; +"420 relu__4" [id=420, type=relu_]; +"421 linear_27_updated_constant0" [id=421, type=get_attr]; +"422 asymmetric_weights_decompressor_linear_27_updated_constant0_0" [id=422, type=call_module]; +"423 linear_27" [id=423, type=linear]; +"424 view_22" [id=424, type=view]; +"425 _tensor_constant27" [id=425, type=get_attr]; +"426 index_4" [id=426, type=index]; +"427 view_23" [id=427, type=view]; +"428 permute_19" [id=428, type=permute]; +"429 contiguous_6" [id=429, type=contiguous]; +"430 unsqueeze_12" [id=430, type=unsqueeze]; +"431 sigmoid_4" [id=431, type=sigmoid]; +"432 mul_8" [id=432, type=mul]; +"433 pad_6" [id=433, type=pad]; +"434 view_24" [id=434, type=view]; +"435 permute_20" [id=435, type=permute]; +"436 reshape_18" [id=436, type=reshape]; +"437 _param_constant77" [id=437, type=get_attr]; +"438 clone_4" [id=438, type=clone]; +"439 linear_28_updated_constant0" [id=439, type=get_attr]; +"440 asymmetric_weights_decompressor_linear_28_updated_constant0_0" [id=440, type=call_module]; +"441 linear_28" [id=441, type=linear]; +"442 reshape_19" [id=442, type=reshape]; +"443 permute_21" [id=443, type=permute]; +"444 select_12" [id=444, type=select]; +"445 select_13" [id=445, type=select]; +"446 select_14" [id=446, type=select]; +"447 linalg_vector_norm_8" [id=447, type=linalg_vector_norm]; +"448 clamp_min_8" [id=448, type=clamp_min]; +"449 expand_as_8" [id=449, type=expand_as]; +"450 div_8" [id=450, type=div]; +"451 linalg_vector_norm_9" [id=451, type=linalg_vector_norm]; +"452 clamp_min_9" [id=452, type=clamp_min]; +"453 expand_as_9" [id=453, type=expand_as]; +"454 div_9" [id=454, type=div]; +"455 transpose_8" [id=455, type=transpose]; +"456 matmul_8" [id=456, type=matmul]; +"457 _param_constant79" [id=457, type=get_attr]; +"458 clamp_4" [id=458, type=clamp]; +"459 exp_4" [id=459, type=exp]; +"460 mul_9" [id=460, type=mul]; +"461 add_14" [id=461, type=add]; +"462 softmax_4" [id=462, type=softmax]; +"463 dropout_16" [id=463, type=dropout]; +"464 matmul_9" [id=464, type=matmul]; +"465 transpose_9" [id=465, type=transpose]; +"466 reshape_20" [id=466, type=reshape]; +"467 _param_constant81" [id=467, type=get_attr]; +"468 linear_29_updated_constant0" [id=468, type=get_attr]; +"469 asymmetric_weights_decompressor_linear_29_updated_constant0_0" [id=469, type=call_module]; +"470 linear_29" [id=470, type=linear]; +"471 dropout_17" [id=471, type=dropout]; +"472 view_25" [id=472, type=view]; +"473 permute_22" [id=473, type=permute]; +"474 reshape_21" [id=474, type=reshape]; +"475 slice_78" [id=475, type=slice]; +"476 slice_79" [id=476, type=slice]; +"477 slice_80" [id=477, type=slice]; +"478 slice_81" [id=478, type=slice]; +"479 contiguous_7" [id=479, type=contiguous]; +"480 _param_constant82" [id=480, type=get_attr]; +"481 _param_constant83" [id=481, type=get_attr]; +"482 layer_norm_11" [id=482, type=layer_norm]; +"483 add_15" [id=483, type=add]; +"484 _param_constant85" [id=484, type=get_attr]; +"485 linear_30_updated_constant0" [id=485, type=get_attr]; +"486 asymmetric_weights_decompressor_linear_30_updated_constant0_0" [id=486, type=call_module]; +"487 linear_30" [id=487, type=linear]; +"488 gelu_4" [id=488, type=gelu]; +"489 dropout_18" [id=489, type=dropout]; +"490 _param_constant87" [id=490, type=get_attr]; +"491 linear_31_updated_constant0" [id=491, type=get_attr]; +"492 asymmetric_weights_decompressor_linear_31_updated_constant0_0" [id=492, type=call_module]; +"493 linear_31" [id=493, type=linear]; +"494 dropout_19" [id=494, type=dropout]; +"495 _param_constant88" [id=495, type=get_attr]; +"496 _param_constant89" [id=496, type=get_attr]; +"497 layer_norm_12" [id=497, type=layer_norm]; +"498 add_16" [id=498, type=add]; +"499 _tensor_constant28" [id=499, type=get_attr]; +"500 _param_constant91" [id=500, type=get_attr]; +"501 linear_32_updated_constant0" [id=501, type=get_attr]; +"502 asymmetric_weights_decompressor_linear_32_updated_constant0_0" [id=502, type=call_module]; +"503 linear_32" [id=503, type=linear]; +"504 relu__5" [id=504, type=relu_]; +"505 linear_33_updated_constant0" [id=505, type=get_attr]; +"506 asymmetric_weights_decompressor_linear_33_updated_constant0_0" [id=506, type=call_module]; +"507 linear_33" [id=507, type=linear]; +"508 view_26" [id=508, type=view]; +"509 _tensor_constant29" [id=509, type=get_attr]; +"510 index_5" [id=510, type=index]; +"511 view_27" [id=511, type=view]; +"512 permute_23" [id=512, type=permute]; +"513 contiguous_8" [id=513, type=contiguous]; +"514 unsqueeze_13" [id=514, type=unsqueeze]; +"515 sigmoid_5" [id=515, type=sigmoid]; +"516 mul_10" [id=516, type=mul]; +"517 pad_7" [id=517, type=pad]; +"518 roll_4" [id=518, type=roll]; +"519 view_28" [id=519, type=view]; +"520 permute_24" [id=520, type=permute]; +"521 reshape_22" [id=521, type=reshape]; +"522 _param_constant93" [id=522, type=get_attr]; +"523 clone_5" [id=523, type=clone]; +"524 linear_34_updated_constant0" [id=524, type=get_attr]; +"525 asymmetric_weights_decompressor_linear_34_updated_constant0_0" [id=525, type=call_module]; +"526 linear_34" [id=526, type=linear]; +"527 reshape_23" [id=527, type=reshape]; +"528 permute_25" [id=528, type=permute]; +"529 select_15" [id=529, type=select]; +"530 select_16" [id=530, type=select]; +"531 select_17" [id=531, type=select]; +"532 linalg_vector_norm_10" [id=532, type=linalg_vector_norm]; +"533 clamp_min_10" [id=533, type=clamp_min]; +"534 expand_as_10" [id=534, type=expand_as]; +"535 div_10" [id=535, type=div]; +"536 linalg_vector_norm_11" [id=536, type=linalg_vector_norm]; +"537 clamp_min_11" [id=537, type=clamp_min]; +"538 expand_as_11" [id=538, type=expand_as]; +"539 div_11" [id=539, type=div]; +"540 transpose_10" [id=540, type=transpose]; +"541 matmul_10" [id=541, type=matmul]; +"542 _param_constant95" [id=542, type=get_attr]; +"543 clamp_5" [id=543, type=clamp]; +"544 exp_5" [id=544, type=exp]; +"545 mul_11" [id=545, type=mul]; +"546 add_17" [id=546, type=add]; +"547 new_zeros_2" [id=547, type=new_zeros]; +"548 view_29" [id=548, type=view]; +"549 permute_26" [id=549, type=permute]; +"550 reshape_24" [id=550, type=reshape]; +"551 unsqueeze_14" [id=551, type=unsqueeze]; +"552 unsqueeze_15" [id=552, type=unsqueeze]; +"553 sub_2" [id=553, type=sub]; +"554 ne_2" [id=554, type=ne]; +"555 masked_fill_4" [id=555, type=masked_fill]; +"556 eq_2" [id=556, type=eq]; +"557 masked_fill_5" [id=557, type=masked_fill]; +"558 view_30" [id=558, type=view]; +"559 unsqueeze_16" [id=559, type=unsqueeze]; +"560 unsqueeze_17" [id=560, type=unsqueeze]; +"561 add_18" [id=561, type=add]; +"562 view_31" [id=562, type=view]; +"563 softmax_5" [id=563, type=softmax]; +"564 dropout_20" [id=564, type=dropout]; +"565 matmul_11" [id=565, type=matmul]; +"566 transpose_11" [id=566, type=transpose]; +"567 reshape_25" [id=567, type=reshape]; +"568 _param_constant97" [id=568, type=get_attr]; +"569 linear_35_updated_constant0" [id=569, type=get_attr]; +"570 asymmetric_weights_decompressor_linear_35_updated_constant0_0" [id=570, type=call_module]; +"571 linear_35" [id=571, type=linear]; +"572 dropout_21" [id=572, type=dropout]; +"573 view_32" [id=573, type=view]; +"574 permute_27" [id=574, type=permute]; +"575 reshape_26" [id=575, type=reshape]; +"576 roll_5" [id=576, type=roll]; +"577 slice_101" [id=577, type=slice]; +"578 slice_102" [id=578, type=slice]; +"579 slice_103" [id=579, type=slice]; +"580 slice_104" [id=580, type=slice]; +"581 contiguous_9" [id=581, type=contiguous]; +"582 _param_constant98" [id=582, type=get_attr]; +"583 _param_constant99" [id=583, type=get_attr]; +"584 layer_norm_13" [id=584, type=layer_norm]; +"585 add_19" [id=585, type=add]; +"586 _param_constant101" [id=586, type=get_attr]; +"587 linear_36_updated_constant0" [id=587, type=get_attr]; +"588 asymmetric_weights_decompressor_linear_36_updated_constant0_0" [id=588, type=call_module]; +"589 linear_36" [id=589, type=linear]; +"590 gelu_5" [id=590, type=gelu]; +"591 dropout_22" [id=591, type=dropout]; +"592 _param_constant103" [id=592, type=get_attr]; +"593 linear_37_updated_constant0" [id=593, type=get_attr]; +"594 asymmetric_weights_decompressor_linear_37_updated_constant0_0" [id=594, type=call_module]; +"595 linear_37" [id=595, type=linear]; +"596 dropout_23" [id=596, type=dropout]; +"597 _param_constant104" [id=597, type=get_attr]; +"598 _param_constant105" [id=598, type=get_attr]; +"599 layer_norm_14" [id=599, type=layer_norm]; +"600 add_20" [id=600, type=add]; +"601 _tensor_constant39" [id=601, type=get_attr]; +"602 _param_constant107" [id=602, type=get_attr]; +"603 linear_38_updated_constant0" [id=603, type=get_attr]; +"604 asymmetric_weights_decompressor_linear_38_updated_constant0_0" [id=604, type=call_module]; +"605 linear_38" [id=605, type=linear]; +"606 relu__6" [id=606, type=relu_]; +"607 linear_39_updated_constant0" [id=607, type=get_attr]; +"608 asymmetric_weights_decompressor_linear_39_updated_constant0_0" [id=608, type=call_module]; +"609 linear_39" [id=609, type=linear]; +"610 view_33" [id=610, type=view]; +"611 _tensor_constant40" [id=611, type=get_attr]; +"612 index_6" [id=612, type=index]; +"613 view_34" [id=613, type=view]; +"614 permute_28" [id=614, type=permute]; +"615 contiguous_10" [id=615, type=contiguous]; +"616 unsqueeze_18" [id=616, type=unsqueeze]; +"617 sigmoid_6" [id=617, type=sigmoid]; +"618 mul_12" [id=618, type=mul]; +"619 pad_8" [id=619, type=pad]; +"620 view_35" [id=620, type=view]; +"621 permute_29" [id=621, type=permute]; +"622 reshape_27" [id=622, type=reshape]; +"623 _param_constant109" [id=623, type=get_attr]; +"624 clone_6" [id=624, type=clone]; +"625 linear_40_updated_constant0" [id=625, type=get_attr]; +"626 asymmetric_weights_decompressor_linear_40_updated_constant0_0" [id=626, type=call_module]; +"627 linear_40" [id=627, type=linear]; +"628 reshape_28" [id=628, type=reshape]; +"629 permute_30" [id=629, type=permute]; +"630 select_18" [id=630, type=select]; +"631 select_19" [id=631, type=select]; +"632 select_20" [id=632, type=select]; +"633 linalg_vector_norm_12" [id=633, type=linalg_vector_norm]; +"634 clamp_min_12" [id=634, type=clamp_min]; +"635 expand_as_12" [id=635, type=expand_as]; +"636 div_12" [id=636, type=div]; +"637 linalg_vector_norm_13" [id=637, type=linalg_vector_norm]; +"638 clamp_min_13" [id=638, type=clamp_min]; +"639 expand_as_13" [id=639, type=expand_as]; +"640 div_13" [id=640, type=div]; +"641 transpose_12" [id=641, type=transpose]; +"642 matmul_12" [id=642, type=matmul]; +"643 _param_constant111" [id=643, type=get_attr]; +"644 clamp_6" [id=644, type=clamp]; +"645 exp_6" [id=645, type=exp]; +"646 mul_13" [id=646, type=mul]; +"647 add_21" [id=647, type=add]; +"648 softmax_6" [id=648, type=softmax]; +"649 dropout_24" [id=649, type=dropout]; +"650 matmul_13" [id=650, type=matmul]; +"651 transpose_13" [id=651, type=transpose]; +"652 reshape_29" [id=652, type=reshape]; +"653 _param_constant113" [id=653, type=get_attr]; +"654 linear_41_updated_constant0" [id=654, type=get_attr]; +"655 asymmetric_weights_decompressor_linear_41_updated_constant0_0" [id=655, type=call_module]; +"656 linear_41" [id=656, type=linear]; +"657 dropout_25" [id=657, type=dropout]; +"658 view_36" [id=658, type=view]; +"659 permute_31" [id=659, type=permute]; +"660 reshape_30" [id=660, type=reshape]; +"661 slice_106" [id=661, type=slice]; +"662 slice_107" [id=662, type=slice]; +"663 slice_108" [id=663, type=slice]; +"664 slice_109" [id=664, type=slice]; +"665 contiguous_11" [id=665, type=contiguous]; +"666 _param_constant114" [id=666, type=get_attr]; +"667 _param_constant115" [id=667, type=get_attr]; +"668 layer_norm_15" [id=668, type=layer_norm]; +"669 add_22" [id=669, type=add]; +"670 _param_constant117" [id=670, type=get_attr]; +"671 linear_42_updated_constant0" [id=671, type=get_attr]; +"672 asymmetric_weights_decompressor_linear_42_updated_constant0_0" [id=672, type=call_module]; +"673 linear_42" [id=673, type=linear]; +"674 gelu_6" [id=674, type=gelu]; +"675 dropout_26" [id=675, type=dropout]; +"676 _param_constant119" [id=676, type=get_attr]; +"677 linear_43_updated_constant0" [id=677, type=get_attr]; +"678 asymmetric_weights_decompressor_linear_43_updated_constant0_0" [id=678, type=call_module]; +"679 linear_43" [id=679, type=linear]; +"680 dropout_27" [id=680, type=dropout]; +"681 _param_constant120" [id=681, type=get_attr]; +"682 _param_constant121" [id=682, type=get_attr]; +"683 layer_norm_16" [id=683, type=layer_norm]; +"684 add_23" [id=684, type=add]; +"685 _tensor_constant41" [id=685, type=get_attr]; +"686 _param_constant123" [id=686, type=get_attr]; +"687 linear_44_updated_constant0" [id=687, type=get_attr]; +"688 asymmetric_weights_decompressor_linear_44_updated_constant0_0" [id=688, type=call_module]; +"689 linear_44" [id=689, type=linear]; +"690 relu__7" [id=690, type=relu_]; +"691 linear_45_updated_constant0" [id=691, type=get_attr]; +"692 asymmetric_weights_decompressor_linear_45_updated_constant0_0" [id=692, type=call_module]; +"693 linear_45" [id=693, type=linear]; +"694 view_37" [id=694, type=view]; +"695 _tensor_constant42" [id=695, type=get_attr]; +"696 index_7" [id=696, type=index]; +"697 view_38" [id=697, type=view]; +"698 permute_32" [id=698, type=permute]; +"699 contiguous_12" [id=699, type=contiguous]; +"700 unsqueeze_19" [id=700, type=unsqueeze]; +"701 sigmoid_7" [id=701, type=sigmoid]; +"702 mul_14" [id=702, type=mul]; +"703 pad_9" [id=703, type=pad]; +"704 roll_6" [id=704, type=roll]; +"705 view_39" [id=705, type=view]; +"706 permute_33" [id=706, type=permute]; +"707 reshape_31" [id=707, type=reshape]; +"708 _param_constant125" [id=708, type=get_attr]; +"709 clone_7" [id=709, type=clone]; +"710 linear_46_updated_constant0" [id=710, type=get_attr]; +"711 asymmetric_weights_decompressor_linear_46_updated_constant0_0" [id=711, type=call_module]; +"712 linear_46" [id=712, type=linear]; +"713 reshape_32" [id=713, type=reshape]; +"714 permute_34" [id=714, type=permute]; +"715 select_21" [id=715, type=select]; +"716 select_22" [id=716, type=select]; +"717 select_23" [id=717, type=select]; +"718 linalg_vector_norm_14" [id=718, type=linalg_vector_norm]; +"719 clamp_min_14" [id=719, type=clamp_min]; +"720 expand_as_14" [id=720, type=expand_as]; +"721 div_14" [id=721, type=div]; +"722 linalg_vector_norm_15" [id=722, type=linalg_vector_norm]; +"723 clamp_min_15" [id=723, type=clamp_min]; +"724 expand_as_15" [id=724, type=expand_as]; +"725 div_15" [id=725, type=div]; +"726 transpose_14" [id=726, type=transpose]; +"727 matmul_14" [id=727, type=matmul]; +"728 _param_constant127" [id=728, type=get_attr]; +"729 clamp_7" [id=729, type=clamp]; +"730 exp_7" [id=730, type=exp]; +"731 mul_15" [id=731, type=mul]; +"732 add_24" [id=732, type=add]; +"733 new_zeros_3" [id=733, type=new_zeros]; +"734 view_40" [id=734, type=view]; +"735 permute_35" [id=735, type=permute]; +"736 reshape_33" [id=736, type=reshape]; +"737 unsqueeze_20" [id=737, type=unsqueeze]; +"738 unsqueeze_21" [id=738, type=unsqueeze]; +"739 sub_3" [id=739, type=sub]; +"740 ne_3" [id=740, type=ne]; +"741 masked_fill_6" [id=741, type=masked_fill]; +"742 eq_3" [id=742, type=eq]; +"743 masked_fill_7" [id=743, type=masked_fill]; +"744 view_41" [id=744, type=view]; +"745 unsqueeze_22" [id=745, type=unsqueeze]; +"746 unsqueeze_23" [id=746, type=unsqueeze]; +"747 add_25" [id=747, type=add]; +"748 view_42" [id=748, type=view]; +"749 softmax_7" [id=749, type=softmax]; +"750 dropout_28" [id=750, type=dropout]; +"751 matmul_15" [id=751, type=matmul]; +"752 transpose_15" [id=752, type=transpose]; +"753 reshape_34" [id=753, type=reshape]; +"754 _param_constant129" [id=754, type=get_attr]; +"755 linear_47_updated_constant0" [id=755, type=get_attr]; +"756 asymmetric_weights_decompressor_linear_47_updated_constant0_0" [id=756, type=call_module]; +"757 linear_47" [id=757, type=linear]; +"758 dropout_29" [id=758, type=dropout]; +"759 view_43" [id=759, type=view]; +"760 permute_36" [id=760, type=permute]; +"761 reshape_35" [id=761, type=reshape]; +"762 roll_7" [id=762, type=roll]; +"763 slice_129" [id=763, type=slice]; +"764 slice_130" [id=764, type=slice]; +"765 slice_131" [id=765, type=slice]; +"766 slice_132" [id=766, type=slice]; +"767 contiguous_13" [id=767, type=contiguous]; +"768 _param_constant130" [id=768, type=get_attr]; +"769 _param_constant131" [id=769, type=get_attr]; +"770 layer_norm_17" [id=770, type=layer_norm]; +"771 add_26" [id=771, type=add]; +"772 _param_constant133" [id=772, type=get_attr]; +"773 linear_48_updated_constant0" [id=773, type=get_attr]; +"774 asymmetric_weights_decompressor_linear_48_updated_constant0_0" [id=774, type=call_module]; +"775 linear_48" [id=775, type=linear]; +"776 gelu_7" [id=776, type=gelu]; +"777 dropout_30" [id=777, type=dropout]; +"778 _param_constant135" [id=778, type=get_attr]; +"779 linear_49_updated_constant0" [id=779, type=get_attr]; +"780 asymmetric_weights_decompressor_linear_49_updated_constant0_0" [id=780, type=call_module]; +"781 linear_49" [id=781, type=linear]; +"782 dropout_31" [id=782, type=dropout]; +"783 _param_constant136" [id=783, type=get_attr]; +"784 _param_constant137" [id=784, type=get_attr]; +"785 layer_norm_18" [id=785, type=layer_norm]; +"786 add_27" [id=786, type=add]; +"787 _tensor_constant52" [id=787, type=get_attr]; +"788 _param_constant139" [id=788, type=get_attr]; +"789 linear_50_updated_constant0" [id=789, type=get_attr]; +"790 asymmetric_weights_decompressor_linear_50_updated_constant0_0" [id=790, type=call_module]; +"791 linear_50" [id=791, type=linear]; +"792 relu__8" [id=792, type=relu_]; +"793 linear_51_updated_constant0" [id=793, type=get_attr]; +"794 asymmetric_weights_decompressor_linear_51_updated_constant0_0" [id=794, type=call_module]; +"795 linear_51" [id=795, type=linear]; +"796 view_44" [id=796, type=view]; +"797 _tensor_constant53" [id=797, type=get_attr]; +"798 index_8" [id=798, type=index]; +"799 view_45" [id=799, type=view]; +"800 permute_37" [id=800, type=permute]; +"801 contiguous_14" [id=801, type=contiguous]; +"802 unsqueeze_24" [id=802, type=unsqueeze]; +"803 sigmoid_8" [id=803, type=sigmoid]; +"804 mul_16" [id=804, type=mul]; +"805 pad_10" [id=805, type=pad]; +"806 view_46" [id=806, type=view]; +"807 permute_38" [id=807, type=permute]; +"808 reshape_36" [id=808, type=reshape]; +"809 _param_constant141" [id=809, type=get_attr]; +"810 clone_8" [id=810, type=clone]; +"811 linear_52_updated_constant0" [id=811, type=get_attr]; +"812 asymmetric_weights_decompressor_linear_52_updated_constant0_0" [id=812, type=call_module]; +"813 linear_52" [id=813, type=linear]; +"814 reshape_37" [id=814, type=reshape]; +"815 permute_39" [id=815, type=permute]; +"816 select_24" [id=816, type=select]; +"817 select_25" [id=817, type=select]; +"818 select_26" [id=818, type=select]; +"819 linalg_vector_norm_16" [id=819, type=linalg_vector_norm]; +"820 clamp_min_16" [id=820, type=clamp_min]; +"821 expand_as_16" [id=821, type=expand_as]; +"822 div_16" [id=822, type=div]; +"823 linalg_vector_norm_17" [id=823, type=linalg_vector_norm]; +"824 clamp_min_17" [id=824, type=clamp_min]; +"825 expand_as_17" [id=825, type=expand_as]; +"826 div_17" [id=826, type=div]; +"827 transpose_16" [id=827, type=transpose]; +"828 matmul_16" [id=828, type=matmul]; +"829 _param_constant143" [id=829, type=get_attr]; +"830 clamp_8" [id=830, type=clamp]; +"831 exp_8" [id=831, type=exp]; +"832 mul_17" [id=832, type=mul]; +"833 add_28" [id=833, type=add]; +"834 softmax_8" [id=834, type=softmax]; +"835 dropout_32" [id=835, type=dropout]; +"836 matmul_17" [id=836, type=matmul]; +"837 transpose_17" [id=837, type=transpose]; +"838 reshape_38" [id=838, type=reshape]; +"839 _param_constant145" [id=839, type=get_attr]; +"840 linear_53_updated_constant0" [id=840, type=get_attr]; +"841 asymmetric_weights_decompressor_linear_53_updated_constant0_0" [id=841, type=call_module]; +"842 linear_53" [id=842, type=linear]; +"843 dropout_33" [id=843, type=dropout]; +"844 view_47" [id=844, type=view]; +"845 permute_40" [id=845, type=permute]; +"846 reshape_39" [id=846, type=reshape]; +"847 slice_134" [id=847, type=slice]; +"848 slice_135" [id=848, type=slice]; +"849 slice_136" [id=849, type=slice]; +"850 slice_137" [id=850, type=slice]; +"851 contiguous_15" [id=851, type=contiguous]; +"852 _param_constant146" [id=852, type=get_attr]; +"853 _param_constant147" [id=853, type=get_attr]; +"854 layer_norm_19" [id=854, type=layer_norm]; +"855 add_29" [id=855, type=add]; +"856 _param_constant149" [id=856, type=get_attr]; +"857 linear_54_updated_constant0" [id=857, type=get_attr]; +"858 asymmetric_weights_decompressor_linear_54_updated_constant0_0" [id=858, type=call_module]; +"859 linear_54" [id=859, type=linear]; +"860 gelu_8" [id=860, type=gelu]; +"861 dropout_34" [id=861, type=dropout]; +"862 _param_constant151" [id=862, type=get_attr]; +"863 linear_55_updated_constant0" [id=863, type=get_attr]; +"864 asymmetric_weights_decompressor_linear_55_updated_constant0_0" [id=864, type=call_module]; +"865 linear_55" [id=865, type=linear]; +"866 dropout_35" [id=866, type=dropout]; +"867 _param_constant152" [id=867, type=get_attr]; +"868 _param_constant153" [id=868, type=get_attr]; +"869 layer_norm_20" [id=869, type=layer_norm]; +"870 add_30" [id=870, type=add]; +"871 _tensor_constant54" [id=871, type=get_attr]; +"872 _param_constant155" [id=872, type=get_attr]; +"873 linear_56_updated_constant0" [id=873, type=get_attr]; +"874 asymmetric_weights_decompressor_linear_56_updated_constant0_0" [id=874, type=call_module]; +"875 linear_56" [id=875, type=linear]; +"876 relu__9" [id=876, type=relu_]; +"877 linear_57_updated_constant0" [id=877, type=get_attr]; +"878 asymmetric_weights_decompressor_linear_57_updated_constant0_0" [id=878, type=call_module]; +"879 linear_57" [id=879, type=linear]; +"880 view_48" [id=880, type=view]; +"881 _tensor_constant55" [id=881, type=get_attr]; +"882 index_9" [id=882, type=index]; +"883 view_49" [id=883, type=view]; +"884 permute_41" [id=884, type=permute]; +"885 contiguous_16" [id=885, type=contiguous]; +"886 unsqueeze_25" [id=886, type=unsqueeze]; +"887 sigmoid_9" [id=887, type=sigmoid]; +"888 mul_18" [id=888, type=mul]; +"889 pad_11" [id=889, type=pad]; +"890 roll_8" [id=890, type=roll]; +"891 view_50" [id=891, type=view]; +"892 permute_42" [id=892, type=permute]; +"893 reshape_40" [id=893, type=reshape]; +"894 _param_constant157" [id=894, type=get_attr]; +"895 clone_9" [id=895, type=clone]; +"896 linear_58_updated_constant0" [id=896, type=get_attr]; +"897 asymmetric_weights_decompressor_linear_58_updated_constant0_0" [id=897, type=call_module]; +"898 linear_58" [id=898, type=linear]; +"899 reshape_41" [id=899, type=reshape]; +"900 permute_43" [id=900, type=permute]; +"901 select_27" [id=901, type=select]; +"902 select_28" [id=902, type=select]; +"903 select_29" [id=903, type=select]; +"904 linalg_vector_norm_18" [id=904, type=linalg_vector_norm]; +"905 clamp_min_18" [id=905, type=clamp_min]; +"906 expand_as_18" [id=906, type=expand_as]; +"907 div_18" [id=907, type=div]; +"908 linalg_vector_norm_19" [id=908, type=linalg_vector_norm]; +"909 clamp_min_19" [id=909, type=clamp_min]; +"910 expand_as_19" [id=910, type=expand_as]; +"911 div_19" [id=911, type=div]; +"912 transpose_18" [id=912, type=transpose]; +"913 matmul_18" [id=913, type=matmul]; +"914 _param_constant159" [id=914, type=get_attr]; +"915 clamp_9" [id=915, type=clamp]; +"916 exp_9" [id=916, type=exp]; +"917 mul_19" [id=917, type=mul]; +"918 add_31" [id=918, type=add]; +"919 new_zeros_4" [id=919, type=new_zeros]; +"920 view_51" [id=920, type=view]; +"921 permute_44" [id=921, type=permute]; +"922 reshape_42" [id=922, type=reshape]; +"923 unsqueeze_26" [id=923, type=unsqueeze]; +"924 unsqueeze_27" [id=924, type=unsqueeze]; +"925 sub_4" [id=925, type=sub]; +"926 ne_4" [id=926, type=ne]; +"927 masked_fill_8" [id=927, type=masked_fill]; +"928 eq_4" [id=928, type=eq]; +"929 masked_fill_9" [id=929, type=masked_fill]; +"930 view_52" [id=930, type=view]; +"931 unsqueeze_28" [id=931, type=unsqueeze]; +"932 unsqueeze_29" [id=932, type=unsqueeze]; +"933 add_32" [id=933, type=add]; +"934 view_53" [id=934, type=view]; +"935 softmax_9" [id=935, type=softmax]; +"936 dropout_36" [id=936, type=dropout]; +"937 matmul_19" [id=937, type=matmul]; +"938 transpose_19" [id=938, type=transpose]; +"939 reshape_43" [id=939, type=reshape]; +"940 _param_constant161" [id=940, type=get_attr]; +"941 linear_59_updated_constant0" [id=941, type=get_attr]; +"942 asymmetric_weights_decompressor_linear_59_updated_constant0_0" [id=942, type=call_module]; +"943 linear_59" [id=943, type=linear]; +"944 dropout_37" [id=944, type=dropout]; +"945 view_54" [id=945, type=view]; +"946 permute_45" [id=946, type=permute]; +"947 reshape_44" [id=947, type=reshape]; +"948 roll_9" [id=948, type=roll]; +"949 slice_157" [id=949, type=slice]; +"950 slice_158" [id=950, type=slice]; +"951 slice_159" [id=951, type=slice]; +"952 slice_160" [id=952, type=slice]; +"953 contiguous_17" [id=953, type=contiguous]; +"954 _param_constant162" [id=954, type=get_attr]; +"955 _param_constant163" [id=955, type=get_attr]; +"956 layer_norm_21" [id=956, type=layer_norm]; +"957 add_33" [id=957, type=add]; +"958 _param_constant165" [id=958, type=get_attr]; +"959 linear_60_updated_constant0" [id=959, type=get_attr]; +"960 asymmetric_weights_decompressor_linear_60_updated_constant0_0" [id=960, type=call_module]; +"961 linear_60" [id=961, type=linear]; +"962 gelu_9" [id=962, type=gelu]; +"963 dropout_38" [id=963, type=dropout]; +"964 _param_constant167" [id=964, type=get_attr]; +"965 linear_61_updated_constant0" [id=965, type=get_attr]; +"966 asymmetric_weights_decompressor_linear_61_updated_constant0_0" [id=966, type=call_module]; +"967 linear_61" [id=967, type=linear]; +"968 dropout_39" [id=968, type=dropout]; +"969 _param_constant168" [id=969, type=get_attr]; +"970 _param_constant169" [id=970, type=get_attr]; +"971 layer_norm_22" [id=971, type=layer_norm]; +"972 add_34" [id=972, type=add]; +"973 _tensor_constant65" [id=973, type=get_attr]; +"974 _param_constant171" [id=974, type=get_attr]; +"975 linear_62_updated_constant0" [id=975, type=get_attr]; +"976 asymmetric_weights_decompressor_linear_62_updated_constant0_0" [id=976, type=call_module]; +"977 linear_62" [id=977, type=linear]; +"978 relu__10" [id=978, type=relu_]; +"979 linear_63_updated_constant0" [id=979, type=get_attr]; +"980 asymmetric_weights_decompressor_linear_63_updated_constant0_0" [id=980, type=call_module]; +"981 linear_63" [id=981, type=linear]; +"982 view_55" [id=982, type=view]; +"983 _tensor_constant66" [id=983, type=get_attr]; +"984 index_10" [id=984, type=index]; +"985 view_56" [id=985, type=view]; +"986 permute_46" [id=986, type=permute]; +"987 contiguous_18" [id=987, type=contiguous]; +"988 unsqueeze_30" [id=988, type=unsqueeze]; +"989 sigmoid_10" [id=989, type=sigmoid]; +"990 mul_20" [id=990, type=mul]; +"991 pad_12" [id=991, type=pad]; +"992 view_57" [id=992, type=view]; +"993 permute_47" [id=993, type=permute]; +"994 reshape_45" [id=994, type=reshape]; +"995 _param_constant173" [id=995, type=get_attr]; +"996 clone_10" [id=996, type=clone]; +"997 linear_64_updated_constant0" [id=997, type=get_attr]; +"998 asymmetric_weights_decompressor_linear_64_updated_constant0_0" [id=998, type=call_module]; +"999 linear_64" [id=999, type=linear]; +"1000 reshape_46" [id=1000, type=reshape]; +"1001 permute_48" [id=1001, type=permute]; +"1002 select_30" [id=1002, type=select]; +"1003 select_31" [id=1003, type=select]; +"1004 select_32" [id=1004, type=select]; +"1005 linalg_vector_norm_20" [id=1005, type=linalg_vector_norm]; +"1006 clamp_min_20" [id=1006, type=clamp_min]; +"1007 expand_as_20" [id=1007, type=expand_as]; +"1008 div_20" [id=1008, type=div]; +"1009 linalg_vector_norm_21" [id=1009, type=linalg_vector_norm]; +"1010 clamp_min_21" [id=1010, type=clamp_min]; +"1011 expand_as_21" [id=1011, type=expand_as]; +"1012 div_21" [id=1012, type=div]; +"1013 transpose_20" [id=1013, type=transpose]; +"1014 matmul_20" [id=1014, type=matmul]; +"1015 _param_constant175" [id=1015, type=get_attr]; +"1016 clamp_10" [id=1016, type=clamp]; +"1017 exp_10" [id=1017, type=exp]; +"1018 mul_21" [id=1018, type=mul]; +"1019 add_35" [id=1019, type=add]; +"1020 softmax_10" [id=1020, type=softmax]; +"1021 dropout_40" [id=1021, type=dropout]; +"1022 matmul_21" [id=1022, type=matmul]; +"1023 transpose_21" [id=1023, type=transpose]; +"1024 reshape_47" [id=1024, type=reshape]; +"1025 _param_constant177" [id=1025, type=get_attr]; +"1026 linear_65_updated_constant0" [id=1026, type=get_attr]; +"1027 asymmetric_weights_decompressor_linear_65_updated_constant0_0" [id=1027, type=call_module]; +"1028 linear_65" [id=1028, type=linear]; +"1029 dropout_41" [id=1029, type=dropout]; +"1030 view_58" [id=1030, type=view]; +"1031 permute_49" [id=1031, type=permute]; +"1032 reshape_48" [id=1032, type=reshape]; +"1033 slice_162" [id=1033, type=slice]; +"1034 slice_163" [id=1034, type=slice]; +"1035 slice_164" [id=1035, type=slice]; +"1036 slice_165" [id=1036, type=slice]; +"1037 contiguous_19" [id=1037, type=contiguous]; +"1038 _param_constant178" [id=1038, type=get_attr]; +"1039 _param_constant179" [id=1039, type=get_attr]; +"1040 layer_norm_23" [id=1040, type=layer_norm]; +"1041 add_36" [id=1041, type=add]; +"1042 _param_constant181" [id=1042, type=get_attr]; +"1043 linear_66_updated_constant0" [id=1043, type=get_attr]; +"1044 asymmetric_weights_decompressor_linear_66_updated_constant0_0" [id=1044, type=call_module]; +"1045 linear_66" [id=1045, type=linear]; +"1046 gelu_10" [id=1046, type=gelu]; +"1047 dropout_42" [id=1047, type=dropout]; +"1048 _param_constant183" [id=1048, type=get_attr]; +"1049 linear_67_updated_constant0" [id=1049, type=get_attr]; +"1050 asymmetric_weights_decompressor_linear_67_updated_constant0_0" [id=1050, type=call_module]; +"1051 linear_67" [id=1051, type=linear]; +"1052 dropout_43" [id=1052, type=dropout]; +"1053 _param_constant184" [id=1053, type=get_attr]; +"1054 _param_constant185" [id=1054, type=get_attr]; +"1055 layer_norm_24" [id=1055, type=layer_norm]; +"1056 add_37" [id=1056, type=add]; +"1057 _tensor_constant67" [id=1057, type=get_attr]; +"1058 _param_constant187" [id=1058, type=get_attr]; +"1059 linear_68_updated_constant0" [id=1059, type=get_attr]; +"1060 asymmetric_weights_decompressor_linear_68_updated_constant0_0" [id=1060, type=call_module]; +"1061 linear_68" [id=1061, type=linear]; +"1062 relu__11" [id=1062, type=relu_]; +"1063 linear_69_updated_constant0" [id=1063, type=get_attr]; +"1064 asymmetric_weights_decompressor_linear_69_updated_constant0_0" [id=1064, type=call_module]; +"1065 linear_69" [id=1065, type=linear]; +"1066 view_59" [id=1066, type=view]; +"1067 _tensor_constant68" [id=1067, type=get_attr]; +"1068 index_11" [id=1068, type=index]; +"1069 view_60" [id=1069, type=view]; +"1070 permute_50" [id=1070, type=permute]; +"1071 contiguous_20" [id=1071, type=contiguous]; +"1072 unsqueeze_31" [id=1072, type=unsqueeze]; +"1073 sigmoid_11" [id=1073, type=sigmoid]; +"1074 mul_22" [id=1074, type=mul]; +"1075 pad_13" [id=1075, type=pad]; +"1076 roll_10" [id=1076, type=roll]; +"1077 view_61" [id=1077, type=view]; +"1078 permute_51" [id=1078, type=permute]; +"1079 reshape_49" [id=1079, type=reshape]; +"1080 _param_constant189" [id=1080, type=get_attr]; +"1081 clone_11" [id=1081, type=clone]; +"1082 linear_70_updated_constant0" [id=1082, type=get_attr]; +"1083 asymmetric_weights_decompressor_linear_70_updated_constant0_0" [id=1083, type=call_module]; +"1084 linear_70" [id=1084, type=linear]; +"1085 reshape_50" [id=1085, type=reshape]; +"1086 permute_52" [id=1086, type=permute]; +"1087 select_33" [id=1087, type=select]; +"1088 select_34" [id=1088, type=select]; +"1089 select_35" [id=1089, type=select]; +"1090 linalg_vector_norm_22" [id=1090, type=linalg_vector_norm]; +"1091 clamp_min_22" [id=1091, type=clamp_min]; +"1092 expand_as_22" [id=1092, type=expand_as]; +"1093 div_22" [id=1093, type=div]; +"1094 linalg_vector_norm_23" [id=1094, type=linalg_vector_norm]; +"1095 clamp_min_23" [id=1095, type=clamp_min]; +"1096 expand_as_23" [id=1096, type=expand_as]; +"1097 div_23" [id=1097, type=div]; +"1098 transpose_22" [id=1098, type=transpose]; +"1099 matmul_22" [id=1099, type=matmul]; +"1100 _param_constant191" [id=1100, type=get_attr]; +"1101 clamp_11" [id=1101, type=clamp]; +"1102 exp_11" [id=1102, type=exp]; +"1103 mul_23" [id=1103, type=mul]; +"1104 add_38" [id=1104, type=add]; +"1105 new_zeros_5" [id=1105, type=new_zeros]; +"1106 view_62" [id=1106, type=view]; +"1107 permute_53" [id=1107, type=permute]; +"1108 reshape_51" [id=1108, type=reshape]; +"1109 unsqueeze_32" [id=1109, type=unsqueeze]; +"1110 unsqueeze_33" [id=1110, type=unsqueeze]; +"1111 sub_5" [id=1111, type=sub]; +"1112 ne_5" [id=1112, type=ne]; +"1113 masked_fill_10" [id=1113, type=masked_fill]; +"1114 eq_5" [id=1114, type=eq]; +"1115 masked_fill_11" [id=1115, type=masked_fill]; +"1116 view_63" [id=1116, type=view]; +"1117 unsqueeze_34" [id=1117, type=unsqueeze]; +"1118 unsqueeze_35" [id=1118, type=unsqueeze]; +"1119 add_39" [id=1119, type=add]; +"1120 view_64" [id=1120, type=view]; +"1121 softmax_11" [id=1121, type=softmax]; +"1122 dropout_44" [id=1122, type=dropout]; +"1123 matmul_23" [id=1123, type=matmul]; +"1124 transpose_23" [id=1124, type=transpose]; +"1125 reshape_52" [id=1125, type=reshape]; +"1126 _param_constant193" [id=1126, type=get_attr]; +"1127 linear_71_updated_constant0" [id=1127, type=get_attr]; +"1128 asymmetric_weights_decompressor_linear_71_updated_constant0_0" [id=1128, type=call_module]; +"1129 linear_71" [id=1129, type=linear]; +"1130 dropout_45" [id=1130, type=dropout]; +"1131 view_65" [id=1131, type=view]; +"1132 permute_54" [id=1132, type=permute]; +"1133 reshape_53" [id=1133, type=reshape]; +"1134 roll_11" [id=1134, type=roll]; +"1135 slice_185" [id=1135, type=slice]; +"1136 slice_186" [id=1136, type=slice]; +"1137 slice_187" [id=1137, type=slice]; +"1138 slice_188" [id=1138, type=slice]; +"1139 contiguous_21" [id=1139, type=contiguous]; +"1140 _param_constant194" [id=1140, type=get_attr]; +"1141 _param_constant195" [id=1141, type=get_attr]; +"1142 layer_norm_25" [id=1142, type=layer_norm]; +"1143 add_40" [id=1143, type=add]; +"1144 _param_constant197" [id=1144, type=get_attr]; +"1145 linear_72_updated_constant0" [id=1145, type=get_attr]; +"1146 asymmetric_weights_decompressor_linear_72_updated_constant0_0" [id=1146, type=call_module]; +"1147 linear_72" [id=1147, type=linear]; +"1148 gelu_11" [id=1148, type=gelu]; +"1149 dropout_46" [id=1149, type=dropout]; +"1150 _param_constant199" [id=1150, type=get_attr]; +"1151 linear_73_updated_constant0" [id=1151, type=get_attr]; +"1152 asymmetric_weights_decompressor_linear_73_updated_constant0_0" [id=1152, type=call_module]; +"1153 linear_73" [id=1153, type=linear]; +"1154 dropout_47" [id=1154, type=dropout]; +"1155 _param_constant200" [id=1155, type=get_attr]; +"1156 _param_constant201" [id=1156, type=get_attr]; +"1157 layer_norm_26" [id=1157, type=layer_norm]; +"1158 add_41" [id=1158, type=add]; +"1159 _tensor_constant78" [id=1159, type=get_attr]; +"1160 _param_constant203" [id=1160, type=get_attr]; +"1161 linear_74_updated_constant0" [id=1161, type=get_attr]; +"1162 asymmetric_weights_decompressor_linear_74_updated_constant0_0" [id=1162, type=call_module]; +"1163 linear_74" [id=1163, type=linear]; +"1164 relu__12" [id=1164, type=relu_]; +"1165 linear_75_updated_constant0" [id=1165, type=get_attr]; +"1166 asymmetric_weights_decompressor_linear_75_updated_constant0_0" [id=1166, type=call_module]; +"1167 linear_75" [id=1167, type=linear]; +"1168 view_66" [id=1168, type=view]; +"1169 _tensor_constant79" [id=1169, type=get_attr]; +"1170 index_12" [id=1170, type=index]; +"1171 view_67" [id=1171, type=view]; +"1172 permute_55" [id=1172, type=permute]; +"1173 contiguous_22" [id=1173, type=contiguous]; +"1174 unsqueeze_36" [id=1174, type=unsqueeze]; +"1175 sigmoid_12" [id=1175, type=sigmoid]; +"1176 mul_24" [id=1176, type=mul]; +"1177 pad_14" [id=1177, type=pad]; +"1178 view_68" [id=1178, type=view]; +"1179 permute_56" [id=1179, type=permute]; +"1180 reshape_54" [id=1180, type=reshape]; +"1181 _param_constant205" [id=1181, type=get_attr]; +"1182 clone_12" [id=1182, type=clone]; +"1183 linear_76_updated_constant0" [id=1183, type=get_attr]; +"1184 asymmetric_weights_decompressor_linear_76_updated_constant0_0" [id=1184, type=call_module]; +"1185 linear_76" [id=1185, type=linear]; +"1186 reshape_55" [id=1186, type=reshape]; +"1187 permute_57" [id=1187, type=permute]; +"1188 select_36" [id=1188, type=select]; +"1189 select_37" [id=1189, type=select]; +"1190 select_38" [id=1190, type=select]; +"1191 linalg_vector_norm_24" [id=1191, type=linalg_vector_norm]; +"1192 clamp_min_24" [id=1192, type=clamp_min]; +"1193 expand_as_24" [id=1193, type=expand_as]; +"1194 div_24" [id=1194, type=div]; +"1195 linalg_vector_norm_25" [id=1195, type=linalg_vector_norm]; +"1196 clamp_min_25" [id=1196, type=clamp_min]; +"1197 expand_as_25" [id=1197, type=expand_as]; +"1198 div_25" [id=1198, type=div]; +"1199 transpose_24" [id=1199, type=transpose]; +"1200 matmul_24" [id=1200, type=matmul]; +"1201 _param_constant207" [id=1201, type=get_attr]; +"1202 clamp_12" [id=1202, type=clamp]; +"1203 exp_12" [id=1203, type=exp]; +"1204 mul_25" [id=1204, type=mul]; +"1205 add_42" [id=1205, type=add]; +"1206 softmax_12" [id=1206, type=softmax]; +"1207 dropout_48" [id=1207, type=dropout]; +"1208 matmul_25" [id=1208, type=matmul]; +"1209 transpose_25" [id=1209, type=transpose]; +"1210 reshape_56" [id=1210, type=reshape]; +"1211 _param_constant209" [id=1211, type=get_attr]; +"1212 linear_77_updated_constant0" [id=1212, type=get_attr]; +"1213 asymmetric_weights_decompressor_linear_77_updated_constant0_0" [id=1213, type=call_module]; +"1214 linear_77" [id=1214, type=linear]; +"1215 dropout_49" [id=1215, type=dropout]; +"1216 view_69" [id=1216, type=view]; +"1217 permute_58" [id=1217, type=permute]; +"1218 reshape_57" [id=1218, type=reshape]; +"1219 slice_190" [id=1219, type=slice]; +"1220 slice_191" [id=1220, type=slice]; +"1221 slice_192" [id=1221, type=slice]; +"1222 slice_193" [id=1222, type=slice]; +"1223 contiguous_23" [id=1223, type=contiguous]; +"1224 _param_constant210" [id=1224, type=get_attr]; +"1225 _param_constant211" [id=1225, type=get_attr]; +"1226 layer_norm_27" [id=1226, type=layer_norm]; +"1227 add_43" [id=1227, type=add]; +"1228 _param_constant213" [id=1228, type=get_attr]; +"1229 linear_78_updated_constant0" [id=1229, type=get_attr]; +"1230 asymmetric_weights_decompressor_linear_78_updated_constant0_0" [id=1230, type=call_module]; +"1231 linear_78" [id=1231, type=linear]; +"1232 gelu_12" [id=1232, type=gelu]; +"1233 dropout_50" [id=1233, type=dropout]; +"1234 _param_constant215" [id=1234, type=get_attr]; +"1235 linear_79_updated_constant0" [id=1235, type=get_attr]; +"1236 asymmetric_weights_decompressor_linear_79_updated_constant0_0" [id=1236, type=call_module]; +"1237 linear_79" [id=1237, type=linear]; +"1238 dropout_51" [id=1238, type=dropout]; +"1239 _param_constant216" [id=1239, type=get_attr]; +"1240 _param_constant217" [id=1240, type=get_attr]; +"1241 layer_norm_28" [id=1241, type=layer_norm]; +"1242 add_44" [id=1242, type=add]; +"1243 _tensor_constant80" [id=1243, type=get_attr]; +"1244 _param_constant219" [id=1244, type=get_attr]; +"1245 linear_80_updated_constant0" [id=1245, type=get_attr]; +"1246 asymmetric_weights_decompressor_linear_80_updated_constant0_0" [id=1246, type=call_module]; +"1247 linear_80" [id=1247, type=linear]; +"1248 relu__13" [id=1248, type=relu_]; +"1249 linear_81_updated_constant0" [id=1249, type=get_attr]; +"1250 asymmetric_weights_decompressor_linear_81_updated_constant0_0" [id=1250, type=call_module]; +"1251 linear_81" [id=1251, type=linear]; +"1252 view_70" [id=1252, type=view]; +"1253 _tensor_constant81" [id=1253, type=get_attr]; +"1254 index_13" [id=1254, type=index]; +"1255 view_71" [id=1255, type=view]; +"1256 permute_59" [id=1256, type=permute]; +"1257 contiguous_24" [id=1257, type=contiguous]; +"1258 unsqueeze_37" [id=1258, type=unsqueeze]; +"1259 sigmoid_13" [id=1259, type=sigmoid]; +"1260 mul_26" [id=1260, type=mul]; +"1261 pad_15" [id=1261, type=pad]; +"1262 roll_12" [id=1262, type=roll]; +"1263 view_72" [id=1263, type=view]; +"1264 permute_60" [id=1264, type=permute]; +"1265 reshape_58" [id=1265, type=reshape]; +"1266 _param_constant221" [id=1266, type=get_attr]; +"1267 clone_13" [id=1267, type=clone]; +"1268 linear_82_updated_constant0" [id=1268, type=get_attr]; +"1269 asymmetric_weights_decompressor_linear_82_updated_constant0_0" [id=1269, type=call_module]; +"1270 linear_82" [id=1270, type=linear]; +"1271 reshape_59" [id=1271, type=reshape]; +"1272 permute_61" [id=1272, type=permute]; +"1273 select_39" [id=1273, type=select]; +"1274 select_40" [id=1274, type=select]; +"1275 select_41" [id=1275, type=select]; +"1276 linalg_vector_norm_26" [id=1276, type=linalg_vector_norm]; +"1277 clamp_min_26" [id=1277, type=clamp_min]; +"1278 expand_as_26" [id=1278, type=expand_as]; +"1279 div_26" [id=1279, type=div]; +"1280 linalg_vector_norm_27" [id=1280, type=linalg_vector_norm]; +"1281 clamp_min_27" [id=1281, type=clamp_min]; +"1282 expand_as_27" [id=1282, type=expand_as]; +"1283 div_27" [id=1283, type=div]; +"1284 transpose_26" [id=1284, type=transpose]; +"1285 matmul_26" [id=1285, type=matmul]; +"1286 _param_constant223" [id=1286, type=get_attr]; +"1287 clamp_13" [id=1287, type=clamp]; +"1288 exp_13" [id=1288, type=exp]; +"1289 mul_27" [id=1289, type=mul]; +"1290 add_45" [id=1290, type=add]; +"1291 new_zeros_6" [id=1291, type=new_zeros]; +"1292 view_73" [id=1292, type=view]; +"1293 permute_62" [id=1293, type=permute]; +"1294 reshape_60" [id=1294, type=reshape]; +"1295 unsqueeze_38" [id=1295, type=unsqueeze]; +"1296 unsqueeze_39" [id=1296, type=unsqueeze]; +"1297 sub_6" [id=1297, type=sub]; +"1298 ne_6" [id=1298, type=ne]; +"1299 masked_fill_12" [id=1299, type=masked_fill]; +"1300 eq_6" [id=1300, type=eq]; +"1301 masked_fill_13" [id=1301, type=masked_fill]; +"1302 view_74" [id=1302, type=view]; +"1303 unsqueeze_40" [id=1303, type=unsqueeze]; +"1304 unsqueeze_41" [id=1304, type=unsqueeze]; +"1305 add_46" [id=1305, type=add]; +"1306 view_75" [id=1306, type=view]; +"1307 softmax_13" [id=1307, type=softmax]; +"1308 dropout_52" [id=1308, type=dropout]; +"1309 matmul_27" [id=1309, type=matmul]; +"1310 transpose_27" [id=1310, type=transpose]; +"1311 reshape_61" [id=1311, type=reshape]; +"1312 _param_constant225" [id=1312, type=get_attr]; +"1313 linear_83_updated_constant0" [id=1313, type=get_attr]; +"1314 asymmetric_weights_decompressor_linear_83_updated_constant0_0" [id=1314, type=call_module]; +"1315 linear_83" [id=1315, type=linear]; +"1316 dropout_53" [id=1316, type=dropout]; +"1317 view_76" [id=1317, type=view]; +"1318 permute_63" [id=1318, type=permute]; +"1319 reshape_62" [id=1319, type=reshape]; +"1320 roll_13" [id=1320, type=roll]; +"1321 slice_213" [id=1321, type=slice]; +"1322 slice_214" [id=1322, type=slice]; +"1323 slice_215" [id=1323, type=slice]; +"1324 slice_216" [id=1324, type=slice]; +"1325 contiguous_25" [id=1325, type=contiguous]; +"1326 _param_constant226" [id=1326, type=get_attr]; +"1327 _param_constant227" [id=1327, type=get_attr]; +"1328 layer_norm_29" [id=1328, type=layer_norm]; +"1329 add_47" [id=1329, type=add]; +"1330 _param_constant229" [id=1330, type=get_attr]; +"1331 linear_84_updated_constant0" [id=1331, type=get_attr]; +"1332 asymmetric_weights_decompressor_linear_84_updated_constant0_0" [id=1332, type=call_module]; +"1333 linear_84" [id=1333, type=linear]; +"1334 gelu_13" [id=1334, type=gelu]; +"1335 dropout_54" [id=1335, type=dropout]; +"1336 _param_constant231" [id=1336, type=get_attr]; +"1337 linear_85_updated_constant0" [id=1337, type=get_attr]; +"1338 asymmetric_weights_decompressor_linear_85_updated_constant0_0" [id=1338, type=call_module]; +"1339 linear_85" [id=1339, type=linear]; +"1340 dropout_55" [id=1340, type=dropout]; +"1341 _param_constant232" [id=1341, type=get_attr]; +"1342 _param_constant233" [id=1342, type=get_attr]; +"1343 layer_norm_30" [id=1343, type=layer_norm]; +"1344 add_48" [id=1344, type=add]; +"1345 _tensor_constant91" [id=1345, type=get_attr]; +"1346 _param_constant235" [id=1346, type=get_attr]; +"1347 linear_86_updated_constant0" [id=1347, type=get_attr]; +"1348 asymmetric_weights_decompressor_linear_86_updated_constant0_0" [id=1348, type=call_module]; +"1349 linear_86" [id=1349, type=linear]; +"1350 relu__14" [id=1350, type=relu_]; +"1351 linear_87_updated_constant0" [id=1351, type=get_attr]; +"1352 asymmetric_weights_decompressor_linear_87_updated_constant0_0" [id=1352, type=call_module]; +"1353 linear_87" [id=1353, type=linear]; +"1354 view_77" [id=1354, type=view]; +"1355 _tensor_constant92" [id=1355, type=get_attr]; +"1356 index_14" [id=1356, type=index]; +"1357 view_78" [id=1357, type=view]; +"1358 permute_64" [id=1358, type=permute]; +"1359 contiguous_26" [id=1359, type=contiguous]; +"1360 unsqueeze_42" [id=1360, type=unsqueeze]; +"1361 sigmoid_14" [id=1361, type=sigmoid]; +"1362 mul_28" [id=1362, type=mul]; +"1363 pad_16" [id=1363, type=pad]; +"1364 view_79" [id=1364, type=view]; +"1365 permute_65" [id=1365, type=permute]; +"1366 reshape_63" [id=1366, type=reshape]; +"1367 _param_constant237" [id=1367, type=get_attr]; +"1368 clone_14" [id=1368, type=clone]; +"1369 linear_88_updated_constant0" [id=1369, type=get_attr]; +"1370 asymmetric_weights_decompressor_linear_88_updated_constant0_0" [id=1370, type=call_module]; +"1371 linear_88" [id=1371, type=linear]; +"1372 reshape_64" [id=1372, type=reshape]; +"1373 permute_66" [id=1373, type=permute]; +"1374 select_42" [id=1374, type=select]; +"1375 select_43" [id=1375, type=select]; +"1376 select_44" [id=1376, type=select]; +"1377 linalg_vector_norm_28" [id=1377, type=linalg_vector_norm]; +"1378 clamp_min_28" [id=1378, type=clamp_min]; +"1379 expand_as_28" [id=1379, type=expand_as]; +"1380 div_28" [id=1380, type=div]; +"1381 linalg_vector_norm_29" [id=1381, type=linalg_vector_norm]; +"1382 clamp_min_29" [id=1382, type=clamp_min]; +"1383 expand_as_29" [id=1383, type=expand_as]; +"1384 div_29" [id=1384, type=div]; +"1385 transpose_28" [id=1385, type=transpose]; +"1386 matmul_28" [id=1386, type=matmul]; +"1387 _param_constant239" [id=1387, type=get_attr]; +"1388 clamp_14" [id=1388, type=clamp]; +"1389 exp_14" [id=1389, type=exp]; +"1390 mul_29" [id=1390, type=mul]; +"1391 add_49" [id=1391, type=add]; +"1392 softmax_14" [id=1392, type=softmax]; +"1393 dropout_56" [id=1393, type=dropout]; +"1394 matmul_29" [id=1394, type=matmul]; +"1395 transpose_29" [id=1395, type=transpose]; +"1396 reshape_65" [id=1396, type=reshape]; +"1397 _param_constant241" [id=1397, type=get_attr]; +"1398 linear_89_updated_constant0" [id=1398, type=get_attr]; +"1399 asymmetric_weights_decompressor_linear_89_updated_constant0_0" [id=1399, type=call_module]; +"1400 linear_89" [id=1400, type=linear]; +"1401 dropout_57" [id=1401, type=dropout]; +"1402 view_80" [id=1402, type=view]; +"1403 permute_67" [id=1403, type=permute]; +"1404 reshape_66" [id=1404, type=reshape]; +"1405 slice_218" [id=1405, type=slice]; +"1406 slice_219" [id=1406, type=slice]; +"1407 slice_220" [id=1407, type=slice]; +"1408 slice_221" [id=1408, type=slice]; +"1409 contiguous_27" [id=1409, type=contiguous]; +"1410 _param_constant242" [id=1410, type=get_attr]; +"1411 _param_constant243" [id=1411, type=get_attr]; +"1412 layer_norm_31" [id=1412, type=layer_norm]; +"1413 add_50" [id=1413, type=add]; +"1414 _param_constant245" [id=1414, type=get_attr]; +"1415 linear_90_updated_constant0" [id=1415, type=get_attr]; +"1416 asymmetric_weights_decompressor_linear_90_updated_constant0_0" [id=1416, type=call_module]; +"1417 linear_90" [id=1417, type=linear]; +"1418 gelu_14" [id=1418, type=gelu]; +"1419 dropout_58" [id=1419, type=dropout]; +"1420 _param_constant247" [id=1420, type=get_attr]; +"1421 linear_91_updated_constant0" [id=1421, type=get_attr]; +"1422 asymmetric_weights_decompressor_linear_91_updated_constant0_0" [id=1422, type=call_module]; +"1423 linear_91" [id=1423, type=linear]; +"1424 dropout_59" [id=1424, type=dropout]; +"1425 _param_constant248" [id=1425, type=get_attr]; +"1426 _param_constant249" [id=1426, type=get_attr]; +"1427 layer_norm_32" [id=1427, type=layer_norm]; +"1428 add_51" [id=1428, type=add]; +"1429 _tensor_constant93" [id=1429, type=get_attr]; +"1430 _param_constant251" [id=1430, type=get_attr]; +"1431 linear_92_updated_constant0" [id=1431, type=get_attr]; +"1432 asymmetric_weights_decompressor_linear_92_updated_constant0_0" [id=1432, type=call_module]; +"1433 linear_92" [id=1433, type=linear]; +"1434 relu__15" [id=1434, type=relu_]; +"1435 linear_93_updated_constant0" [id=1435, type=get_attr]; +"1436 asymmetric_weights_decompressor_linear_93_updated_constant0_0" [id=1436, type=call_module]; +"1437 linear_93" [id=1437, type=linear]; +"1438 view_81" [id=1438, type=view]; +"1439 _tensor_constant94" [id=1439, type=get_attr]; +"1440 index_15" [id=1440, type=index]; +"1441 view_82" [id=1441, type=view]; +"1442 permute_68" [id=1442, type=permute]; +"1443 contiguous_28" [id=1443, type=contiguous]; +"1444 unsqueeze_43" [id=1444, type=unsqueeze]; +"1445 sigmoid_15" [id=1445, type=sigmoid]; +"1446 mul_30" [id=1446, type=mul]; +"1447 pad_17" [id=1447, type=pad]; +"1448 roll_14" [id=1448, type=roll]; +"1449 view_83" [id=1449, type=view]; +"1450 permute_69" [id=1450, type=permute]; +"1451 reshape_67" [id=1451, type=reshape]; +"1452 _param_constant253" [id=1452, type=get_attr]; +"1453 clone_15" [id=1453, type=clone]; +"1454 linear_94_updated_constant0" [id=1454, type=get_attr]; +"1455 asymmetric_weights_decompressor_linear_94_updated_constant0_0" [id=1455, type=call_module]; +"1456 linear_94" [id=1456, type=linear]; +"1457 reshape_68" [id=1457, type=reshape]; +"1458 permute_70" [id=1458, type=permute]; +"1459 select_45" [id=1459, type=select]; +"1460 select_46" [id=1460, type=select]; +"1461 select_47" [id=1461, type=select]; +"1462 linalg_vector_norm_30" [id=1462, type=linalg_vector_norm]; +"1463 clamp_min_30" [id=1463, type=clamp_min]; +"1464 expand_as_30" [id=1464, type=expand_as]; +"1465 div_30" [id=1465, type=div]; +"1466 linalg_vector_norm_31" [id=1466, type=linalg_vector_norm]; +"1467 clamp_min_31" [id=1467, type=clamp_min]; +"1468 expand_as_31" [id=1468, type=expand_as]; +"1469 div_31" [id=1469, type=div]; +"1470 transpose_30" [id=1470, type=transpose]; +"1471 matmul_30" [id=1471, type=matmul]; +"1472 _param_constant255" [id=1472, type=get_attr]; +"1473 clamp_15" [id=1473, type=clamp]; +"1474 exp_15" [id=1474, type=exp]; +"1475 mul_31" [id=1475, type=mul]; +"1476 add_52" [id=1476, type=add]; +"1477 new_zeros_7" [id=1477, type=new_zeros]; +"1478 view_84" [id=1478, type=view]; +"1479 permute_71" [id=1479, type=permute]; +"1480 reshape_69" [id=1480, type=reshape]; +"1481 unsqueeze_44" [id=1481, type=unsqueeze]; +"1482 unsqueeze_45" [id=1482, type=unsqueeze]; +"1483 sub_7" [id=1483, type=sub]; +"1484 ne_7" [id=1484, type=ne]; +"1485 masked_fill_14" [id=1485, type=masked_fill]; +"1486 eq_7" [id=1486, type=eq]; +"1487 masked_fill_15" [id=1487, type=masked_fill]; +"1488 view_85" [id=1488, type=view]; +"1489 unsqueeze_46" [id=1489, type=unsqueeze]; +"1490 unsqueeze_47" [id=1490, type=unsqueeze]; +"1491 add_53" [id=1491, type=add]; +"1492 view_86" [id=1492, type=view]; +"1493 softmax_15" [id=1493, type=softmax]; +"1494 dropout_60" [id=1494, type=dropout]; +"1495 matmul_31" [id=1495, type=matmul]; +"1496 transpose_31" [id=1496, type=transpose]; +"1497 reshape_70" [id=1497, type=reshape]; +"1498 _param_constant257" [id=1498, type=get_attr]; +"1499 linear_95_updated_constant0" [id=1499, type=get_attr]; +"1500 asymmetric_weights_decompressor_linear_95_updated_constant0_0" [id=1500, type=call_module]; +"1501 linear_95" [id=1501, type=linear]; +"1502 dropout_61" [id=1502, type=dropout]; +"1503 view_87" [id=1503, type=view]; +"1504 permute_72" [id=1504, type=permute]; +"1505 reshape_71" [id=1505, type=reshape]; +"1506 roll_15" [id=1506, type=roll]; +"1507 slice_241" [id=1507, type=slice]; +"1508 slice_242" [id=1508, type=slice]; +"1509 slice_243" [id=1509, type=slice]; +"1510 slice_244" [id=1510, type=slice]; +"1511 contiguous_29" [id=1511, type=contiguous]; +"1512 _param_constant258" [id=1512, type=get_attr]; +"1513 _param_constant259" [id=1513, type=get_attr]; +"1514 layer_norm_33" [id=1514, type=layer_norm]; +"1515 add_54" [id=1515, type=add]; +"1516 _param_constant261" [id=1516, type=get_attr]; +"1517 linear_96_updated_constant0" [id=1517, type=get_attr]; +"1518 asymmetric_weights_decompressor_linear_96_updated_constant0_0" [id=1518, type=call_module]; +"1519 linear_96" [id=1519, type=linear]; +"1520 gelu_15" [id=1520, type=gelu]; +"1521 dropout_62" [id=1521, type=dropout]; +"1522 _param_constant263" [id=1522, type=get_attr]; +"1523 linear_97_updated_constant0" [id=1523, type=get_attr]; +"1524 asymmetric_weights_decompressor_linear_97_updated_constant0_0" [id=1524, type=call_module]; +"1525 linear_97" [id=1525, type=linear]; +"1526 dropout_63" [id=1526, type=dropout]; +"1527 _param_constant264" [id=1527, type=get_attr]; +"1528 _param_constant265" [id=1528, type=get_attr]; +"1529 layer_norm_34" [id=1529, type=layer_norm]; +"1530 add_55" [id=1530, type=add]; +"1531 _tensor_constant104" [id=1531, type=get_attr]; +"1532 _param_constant267" [id=1532, type=get_attr]; +"1533 linear_98_updated_constant0" [id=1533, type=get_attr]; +"1534 asymmetric_weights_decompressor_linear_98_updated_constant0_0" [id=1534, type=call_module]; +"1535 linear_98" [id=1535, type=linear]; +"1536 relu__16" [id=1536, type=relu_]; +"1537 linear_99_updated_constant0" [id=1537, type=get_attr]; +"1538 asymmetric_weights_decompressor_linear_99_updated_constant0_0" [id=1538, type=call_module]; +"1539 linear_99" [id=1539, type=linear]; +"1540 view_88" [id=1540, type=view]; +"1541 _tensor_constant105" [id=1541, type=get_attr]; +"1542 index_16" [id=1542, type=index]; +"1543 view_89" [id=1543, type=view]; +"1544 permute_73" [id=1544, type=permute]; +"1545 contiguous_30" [id=1545, type=contiguous]; +"1546 unsqueeze_48" [id=1546, type=unsqueeze]; +"1547 sigmoid_16" [id=1547, type=sigmoid]; +"1548 mul_32" [id=1548, type=mul]; +"1549 pad_18" [id=1549, type=pad]; +"1550 view_90" [id=1550, type=view]; +"1551 permute_74" [id=1551, type=permute]; +"1552 reshape_72" [id=1552, type=reshape]; +"1553 _param_constant269" [id=1553, type=get_attr]; +"1554 clone_16" [id=1554, type=clone]; +"1555 linear_100_updated_constant0" [id=1555, type=get_attr]; +"1556 asymmetric_weights_decompressor_linear_100_updated_constant0_0" [id=1556, type=call_module]; +"1557 linear_100" [id=1557, type=linear]; +"1558 reshape_73" [id=1558, type=reshape]; +"1559 permute_75" [id=1559, type=permute]; +"1560 select_48" [id=1560, type=select]; +"1561 select_49" [id=1561, type=select]; +"1562 select_50" [id=1562, type=select]; +"1563 linalg_vector_norm_32" [id=1563, type=linalg_vector_norm]; +"1564 clamp_min_32" [id=1564, type=clamp_min]; +"1565 expand_as_32" [id=1565, type=expand_as]; +"1566 div_32" [id=1566, type=div]; +"1567 linalg_vector_norm_33" [id=1567, type=linalg_vector_norm]; +"1568 clamp_min_33" [id=1568, type=clamp_min]; +"1569 expand_as_33" [id=1569, type=expand_as]; +"1570 div_33" [id=1570, type=div]; +"1571 transpose_32" [id=1571, type=transpose]; +"1572 matmul_32" [id=1572, type=matmul]; +"1573 _param_constant271" [id=1573, type=get_attr]; +"1574 clamp_16" [id=1574, type=clamp]; +"1575 exp_16" [id=1575, type=exp]; +"1576 mul_33" [id=1576, type=mul]; +"1577 add_56" [id=1577, type=add]; +"1578 softmax_16" [id=1578, type=softmax]; +"1579 dropout_64" [id=1579, type=dropout]; +"1580 matmul_33" [id=1580, type=matmul]; +"1581 transpose_33" [id=1581, type=transpose]; +"1582 reshape_74" [id=1582, type=reshape]; +"1583 _param_constant273" [id=1583, type=get_attr]; +"1584 linear_101_updated_constant0" [id=1584, type=get_attr]; +"1585 asymmetric_weights_decompressor_linear_101_updated_constant0_0" [id=1585, type=call_module]; +"1586 linear_101" [id=1586, type=linear]; +"1587 dropout_65" [id=1587, type=dropout]; +"1588 view_91" [id=1588, type=view]; +"1589 permute_76" [id=1589, type=permute]; +"1590 reshape_75" [id=1590, type=reshape]; +"1591 slice_246" [id=1591, type=slice]; +"1592 slice_247" [id=1592, type=slice]; +"1593 slice_248" [id=1593, type=slice]; +"1594 slice_249" [id=1594, type=slice]; +"1595 contiguous_31" [id=1595, type=contiguous]; +"1596 _param_constant274" [id=1596, type=get_attr]; +"1597 _param_constant275" [id=1597, type=get_attr]; +"1598 layer_norm_35" [id=1598, type=layer_norm]; +"1599 add_57" [id=1599, type=add]; +"1600 _param_constant277" [id=1600, type=get_attr]; +"1601 linear_102_updated_constant0" [id=1601, type=get_attr]; +"1602 asymmetric_weights_decompressor_linear_102_updated_constant0_0" [id=1602, type=call_module]; +"1603 linear_102" [id=1603, type=linear]; +"1604 gelu_16" [id=1604, type=gelu]; +"1605 dropout_66" [id=1605, type=dropout]; +"1606 _param_constant279" [id=1606, type=get_attr]; +"1607 linear_103_updated_constant0" [id=1607, type=get_attr]; +"1608 asymmetric_weights_decompressor_linear_103_updated_constant0_0" [id=1608, type=call_module]; +"1609 linear_103" [id=1609, type=linear]; +"1610 dropout_67" [id=1610, type=dropout]; +"1611 _param_constant280" [id=1611, type=get_attr]; +"1612 _param_constant281" [id=1612, type=get_attr]; +"1613 layer_norm_36" [id=1613, type=layer_norm]; +"1614 add_58" [id=1614, type=add]; +"1615 _tensor_constant106" [id=1615, type=get_attr]; +"1616 _param_constant283" [id=1616, type=get_attr]; +"1617 linear_104_updated_constant0" [id=1617, type=get_attr]; +"1618 asymmetric_weights_decompressor_linear_104_updated_constant0_0" [id=1618, type=call_module]; +"1619 linear_104" [id=1619, type=linear]; +"1620 relu__17" [id=1620, type=relu_]; +"1621 linear_105_updated_constant0" [id=1621, type=get_attr]; +"1622 asymmetric_weights_decompressor_linear_105_updated_constant0_0" [id=1622, type=call_module]; +"1623 linear_105" [id=1623, type=linear]; +"1624 view_92" [id=1624, type=view]; +"1625 _tensor_constant107" [id=1625, type=get_attr]; +"1626 index_17" [id=1626, type=index]; +"1627 view_93" [id=1627, type=view]; +"1628 permute_77" [id=1628, type=permute]; +"1629 contiguous_32" [id=1629, type=contiguous]; +"1630 unsqueeze_49" [id=1630, type=unsqueeze]; +"1631 sigmoid_17" [id=1631, type=sigmoid]; +"1632 mul_34" [id=1632, type=mul]; +"1633 pad_19" [id=1633, type=pad]; +"1634 roll_16" [id=1634, type=roll]; +"1635 view_94" [id=1635, type=view]; +"1636 permute_78" [id=1636, type=permute]; +"1637 reshape_76" [id=1637, type=reshape]; +"1638 _param_constant285" [id=1638, type=get_attr]; +"1639 clone_17" [id=1639, type=clone]; +"1640 linear_106_updated_constant0" [id=1640, type=get_attr]; +"1641 asymmetric_weights_decompressor_linear_106_updated_constant0_0" [id=1641, type=call_module]; +"1642 linear_106" [id=1642, type=linear]; +"1643 reshape_77" [id=1643, type=reshape]; +"1644 permute_79" [id=1644, type=permute]; +"1645 select_51" [id=1645, type=select]; +"1646 select_52" [id=1646, type=select]; +"1647 select_53" [id=1647, type=select]; +"1648 linalg_vector_norm_34" [id=1648, type=linalg_vector_norm]; +"1649 clamp_min_34" [id=1649, type=clamp_min]; +"1650 expand_as_34" [id=1650, type=expand_as]; +"1651 div_34" [id=1651, type=div]; +"1652 linalg_vector_norm_35" [id=1652, type=linalg_vector_norm]; +"1653 clamp_min_35" [id=1653, type=clamp_min]; +"1654 expand_as_35" [id=1654, type=expand_as]; +"1655 div_35" [id=1655, type=div]; +"1656 transpose_34" [id=1656, type=transpose]; +"1657 matmul_34" [id=1657, type=matmul]; +"1658 _param_constant287" [id=1658, type=get_attr]; +"1659 clamp_17" [id=1659, type=clamp]; +"1660 exp_17" [id=1660, type=exp]; +"1661 mul_35" [id=1661, type=mul]; +"1662 add_59" [id=1662, type=add]; +"1663 new_zeros_8" [id=1663, type=new_zeros]; +"1664 view_95" [id=1664, type=view]; +"1665 permute_80" [id=1665, type=permute]; +"1666 reshape_78" [id=1666, type=reshape]; +"1667 unsqueeze_50" [id=1667, type=unsqueeze]; +"1668 unsqueeze_51" [id=1668, type=unsqueeze]; +"1669 sub_8" [id=1669, type=sub]; +"1670 ne_8" [id=1670, type=ne]; +"1671 masked_fill_16" [id=1671, type=masked_fill]; +"1672 eq_8" [id=1672, type=eq]; +"1673 masked_fill_17" [id=1673, type=masked_fill]; +"1674 view_96" [id=1674, type=view]; +"1675 unsqueeze_52" [id=1675, type=unsqueeze]; +"1676 unsqueeze_53" [id=1676, type=unsqueeze]; +"1677 add_60" [id=1677, type=add]; +"1678 view_97" [id=1678, type=view]; +"1679 softmax_17" [id=1679, type=softmax]; +"1680 dropout_68" [id=1680, type=dropout]; +"1681 matmul_35" [id=1681, type=matmul]; +"1682 transpose_35" [id=1682, type=transpose]; +"1683 reshape_79" [id=1683, type=reshape]; +"1684 _param_constant289" [id=1684, type=get_attr]; +"1685 linear_107_updated_constant0" [id=1685, type=get_attr]; +"1686 asymmetric_weights_decompressor_linear_107_updated_constant0_0" [id=1686, type=call_module]; +"1687 linear_107" [id=1687, type=linear]; +"1688 dropout_69" [id=1688, type=dropout]; +"1689 view_98" [id=1689, type=view]; +"1690 permute_81" [id=1690, type=permute]; +"1691 reshape_80" [id=1691, type=reshape]; +"1692 roll_17" [id=1692, type=roll]; +"1693 slice_269" [id=1693, type=slice]; +"1694 slice_270" [id=1694, type=slice]; +"1695 slice_271" [id=1695, type=slice]; +"1696 slice_272" [id=1696, type=slice]; +"1697 contiguous_33" [id=1697, type=contiguous]; +"1698 _param_constant290" [id=1698, type=get_attr]; +"1699 _param_constant291" [id=1699, type=get_attr]; +"1700 layer_norm_37" [id=1700, type=layer_norm]; +"1701 add_61" [id=1701, type=add]; +"1702 _param_constant293" [id=1702, type=get_attr]; +"1703 linear_108_updated_constant0" [id=1703, type=get_attr]; +"1704 asymmetric_weights_decompressor_linear_108_updated_constant0_0" [id=1704, type=call_module]; +"1705 linear_108" [id=1705, type=linear]; +"1706 gelu_17" [id=1706, type=gelu]; +"1707 dropout_70" [id=1707, type=dropout]; +"1708 _param_constant295" [id=1708, type=get_attr]; +"1709 linear_109_updated_constant0" [id=1709, type=get_attr]; +"1710 asymmetric_weights_decompressor_linear_109_updated_constant0_0" [id=1710, type=call_module]; +"1711 linear_109" [id=1711, type=linear]; +"1712 dropout_71" [id=1712, type=dropout]; +"1713 _param_constant296" [id=1713, type=get_attr]; +"1714 _param_constant297" [id=1714, type=get_attr]; +"1715 layer_norm_38" [id=1715, type=layer_norm]; +"1716 add_62" [id=1716, type=add]; +"1717 _tensor_constant117" [id=1717, type=get_attr]; +"1718 _param_constant299" [id=1718, type=get_attr]; +"1719 linear_110_updated_constant0" [id=1719, type=get_attr]; +"1720 asymmetric_weights_decompressor_linear_110_updated_constant0_0" [id=1720, type=call_module]; +"1721 linear_110" [id=1721, type=linear]; +"1722 relu__18" [id=1722, type=relu_]; +"1723 linear_111_updated_constant0" [id=1723, type=get_attr]; +"1724 asymmetric_weights_decompressor_linear_111_updated_constant0_0" [id=1724, type=call_module]; +"1725 linear_111" [id=1725, type=linear]; +"1726 view_99" [id=1726, type=view]; +"1727 _tensor_constant118" [id=1727, type=get_attr]; +"1728 index_18" [id=1728, type=index]; +"1729 view_100" [id=1729, type=view]; +"1730 permute_82" [id=1730, type=permute]; +"1731 contiguous_34" [id=1731, type=contiguous]; +"1732 unsqueeze_54" [id=1732, type=unsqueeze]; +"1733 sigmoid_18" [id=1733, type=sigmoid]; +"1734 mul_36" [id=1734, type=mul]; +"1735 pad_20" [id=1735, type=pad]; +"1736 view_101" [id=1736, type=view]; +"1737 permute_83" [id=1737, type=permute]; +"1738 reshape_81" [id=1738, type=reshape]; +"1739 _param_constant301" [id=1739, type=get_attr]; +"1740 clone_18" [id=1740, type=clone]; +"1741 linear_112_updated_constant0" [id=1741, type=get_attr]; +"1742 asymmetric_weights_decompressor_linear_112_updated_constant0_0" [id=1742, type=call_module]; +"1743 linear_112" [id=1743, type=linear]; +"1744 reshape_82" [id=1744, type=reshape]; +"1745 permute_84" [id=1745, type=permute]; +"1746 select_54" [id=1746, type=select]; +"1747 select_55" [id=1747, type=select]; +"1748 select_56" [id=1748, type=select]; +"1749 linalg_vector_norm_36" [id=1749, type=linalg_vector_norm]; +"1750 clamp_min_36" [id=1750, type=clamp_min]; +"1751 expand_as_36" [id=1751, type=expand_as]; +"1752 div_36" [id=1752, type=div]; +"1753 linalg_vector_norm_37" [id=1753, type=linalg_vector_norm]; +"1754 clamp_min_37" [id=1754, type=clamp_min]; +"1755 expand_as_37" [id=1755, type=expand_as]; +"1756 div_37" [id=1756, type=div]; +"1757 transpose_36" [id=1757, type=transpose]; +"1758 matmul_36" [id=1758, type=matmul]; +"1759 _param_constant303" [id=1759, type=get_attr]; +"1760 clamp_18" [id=1760, type=clamp]; +"1761 exp_18" [id=1761, type=exp]; +"1762 mul_37" [id=1762, type=mul]; +"1763 add_63" [id=1763, type=add]; +"1764 softmax_18" [id=1764, type=softmax]; +"1765 dropout_72" [id=1765, type=dropout]; +"1766 matmul_37" [id=1766, type=matmul]; +"1767 transpose_37" [id=1767, type=transpose]; +"1768 reshape_83" [id=1768, type=reshape]; +"1769 _param_constant305" [id=1769, type=get_attr]; +"1770 linear_113_updated_constant0" [id=1770, type=get_attr]; +"1771 asymmetric_weights_decompressor_linear_113_updated_constant0_0" [id=1771, type=call_module]; +"1772 linear_113" [id=1772, type=linear]; +"1773 dropout_73" [id=1773, type=dropout]; +"1774 view_102" [id=1774, type=view]; +"1775 permute_85" [id=1775, type=permute]; +"1776 reshape_84" [id=1776, type=reshape]; +"1777 slice_274" [id=1777, type=slice]; +"1778 slice_275" [id=1778, type=slice]; +"1779 slice_276" [id=1779, type=slice]; +"1780 slice_277" [id=1780, type=slice]; +"1781 contiguous_35" [id=1781, type=contiguous]; +"1782 _param_constant306" [id=1782, type=get_attr]; +"1783 _param_constant307" [id=1783, type=get_attr]; +"1784 layer_norm_39" [id=1784, type=layer_norm]; +"1785 add_64" [id=1785, type=add]; +"1786 _param_constant309" [id=1786, type=get_attr]; +"1787 linear_114_updated_constant0" [id=1787, type=get_attr]; +"1788 asymmetric_weights_decompressor_linear_114_updated_constant0_0" [id=1788, type=call_module]; +"1789 linear_114" [id=1789, type=linear]; +"1790 gelu_18" [id=1790, type=gelu]; +"1791 dropout_74" [id=1791, type=dropout]; +"1792 _param_constant311" [id=1792, type=get_attr]; +"1793 linear_115_updated_constant0" [id=1793, type=get_attr]; +"1794 asymmetric_weights_decompressor_linear_115_updated_constant0_0" [id=1794, type=call_module]; +"1795 linear_115" [id=1795, type=linear]; +"1796 dropout_75" [id=1796, type=dropout]; +"1797 _param_constant312" [id=1797, type=get_attr]; +"1798 _param_constant313" [id=1798, type=get_attr]; +"1799 layer_norm_40" [id=1799, type=layer_norm]; +"1800 add_65" [id=1800, type=add]; +"1801 _tensor_constant119" [id=1801, type=get_attr]; +"1802 _param_constant315" [id=1802, type=get_attr]; +"1803 linear_116_updated_constant0" [id=1803, type=get_attr]; +"1804 asymmetric_weights_decompressor_linear_116_updated_constant0_0" [id=1804, type=call_module]; +"1805 linear_116" [id=1805, type=linear]; +"1806 relu__19" [id=1806, type=relu_]; +"1807 linear_117_updated_constant0" [id=1807, type=get_attr]; +"1808 asymmetric_weights_decompressor_linear_117_updated_constant0_0" [id=1808, type=call_module]; +"1809 linear_117" [id=1809, type=linear]; +"1810 view_103" [id=1810, type=view]; +"1811 _tensor_constant120" [id=1811, type=get_attr]; +"1812 index_19" [id=1812, type=index]; +"1813 view_104" [id=1813, type=view]; +"1814 permute_86" [id=1814, type=permute]; +"1815 contiguous_36" [id=1815, type=contiguous]; +"1816 unsqueeze_55" [id=1816, type=unsqueeze]; +"1817 sigmoid_19" [id=1817, type=sigmoid]; +"1818 mul_38" [id=1818, type=mul]; +"1819 pad_21" [id=1819, type=pad]; +"1820 roll_18" [id=1820, type=roll]; +"1821 view_105" [id=1821, type=view]; +"1822 permute_87" [id=1822, type=permute]; +"1823 reshape_85" [id=1823, type=reshape]; +"1824 _param_constant317" [id=1824, type=get_attr]; +"1825 clone_19" [id=1825, type=clone]; +"1826 linear_118_updated_constant0" [id=1826, type=get_attr]; +"1827 asymmetric_weights_decompressor_linear_118_updated_constant0_0" [id=1827, type=call_module]; +"1828 linear_118" [id=1828, type=linear]; +"1829 reshape_86" [id=1829, type=reshape]; +"1830 permute_88" [id=1830, type=permute]; +"1831 select_57" [id=1831, type=select]; +"1832 select_58" [id=1832, type=select]; +"1833 select_59" [id=1833, type=select]; +"1834 linalg_vector_norm_38" [id=1834, type=linalg_vector_norm]; +"1835 clamp_min_38" [id=1835, type=clamp_min]; +"1836 expand_as_38" [id=1836, type=expand_as]; +"1837 div_38" [id=1837, type=div]; +"1838 linalg_vector_norm_39" [id=1838, type=linalg_vector_norm]; +"1839 clamp_min_39" [id=1839, type=clamp_min]; +"1840 expand_as_39" [id=1840, type=expand_as]; +"1841 div_39" [id=1841, type=div]; +"1842 transpose_38" [id=1842, type=transpose]; +"1843 matmul_38" [id=1843, type=matmul]; +"1844 _param_constant319" [id=1844, type=get_attr]; +"1845 clamp_19" [id=1845, type=clamp]; +"1846 exp_19" [id=1846, type=exp]; +"1847 mul_39" [id=1847, type=mul]; +"1848 add_66" [id=1848, type=add]; +"1849 new_zeros_9" [id=1849, type=new_zeros]; +"1850 view_106" [id=1850, type=view]; +"1851 permute_89" [id=1851, type=permute]; +"1852 reshape_87" [id=1852, type=reshape]; +"1853 unsqueeze_56" [id=1853, type=unsqueeze]; +"1854 unsqueeze_57" [id=1854, type=unsqueeze]; +"1855 sub_9" [id=1855, type=sub]; +"1856 ne_9" [id=1856, type=ne]; +"1857 masked_fill_18" [id=1857, type=masked_fill]; +"1858 eq_9" [id=1858, type=eq]; +"1859 masked_fill_19" [id=1859, type=masked_fill]; +"1860 view_107" [id=1860, type=view]; +"1861 unsqueeze_58" [id=1861, type=unsqueeze]; +"1862 unsqueeze_59" [id=1862, type=unsqueeze]; +"1863 add_67" [id=1863, type=add]; +"1864 view_108" [id=1864, type=view]; +"1865 softmax_19" [id=1865, type=softmax]; +"1866 dropout_76" [id=1866, type=dropout]; +"1867 matmul_39" [id=1867, type=matmul]; +"1868 transpose_39" [id=1868, type=transpose]; +"1869 reshape_88" [id=1869, type=reshape]; +"1870 _param_constant321" [id=1870, type=get_attr]; +"1871 linear_119_updated_constant0" [id=1871, type=get_attr]; +"1872 asymmetric_weights_decompressor_linear_119_updated_constant0_0" [id=1872, type=call_module]; +"1873 linear_119" [id=1873, type=linear]; +"1874 dropout_77" [id=1874, type=dropout]; +"1875 view_109" [id=1875, type=view]; +"1876 permute_90" [id=1876, type=permute]; +"1877 reshape_89" [id=1877, type=reshape]; +"1878 roll_19" [id=1878, type=roll]; +"1879 slice_297" [id=1879, type=slice]; +"1880 slice_298" [id=1880, type=slice]; +"1881 slice_299" [id=1881, type=slice]; +"1882 slice_300" [id=1882, type=slice]; +"1883 contiguous_37" [id=1883, type=contiguous]; +"1884 _param_constant322" [id=1884, type=get_attr]; +"1885 _param_constant323" [id=1885, type=get_attr]; +"1886 layer_norm_41" [id=1886, type=layer_norm]; +"1887 add_68" [id=1887, type=add]; +"1888 _param_constant325" [id=1888, type=get_attr]; +"1889 linear_120_updated_constant0" [id=1889, type=get_attr]; +"1890 asymmetric_weights_decompressor_linear_120_updated_constant0_0" [id=1890, type=call_module]; +"1891 linear_120" [id=1891, type=linear]; +"1892 gelu_19" [id=1892, type=gelu]; +"1893 dropout_78" [id=1893, type=dropout]; +"1894 _param_constant327" [id=1894, type=get_attr]; +"1895 linear_121_updated_constant0" [id=1895, type=get_attr]; +"1896 asymmetric_weights_decompressor_linear_121_updated_constant0_0" [id=1896, type=call_module]; +"1897 linear_121" [id=1897, type=linear]; +"1898 dropout_79" [id=1898, type=dropout]; +"1899 _param_constant328" [id=1899, type=get_attr]; +"1900 _param_constant329" [id=1900, type=get_attr]; +"1901 layer_norm_42" [id=1901, type=layer_norm]; +"1902 add_69" [id=1902, type=add]; +"1903 _tensor_constant130" [id=1903, type=get_attr]; +"1904 _param_constant331" [id=1904, type=get_attr]; +"1905 linear_122_updated_constant0" [id=1905, type=get_attr]; +"1906 asymmetric_weights_decompressor_linear_122_updated_constant0_0" [id=1906, type=call_module]; +"1907 linear_122" [id=1907, type=linear]; +"1908 relu__20" [id=1908, type=relu_]; +"1909 linear_123_updated_constant0" [id=1909, type=get_attr]; +"1910 asymmetric_weights_decompressor_linear_123_updated_constant0_0" [id=1910, type=call_module]; +"1911 linear_123" [id=1911, type=linear]; +"1912 view_110" [id=1912, type=view]; +"1913 _tensor_constant131" [id=1913, type=get_attr]; +"1914 index_20" [id=1914, type=index]; +"1915 view_111" [id=1915, type=view]; +"1916 permute_91" [id=1916, type=permute]; +"1917 contiguous_38" [id=1917, type=contiguous]; +"1918 unsqueeze_60" [id=1918, type=unsqueeze]; +"1919 sigmoid_20" [id=1919, type=sigmoid]; +"1920 mul_40" [id=1920, type=mul]; +"1921 pad_22" [id=1921, type=pad]; +"1922 view_112" [id=1922, type=view]; +"1923 permute_92" [id=1923, type=permute]; +"1924 reshape_90" [id=1924, type=reshape]; +"1925 _param_constant333" [id=1925, type=get_attr]; +"1926 clone_20" [id=1926, type=clone]; +"1927 linear_124_updated_constant0" [id=1927, type=get_attr]; +"1928 asymmetric_weights_decompressor_linear_124_updated_constant0_0" [id=1928, type=call_module]; +"1929 linear_124" [id=1929, type=linear]; +"1930 reshape_91" [id=1930, type=reshape]; +"1931 permute_93" [id=1931, type=permute]; +"1932 select_60" [id=1932, type=select]; +"1933 select_61" [id=1933, type=select]; +"1934 select_62" [id=1934, type=select]; +"1935 linalg_vector_norm_40" [id=1935, type=linalg_vector_norm]; +"1936 clamp_min_40" [id=1936, type=clamp_min]; +"1937 expand_as_40" [id=1937, type=expand_as]; +"1938 div_40" [id=1938, type=div]; +"1939 linalg_vector_norm_41" [id=1939, type=linalg_vector_norm]; +"1940 clamp_min_41" [id=1940, type=clamp_min]; +"1941 expand_as_41" [id=1941, type=expand_as]; +"1942 div_41" [id=1942, type=div]; +"1943 transpose_40" [id=1943, type=transpose]; +"1944 matmul_40" [id=1944, type=matmul]; +"1945 _param_constant335" [id=1945, type=get_attr]; +"1946 clamp_20" [id=1946, type=clamp]; +"1947 exp_20" [id=1947, type=exp]; +"1948 mul_41" [id=1948, type=mul]; +"1949 add_70" [id=1949, type=add]; +"1950 softmax_20" [id=1950, type=softmax]; +"1951 dropout_80" [id=1951, type=dropout]; +"1952 matmul_41" [id=1952, type=matmul]; +"1953 transpose_41" [id=1953, type=transpose]; +"1954 reshape_92" [id=1954, type=reshape]; +"1955 _param_constant337" [id=1955, type=get_attr]; +"1956 linear_125_updated_constant0" [id=1956, type=get_attr]; +"1957 asymmetric_weights_decompressor_linear_125_updated_constant0_0" [id=1957, type=call_module]; +"1958 linear_125" [id=1958, type=linear]; +"1959 dropout_81" [id=1959, type=dropout]; +"1960 view_113" [id=1960, type=view]; +"1961 permute_94" [id=1961, type=permute]; +"1962 reshape_93" [id=1962, type=reshape]; +"1963 slice_302" [id=1963, type=slice]; +"1964 slice_303" [id=1964, type=slice]; +"1965 slice_304" [id=1965, type=slice]; +"1966 slice_305" [id=1966, type=slice]; +"1967 contiguous_39" [id=1967, type=contiguous]; +"1968 _param_constant338" [id=1968, type=get_attr]; +"1969 _param_constant339" [id=1969, type=get_attr]; +"1970 layer_norm_43" [id=1970, type=layer_norm]; +"1971 add_71" [id=1971, type=add]; +"1972 _param_constant341" [id=1972, type=get_attr]; +"1973 linear_126_updated_constant0" [id=1973, type=get_attr]; +"1974 asymmetric_weights_decompressor_linear_126_updated_constant0_0" [id=1974, type=call_module]; +"1975 linear_126" [id=1975, type=linear]; +"1976 gelu_20" [id=1976, type=gelu]; +"1977 dropout_82" [id=1977, type=dropout]; +"1978 _param_constant343" [id=1978, type=get_attr]; +"1979 linear_127_updated_constant0" [id=1979, type=get_attr]; +"1980 asymmetric_weights_decompressor_linear_127_updated_constant0_0" [id=1980, type=call_module]; +"1981 linear_127" [id=1981, type=linear]; +"1982 dropout_83" [id=1982, type=dropout]; +"1983 _param_constant344" [id=1983, type=get_attr]; +"1984 _param_constant345" [id=1984, type=get_attr]; +"1985 layer_norm_44" [id=1985, type=layer_norm]; +"1986 add_72" [id=1986, type=add]; +"1987 _tensor_constant132" [id=1987, type=get_attr]; +"1988 _param_constant347" [id=1988, type=get_attr]; +"1989 linear_128_updated_constant0" [id=1989, type=get_attr]; +"1990 asymmetric_weights_decompressor_linear_128_updated_constant0_0" [id=1990, type=call_module]; +"1991 linear_128" [id=1991, type=linear]; +"1992 relu__21" [id=1992, type=relu_]; +"1993 linear_129_updated_constant0" [id=1993, type=get_attr]; +"1994 asymmetric_weights_decompressor_linear_129_updated_constant0_0" [id=1994, type=call_module]; +"1995 linear_129" [id=1995, type=linear]; +"1996 view_114" [id=1996, type=view]; +"1997 _tensor_constant133" [id=1997, type=get_attr]; +"1998 index_21" [id=1998, type=index]; +"1999 view_115" [id=1999, type=view]; +"2000 permute_95" [id=2000, type=permute]; +"2001 contiguous_40" [id=2001, type=contiguous]; +"2002 unsqueeze_61" [id=2002, type=unsqueeze]; +"2003 sigmoid_21" [id=2003, type=sigmoid]; +"2004 mul_42" [id=2004, type=mul]; +"2005 pad_23" [id=2005, type=pad]; +"2006 roll_20" [id=2006, type=roll]; +"2007 view_116" [id=2007, type=view]; +"2008 permute_96" [id=2008, type=permute]; +"2009 reshape_94" [id=2009, type=reshape]; +"2010 _param_constant349" [id=2010, type=get_attr]; +"2011 clone_21" [id=2011, type=clone]; +"2012 linear_130_updated_constant0" [id=2012, type=get_attr]; +"2013 asymmetric_weights_decompressor_linear_130_updated_constant0_0" [id=2013, type=call_module]; +"2014 linear_130" [id=2014, type=linear]; +"2015 reshape_95" [id=2015, type=reshape]; +"2016 permute_97" [id=2016, type=permute]; +"2017 select_63" [id=2017, type=select]; +"2018 select_64" [id=2018, type=select]; +"2019 select_65" [id=2019, type=select]; +"2020 linalg_vector_norm_42" [id=2020, type=linalg_vector_norm]; +"2021 clamp_min_42" [id=2021, type=clamp_min]; +"2022 expand_as_42" [id=2022, type=expand_as]; +"2023 div_42" [id=2023, type=div]; +"2024 linalg_vector_norm_43" [id=2024, type=linalg_vector_norm]; +"2025 clamp_min_43" [id=2025, type=clamp_min]; +"2026 expand_as_43" [id=2026, type=expand_as]; +"2027 div_43" [id=2027, type=div]; +"2028 transpose_42" [id=2028, type=transpose]; +"2029 matmul_42" [id=2029, type=matmul]; +"2030 _param_constant351" [id=2030, type=get_attr]; +"2031 clamp_21" [id=2031, type=clamp]; +"2032 exp_21" [id=2032, type=exp]; +"2033 mul_43" [id=2033, type=mul]; +"2034 add_73" [id=2034, type=add]; +"2035 new_zeros_10" [id=2035, type=new_zeros]; +"2036 view_117" [id=2036, type=view]; +"2037 permute_98" [id=2037, type=permute]; +"2038 reshape_96" [id=2038, type=reshape]; +"2039 unsqueeze_62" [id=2039, type=unsqueeze]; +"2040 unsqueeze_63" [id=2040, type=unsqueeze]; +"2041 sub_10" [id=2041, type=sub]; +"2042 ne_10" [id=2042, type=ne]; +"2043 masked_fill_20" [id=2043, type=masked_fill]; +"2044 eq_10" [id=2044, type=eq]; +"2045 masked_fill_21" [id=2045, type=masked_fill]; +"2046 view_118" [id=2046, type=view]; +"2047 unsqueeze_64" [id=2047, type=unsqueeze]; +"2048 unsqueeze_65" [id=2048, type=unsqueeze]; +"2049 add_74" [id=2049, type=add]; +"2050 view_119" [id=2050, type=view]; +"2051 softmax_21" [id=2051, type=softmax]; +"2052 dropout_84" [id=2052, type=dropout]; +"2053 matmul_43" [id=2053, type=matmul]; +"2054 transpose_43" [id=2054, type=transpose]; +"2055 reshape_97" [id=2055, type=reshape]; +"2056 _param_constant353" [id=2056, type=get_attr]; +"2057 linear_131_updated_constant0" [id=2057, type=get_attr]; +"2058 asymmetric_weights_decompressor_linear_131_updated_constant0_0" [id=2058, type=call_module]; +"2059 linear_131" [id=2059, type=linear]; +"2060 dropout_85" [id=2060, type=dropout]; +"2061 view_120" [id=2061, type=view]; +"2062 permute_99" [id=2062, type=permute]; +"2063 reshape_98" [id=2063, type=reshape]; +"2064 roll_21" [id=2064, type=roll]; +"2065 slice_325" [id=2065, type=slice]; +"2066 slice_326" [id=2066, type=slice]; +"2067 slice_327" [id=2067, type=slice]; +"2068 slice_328" [id=2068, type=slice]; +"2069 contiguous_41" [id=2069, type=contiguous]; +"2070 _param_constant354" [id=2070, type=get_attr]; +"2071 _param_constant355" [id=2071, type=get_attr]; +"2072 layer_norm_45" [id=2072, type=layer_norm]; +"2073 add_75" [id=2073, type=add]; +"2074 _param_constant357" [id=2074, type=get_attr]; +"2075 linear_132_updated_constant0" [id=2075, type=get_attr]; +"2076 asymmetric_weights_decompressor_linear_132_updated_constant0_0" [id=2076, type=call_module]; +"2077 linear_132" [id=2077, type=linear]; +"2078 gelu_21" [id=2078, type=gelu]; +"2079 dropout_86" [id=2079, type=dropout]; +"2080 _param_constant359" [id=2080, type=get_attr]; +"2081 linear_133_updated_constant0" [id=2081, type=get_attr]; +"2082 asymmetric_weights_decompressor_linear_133_updated_constant0_0" [id=2082, type=call_module]; +"2083 linear_133" [id=2083, type=linear]; +"2084 dropout_87" [id=2084, type=dropout]; +"2085 _param_constant360" [id=2085, type=get_attr]; +"2086 _param_constant361" [id=2086, type=get_attr]; +"2087 layer_norm_46" [id=2087, type=layer_norm]; +"2088 add_76" [id=2088, type=add]; +"2089 pad_24" [id=2089, type=pad]; +"2090 slice_329" [id=2090, type=slice]; +"2091 slice_330" [id=2091, type=slice]; +"2092 slice_331" [id=2092, type=slice]; +"2093 slice_332" [id=2093, type=slice]; +"2094 slice_333" [id=2094, type=slice]; +"2095 slice_334" [id=2095, type=slice]; +"2096 slice_335" [id=2096, type=slice]; +"2097 slice_336" [id=2097, type=slice]; +"2098 slice_337" [id=2098, type=slice]; +"2099 slice_338" [id=2099, type=slice]; +"2100 slice_339" [id=2100, type=slice]; +"2101 slice_340" [id=2101, type=slice]; +"2102 cat_2" [id=2102, type=cat]; +"2103 linear_134_updated_constant0" [id=2103, type=get_attr]; +"2104 asymmetric_weights_decompressor_linear_134_updated_constant0_0" [id=2104, type=call_module]; +"2105 linear_134" [id=2105, type=linear]; +"2106 _param_constant363" [id=2106, type=get_attr]; +"2107 _param_constant364" [id=2107, type=get_attr]; +"2108 layer_norm_47" [id=2108, type=layer_norm]; +"2109 _tensor_constant143" [id=2109, type=get_attr]; +"2110 _param_constant366" [id=2110, type=get_attr]; +"2111 linear_135_updated_constant0" [id=2111, type=get_attr]; +"2112 asymmetric_weights_decompressor_linear_135_updated_constant0_0" [id=2112, type=call_module]; +"2113 linear_135" [id=2113, type=linear]; +"2114 relu__22" [id=2114, type=relu_]; +"2115 linear_136_updated_constant0" [id=2115, type=get_attr]; +"2116 asymmetric_weights_decompressor_linear_136_updated_constant0_0" [id=2116, type=call_module]; +"2117 linear_136" [id=2117, type=linear]; +"2118 view_121" [id=2118, type=view]; +"2119 _tensor_constant144" [id=2119, type=get_attr]; +"2120 index_22" [id=2120, type=index]; +"2121 view_122" [id=2121, type=view]; +"2122 permute_100" [id=2122, type=permute]; +"2123 contiguous_42" [id=2123, type=contiguous]; +"2124 unsqueeze_66" [id=2124, type=unsqueeze]; +"2125 sigmoid_22" [id=2125, type=sigmoid]; +"2126 mul_44" [id=2126, type=mul]; +"2127 pad_25" [id=2127, type=pad]; +"2128 view_123" [id=2128, type=view]; +"2129 permute_101" [id=2129, type=permute]; +"2130 reshape_99" [id=2130, type=reshape]; +"2131 _param_constant368" [id=2131, type=get_attr]; +"2132 clone_22" [id=2132, type=clone]; +"2133 linear_137_updated_constant0" [id=2133, type=get_attr]; +"2134 asymmetric_weights_decompressor_linear_137_updated_constant0_0" [id=2134, type=call_module]; +"2135 linear_137" [id=2135, type=linear]; +"2136 reshape_100" [id=2136, type=reshape]; +"2137 permute_102" [id=2137, type=permute]; +"2138 select_66" [id=2138, type=select]; +"2139 select_67" [id=2139, type=select]; +"2140 select_68" [id=2140, type=select]; +"2141 linalg_vector_norm_44" [id=2141, type=linalg_vector_norm]; +"2142 clamp_min_44" [id=2142, type=clamp_min]; +"2143 expand_as_44" [id=2143, type=expand_as]; +"2144 div_44" [id=2144, type=div]; +"2145 linalg_vector_norm_45" [id=2145, type=linalg_vector_norm]; +"2146 clamp_min_45" [id=2146, type=clamp_min]; +"2147 expand_as_45" [id=2147, type=expand_as]; +"2148 div_45" [id=2148, type=div]; +"2149 transpose_44" [id=2149, type=transpose]; +"2150 matmul_44" [id=2150, type=matmul]; +"2151 _param_constant370" [id=2151, type=get_attr]; +"2152 clamp_22" [id=2152, type=clamp]; +"2153 exp_22" [id=2153, type=exp]; +"2154 mul_45" [id=2154, type=mul]; +"2155 add_77" [id=2155, type=add]; +"2156 softmax_22" [id=2156, type=softmax]; +"2157 dropout_88" [id=2157, type=dropout]; +"2158 matmul_45" [id=2158, type=matmul]; +"2159 transpose_45" [id=2159, type=transpose]; +"2160 reshape_101" [id=2160, type=reshape]; +"2161 _param_constant372" [id=2161, type=get_attr]; +"2162 linear_138_updated_constant0" [id=2162, type=get_attr]; +"2163 asymmetric_weights_decompressor_linear_138_updated_constant0_0" [id=2163, type=call_module]; +"2164 linear_138" [id=2164, type=linear]; +"2165 dropout_89" [id=2165, type=dropout]; +"2166 view_124" [id=2166, type=view]; +"2167 permute_103" [id=2167, type=permute]; +"2168 reshape_102" [id=2168, type=reshape]; +"2169 slice_342" [id=2169, type=slice]; +"2170 slice_343" [id=2170, type=slice]; +"2171 slice_344" [id=2171, type=slice]; +"2172 slice_345" [id=2172, type=slice]; +"2173 contiguous_43" [id=2173, type=contiguous]; +"2174 _param_constant373" [id=2174, type=get_attr]; +"2175 _param_constant374" [id=2175, type=get_attr]; +"2176 layer_norm_48" [id=2176, type=layer_norm]; +"2177 add_78" [id=2177, type=add]; +"2178 _param_constant376" [id=2178, type=get_attr]; +"2179 linear_139_updated_constant0" [id=2179, type=get_attr]; +"2180 asymmetric_weights_decompressor_linear_139_updated_constant0_0" [id=2180, type=call_module]; +"2181 linear_139" [id=2181, type=linear]; +"2182 gelu_22" [id=2182, type=gelu]; +"2183 dropout_90" [id=2183, type=dropout]; +"2184 _param_constant378" [id=2184, type=get_attr]; +"2185 linear_140_updated_constant0" [id=2185, type=get_attr]; +"2186 asymmetric_weights_decompressor_linear_140_updated_constant0_0" [id=2186, type=call_module]; +"2187 linear_140" [id=2187, type=linear]; +"2188 dropout_91" [id=2188, type=dropout]; +"2189 _param_constant379" [id=2189, type=get_attr]; +"2190 _param_constant380" [id=2190, type=get_attr]; +"2191 layer_norm_49" [id=2191, type=layer_norm]; +"2192 add_79" [id=2192, type=add]; +"2193 _tensor_constant145" [id=2193, type=get_attr]; +"2194 _param_constant382" [id=2194, type=get_attr]; +"2195 linear_141_updated_constant0" [id=2195, type=get_attr]; +"2196 asymmetric_weights_decompressor_linear_141_updated_constant0_0" [id=2196, type=call_module]; +"2197 linear_141" [id=2197, type=linear]; +"2198 relu__23" [id=2198, type=relu_]; +"2199 linear_142_updated_constant0" [id=2199, type=get_attr]; +"2200 asymmetric_weights_decompressor_linear_142_updated_constant0_0" [id=2200, type=call_module]; +"2201 linear_142" [id=2201, type=linear]; +"2202 view_125" [id=2202, type=view]; +"2203 _tensor_constant146" [id=2203, type=get_attr]; +"2204 index_23" [id=2204, type=index]; +"2205 view_126" [id=2205, type=view]; +"2206 permute_104" [id=2206, type=permute]; +"2207 contiguous_44" [id=2207, type=contiguous]; +"2208 unsqueeze_67" [id=2208, type=unsqueeze]; +"2209 sigmoid_23" [id=2209, type=sigmoid]; +"2210 mul_46" [id=2210, type=mul]; +"2211 pad_26" [id=2211, type=pad]; +"2212 view_127" [id=2212, type=view]; +"2213 permute_105" [id=2213, type=permute]; +"2214 reshape_103" [id=2214, type=reshape]; +"2215 _param_constant384" [id=2215, type=get_attr]; +"2216 clone_23" [id=2216, type=clone]; +"2217 linear_143_updated_constant0" [id=2217, type=get_attr]; +"2218 asymmetric_weights_decompressor_linear_143_updated_constant0_0" [id=2218, type=call_module]; +"2219 linear_143" [id=2219, type=linear]; +"2220 reshape_104" [id=2220, type=reshape]; +"2221 permute_106" [id=2221, type=permute]; +"2222 select_69" [id=2222, type=select]; +"2223 select_70" [id=2223, type=select]; +"2224 select_71" [id=2224, type=select]; +"2225 linalg_vector_norm_46" [id=2225, type=linalg_vector_norm]; +"2226 clamp_min_46" [id=2226, type=clamp_min]; +"2227 expand_as_46" [id=2227, type=expand_as]; +"2228 div_46" [id=2228, type=div]; +"2229 linalg_vector_norm_47" [id=2229, type=linalg_vector_norm]; +"2230 clamp_min_47" [id=2230, type=clamp_min]; +"2231 expand_as_47" [id=2231, type=expand_as]; +"2232 div_47" [id=2232, type=div]; +"2233 transpose_46" [id=2233, type=transpose]; +"2234 matmul_46" [id=2234, type=matmul]; +"2235 _param_constant386" [id=2235, type=get_attr]; +"2236 clamp_23" [id=2236, type=clamp]; +"2237 exp_23" [id=2237, type=exp]; +"2238 mul_47" [id=2238, type=mul]; +"2239 add_80" [id=2239, type=add]; +"2240 softmax_23" [id=2240, type=softmax]; +"2241 dropout_92" [id=2241, type=dropout]; +"2242 matmul_47" [id=2242, type=matmul]; +"2243 transpose_47" [id=2243, type=transpose]; +"2244 reshape_105" [id=2244, type=reshape]; +"2245 _param_constant388" [id=2245, type=get_attr]; +"2246 linear_144_updated_constant0" [id=2246, type=get_attr]; +"2247 asymmetric_weights_decompressor_linear_144_updated_constant0_0" [id=2247, type=call_module]; +"2248 linear_144" [id=2248, type=linear]; +"2249 dropout_93" [id=2249, type=dropout]; +"2250 view_128" [id=2250, type=view]; +"2251 permute_107" [id=2251, type=permute]; +"2252 reshape_106" [id=2252, type=reshape]; +"2253 slice_347" [id=2253, type=slice]; +"2254 slice_348" [id=2254, type=slice]; +"2255 slice_349" [id=2255, type=slice]; +"2256 slice_350" [id=2256, type=slice]; +"2257 contiguous_45" [id=2257, type=contiguous]; +"2258 _param_constant389" [id=2258, type=get_attr]; +"2259 _param_constant390" [id=2259, type=get_attr]; +"2260 layer_norm_50" [id=2260, type=layer_norm]; +"2261 add_81" [id=2261, type=add]; +"2262 _param_constant392" [id=2262, type=get_attr]; +"2263 linear_145_updated_constant0" [id=2263, type=get_attr]; +"2264 asymmetric_weights_decompressor_linear_145_updated_constant0_0" [id=2264, type=call_module]; +"2265 linear_145" [id=2265, type=linear]; +"2266 gelu_23" [id=2266, type=gelu]; +"2267 dropout_94" [id=2267, type=dropout]; +"2268 _param_constant394" [id=2268, type=get_attr]; +"2269 linear_146_updated_constant0" [id=2269, type=get_attr]; +"2270 asymmetric_weights_decompressor_linear_146_updated_constant0_0" [id=2270, type=call_module]; +"2271 linear_146" [id=2271, type=linear]; +"2272 dropout_95" [id=2272, type=dropout]; +"2273 _param_constant395" [id=2273, type=get_attr]; +"2274 _param_constant396" [id=2274, type=get_attr]; +"2275 layer_norm_51" [id=2275, type=layer_norm]; +"2276 add_82" [id=2276, type=add]; +"2277 _param_constant397" [id=2277, type=get_attr]; +"2278 _param_constant398" [id=2278, type=get_attr]; +"2279 layer_norm_52" [id=2279, type=layer_norm]; +"2280 permute_108" [id=2280, type=permute]; +"2281 adaptive_avg_pool2d" [id=2281, type=adaptive_avg_pool2d]; +"2282 flatten" [id=2282, type=flatten]; +"2283 _param_constant400" [id=2283, type=get_attr]; +"2284 linear_147_updated_constant0" [id=2284, type=get_attr]; +"2285 asymmetric_weights_decompressor_linear_147_updated_constant0_0" [id=2285, type=call_module]; +"2286 linear_147" [id=2286, type=linear]; +"2287 output" [id=2287, type=output]; +"0 arg0_1" -> "4 conv2d"; +"1 _param_constant1" -> "4 conv2d"; +"2 conv2d_updated_constant0" -> "3 asymmetric_weights_decompressor_conv2d_updated_constant0_0"; +"3 asymmetric_weights_decompressor_conv2d_updated_constant0_0" -> "4 conv2d"; +"4 conv2d" -> "5 permute"; +"5 permute" -> "8 layer_norm"; +"6 _param_constant2" -> "8 layer_norm"; +"7 _param_constant3" -> "8 layer_norm"; +"8 layer_norm" -> "27 pad"; +"8 layer_norm" -> "74 add_1"; +"9 _tensor_constant0" -> "13 linear"; +"10 _param_constant5" -> "13 linear"; +"11 linear_updated_constant0" -> "12 asymmetric_weights_decompressor_linear_updated_constant0_0"; +"12 asymmetric_weights_decompressor_linear_updated_constant0_0" -> "13 linear"; +"13 linear" -> "14 relu_"; +"14 relu_" -> "17 linear_1"; +"15 linear_1_updated_constant0" -> "16 asymmetric_weights_decompressor_linear_1_updated_constant0_0"; +"16 asymmetric_weights_decompressor_linear_1_updated_constant0_0" -> "17 linear_1"; +"17 linear_1" -> "18 view"; +"18 view" -> "20 index"; +"19 _tensor_constant1" -> "20 index"; +"20 index" -> "21 view_1"; +"21 view_1" -> "22 permute_1"; +"22 permute_1" -> "23 contiguous"; +"23 contiguous" -> "24 unsqueeze"; +"24 unsqueeze" -> "25 sigmoid"; +"25 sigmoid" -> "26 mul"; +"26 mul" -> "55 add"; +"27 pad" -> "28 view_2"; +"28 view_2" -> "29 permute_2"; +"29 permute_2" -> "30 reshape"; +"30 reshape" -> "35 linear_2"; +"31 _param_constant7" -> "32 clone"; +"32 clone" -> "35 linear_2"; +"33 linear_2_updated_constant0" -> "34 asymmetric_weights_decompressor_linear_2_updated_constant0_0"; +"34 asymmetric_weights_decompressor_linear_2_updated_constant0_0" -> "35 linear_2"; +"35 linear_2" -> "36 reshape_1"; +"36 reshape_1" -> "37 permute_3"; +"37 permute_3" -> "38 select"; +"37 permute_3" -> "39 select_1"; +"37 permute_3" -> "40 select_2"; +"38 select" -> "41 linalg_vector_norm"; +"38 select" -> "43 expand_as"; +"38 select" -> "44 div"; +"39 select_1" -> "45 linalg_vector_norm_1"; +"39 select_1" -> "47 expand_as_1"; +"39 select_1" -> "48 div_1"; +"40 select_2" -> "58 matmul_1"; +"41 linalg_vector_norm" -> "42 clamp_min"; +"42 clamp_min" -> "43 expand_as"; +"43 expand_as" -> "44 div"; +"44 div" -> "50 matmul"; +"45 linalg_vector_norm_1" -> "46 clamp_min_1"; +"46 clamp_min_1" -> "47 expand_as_1"; +"47 expand_as_1" -> "48 div_1"; +"48 div_1" -> "49 transpose"; +"49 transpose" -> "50 matmul"; +"50 matmul" -> "54 mul_1"; +"51 _param_constant9" -> "52 clamp"; +"52 clamp" -> "53 exp"; +"53 exp" -> "54 mul_1"; +"54 mul_1" -> "55 add"; +"55 add" -> "56 softmax"; +"56 softmax" -> "57 dropout"; +"57 dropout" -> "58 matmul_1"; +"58 matmul_1" -> "59 transpose_1"; +"59 transpose_1" -> "60 reshape_2"; +"60 reshape_2" -> "64 linear_3"; +"61 _param_constant11" -> "64 linear_3"; +"62 linear_3_updated_constant0" -> "63 asymmetric_weights_decompressor_linear_3_updated_constant0_0"; +"63 asymmetric_weights_decompressor_linear_3_updated_constant0_0" -> "64 linear_3"; +"64 linear_3" -> "65 dropout_1"; +"65 dropout_1" -> "66 view_3"; +"66 view_3" -> "67 permute_4"; +"67 permute_4" -> "68 reshape_3"; +"68 reshape_3" -> "69 slice_2"; +"69 slice_2" -> "70 slice_3"; +"70 slice_3" -> "73 layer_norm_1"; +"71 _param_constant12" -> "73 layer_norm_1"; +"72 _param_constant13" -> "73 layer_norm_1"; +"73 layer_norm_1" -> "74 add_1"; +"74 add_1" -> "78 linear_4"; +"74 add_1" -> "89 add_2"; +"75 _param_constant15" -> "78 linear_4"; +"76 linear_4_updated_constant0" -> "77 asymmetric_weights_decompressor_linear_4_updated_constant0_0"; +"77 asymmetric_weights_decompressor_linear_4_updated_constant0_0" -> "78 linear_4"; +"78 linear_4" -> "79 gelu"; +"79 gelu" -> "80 dropout_2"; +"80 dropout_2" -> "84 linear_5"; +"81 _param_constant17" -> "84 linear_5"; +"82 linear_5_updated_constant0" -> "83 asymmetric_weights_decompressor_linear_5_updated_constant0_0"; +"83 asymmetric_weights_decompressor_linear_5_updated_constant0_0" -> "84 linear_5"; +"84 linear_5" -> "85 dropout_3"; +"85 dropout_3" -> "88 layer_norm_2"; +"86 _param_constant18" -> "88 layer_norm_2"; +"87 _param_constant19" -> "88 layer_norm_2"; +"88 layer_norm_2" -> "89 add_2"; +"89 add_2" -> "108 pad_1"; +"89 add_2" -> "173 add_5"; +"90 _tensor_constant2" -> "94 linear_6"; +"91 _param_constant21" -> "94 linear_6"; +"92 linear_6_updated_constant0" -> "93 asymmetric_weights_decompressor_linear_6_updated_constant0_0"; +"93 asymmetric_weights_decompressor_linear_6_updated_constant0_0" -> "94 linear_6"; +"94 linear_6" -> "95 relu__1"; +"95 relu__1" -> "98 linear_7"; +"96 linear_7_updated_constant0" -> "97 asymmetric_weights_decompressor_linear_7_updated_constant0_0"; +"97 asymmetric_weights_decompressor_linear_7_updated_constant0_0" -> "98 linear_7"; +"98 linear_7" -> "99 view_4"; +"99 view_4" -> "101 index_1"; +"100 _tensor_constant3" -> "101 index_1"; +"101 index_1" -> "102 view_5"; +"102 view_5" -> "103 permute_5"; +"103 permute_5" -> "104 contiguous_1"; +"104 contiguous_1" -> "105 unsqueeze_1"; +"105 unsqueeze_1" -> "106 sigmoid_1"; +"106 sigmoid_1" -> "107 mul_2"; +"107 mul_2" -> "137 add_3"; +"108 pad_1" -> "109 roll"; +"109 roll" -> "110 view_6"; +"110 view_6" -> "111 permute_6"; +"111 permute_6" -> "112 reshape_4"; +"112 reshape_4" -> "117 linear_8"; +"112 reshape_4" -> "138 new_zeros"; +"113 _param_constant23" -> "114 clone_1"; +"114 clone_1" -> "117 linear_8"; +"115 linear_8_updated_constant0" -> "116 asymmetric_weights_decompressor_linear_8_updated_constant0_0"; +"116 asymmetric_weights_decompressor_linear_8_updated_constant0_0" -> "117 linear_8"; +"117 linear_8" -> "118 reshape_5"; +"118 reshape_5" -> "119 permute_7"; +"119 permute_7" -> "120 select_3"; +"119 permute_7" -> "121 select_4"; +"119 permute_7" -> "122 select_5"; +"120 select_3" -> "123 linalg_vector_norm_2"; +"120 select_3" -> "125 expand_as_2"; +"120 select_3" -> "126 div_2"; +"121 select_4" -> "127 linalg_vector_norm_3"; +"121 select_4" -> "129 expand_as_3"; +"121 select_4" -> "130 div_3"; +"122 select_5" -> "156 matmul_3"; +"123 linalg_vector_norm_2" -> "124 clamp_min_2"; +"124 clamp_min_2" -> "125 expand_as_2"; +"125 expand_as_2" -> "126 div_2"; +"126 div_2" -> "132 matmul_2"; +"127 linalg_vector_norm_3" -> "128 clamp_min_3"; +"128 clamp_min_3" -> "129 expand_as_3"; +"129 expand_as_3" -> "130 div_3"; +"130 div_3" -> "131 transpose_2"; +"131 transpose_2" -> "132 matmul_2"; +"132 matmul_2" -> "136 mul_3"; +"133 _param_constant25" -> "134 clamp_1"; +"134 clamp_1" -> "135 exp_1"; +"135 exp_1" -> "136 mul_3"; +"136 mul_3" -> "137 add_3"; +"137 add_3" -> "149 view_8"; +"138 new_zeros" -> "139 view_7"; +"139 view_7" -> "140 permute_8"; +"140 permute_8" -> "141 reshape_6"; +"141 reshape_6" -> "142 unsqueeze_2"; +"141 reshape_6" -> "143 unsqueeze_3"; +"142 unsqueeze_2" -> "144 sub"; +"143 unsqueeze_3" -> "144 sub"; +"144 sub" -> "145 ne"; +"144 sub" -> "146 masked_fill"; +"144 sub" -> "147 eq"; +"145 ne" -> "146 masked_fill"; +"146 masked_fill" -> "148 masked_fill_1"; +"147 eq" -> "148 masked_fill_1"; +"148 masked_fill_1" -> "150 unsqueeze_4"; +"149 view_8" -> "152 add_4"; +"150 unsqueeze_4" -> "151 unsqueeze_5"; +"151 unsqueeze_5" -> "152 add_4"; +"152 add_4" -> "153 view_9"; +"153 view_9" -> "154 softmax_1"; +"154 softmax_1" -> "155 dropout_4"; +"155 dropout_4" -> "156 matmul_3"; +"156 matmul_3" -> "157 transpose_3"; +"157 transpose_3" -> "158 reshape_7"; +"158 reshape_7" -> "162 linear_9"; +"159 _param_constant27" -> "162 linear_9"; +"160 linear_9_updated_constant0" -> "161 asymmetric_weights_decompressor_linear_9_updated_constant0_0"; +"161 asymmetric_weights_decompressor_linear_9_updated_constant0_0" -> "162 linear_9"; +"162 linear_9" -> "163 dropout_5"; +"163 dropout_5" -> "164 view_10"; +"164 view_10" -> "165 permute_9"; +"165 permute_9" -> "166 reshape_8"; +"166 reshape_8" -> "167 roll_1"; +"167 roll_1" -> "168 slice_23"; +"168 slice_23" -> "169 slice_24"; +"169 slice_24" -> "172 layer_norm_3"; +"170 _param_constant28" -> "172 layer_norm_3"; +"171 _param_constant29" -> "172 layer_norm_3"; +"172 layer_norm_3" -> "173 add_5"; +"173 add_5" -> "177 linear_10"; +"173 add_5" -> "188 add_6"; +"174 _param_constant31" -> "177 linear_10"; +"175 linear_10_updated_constant0" -> "176 asymmetric_weights_decompressor_linear_10_updated_constant0_0"; +"176 asymmetric_weights_decompressor_linear_10_updated_constant0_0" -> "177 linear_10"; +"177 linear_10" -> "178 gelu_1"; +"178 gelu_1" -> "179 dropout_6"; +"179 dropout_6" -> "183 linear_11"; +"180 _param_constant33" -> "183 linear_11"; +"181 linear_11_updated_constant0" -> "182 asymmetric_weights_decompressor_linear_11_updated_constant0_0"; +"182 asymmetric_weights_decompressor_linear_11_updated_constant0_0" -> "183 linear_11"; +"183 linear_11" -> "184 dropout_7"; +"184 dropout_7" -> "187 layer_norm_4"; +"185 _param_constant34" -> "187 layer_norm_4"; +"186 _param_constant35" -> "187 layer_norm_4"; +"187 layer_norm_4" -> "188 add_6"; +"188 add_6" -> "189 pad_2"; +"189 pad_2" -> "190 slice_25"; +"189 pad_2" -> "193 slice_28"; +"189 pad_2" -> "196 slice_31"; +"189 pad_2" -> "199 slice_34"; +"190 slice_25" -> "191 slice_26"; +"191 slice_26" -> "192 slice_27"; +"192 slice_27" -> "202 cat"; +"193 slice_28" -> "194 slice_29"; +"194 slice_29" -> "195 slice_30"; +"195 slice_30" -> "202 cat"; +"196 slice_31" -> "197 slice_32"; +"197 slice_32" -> "198 slice_33"; +"198 slice_33" -> "202 cat"; +"199 slice_34" -> "200 slice_35"; +"200 slice_35" -> "201 slice_36"; +"201 slice_36" -> "202 cat"; +"202 cat" -> "205 linear_12"; +"203 linear_12_updated_constant0" -> "204 asymmetric_weights_decompressor_linear_12_updated_constant0_0"; +"204 asymmetric_weights_decompressor_linear_12_updated_constant0_0" -> "205 linear_12"; +"205 linear_12" -> "208 layer_norm_5"; +"206 _param_constant37" -> "208 layer_norm_5"; +"207 _param_constant38" -> "208 layer_norm_5"; +"208 layer_norm_5" -> "227 pad_3"; +"208 layer_norm_5" -> "277 add_8"; +"209 _tensor_constant13" -> "213 linear_13"; +"210 _param_constant40" -> "213 linear_13"; +"211 linear_13_updated_constant0" -> "212 asymmetric_weights_decompressor_linear_13_updated_constant0_0"; +"212 asymmetric_weights_decompressor_linear_13_updated_constant0_0" -> "213 linear_13"; +"213 linear_13" -> "214 relu__2"; +"214 relu__2" -> "217 linear_14"; +"215 linear_14_updated_constant0" -> "216 asymmetric_weights_decompressor_linear_14_updated_constant0_0"; +"216 asymmetric_weights_decompressor_linear_14_updated_constant0_0" -> "217 linear_14"; +"217 linear_14" -> "218 view_11"; +"218 view_11" -> "220 index_2"; +"219 _tensor_constant14" -> "220 index_2"; +"220 index_2" -> "221 view_12"; +"221 view_12" -> "222 permute_10"; +"222 permute_10" -> "223 contiguous_2"; +"223 contiguous_2" -> "224 unsqueeze_6"; +"224 unsqueeze_6" -> "225 sigmoid_2"; +"225 sigmoid_2" -> "226 mul_4"; +"226 mul_4" -> "255 add_7"; +"227 pad_3" -> "228 view_13"; +"228 view_13" -> "229 permute_11"; +"229 permute_11" -> "230 reshape_9"; +"230 reshape_9" -> "235 linear_15"; +"231 _param_constant42" -> "232 clone_2"; +"232 clone_2" -> "235 linear_15"; +"233 linear_15_updated_constant0" -> "234 asymmetric_weights_decompressor_linear_15_updated_constant0_0"; +"234 asymmetric_weights_decompressor_linear_15_updated_constant0_0" -> "235 linear_15"; +"235 linear_15" -> "236 reshape_10"; +"236 reshape_10" -> "237 permute_12"; +"237 permute_12" -> "238 select_6"; +"237 permute_12" -> "239 select_7"; +"237 permute_12" -> "240 select_8"; +"238 select_6" -> "241 linalg_vector_norm_4"; +"238 select_6" -> "243 expand_as_4"; +"238 select_6" -> "244 div_4"; +"239 select_7" -> "245 linalg_vector_norm_5"; +"239 select_7" -> "247 expand_as_5"; +"239 select_7" -> "248 div_5"; +"240 select_8" -> "258 matmul_5"; +"241 linalg_vector_norm_4" -> "242 clamp_min_4"; +"242 clamp_min_4" -> "243 expand_as_4"; +"243 expand_as_4" -> "244 div_4"; +"244 div_4" -> "250 matmul_4"; +"245 linalg_vector_norm_5" -> "246 clamp_min_5"; +"246 clamp_min_5" -> "247 expand_as_5"; +"247 expand_as_5" -> "248 div_5"; +"248 div_5" -> "249 transpose_4"; +"249 transpose_4" -> "250 matmul_4"; +"250 matmul_4" -> "254 mul_5"; +"251 _param_constant44" -> "252 clamp_2"; +"252 clamp_2" -> "253 exp_2"; +"253 exp_2" -> "254 mul_5"; +"254 mul_5" -> "255 add_7"; +"255 add_7" -> "256 softmax_2"; +"256 softmax_2" -> "257 dropout_8"; +"257 dropout_8" -> "258 matmul_5"; +"258 matmul_5" -> "259 transpose_5"; +"259 transpose_5" -> "260 reshape_11"; +"260 reshape_11" -> "264 linear_16"; +"261 _param_constant46" -> "264 linear_16"; +"262 linear_16_updated_constant0" -> "263 asymmetric_weights_decompressor_linear_16_updated_constant0_0"; +"263 asymmetric_weights_decompressor_linear_16_updated_constant0_0" -> "264 linear_16"; +"264 linear_16" -> "265 dropout_9"; +"265 dropout_9" -> "266 view_14"; +"266 view_14" -> "267 permute_13"; +"267 permute_13" -> "268 reshape_12"; +"268 reshape_12" -> "269 slice_38"; +"269 slice_38" -> "270 slice_39"; +"270 slice_39" -> "271 slice_40"; +"271 slice_40" -> "272 slice_41"; +"272 slice_41" -> "273 contiguous_3"; +"273 contiguous_3" -> "276 layer_norm_6"; +"274 _param_constant47" -> "276 layer_norm_6"; +"275 _param_constant48" -> "276 layer_norm_6"; +"276 layer_norm_6" -> "277 add_8"; +"277 add_8" -> "281 linear_17"; +"277 add_8" -> "292 add_9"; +"278 _param_constant50" -> "281 linear_17"; +"279 linear_17_updated_constant0" -> "280 asymmetric_weights_decompressor_linear_17_updated_constant0_0"; +"280 asymmetric_weights_decompressor_linear_17_updated_constant0_0" -> "281 linear_17"; +"281 linear_17" -> "282 gelu_2"; +"282 gelu_2" -> "283 dropout_10"; +"283 dropout_10" -> "287 linear_18"; +"284 _param_constant52" -> "287 linear_18"; +"285 linear_18_updated_constant0" -> "286 asymmetric_weights_decompressor_linear_18_updated_constant0_0"; +"286 asymmetric_weights_decompressor_linear_18_updated_constant0_0" -> "287 linear_18"; +"287 linear_18" -> "288 dropout_11"; +"288 dropout_11" -> "291 layer_norm_7"; +"289 _param_constant53" -> "291 layer_norm_7"; +"290 _param_constant54" -> "291 layer_norm_7"; +"291 layer_norm_7" -> "292 add_9"; +"292 add_9" -> "311 pad_4"; +"292 add_9" -> "379 add_12"; +"293 _tensor_constant15" -> "297 linear_19"; +"294 _param_constant56" -> "297 linear_19"; +"295 linear_19_updated_constant0" -> "296 asymmetric_weights_decompressor_linear_19_updated_constant0_0"; +"296 asymmetric_weights_decompressor_linear_19_updated_constant0_0" -> "297 linear_19"; +"297 linear_19" -> "298 relu__3"; +"298 relu__3" -> "301 linear_20"; +"299 linear_20_updated_constant0" -> "300 asymmetric_weights_decompressor_linear_20_updated_constant0_0"; +"300 asymmetric_weights_decompressor_linear_20_updated_constant0_0" -> "301 linear_20"; +"301 linear_20" -> "302 view_15"; +"302 view_15" -> "304 index_3"; +"303 _tensor_constant16" -> "304 index_3"; +"304 index_3" -> "305 view_16"; +"305 view_16" -> "306 permute_14"; +"306 permute_14" -> "307 contiguous_4"; +"307 contiguous_4" -> "308 unsqueeze_7"; +"308 unsqueeze_7" -> "309 sigmoid_3"; +"309 sigmoid_3" -> "310 mul_6"; +"310 mul_6" -> "340 add_10"; +"311 pad_4" -> "312 roll_2"; +"312 roll_2" -> "313 view_17"; +"313 view_17" -> "314 permute_15"; +"314 permute_15" -> "315 reshape_13"; +"315 reshape_13" -> "320 linear_21"; +"315 reshape_13" -> "341 new_zeros_1"; +"316 _param_constant58" -> "317 clone_3"; +"317 clone_3" -> "320 linear_21"; +"318 linear_21_updated_constant0" -> "319 asymmetric_weights_decompressor_linear_21_updated_constant0_0"; +"319 asymmetric_weights_decompressor_linear_21_updated_constant0_0" -> "320 linear_21"; +"320 linear_21" -> "321 reshape_14"; +"321 reshape_14" -> "322 permute_16"; +"322 permute_16" -> "323 select_9"; +"322 permute_16" -> "324 select_10"; +"322 permute_16" -> "325 select_11"; +"323 select_9" -> "326 linalg_vector_norm_6"; +"323 select_9" -> "328 expand_as_6"; +"323 select_9" -> "329 div_6"; +"324 select_10" -> "330 linalg_vector_norm_7"; +"324 select_10" -> "332 expand_as_7"; +"324 select_10" -> "333 div_7"; +"325 select_11" -> "359 matmul_7"; +"326 linalg_vector_norm_6" -> "327 clamp_min_6"; +"327 clamp_min_6" -> "328 expand_as_6"; +"328 expand_as_6" -> "329 div_6"; +"329 div_6" -> "335 matmul_6"; +"330 linalg_vector_norm_7" -> "331 clamp_min_7"; +"331 clamp_min_7" -> "332 expand_as_7"; +"332 expand_as_7" -> "333 div_7"; +"333 div_7" -> "334 transpose_6"; +"334 transpose_6" -> "335 matmul_6"; +"335 matmul_6" -> "339 mul_7"; +"336 _param_constant60" -> "337 clamp_3"; +"337 clamp_3" -> "338 exp_3"; +"338 exp_3" -> "339 mul_7"; +"339 mul_7" -> "340 add_10"; +"340 add_10" -> "352 view_19"; +"341 new_zeros_1" -> "342 view_18"; +"342 view_18" -> "343 permute_17"; +"343 permute_17" -> "344 reshape_15"; +"344 reshape_15" -> "345 unsqueeze_8"; +"344 reshape_15" -> "346 unsqueeze_9"; +"345 unsqueeze_8" -> "347 sub_1"; +"346 unsqueeze_9" -> "347 sub_1"; +"347 sub_1" -> "348 ne_1"; +"347 sub_1" -> "349 masked_fill_2"; +"347 sub_1" -> "350 eq_1"; +"348 ne_1" -> "349 masked_fill_2"; +"349 masked_fill_2" -> "351 masked_fill_3"; +"350 eq_1" -> "351 masked_fill_3"; +"351 masked_fill_3" -> "353 unsqueeze_10"; +"352 view_19" -> "355 add_11"; +"353 unsqueeze_10" -> "354 unsqueeze_11"; +"354 unsqueeze_11" -> "355 add_11"; +"355 add_11" -> "356 view_20"; +"356 view_20" -> "357 softmax_3"; +"357 softmax_3" -> "358 dropout_12"; +"358 dropout_12" -> "359 matmul_7"; +"359 matmul_7" -> "360 transpose_7"; +"360 transpose_7" -> "361 reshape_16"; +"361 reshape_16" -> "365 linear_22"; +"362 _param_constant62" -> "365 linear_22"; +"363 linear_22_updated_constant0" -> "364 asymmetric_weights_decompressor_linear_22_updated_constant0_0"; +"364 asymmetric_weights_decompressor_linear_22_updated_constant0_0" -> "365 linear_22"; +"365 linear_22" -> "366 dropout_13"; +"366 dropout_13" -> "367 view_21"; +"367 view_21" -> "368 permute_18"; +"368 permute_18" -> "369 reshape_17"; +"369 reshape_17" -> "370 roll_3"; +"370 roll_3" -> "371 slice_61"; +"371 slice_61" -> "372 slice_62"; +"372 slice_62" -> "373 slice_63"; +"373 slice_63" -> "374 slice_64"; +"374 slice_64" -> "375 contiguous_5"; +"375 contiguous_5" -> "378 layer_norm_8"; +"376 _param_constant63" -> "378 layer_norm_8"; +"377 _param_constant64" -> "378 layer_norm_8"; +"378 layer_norm_8" -> "379 add_12"; +"379 add_12" -> "383 linear_23"; +"379 add_12" -> "394 add_13"; +"380 _param_constant66" -> "383 linear_23"; +"381 linear_23_updated_constant0" -> "382 asymmetric_weights_decompressor_linear_23_updated_constant0_0"; +"382 asymmetric_weights_decompressor_linear_23_updated_constant0_0" -> "383 linear_23"; +"383 linear_23" -> "384 gelu_3"; +"384 gelu_3" -> "385 dropout_14"; +"385 dropout_14" -> "389 linear_24"; +"386 _param_constant68" -> "389 linear_24"; +"387 linear_24_updated_constant0" -> "388 asymmetric_weights_decompressor_linear_24_updated_constant0_0"; +"388 asymmetric_weights_decompressor_linear_24_updated_constant0_0" -> "389 linear_24"; +"389 linear_24" -> "390 dropout_15"; +"390 dropout_15" -> "393 layer_norm_9"; +"391 _param_constant69" -> "393 layer_norm_9"; +"392 _param_constant70" -> "393 layer_norm_9"; +"393 layer_norm_9" -> "394 add_13"; +"394 add_13" -> "395 pad_5"; +"395 pad_5" -> "396 slice_65"; +"395 pad_5" -> "399 slice_68"; +"395 pad_5" -> "402 slice_71"; +"395 pad_5" -> "405 slice_74"; +"396 slice_65" -> "397 slice_66"; +"397 slice_66" -> "398 slice_67"; +"398 slice_67" -> "408 cat_1"; +"399 slice_68" -> "400 slice_69"; +"400 slice_69" -> "401 slice_70"; +"401 slice_70" -> "408 cat_1"; +"402 slice_71" -> "403 slice_72"; +"403 slice_72" -> "404 slice_73"; +"404 slice_73" -> "408 cat_1"; +"405 slice_74" -> "406 slice_75"; +"406 slice_75" -> "407 slice_76"; +"407 slice_76" -> "408 cat_1"; +"408 cat_1" -> "411 linear_25"; +"409 linear_25_updated_constant0" -> "410 asymmetric_weights_decompressor_linear_25_updated_constant0_0"; +"410 asymmetric_weights_decompressor_linear_25_updated_constant0_0" -> "411 linear_25"; +"411 linear_25" -> "414 layer_norm_10"; +"412 _param_constant72" -> "414 layer_norm_10"; +"413 _param_constant73" -> "414 layer_norm_10"; +"414 layer_norm_10" -> "433 pad_6"; +"414 layer_norm_10" -> "483 add_15"; +"415 _tensor_constant26" -> "419 linear_26"; +"416 _param_constant75" -> "419 linear_26"; +"417 linear_26_updated_constant0" -> "418 asymmetric_weights_decompressor_linear_26_updated_constant0_0"; +"418 asymmetric_weights_decompressor_linear_26_updated_constant0_0" -> "419 linear_26"; +"419 linear_26" -> "420 relu__4"; +"420 relu__4" -> "423 linear_27"; +"421 linear_27_updated_constant0" -> "422 asymmetric_weights_decompressor_linear_27_updated_constant0_0"; +"422 asymmetric_weights_decompressor_linear_27_updated_constant0_0" -> "423 linear_27"; +"423 linear_27" -> "424 view_22"; +"424 view_22" -> "426 index_4"; +"425 _tensor_constant27" -> "426 index_4"; +"426 index_4" -> "427 view_23"; +"427 view_23" -> "428 permute_19"; +"428 permute_19" -> "429 contiguous_6"; +"429 contiguous_6" -> "430 unsqueeze_12"; +"430 unsqueeze_12" -> "431 sigmoid_4"; +"431 sigmoid_4" -> "432 mul_8"; +"432 mul_8" -> "461 add_14"; +"433 pad_6" -> "434 view_24"; +"434 view_24" -> "435 permute_20"; +"435 permute_20" -> "436 reshape_18"; +"436 reshape_18" -> "441 linear_28"; +"437 _param_constant77" -> "438 clone_4"; +"438 clone_4" -> "441 linear_28"; +"439 linear_28_updated_constant0" -> "440 asymmetric_weights_decompressor_linear_28_updated_constant0_0"; +"440 asymmetric_weights_decompressor_linear_28_updated_constant0_0" -> "441 linear_28"; +"441 linear_28" -> "442 reshape_19"; +"442 reshape_19" -> "443 permute_21"; +"443 permute_21" -> "444 select_12"; +"443 permute_21" -> "445 select_13"; +"443 permute_21" -> "446 select_14"; +"444 select_12" -> "447 linalg_vector_norm_8"; +"444 select_12" -> "449 expand_as_8"; +"444 select_12" -> "450 div_8"; +"445 select_13" -> "451 linalg_vector_norm_9"; +"445 select_13" -> "453 expand_as_9"; +"445 select_13" -> "454 div_9"; +"446 select_14" -> "464 matmul_9"; +"447 linalg_vector_norm_8" -> "448 clamp_min_8"; +"448 clamp_min_8" -> "449 expand_as_8"; +"449 expand_as_8" -> "450 div_8"; +"450 div_8" -> "456 matmul_8"; +"451 linalg_vector_norm_9" -> "452 clamp_min_9"; +"452 clamp_min_9" -> "453 expand_as_9"; +"453 expand_as_9" -> "454 div_9"; +"454 div_9" -> "455 transpose_8"; +"455 transpose_8" -> "456 matmul_8"; +"456 matmul_8" -> "460 mul_9"; +"457 _param_constant79" -> "458 clamp_4"; +"458 clamp_4" -> "459 exp_4"; +"459 exp_4" -> "460 mul_9"; +"460 mul_9" -> "461 add_14"; +"461 add_14" -> "462 softmax_4"; +"462 softmax_4" -> "463 dropout_16"; +"463 dropout_16" -> "464 matmul_9"; +"464 matmul_9" -> "465 transpose_9"; +"465 transpose_9" -> "466 reshape_20"; +"466 reshape_20" -> "470 linear_29"; +"467 _param_constant81" -> "470 linear_29"; +"468 linear_29_updated_constant0" -> "469 asymmetric_weights_decompressor_linear_29_updated_constant0_0"; +"469 asymmetric_weights_decompressor_linear_29_updated_constant0_0" -> "470 linear_29"; +"470 linear_29" -> "471 dropout_17"; +"471 dropout_17" -> "472 view_25"; +"472 view_25" -> "473 permute_22"; +"473 permute_22" -> "474 reshape_21"; +"474 reshape_21" -> "475 slice_78"; +"475 slice_78" -> "476 slice_79"; +"476 slice_79" -> "477 slice_80"; +"477 slice_80" -> "478 slice_81"; +"478 slice_81" -> "479 contiguous_7"; +"479 contiguous_7" -> "482 layer_norm_11"; +"480 _param_constant82" -> "482 layer_norm_11"; +"481 _param_constant83" -> "482 layer_norm_11"; +"482 layer_norm_11" -> "483 add_15"; +"483 add_15" -> "487 linear_30"; +"483 add_15" -> "498 add_16"; +"484 _param_constant85" -> "487 linear_30"; +"485 linear_30_updated_constant0" -> "486 asymmetric_weights_decompressor_linear_30_updated_constant0_0"; +"486 asymmetric_weights_decompressor_linear_30_updated_constant0_0" -> "487 linear_30"; +"487 linear_30" -> "488 gelu_4"; +"488 gelu_4" -> "489 dropout_18"; +"489 dropout_18" -> "493 linear_31"; +"490 _param_constant87" -> "493 linear_31"; +"491 linear_31_updated_constant0" -> "492 asymmetric_weights_decompressor_linear_31_updated_constant0_0"; +"492 asymmetric_weights_decompressor_linear_31_updated_constant0_0" -> "493 linear_31"; +"493 linear_31" -> "494 dropout_19"; +"494 dropout_19" -> "497 layer_norm_12"; +"495 _param_constant88" -> "497 layer_norm_12"; +"496 _param_constant89" -> "497 layer_norm_12"; +"497 layer_norm_12" -> "498 add_16"; +"498 add_16" -> "517 pad_7"; +"498 add_16" -> "585 add_19"; +"499 _tensor_constant28" -> "503 linear_32"; +"500 _param_constant91" -> "503 linear_32"; +"501 linear_32_updated_constant0" -> "502 asymmetric_weights_decompressor_linear_32_updated_constant0_0"; +"502 asymmetric_weights_decompressor_linear_32_updated_constant0_0" -> "503 linear_32"; +"503 linear_32" -> "504 relu__5"; +"504 relu__5" -> "507 linear_33"; +"505 linear_33_updated_constant0" -> "506 asymmetric_weights_decompressor_linear_33_updated_constant0_0"; +"506 asymmetric_weights_decompressor_linear_33_updated_constant0_0" -> "507 linear_33"; +"507 linear_33" -> "508 view_26"; +"508 view_26" -> "510 index_5"; +"509 _tensor_constant29" -> "510 index_5"; +"510 index_5" -> "511 view_27"; +"511 view_27" -> "512 permute_23"; +"512 permute_23" -> "513 contiguous_8"; +"513 contiguous_8" -> "514 unsqueeze_13"; +"514 unsqueeze_13" -> "515 sigmoid_5"; +"515 sigmoid_5" -> "516 mul_10"; +"516 mul_10" -> "546 add_17"; +"517 pad_7" -> "518 roll_4"; +"518 roll_4" -> "519 view_28"; +"519 view_28" -> "520 permute_24"; +"520 permute_24" -> "521 reshape_22"; +"521 reshape_22" -> "526 linear_34"; +"521 reshape_22" -> "547 new_zeros_2"; +"522 _param_constant93" -> "523 clone_5"; +"523 clone_5" -> "526 linear_34"; +"524 linear_34_updated_constant0" -> "525 asymmetric_weights_decompressor_linear_34_updated_constant0_0"; +"525 asymmetric_weights_decompressor_linear_34_updated_constant0_0" -> "526 linear_34"; +"526 linear_34" -> "527 reshape_23"; +"527 reshape_23" -> "528 permute_25"; +"528 permute_25" -> "529 select_15"; +"528 permute_25" -> "530 select_16"; +"528 permute_25" -> "531 select_17"; +"529 select_15" -> "532 linalg_vector_norm_10"; +"529 select_15" -> "534 expand_as_10"; +"529 select_15" -> "535 div_10"; +"530 select_16" -> "536 linalg_vector_norm_11"; +"530 select_16" -> "538 expand_as_11"; +"530 select_16" -> "539 div_11"; +"531 select_17" -> "565 matmul_11"; +"532 linalg_vector_norm_10" -> "533 clamp_min_10"; +"533 clamp_min_10" -> "534 expand_as_10"; +"534 expand_as_10" -> "535 div_10"; +"535 div_10" -> "541 matmul_10"; +"536 linalg_vector_norm_11" -> "537 clamp_min_11"; +"537 clamp_min_11" -> "538 expand_as_11"; +"538 expand_as_11" -> "539 div_11"; +"539 div_11" -> "540 transpose_10"; +"540 transpose_10" -> "541 matmul_10"; +"541 matmul_10" -> "545 mul_11"; +"542 _param_constant95" -> "543 clamp_5"; +"543 clamp_5" -> "544 exp_5"; +"544 exp_5" -> "545 mul_11"; +"545 mul_11" -> "546 add_17"; +"546 add_17" -> "558 view_30"; +"547 new_zeros_2" -> "548 view_29"; +"548 view_29" -> "549 permute_26"; +"549 permute_26" -> "550 reshape_24"; +"550 reshape_24" -> "551 unsqueeze_14"; +"550 reshape_24" -> "552 unsqueeze_15"; +"551 unsqueeze_14" -> "553 sub_2"; +"552 unsqueeze_15" -> "553 sub_2"; +"553 sub_2" -> "554 ne_2"; +"553 sub_2" -> "555 masked_fill_4"; +"553 sub_2" -> "556 eq_2"; +"554 ne_2" -> "555 masked_fill_4"; +"555 masked_fill_4" -> "557 masked_fill_5"; +"556 eq_2" -> "557 masked_fill_5"; +"557 masked_fill_5" -> "559 unsqueeze_16"; +"558 view_30" -> "561 add_18"; +"559 unsqueeze_16" -> "560 unsqueeze_17"; +"560 unsqueeze_17" -> "561 add_18"; +"561 add_18" -> "562 view_31"; +"562 view_31" -> "563 softmax_5"; +"563 softmax_5" -> "564 dropout_20"; +"564 dropout_20" -> "565 matmul_11"; +"565 matmul_11" -> "566 transpose_11"; +"566 transpose_11" -> "567 reshape_25"; +"567 reshape_25" -> "571 linear_35"; +"568 _param_constant97" -> "571 linear_35"; +"569 linear_35_updated_constant0" -> "570 asymmetric_weights_decompressor_linear_35_updated_constant0_0"; +"570 asymmetric_weights_decompressor_linear_35_updated_constant0_0" -> "571 linear_35"; +"571 linear_35" -> "572 dropout_21"; +"572 dropout_21" -> "573 view_32"; +"573 view_32" -> "574 permute_27"; +"574 permute_27" -> "575 reshape_26"; +"575 reshape_26" -> "576 roll_5"; +"576 roll_5" -> "577 slice_101"; +"577 slice_101" -> "578 slice_102"; +"578 slice_102" -> "579 slice_103"; +"579 slice_103" -> "580 slice_104"; +"580 slice_104" -> "581 contiguous_9"; +"581 contiguous_9" -> "584 layer_norm_13"; +"582 _param_constant98" -> "584 layer_norm_13"; +"583 _param_constant99" -> "584 layer_norm_13"; +"584 layer_norm_13" -> "585 add_19"; +"585 add_19" -> "589 linear_36"; +"585 add_19" -> "600 add_20"; +"586 _param_constant101" -> "589 linear_36"; +"587 linear_36_updated_constant0" -> "588 asymmetric_weights_decompressor_linear_36_updated_constant0_0"; +"588 asymmetric_weights_decompressor_linear_36_updated_constant0_0" -> "589 linear_36"; +"589 linear_36" -> "590 gelu_5"; +"590 gelu_5" -> "591 dropout_22"; +"591 dropout_22" -> "595 linear_37"; +"592 _param_constant103" -> "595 linear_37"; +"593 linear_37_updated_constant0" -> "594 asymmetric_weights_decompressor_linear_37_updated_constant0_0"; +"594 asymmetric_weights_decompressor_linear_37_updated_constant0_0" -> "595 linear_37"; +"595 linear_37" -> "596 dropout_23"; +"596 dropout_23" -> "599 layer_norm_14"; +"597 _param_constant104" -> "599 layer_norm_14"; +"598 _param_constant105" -> "599 layer_norm_14"; +"599 layer_norm_14" -> "600 add_20"; +"600 add_20" -> "619 pad_8"; +"600 add_20" -> "669 add_22"; +"601 _tensor_constant39" -> "605 linear_38"; +"602 _param_constant107" -> "605 linear_38"; +"603 linear_38_updated_constant0" -> "604 asymmetric_weights_decompressor_linear_38_updated_constant0_0"; +"604 asymmetric_weights_decompressor_linear_38_updated_constant0_0" -> "605 linear_38"; +"605 linear_38" -> "606 relu__6"; +"606 relu__6" -> "609 linear_39"; +"607 linear_39_updated_constant0" -> "608 asymmetric_weights_decompressor_linear_39_updated_constant0_0"; +"608 asymmetric_weights_decompressor_linear_39_updated_constant0_0" -> "609 linear_39"; +"609 linear_39" -> "610 view_33"; +"610 view_33" -> "612 index_6"; +"611 _tensor_constant40" -> "612 index_6"; +"612 index_6" -> "613 view_34"; +"613 view_34" -> "614 permute_28"; +"614 permute_28" -> "615 contiguous_10"; +"615 contiguous_10" -> "616 unsqueeze_18"; +"616 unsqueeze_18" -> "617 sigmoid_6"; +"617 sigmoid_6" -> "618 mul_12"; +"618 mul_12" -> "647 add_21"; +"619 pad_8" -> "620 view_35"; +"620 view_35" -> "621 permute_29"; +"621 permute_29" -> "622 reshape_27"; +"622 reshape_27" -> "627 linear_40"; +"623 _param_constant109" -> "624 clone_6"; +"624 clone_6" -> "627 linear_40"; +"625 linear_40_updated_constant0" -> "626 asymmetric_weights_decompressor_linear_40_updated_constant0_0"; +"626 asymmetric_weights_decompressor_linear_40_updated_constant0_0" -> "627 linear_40"; +"627 linear_40" -> "628 reshape_28"; +"628 reshape_28" -> "629 permute_30"; +"629 permute_30" -> "630 select_18"; +"629 permute_30" -> "631 select_19"; +"629 permute_30" -> "632 select_20"; +"630 select_18" -> "633 linalg_vector_norm_12"; +"630 select_18" -> "635 expand_as_12"; +"630 select_18" -> "636 div_12"; +"631 select_19" -> "637 linalg_vector_norm_13"; +"631 select_19" -> "639 expand_as_13"; +"631 select_19" -> "640 div_13"; +"632 select_20" -> "650 matmul_13"; +"633 linalg_vector_norm_12" -> "634 clamp_min_12"; +"634 clamp_min_12" -> "635 expand_as_12"; +"635 expand_as_12" -> "636 div_12"; +"636 div_12" -> "642 matmul_12"; +"637 linalg_vector_norm_13" -> "638 clamp_min_13"; +"638 clamp_min_13" -> "639 expand_as_13"; +"639 expand_as_13" -> "640 div_13"; +"640 div_13" -> "641 transpose_12"; +"641 transpose_12" -> "642 matmul_12"; +"642 matmul_12" -> "646 mul_13"; +"643 _param_constant111" -> "644 clamp_6"; +"644 clamp_6" -> "645 exp_6"; +"645 exp_6" -> "646 mul_13"; +"646 mul_13" -> "647 add_21"; +"647 add_21" -> "648 softmax_6"; +"648 softmax_6" -> "649 dropout_24"; +"649 dropout_24" -> "650 matmul_13"; +"650 matmul_13" -> "651 transpose_13"; +"651 transpose_13" -> "652 reshape_29"; +"652 reshape_29" -> "656 linear_41"; +"653 _param_constant113" -> "656 linear_41"; +"654 linear_41_updated_constant0" -> "655 asymmetric_weights_decompressor_linear_41_updated_constant0_0"; +"655 asymmetric_weights_decompressor_linear_41_updated_constant0_0" -> "656 linear_41"; +"656 linear_41" -> "657 dropout_25"; +"657 dropout_25" -> "658 view_36"; +"658 view_36" -> "659 permute_31"; +"659 permute_31" -> "660 reshape_30"; +"660 reshape_30" -> "661 slice_106"; +"661 slice_106" -> "662 slice_107"; +"662 slice_107" -> "663 slice_108"; +"663 slice_108" -> "664 slice_109"; +"664 slice_109" -> "665 contiguous_11"; +"665 contiguous_11" -> "668 layer_norm_15"; +"666 _param_constant114" -> "668 layer_norm_15"; +"667 _param_constant115" -> "668 layer_norm_15"; +"668 layer_norm_15" -> "669 add_22"; +"669 add_22" -> "673 linear_42"; +"669 add_22" -> "684 add_23"; +"670 _param_constant117" -> "673 linear_42"; +"671 linear_42_updated_constant0" -> "672 asymmetric_weights_decompressor_linear_42_updated_constant0_0"; +"672 asymmetric_weights_decompressor_linear_42_updated_constant0_0" -> "673 linear_42"; +"673 linear_42" -> "674 gelu_6"; +"674 gelu_6" -> "675 dropout_26"; +"675 dropout_26" -> "679 linear_43"; +"676 _param_constant119" -> "679 linear_43"; +"677 linear_43_updated_constant0" -> "678 asymmetric_weights_decompressor_linear_43_updated_constant0_0"; +"678 asymmetric_weights_decompressor_linear_43_updated_constant0_0" -> "679 linear_43"; +"679 linear_43" -> "680 dropout_27"; +"680 dropout_27" -> "683 layer_norm_16"; +"681 _param_constant120" -> "683 layer_norm_16"; +"682 _param_constant121" -> "683 layer_norm_16"; +"683 layer_norm_16" -> "684 add_23"; +"684 add_23" -> "703 pad_9"; +"684 add_23" -> "771 add_26"; +"685 _tensor_constant41" -> "689 linear_44"; +"686 _param_constant123" -> "689 linear_44"; +"687 linear_44_updated_constant0" -> "688 asymmetric_weights_decompressor_linear_44_updated_constant0_0"; +"688 asymmetric_weights_decompressor_linear_44_updated_constant0_0" -> "689 linear_44"; +"689 linear_44" -> "690 relu__7"; +"690 relu__7" -> "693 linear_45"; +"691 linear_45_updated_constant0" -> "692 asymmetric_weights_decompressor_linear_45_updated_constant0_0"; +"692 asymmetric_weights_decompressor_linear_45_updated_constant0_0" -> "693 linear_45"; +"693 linear_45" -> "694 view_37"; +"694 view_37" -> "696 index_7"; +"695 _tensor_constant42" -> "696 index_7"; +"696 index_7" -> "697 view_38"; +"697 view_38" -> "698 permute_32"; +"698 permute_32" -> "699 contiguous_12"; +"699 contiguous_12" -> "700 unsqueeze_19"; +"700 unsqueeze_19" -> "701 sigmoid_7"; +"701 sigmoid_7" -> "702 mul_14"; +"702 mul_14" -> "732 add_24"; +"703 pad_9" -> "704 roll_6"; +"704 roll_6" -> "705 view_39"; +"705 view_39" -> "706 permute_33"; +"706 permute_33" -> "707 reshape_31"; +"707 reshape_31" -> "712 linear_46"; +"707 reshape_31" -> "733 new_zeros_3"; +"708 _param_constant125" -> "709 clone_7"; +"709 clone_7" -> "712 linear_46"; +"710 linear_46_updated_constant0" -> "711 asymmetric_weights_decompressor_linear_46_updated_constant0_0"; +"711 asymmetric_weights_decompressor_linear_46_updated_constant0_0" -> "712 linear_46"; +"712 linear_46" -> "713 reshape_32"; +"713 reshape_32" -> "714 permute_34"; +"714 permute_34" -> "715 select_21"; +"714 permute_34" -> "716 select_22"; +"714 permute_34" -> "717 select_23"; +"715 select_21" -> "718 linalg_vector_norm_14"; +"715 select_21" -> "720 expand_as_14"; +"715 select_21" -> "721 div_14"; +"716 select_22" -> "722 linalg_vector_norm_15"; +"716 select_22" -> "724 expand_as_15"; +"716 select_22" -> "725 div_15"; +"717 select_23" -> "751 matmul_15"; +"718 linalg_vector_norm_14" -> "719 clamp_min_14"; +"719 clamp_min_14" -> "720 expand_as_14"; +"720 expand_as_14" -> "721 div_14"; +"721 div_14" -> "727 matmul_14"; +"722 linalg_vector_norm_15" -> "723 clamp_min_15"; +"723 clamp_min_15" -> "724 expand_as_15"; +"724 expand_as_15" -> "725 div_15"; +"725 div_15" -> "726 transpose_14"; +"726 transpose_14" -> "727 matmul_14"; +"727 matmul_14" -> "731 mul_15"; +"728 _param_constant127" -> "729 clamp_7"; +"729 clamp_7" -> "730 exp_7"; +"730 exp_7" -> "731 mul_15"; +"731 mul_15" -> "732 add_24"; +"732 add_24" -> "744 view_41"; +"733 new_zeros_3" -> "734 view_40"; +"734 view_40" -> "735 permute_35"; +"735 permute_35" -> "736 reshape_33"; +"736 reshape_33" -> "737 unsqueeze_20"; +"736 reshape_33" -> "738 unsqueeze_21"; +"737 unsqueeze_20" -> "739 sub_3"; +"738 unsqueeze_21" -> "739 sub_3"; +"739 sub_3" -> "740 ne_3"; +"739 sub_3" -> "741 masked_fill_6"; +"739 sub_3" -> "742 eq_3"; +"740 ne_3" -> "741 masked_fill_6"; +"741 masked_fill_6" -> "743 masked_fill_7"; +"742 eq_3" -> "743 masked_fill_7"; +"743 masked_fill_7" -> "745 unsqueeze_22"; +"744 view_41" -> "747 add_25"; +"745 unsqueeze_22" -> "746 unsqueeze_23"; +"746 unsqueeze_23" -> "747 add_25"; +"747 add_25" -> "748 view_42"; +"748 view_42" -> "749 softmax_7"; +"749 softmax_7" -> "750 dropout_28"; +"750 dropout_28" -> "751 matmul_15"; +"751 matmul_15" -> "752 transpose_15"; +"752 transpose_15" -> "753 reshape_34"; +"753 reshape_34" -> "757 linear_47"; +"754 _param_constant129" -> "757 linear_47"; +"755 linear_47_updated_constant0" -> "756 asymmetric_weights_decompressor_linear_47_updated_constant0_0"; +"756 asymmetric_weights_decompressor_linear_47_updated_constant0_0" -> "757 linear_47"; +"757 linear_47" -> "758 dropout_29"; +"758 dropout_29" -> "759 view_43"; +"759 view_43" -> "760 permute_36"; +"760 permute_36" -> "761 reshape_35"; +"761 reshape_35" -> "762 roll_7"; +"762 roll_7" -> "763 slice_129"; +"763 slice_129" -> "764 slice_130"; +"764 slice_130" -> "765 slice_131"; +"765 slice_131" -> "766 slice_132"; +"766 slice_132" -> "767 contiguous_13"; +"767 contiguous_13" -> "770 layer_norm_17"; +"768 _param_constant130" -> "770 layer_norm_17"; +"769 _param_constant131" -> "770 layer_norm_17"; +"770 layer_norm_17" -> "771 add_26"; +"771 add_26" -> "775 linear_48"; +"771 add_26" -> "786 add_27"; +"772 _param_constant133" -> "775 linear_48"; +"773 linear_48_updated_constant0" -> "774 asymmetric_weights_decompressor_linear_48_updated_constant0_0"; +"774 asymmetric_weights_decompressor_linear_48_updated_constant0_0" -> "775 linear_48"; +"775 linear_48" -> "776 gelu_7"; +"776 gelu_7" -> "777 dropout_30"; +"777 dropout_30" -> "781 linear_49"; +"778 _param_constant135" -> "781 linear_49"; +"779 linear_49_updated_constant0" -> "780 asymmetric_weights_decompressor_linear_49_updated_constant0_0"; +"780 asymmetric_weights_decompressor_linear_49_updated_constant0_0" -> "781 linear_49"; +"781 linear_49" -> "782 dropout_31"; +"782 dropout_31" -> "785 layer_norm_18"; +"783 _param_constant136" -> "785 layer_norm_18"; +"784 _param_constant137" -> "785 layer_norm_18"; +"785 layer_norm_18" -> "786 add_27"; +"786 add_27" -> "805 pad_10"; +"786 add_27" -> "855 add_29"; +"787 _tensor_constant52" -> "791 linear_50"; +"788 _param_constant139" -> "791 linear_50"; +"789 linear_50_updated_constant0" -> "790 asymmetric_weights_decompressor_linear_50_updated_constant0_0"; +"790 asymmetric_weights_decompressor_linear_50_updated_constant0_0" -> "791 linear_50"; +"791 linear_50" -> "792 relu__8"; +"792 relu__8" -> "795 linear_51"; +"793 linear_51_updated_constant0" -> "794 asymmetric_weights_decompressor_linear_51_updated_constant0_0"; +"794 asymmetric_weights_decompressor_linear_51_updated_constant0_0" -> "795 linear_51"; +"795 linear_51" -> "796 view_44"; +"796 view_44" -> "798 index_8"; +"797 _tensor_constant53" -> "798 index_8"; +"798 index_8" -> "799 view_45"; +"799 view_45" -> "800 permute_37"; +"800 permute_37" -> "801 contiguous_14"; +"801 contiguous_14" -> "802 unsqueeze_24"; +"802 unsqueeze_24" -> "803 sigmoid_8"; +"803 sigmoid_8" -> "804 mul_16"; +"804 mul_16" -> "833 add_28"; +"805 pad_10" -> "806 view_46"; +"806 view_46" -> "807 permute_38"; +"807 permute_38" -> "808 reshape_36"; +"808 reshape_36" -> "813 linear_52"; +"809 _param_constant141" -> "810 clone_8"; +"810 clone_8" -> "813 linear_52"; +"811 linear_52_updated_constant0" -> "812 asymmetric_weights_decompressor_linear_52_updated_constant0_0"; +"812 asymmetric_weights_decompressor_linear_52_updated_constant0_0" -> "813 linear_52"; +"813 linear_52" -> "814 reshape_37"; +"814 reshape_37" -> "815 permute_39"; +"815 permute_39" -> "816 select_24"; +"815 permute_39" -> "817 select_25"; +"815 permute_39" -> "818 select_26"; +"816 select_24" -> "819 linalg_vector_norm_16"; +"816 select_24" -> "821 expand_as_16"; +"816 select_24" -> "822 div_16"; +"817 select_25" -> "823 linalg_vector_norm_17"; +"817 select_25" -> "825 expand_as_17"; +"817 select_25" -> "826 div_17"; +"818 select_26" -> "836 matmul_17"; +"819 linalg_vector_norm_16" -> "820 clamp_min_16"; +"820 clamp_min_16" -> "821 expand_as_16"; +"821 expand_as_16" -> "822 div_16"; +"822 div_16" -> "828 matmul_16"; +"823 linalg_vector_norm_17" -> "824 clamp_min_17"; +"824 clamp_min_17" -> "825 expand_as_17"; +"825 expand_as_17" -> "826 div_17"; +"826 div_17" -> "827 transpose_16"; +"827 transpose_16" -> "828 matmul_16"; +"828 matmul_16" -> "832 mul_17"; +"829 _param_constant143" -> "830 clamp_8"; +"830 clamp_8" -> "831 exp_8"; +"831 exp_8" -> "832 mul_17"; +"832 mul_17" -> "833 add_28"; +"833 add_28" -> "834 softmax_8"; +"834 softmax_8" -> "835 dropout_32"; +"835 dropout_32" -> "836 matmul_17"; +"836 matmul_17" -> "837 transpose_17"; +"837 transpose_17" -> "838 reshape_38"; +"838 reshape_38" -> "842 linear_53"; +"839 _param_constant145" -> "842 linear_53"; +"840 linear_53_updated_constant0" -> "841 asymmetric_weights_decompressor_linear_53_updated_constant0_0"; +"841 asymmetric_weights_decompressor_linear_53_updated_constant0_0" -> "842 linear_53"; +"842 linear_53" -> "843 dropout_33"; +"843 dropout_33" -> "844 view_47"; +"844 view_47" -> "845 permute_40"; +"845 permute_40" -> "846 reshape_39"; +"846 reshape_39" -> "847 slice_134"; +"847 slice_134" -> "848 slice_135"; +"848 slice_135" -> "849 slice_136"; +"849 slice_136" -> "850 slice_137"; +"850 slice_137" -> "851 contiguous_15"; +"851 contiguous_15" -> "854 layer_norm_19"; +"852 _param_constant146" -> "854 layer_norm_19"; +"853 _param_constant147" -> "854 layer_norm_19"; +"854 layer_norm_19" -> "855 add_29"; +"855 add_29" -> "859 linear_54"; +"855 add_29" -> "870 add_30"; +"856 _param_constant149" -> "859 linear_54"; +"857 linear_54_updated_constant0" -> "858 asymmetric_weights_decompressor_linear_54_updated_constant0_0"; +"858 asymmetric_weights_decompressor_linear_54_updated_constant0_0" -> "859 linear_54"; +"859 linear_54" -> "860 gelu_8"; +"860 gelu_8" -> "861 dropout_34"; +"861 dropout_34" -> "865 linear_55"; +"862 _param_constant151" -> "865 linear_55"; +"863 linear_55_updated_constant0" -> "864 asymmetric_weights_decompressor_linear_55_updated_constant0_0"; +"864 asymmetric_weights_decompressor_linear_55_updated_constant0_0" -> "865 linear_55"; +"865 linear_55" -> "866 dropout_35"; +"866 dropout_35" -> "869 layer_norm_20"; +"867 _param_constant152" -> "869 layer_norm_20"; +"868 _param_constant153" -> "869 layer_norm_20"; +"869 layer_norm_20" -> "870 add_30"; +"870 add_30" -> "889 pad_11"; +"870 add_30" -> "957 add_33"; +"871 _tensor_constant54" -> "875 linear_56"; +"872 _param_constant155" -> "875 linear_56"; +"873 linear_56_updated_constant0" -> "874 asymmetric_weights_decompressor_linear_56_updated_constant0_0"; +"874 asymmetric_weights_decompressor_linear_56_updated_constant0_0" -> "875 linear_56"; +"875 linear_56" -> "876 relu__9"; +"876 relu__9" -> "879 linear_57"; +"877 linear_57_updated_constant0" -> "878 asymmetric_weights_decompressor_linear_57_updated_constant0_0"; +"878 asymmetric_weights_decompressor_linear_57_updated_constant0_0" -> "879 linear_57"; +"879 linear_57" -> "880 view_48"; +"880 view_48" -> "882 index_9"; +"881 _tensor_constant55" -> "882 index_9"; +"882 index_9" -> "883 view_49"; +"883 view_49" -> "884 permute_41"; +"884 permute_41" -> "885 contiguous_16"; +"885 contiguous_16" -> "886 unsqueeze_25"; +"886 unsqueeze_25" -> "887 sigmoid_9"; +"887 sigmoid_9" -> "888 mul_18"; +"888 mul_18" -> "918 add_31"; +"889 pad_11" -> "890 roll_8"; +"890 roll_8" -> "891 view_50"; +"891 view_50" -> "892 permute_42"; +"892 permute_42" -> "893 reshape_40"; +"893 reshape_40" -> "898 linear_58"; +"893 reshape_40" -> "919 new_zeros_4"; +"894 _param_constant157" -> "895 clone_9"; +"895 clone_9" -> "898 linear_58"; +"896 linear_58_updated_constant0" -> "897 asymmetric_weights_decompressor_linear_58_updated_constant0_0"; +"897 asymmetric_weights_decompressor_linear_58_updated_constant0_0" -> "898 linear_58"; +"898 linear_58" -> "899 reshape_41"; +"899 reshape_41" -> "900 permute_43"; +"900 permute_43" -> "901 select_27"; +"900 permute_43" -> "902 select_28"; +"900 permute_43" -> "903 select_29"; +"901 select_27" -> "904 linalg_vector_norm_18"; +"901 select_27" -> "906 expand_as_18"; +"901 select_27" -> "907 div_18"; +"902 select_28" -> "908 linalg_vector_norm_19"; +"902 select_28" -> "910 expand_as_19"; +"902 select_28" -> "911 div_19"; +"903 select_29" -> "937 matmul_19"; +"904 linalg_vector_norm_18" -> "905 clamp_min_18"; +"905 clamp_min_18" -> "906 expand_as_18"; +"906 expand_as_18" -> "907 div_18"; +"907 div_18" -> "913 matmul_18"; +"908 linalg_vector_norm_19" -> "909 clamp_min_19"; +"909 clamp_min_19" -> "910 expand_as_19"; +"910 expand_as_19" -> "911 div_19"; +"911 div_19" -> "912 transpose_18"; +"912 transpose_18" -> "913 matmul_18"; +"913 matmul_18" -> "917 mul_19"; +"914 _param_constant159" -> "915 clamp_9"; +"915 clamp_9" -> "916 exp_9"; +"916 exp_9" -> "917 mul_19"; +"917 mul_19" -> "918 add_31"; +"918 add_31" -> "930 view_52"; +"919 new_zeros_4" -> "920 view_51"; +"920 view_51" -> "921 permute_44"; +"921 permute_44" -> "922 reshape_42"; +"922 reshape_42" -> "923 unsqueeze_26"; +"922 reshape_42" -> "924 unsqueeze_27"; +"923 unsqueeze_26" -> "925 sub_4"; +"924 unsqueeze_27" -> "925 sub_4"; +"925 sub_4" -> "926 ne_4"; +"925 sub_4" -> "927 masked_fill_8"; +"925 sub_4" -> "928 eq_4"; +"926 ne_4" -> "927 masked_fill_8"; +"927 masked_fill_8" -> "929 masked_fill_9"; +"928 eq_4" -> "929 masked_fill_9"; +"929 masked_fill_9" -> "931 unsqueeze_28"; +"930 view_52" -> "933 add_32"; +"931 unsqueeze_28" -> "932 unsqueeze_29"; +"932 unsqueeze_29" -> "933 add_32"; +"933 add_32" -> "934 view_53"; +"934 view_53" -> "935 softmax_9"; +"935 softmax_9" -> "936 dropout_36"; +"936 dropout_36" -> "937 matmul_19"; +"937 matmul_19" -> "938 transpose_19"; +"938 transpose_19" -> "939 reshape_43"; +"939 reshape_43" -> "943 linear_59"; +"940 _param_constant161" -> "943 linear_59"; +"941 linear_59_updated_constant0" -> "942 asymmetric_weights_decompressor_linear_59_updated_constant0_0"; +"942 asymmetric_weights_decompressor_linear_59_updated_constant0_0" -> "943 linear_59"; +"943 linear_59" -> "944 dropout_37"; +"944 dropout_37" -> "945 view_54"; +"945 view_54" -> "946 permute_45"; +"946 permute_45" -> "947 reshape_44"; +"947 reshape_44" -> "948 roll_9"; +"948 roll_9" -> "949 slice_157"; +"949 slice_157" -> "950 slice_158"; +"950 slice_158" -> "951 slice_159"; +"951 slice_159" -> "952 slice_160"; +"952 slice_160" -> "953 contiguous_17"; +"953 contiguous_17" -> "956 layer_norm_21"; +"954 _param_constant162" -> "956 layer_norm_21"; +"955 _param_constant163" -> "956 layer_norm_21"; +"956 layer_norm_21" -> "957 add_33"; +"957 add_33" -> "961 linear_60"; +"957 add_33" -> "972 add_34"; +"958 _param_constant165" -> "961 linear_60"; +"959 linear_60_updated_constant0" -> "960 asymmetric_weights_decompressor_linear_60_updated_constant0_0"; +"960 asymmetric_weights_decompressor_linear_60_updated_constant0_0" -> "961 linear_60"; +"961 linear_60" -> "962 gelu_9"; +"962 gelu_9" -> "963 dropout_38"; +"963 dropout_38" -> "967 linear_61"; +"964 _param_constant167" -> "967 linear_61"; +"965 linear_61_updated_constant0" -> "966 asymmetric_weights_decompressor_linear_61_updated_constant0_0"; +"966 asymmetric_weights_decompressor_linear_61_updated_constant0_0" -> "967 linear_61"; +"967 linear_61" -> "968 dropout_39"; +"968 dropout_39" -> "971 layer_norm_22"; +"969 _param_constant168" -> "971 layer_norm_22"; +"970 _param_constant169" -> "971 layer_norm_22"; +"971 layer_norm_22" -> "972 add_34"; +"972 add_34" -> "991 pad_12"; +"972 add_34" -> "1041 add_36"; +"973 _tensor_constant65" -> "977 linear_62"; +"974 _param_constant171" -> "977 linear_62"; +"975 linear_62_updated_constant0" -> "976 asymmetric_weights_decompressor_linear_62_updated_constant0_0"; +"976 asymmetric_weights_decompressor_linear_62_updated_constant0_0" -> "977 linear_62"; +"977 linear_62" -> "978 relu__10"; +"978 relu__10" -> "981 linear_63"; +"979 linear_63_updated_constant0" -> "980 asymmetric_weights_decompressor_linear_63_updated_constant0_0"; +"980 asymmetric_weights_decompressor_linear_63_updated_constant0_0" -> "981 linear_63"; +"981 linear_63" -> "982 view_55"; +"982 view_55" -> "984 index_10"; +"983 _tensor_constant66" -> "984 index_10"; +"984 index_10" -> "985 view_56"; +"985 view_56" -> "986 permute_46"; +"986 permute_46" -> "987 contiguous_18"; +"987 contiguous_18" -> "988 unsqueeze_30"; +"988 unsqueeze_30" -> "989 sigmoid_10"; +"989 sigmoid_10" -> "990 mul_20"; +"990 mul_20" -> "1019 add_35"; +"991 pad_12" -> "992 view_57"; +"992 view_57" -> "993 permute_47"; +"993 permute_47" -> "994 reshape_45"; +"994 reshape_45" -> "999 linear_64"; +"995 _param_constant173" -> "996 clone_10"; +"996 clone_10" -> "999 linear_64"; +"997 linear_64_updated_constant0" -> "998 asymmetric_weights_decompressor_linear_64_updated_constant0_0"; +"998 asymmetric_weights_decompressor_linear_64_updated_constant0_0" -> "999 linear_64"; +"999 linear_64" -> "1000 reshape_46"; +"1000 reshape_46" -> "1001 permute_48"; +"1001 permute_48" -> "1002 select_30"; +"1001 permute_48" -> "1003 select_31"; +"1001 permute_48" -> "1004 select_32"; +"1002 select_30" -> "1005 linalg_vector_norm_20"; +"1002 select_30" -> "1007 expand_as_20"; +"1002 select_30" -> "1008 div_20"; +"1003 select_31" -> "1009 linalg_vector_norm_21"; +"1003 select_31" -> "1011 expand_as_21"; +"1003 select_31" -> "1012 div_21"; +"1004 select_32" -> "1022 matmul_21"; +"1005 linalg_vector_norm_20" -> "1006 clamp_min_20"; +"1006 clamp_min_20" -> "1007 expand_as_20"; +"1007 expand_as_20" -> "1008 div_20"; +"1008 div_20" -> "1014 matmul_20"; +"1009 linalg_vector_norm_21" -> "1010 clamp_min_21"; +"1010 clamp_min_21" -> "1011 expand_as_21"; +"1011 expand_as_21" -> "1012 div_21"; +"1012 div_21" -> "1013 transpose_20"; +"1013 transpose_20" -> "1014 matmul_20"; +"1014 matmul_20" -> "1018 mul_21"; +"1015 _param_constant175" -> "1016 clamp_10"; +"1016 clamp_10" -> "1017 exp_10"; +"1017 exp_10" -> "1018 mul_21"; +"1018 mul_21" -> "1019 add_35"; +"1019 add_35" -> "1020 softmax_10"; +"1020 softmax_10" -> "1021 dropout_40"; +"1021 dropout_40" -> "1022 matmul_21"; +"1022 matmul_21" -> "1023 transpose_21"; +"1023 transpose_21" -> "1024 reshape_47"; +"1024 reshape_47" -> "1028 linear_65"; +"1025 _param_constant177" -> "1028 linear_65"; +"1026 linear_65_updated_constant0" -> "1027 asymmetric_weights_decompressor_linear_65_updated_constant0_0"; +"1027 asymmetric_weights_decompressor_linear_65_updated_constant0_0" -> "1028 linear_65"; +"1028 linear_65" -> "1029 dropout_41"; +"1029 dropout_41" -> "1030 view_58"; +"1030 view_58" -> "1031 permute_49"; +"1031 permute_49" -> "1032 reshape_48"; +"1032 reshape_48" -> "1033 slice_162"; +"1033 slice_162" -> "1034 slice_163"; +"1034 slice_163" -> "1035 slice_164"; +"1035 slice_164" -> "1036 slice_165"; +"1036 slice_165" -> "1037 contiguous_19"; +"1037 contiguous_19" -> "1040 layer_norm_23"; +"1038 _param_constant178" -> "1040 layer_norm_23"; +"1039 _param_constant179" -> "1040 layer_norm_23"; +"1040 layer_norm_23" -> "1041 add_36"; +"1041 add_36" -> "1045 linear_66"; +"1041 add_36" -> "1056 add_37"; +"1042 _param_constant181" -> "1045 linear_66"; +"1043 linear_66_updated_constant0" -> "1044 asymmetric_weights_decompressor_linear_66_updated_constant0_0"; +"1044 asymmetric_weights_decompressor_linear_66_updated_constant0_0" -> "1045 linear_66"; +"1045 linear_66" -> "1046 gelu_10"; +"1046 gelu_10" -> "1047 dropout_42"; +"1047 dropout_42" -> "1051 linear_67"; +"1048 _param_constant183" -> "1051 linear_67"; +"1049 linear_67_updated_constant0" -> "1050 asymmetric_weights_decompressor_linear_67_updated_constant0_0"; +"1050 asymmetric_weights_decompressor_linear_67_updated_constant0_0" -> "1051 linear_67"; +"1051 linear_67" -> "1052 dropout_43"; +"1052 dropout_43" -> "1055 layer_norm_24"; +"1053 _param_constant184" -> "1055 layer_norm_24"; +"1054 _param_constant185" -> "1055 layer_norm_24"; +"1055 layer_norm_24" -> "1056 add_37"; +"1056 add_37" -> "1075 pad_13"; +"1056 add_37" -> "1143 add_40"; +"1057 _tensor_constant67" -> "1061 linear_68"; +"1058 _param_constant187" -> "1061 linear_68"; +"1059 linear_68_updated_constant0" -> "1060 asymmetric_weights_decompressor_linear_68_updated_constant0_0"; +"1060 asymmetric_weights_decompressor_linear_68_updated_constant0_0" -> "1061 linear_68"; +"1061 linear_68" -> "1062 relu__11"; +"1062 relu__11" -> "1065 linear_69"; +"1063 linear_69_updated_constant0" -> "1064 asymmetric_weights_decompressor_linear_69_updated_constant0_0"; +"1064 asymmetric_weights_decompressor_linear_69_updated_constant0_0" -> "1065 linear_69"; +"1065 linear_69" -> "1066 view_59"; +"1066 view_59" -> "1068 index_11"; +"1067 _tensor_constant68" -> "1068 index_11"; +"1068 index_11" -> "1069 view_60"; +"1069 view_60" -> "1070 permute_50"; +"1070 permute_50" -> "1071 contiguous_20"; +"1071 contiguous_20" -> "1072 unsqueeze_31"; +"1072 unsqueeze_31" -> "1073 sigmoid_11"; +"1073 sigmoid_11" -> "1074 mul_22"; +"1074 mul_22" -> "1104 add_38"; +"1075 pad_13" -> "1076 roll_10"; +"1076 roll_10" -> "1077 view_61"; +"1077 view_61" -> "1078 permute_51"; +"1078 permute_51" -> "1079 reshape_49"; +"1079 reshape_49" -> "1084 linear_70"; +"1079 reshape_49" -> "1105 new_zeros_5"; +"1080 _param_constant189" -> "1081 clone_11"; +"1081 clone_11" -> "1084 linear_70"; +"1082 linear_70_updated_constant0" -> "1083 asymmetric_weights_decompressor_linear_70_updated_constant0_0"; +"1083 asymmetric_weights_decompressor_linear_70_updated_constant0_0" -> "1084 linear_70"; +"1084 linear_70" -> "1085 reshape_50"; +"1085 reshape_50" -> "1086 permute_52"; +"1086 permute_52" -> "1087 select_33"; +"1086 permute_52" -> "1088 select_34"; +"1086 permute_52" -> "1089 select_35"; +"1087 select_33" -> "1090 linalg_vector_norm_22"; +"1087 select_33" -> "1092 expand_as_22"; +"1087 select_33" -> "1093 div_22"; +"1088 select_34" -> "1094 linalg_vector_norm_23"; +"1088 select_34" -> "1096 expand_as_23"; +"1088 select_34" -> "1097 div_23"; +"1089 select_35" -> "1123 matmul_23"; +"1090 linalg_vector_norm_22" -> "1091 clamp_min_22"; +"1091 clamp_min_22" -> "1092 expand_as_22"; +"1092 expand_as_22" -> "1093 div_22"; +"1093 div_22" -> "1099 matmul_22"; +"1094 linalg_vector_norm_23" -> "1095 clamp_min_23"; +"1095 clamp_min_23" -> "1096 expand_as_23"; +"1096 expand_as_23" -> "1097 div_23"; +"1097 div_23" -> "1098 transpose_22"; +"1098 transpose_22" -> "1099 matmul_22"; +"1099 matmul_22" -> "1103 mul_23"; +"1100 _param_constant191" -> "1101 clamp_11"; +"1101 clamp_11" -> "1102 exp_11"; +"1102 exp_11" -> "1103 mul_23"; +"1103 mul_23" -> "1104 add_38"; +"1104 add_38" -> "1116 view_63"; +"1105 new_zeros_5" -> "1106 view_62"; +"1106 view_62" -> "1107 permute_53"; +"1107 permute_53" -> "1108 reshape_51"; +"1108 reshape_51" -> "1109 unsqueeze_32"; +"1108 reshape_51" -> "1110 unsqueeze_33"; +"1109 unsqueeze_32" -> "1111 sub_5"; +"1110 unsqueeze_33" -> "1111 sub_5"; +"1111 sub_5" -> "1112 ne_5"; +"1111 sub_5" -> "1113 masked_fill_10"; +"1111 sub_5" -> "1114 eq_5"; +"1112 ne_5" -> "1113 masked_fill_10"; +"1113 masked_fill_10" -> "1115 masked_fill_11"; +"1114 eq_5" -> "1115 masked_fill_11"; +"1115 masked_fill_11" -> "1117 unsqueeze_34"; +"1116 view_63" -> "1119 add_39"; +"1117 unsqueeze_34" -> "1118 unsqueeze_35"; +"1118 unsqueeze_35" -> "1119 add_39"; +"1119 add_39" -> "1120 view_64"; +"1120 view_64" -> "1121 softmax_11"; +"1121 softmax_11" -> "1122 dropout_44"; +"1122 dropout_44" -> "1123 matmul_23"; +"1123 matmul_23" -> "1124 transpose_23"; +"1124 transpose_23" -> "1125 reshape_52"; +"1125 reshape_52" -> "1129 linear_71"; +"1126 _param_constant193" -> "1129 linear_71"; +"1127 linear_71_updated_constant0" -> "1128 asymmetric_weights_decompressor_linear_71_updated_constant0_0"; +"1128 asymmetric_weights_decompressor_linear_71_updated_constant0_0" -> "1129 linear_71"; +"1129 linear_71" -> "1130 dropout_45"; +"1130 dropout_45" -> "1131 view_65"; +"1131 view_65" -> "1132 permute_54"; +"1132 permute_54" -> "1133 reshape_53"; +"1133 reshape_53" -> "1134 roll_11"; +"1134 roll_11" -> "1135 slice_185"; +"1135 slice_185" -> "1136 slice_186"; +"1136 slice_186" -> "1137 slice_187"; +"1137 slice_187" -> "1138 slice_188"; +"1138 slice_188" -> "1139 contiguous_21"; +"1139 contiguous_21" -> "1142 layer_norm_25"; +"1140 _param_constant194" -> "1142 layer_norm_25"; +"1141 _param_constant195" -> "1142 layer_norm_25"; +"1142 layer_norm_25" -> "1143 add_40"; +"1143 add_40" -> "1147 linear_72"; +"1143 add_40" -> "1158 add_41"; +"1144 _param_constant197" -> "1147 linear_72"; +"1145 linear_72_updated_constant0" -> "1146 asymmetric_weights_decompressor_linear_72_updated_constant0_0"; +"1146 asymmetric_weights_decompressor_linear_72_updated_constant0_0" -> "1147 linear_72"; +"1147 linear_72" -> "1148 gelu_11"; +"1148 gelu_11" -> "1149 dropout_46"; +"1149 dropout_46" -> "1153 linear_73"; +"1150 _param_constant199" -> "1153 linear_73"; +"1151 linear_73_updated_constant0" -> "1152 asymmetric_weights_decompressor_linear_73_updated_constant0_0"; +"1152 asymmetric_weights_decompressor_linear_73_updated_constant0_0" -> "1153 linear_73"; +"1153 linear_73" -> "1154 dropout_47"; +"1154 dropout_47" -> "1157 layer_norm_26"; +"1155 _param_constant200" -> "1157 layer_norm_26"; +"1156 _param_constant201" -> "1157 layer_norm_26"; +"1157 layer_norm_26" -> "1158 add_41"; +"1158 add_41" -> "1177 pad_14"; +"1158 add_41" -> "1227 add_43"; +"1159 _tensor_constant78" -> "1163 linear_74"; +"1160 _param_constant203" -> "1163 linear_74"; +"1161 linear_74_updated_constant0" -> "1162 asymmetric_weights_decompressor_linear_74_updated_constant0_0"; +"1162 asymmetric_weights_decompressor_linear_74_updated_constant0_0" -> "1163 linear_74"; +"1163 linear_74" -> "1164 relu__12"; +"1164 relu__12" -> "1167 linear_75"; +"1165 linear_75_updated_constant0" -> "1166 asymmetric_weights_decompressor_linear_75_updated_constant0_0"; +"1166 asymmetric_weights_decompressor_linear_75_updated_constant0_0" -> "1167 linear_75"; +"1167 linear_75" -> "1168 view_66"; +"1168 view_66" -> "1170 index_12"; +"1169 _tensor_constant79" -> "1170 index_12"; +"1170 index_12" -> "1171 view_67"; +"1171 view_67" -> "1172 permute_55"; +"1172 permute_55" -> "1173 contiguous_22"; +"1173 contiguous_22" -> "1174 unsqueeze_36"; +"1174 unsqueeze_36" -> "1175 sigmoid_12"; +"1175 sigmoid_12" -> "1176 mul_24"; +"1176 mul_24" -> "1205 add_42"; +"1177 pad_14" -> "1178 view_68"; +"1178 view_68" -> "1179 permute_56"; +"1179 permute_56" -> "1180 reshape_54"; +"1180 reshape_54" -> "1185 linear_76"; +"1181 _param_constant205" -> "1182 clone_12"; +"1182 clone_12" -> "1185 linear_76"; +"1183 linear_76_updated_constant0" -> "1184 asymmetric_weights_decompressor_linear_76_updated_constant0_0"; +"1184 asymmetric_weights_decompressor_linear_76_updated_constant0_0" -> "1185 linear_76"; +"1185 linear_76" -> "1186 reshape_55"; +"1186 reshape_55" -> "1187 permute_57"; +"1187 permute_57" -> "1188 select_36"; +"1187 permute_57" -> "1189 select_37"; +"1187 permute_57" -> "1190 select_38"; +"1188 select_36" -> "1191 linalg_vector_norm_24"; +"1188 select_36" -> "1193 expand_as_24"; +"1188 select_36" -> "1194 div_24"; +"1189 select_37" -> "1195 linalg_vector_norm_25"; +"1189 select_37" -> "1197 expand_as_25"; +"1189 select_37" -> "1198 div_25"; +"1190 select_38" -> "1208 matmul_25"; +"1191 linalg_vector_norm_24" -> "1192 clamp_min_24"; +"1192 clamp_min_24" -> "1193 expand_as_24"; +"1193 expand_as_24" -> "1194 div_24"; +"1194 div_24" -> "1200 matmul_24"; +"1195 linalg_vector_norm_25" -> "1196 clamp_min_25"; +"1196 clamp_min_25" -> "1197 expand_as_25"; +"1197 expand_as_25" -> "1198 div_25"; +"1198 div_25" -> "1199 transpose_24"; +"1199 transpose_24" -> "1200 matmul_24"; +"1200 matmul_24" -> "1204 mul_25"; +"1201 _param_constant207" -> "1202 clamp_12"; +"1202 clamp_12" -> "1203 exp_12"; +"1203 exp_12" -> "1204 mul_25"; +"1204 mul_25" -> "1205 add_42"; +"1205 add_42" -> "1206 softmax_12"; +"1206 softmax_12" -> "1207 dropout_48"; +"1207 dropout_48" -> "1208 matmul_25"; +"1208 matmul_25" -> "1209 transpose_25"; +"1209 transpose_25" -> "1210 reshape_56"; +"1210 reshape_56" -> "1214 linear_77"; +"1211 _param_constant209" -> "1214 linear_77"; +"1212 linear_77_updated_constant0" -> "1213 asymmetric_weights_decompressor_linear_77_updated_constant0_0"; +"1213 asymmetric_weights_decompressor_linear_77_updated_constant0_0" -> "1214 linear_77"; +"1214 linear_77" -> "1215 dropout_49"; +"1215 dropout_49" -> "1216 view_69"; +"1216 view_69" -> "1217 permute_58"; +"1217 permute_58" -> "1218 reshape_57"; +"1218 reshape_57" -> "1219 slice_190"; +"1219 slice_190" -> "1220 slice_191"; +"1220 slice_191" -> "1221 slice_192"; +"1221 slice_192" -> "1222 slice_193"; +"1222 slice_193" -> "1223 contiguous_23"; +"1223 contiguous_23" -> "1226 layer_norm_27"; +"1224 _param_constant210" -> "1226 layer_norm_27"; +"1225 _param_constant211" -> "1226 layer_norm_27"; +"1226 layer_norm_27" -> "1227 add_43"; +"1227 add_43" -> "1231 linear_78"; +"1227 add_43" -> "1242 add_44"; +"1228 _param_constant213" -> "1231 linear_78"; +"1229 linear_78_updated_constant0" -> "1230 asymmetric_weights_decompressor_linear_78_updated_constant0_0"; +"1230 asymmetric_weights_decompressor_linear_78_updated_constant0_0" -> "1231 linear_78"; +"1231 linear_78" -> "1232 gelu_12"; +"1232 gelu_12" -> "1233 dropout_50"; +"1233 dropout_50" -> "1237 linear_79"; +"1234 _param_constant215" -> "1237 linear_79"; +"1235 linear_79_updated_constant0" -> "1236 asymmetric_weights_decompressor_linear_79_updated_constant0_0"; +"1236 asymmetric_weights_decompressor_linear_79_updated_constant0_0" -> "1237 linear_79"; +"1237 linear_79" -> "1238 dropout_51"; +"1238 dropout_51" -> "1241 layer_norm_28"; +"1239 _param_constant216" -> "1241 layer_norm_28"; +"1240 _param_constant217" -> "1241 layer_norm_28"; +"1241 layer_norm_28" -> "1242 add_44"; +"1242 add_44" -> "1261 pad_15"; +"1242 add_44" -> "1329 add_47"; +"1243 _tensor_constant80" -> "1247 linear_80"; +"1244 _param_constant219" -> "1247 linear_80"; +"1245 linear_80_updated_constant0" -> "1246 asymmetric_weights_decompressor_linear_80_updated_constant0_0"; +"1246 asymmetric_weights_decompressor_linear_80_updated_constant0_0" -> "1247 linear_80"; +"1247 linear_80" -> "1248 relu__13"; +"1248 relu__13" -> "1251 linear_81"; +"1249 linear_81_updated_constant0" -> "1250 asymmetric_weights_decompressor_linear_81_updated_constant0_0"; +"1250 asymmetric_weights_decompressor_linear_81_updated_constant0_0" -> "1251 linear_81"; +"1251 linear_81" -> "1252 view_70"; +"1252 view_70" -> "1254 index_13"; +"1253 _tensor_constant81" -> "1254 index_13"; +"1254 index_13" -> "1255 view_71"; +"1255 view_71" -> "1256 permute_59"; +"1256 permute_59" -> "1257 contiguous_24"; +"1257 contiguous_24" -> "1258 unsqueeze_37"; +"1258 unsqueeze_37" -> "1259 sigmoid_13"; +"1259 sigmoid_13" -> "1260 mul_26"; +"1260 mul_26" -> "1290 add_45"; +"1261 pad_15" -> "1262 roll_12"; +"1262 roll_12" -> "1263 view_72"; +"1263 view_72" -> "1264 permute_60"; +"1264 permute_60" -> "1265 reshape_58"; +"1265 reshape_58" -> "1270 linear_82"; +"1265 reshape_58" -> "1291 new_zeros_6"; +"1266 _param_constant221" -> "1267 clone_13"; +"1267 clone_13" -> "1270 linear_82"; +"1268 linear_82_updated_constant0" -> "1269 asymmetric_weights_decompressor_linear_82_updated_constant0_0"; +"1269 asymmetric_weights_decompressor_linear_82_updated_constant0_0" -> "1270 linear_82"; +"1270 linear_82" -> "1271 reshape_59"; +"1271 reshape_59" -> "1272 permute_61"; +"1272 permute_61" -> "1273 select_39"; +"1272 permute_61" -> "1274 select_40"; +"1272 permute_61" -> "1275 select_41"; +"1273 select_39" -> "1276 linalg_vector_norm_26"; +"1273 select_39" -> "1278 expand_as_26"; +"1273 select_39" -> "1279 div_26"; +"1274 select_40" -> "1280 linalg_vector_norm_27"; +"1274 select_40" -> "1282 expand_as_27"; +"1274 select_40" -> "1283 div_27"; +"1275 select_41" -> "1309 matmul_27"; +"1276 linalg_vector_norm_26" -> "1277 clamp_min_26"; +"1277 clamp_min_26" -> "1278 expand_as_26"; +"1278 expand_as_26" -> "1279 div_26"; +"1279 div_26" -> "1285 matmul_26"; +"1280 linalg_vector_norm_27" -> "1281 clamp_min_27"; +"1281 clamp_min_27" -> "1282 expand_as_27"; +"1282 expand_as_27" -> "1283 div_27"; +"1283 div_27" -> "1284 transpose_26"; +"1284 transpose_26" -> "1285 matmul_26"; +"1285 matmul_26" -> "1289 mul_27"; +"1286 _param_constant223" -> "1287 clamp_13"; +"1287 clamp_13" -> "1288 exp_13"; +"1288 exp_13" -> "1289 mul_27"; +"1289 mul_27" -> "1290 add_45"; +"1290 add_45" -> "1302 view_74"; +"1291 new_zeros_6" -> "1292 view_73"; +"1292 view_73" -> "1293 permute_62"; +"1293 permute_62" -> "1294 reshape_60"; +"1294 reshape_60" -> "1295 unsqueeze_38"; +"1294 reshape_60" -> "1296 unsqueeze_39"; +"1295 unsqueeze_38" -> "1297 sub_6"; +"1296 unsqueeze_39" -> "1297 sub_6"; +"1297 sub_6" -> "1298 ne_6"; +"1297 sub_6" -> "1299 masked_fill_12"; +"1297 sub_6" -> "1300 eq_6"; +"1298 ne_6" -> "1299 masked_fill_12"; +"1299 masked_fill_12" -> "1301 masked_fill_13"; +"1300 eq_6" -> "1301 masked_fill_13"; +"1301 masked_fill_13" -> "1303 unsqueeze_40"; +"1302 view_74" -> "1305 add_46"; +"1303 unsqueeze_40" -> "1304 unsqueeze_41"; +"1304 unsqueeze_41" -> "1305 add_46"; +"1305 add_46" -> "1306 view_75"; +"1306 view_75" -> "1307 softmax_13"; +"1307 softmax_13" -> "1308 dropout_52"; +"1308 dropout_52" -> "1309 matmul_27"; +"1309 matmul_27" -> "1310 transpose_27"; +"1310 transpose_27" -> "1311 reshape_61"; +"1311 reshape_61" -> "1315 linear_83"; +"1312 _param_constant225" -> "1315 linear_83"; +"1313 linear_83_updated_constant0" -> "1314 asymmetric_weights_decompressor_linear_83_updated_constant0_0"; +"1314 asymmetric_weights_decompressor_linear_83_updated_constant0_0" -> "1315 linear_83"; +"1315 linear_83" -> "1316 dropout_53"; +"1316 dropout_53" -> "1317 view_76"; +"1317 view_76" -> "1318 permute_63"; +"1318 permute_63" -> "1319 reshape_62"; +"1319 reshape_62" -> "1320 roll_13"; +"1320 roll_13" -> "1321 slice_213"; +"1321 slice_213" -> "1322 slice_214"; +"1322 slice_214" -> "1323 slice_215"; +"1323 slice_215" -> "1324 slice_216"; +"1324 slice_216" -> "1325 contiguous_25"; +"1325 contiguous_25" -> "1328 layer_norm_29"; +"1326 _param_constant226" -> "1328 layer_norm_29"; +"1327 _param_constant227" -> "1328 layer_norm_29"; +"1328 layer_norm_29" -> "1329 add_47"; +"1329 add_47" -> "1333 linear_84"; +"1329 add_47" -> "1344 add_48"; +"1330 _param_constant229" -> "1333 linear_84"; +"1331 linear_84_updated_constant0" -> "1332 asymmetric_weights_decompressor_linear_84_updated_constant0_0"; +"1332 asymmetric_weights_decompressor_linear_84_updated_constant0_0" -> "1333 linear_84"; +"1333 linear_84" -> "1334 gelu_13"; +"1334 gelu_13" -> "1335 dropout_54"; +"1335 dropout_54" -> "1339 linear_85"; +"1336 _param_constant231" -> "1339 linear_85"; +"1337 linear_85_updated_constant0" -> "1338 asymmetric_weights_decompressor_linear_85_updated_constant0_0"; +"1338 asymmetric_weights_decompressor_linear_85_updated_constant0_0" -> "1339 linear_85"; +"1339 linear_85" -> "1340 dropout_55"; +"1340 dropout_55" -> "1343 layer_norm_30"; +"1341 _param_constant232" -> "1343 layer_norm_30"; +"1342 _param_constant233" -> "1343 layer_norm_30"; +"1343 layer_norm_30" -> "1344 add_48"; +"1344 add_48" -> "1363 pad_16"; +"1344 add_48" -> "1413 add_50"; +"1345 _tensor_constant91" -> "1349 linear_86"; +"1346 _param_constant235" -> "1349 linear_86"; +"1347 linear_86_updated_constant0" -> "1348 asymmetric_weights_decompressor_linear_86_updated_constant0_0"; +"1348 asymmetric_weights_decompressor_linear_86_updated_constant0_0" -> "1349 linear_86"; +"1349 linear_86" -> "1350 relu__14"; +"1350 relu__14" -> "1353 linear_87"; +"1351 linear_87_updated_constant0" -> "1352 asymmetric_weights_decompressor_linear_87_updated_constant0_0"; +"1352 asymmetric_weights_decompressor_linear_87_updated_constant0_0" -> "1353 linear_87"; +"1353 linear_87" -> "1354 view_77"; +"1354 view_77" -> "1356 index_14"; +"1355 _tensor_constant92" -> "1356 index_14"; +"1356 index_14" -> "1357 view_78"; +"1357 view_78" -> "1358 permute_64"; +"1358 permute_64" -> "1359 contiguous_26"; +"1359 contiguous_26" -> "1360 unsqueeze_42"; +"1360 unsqueeze_42" -> "1361 sigmoid_14"; +"1361 sigmoid_14" -> "1362 mul_28"; +"1362 mul_28" -> "1391 add_49"; +"1363 pad_16" -> "1364 view_79"; +"1364 view_79" -> "1365 permute_65"; +"1365 permute_65" -> "1366 reshape_63"; +"1366 reshape_63" -> "1371 linear_88"; +"1367 _param_constant237" -> "1368 clone_14"; +"1368 clone_14" -> "1371 linear_88"; +"1369 linear_88_updated_constant0" -> "1370 asymmetric_weights_decompressor_linear_88_updated_constant0_0"; +"1370 asymmetric_weights_decompressor_linear_88_updated_constant0_0" -> "1371 linear_88"; +"1371 linear_88" -> "1372 reshape_64"; +"1372 reshape_64" -> "1373 permute_66"; +"1373 permute_66" -> "1374 select_42"; +"1373 permute_66" -> "1375 select_43"; +"1373 permute_66" -> "1376 select_44"; +"1374 select_42" -> "1377 linalg_vector_norm_28"; +"1374 select_42" -> "1379 expand_as_28"; +"1374 select_42" -> "1380 div_28"; +"1375 select_43" -> "1381 linalg_vector_norm_29"; +"1375 select_43" -> "1383 expand_as_29"; +"1375 select_43" -> "1384 div_29"; +"1376 select_44" -> "1394 matmul_29"; +"1377 linalg_vector_norm_28" -> "1378 clamp_min_28"; +"1378 clamp_min_28" -> "1379 expand_as_28"; +"1379 expand_as_28" -> "1380 div_28"; +"1380 div_28" -> "1386 matmul_28"; +"1381 linalg_vector_norm_29" -> "1382 clamp_min_29"; +"1382 clamp_min_29" -> "1383 expand_as_29"; +"1383 expand_as_29" -> "1384 div_29"; +"1384 div_29" -> "1385 transpose_28"; +"1385 transpose_28" -> "1386 matmul_28"; +"1386 matmul_28" -> "1390 mul_29"; +"1387 _param_constant239" -> "1388 clamp_14"; +"1388 clamp_14" -> "1389 exp_14"; +"1389 exp_14" -> "1390 mul_29"; +"1390 mul_29" -> "1391 add_49"; +"1391 add_49" -> "1392 softmax_14"; +"1392 softmax_14" -> "1393 dropout_56"; +"1393 dropout_56" -> "1394 matmul_29"; +"1394 matmul_29" -> "1395 transpose_29"; +"1395 transpose_29" -> "1396 reshape_65"; +"1396 reshape_65" -> "1400 linear_89"; +"1397 _param_constant241" -> "1400 linear_89"; +"1398 linear_89_updated_constant0" -> "1399 asymmetric_weights_decompressor_linear_89_updated_constant0_0"; +"1399 asymmetric_weights_decompressor_linear_89_updated_constant0_0" -> "1400 linear_89"; +"1400 linear_89" -> "1401 dropout_57"; +"1401 dropout_57" -> "1402 view_80"; +"1402 view_80" -> "1403 permute_67"; +"1403 permute_67" -> "1404 reshape_66"; +"1404 reshape_66" -> "1405 slice_218"; +"1405 slice_218" -> "1406 slice_219"; +"1406 slice_219" -> "1407 slice_220"; +"1407 slice_220" -> "1408 slice_221"; +"1408 slice_221" -> "1409 contiguous_27"; +"1409 contiguous_27" -> "1412 layer_norm_31"; +"1410 _param_constant242" -> "1412 layer_norm_31"; +"1411 _param_constant243" -> "1412 layer_norm_31"; +"1412 layer_norm_31" -> "1413 add_50"; +"1413 add_50" -> "1417 linear_90"; +"1413 add_50" -> "1428 add_51"; +"1414 _param_constant245" -> "1417 linear_90"; +"1415 linear_90_updated_constant0" -> "1416 asymmetric_weights_decompressor_linear_90_updated_constant0_0"; +"1416 asymmetric_weights_decompressor_linear_90_updated_constant0_0" -> "1417 linear_90"; +"1417 linear_90" -> "1418 gelu_14"; +"1418 gelu_14" -> "1419 dropout_58"; +"1419 dropout_58" -> "1423 linear_91"; +"1420 _param_constant247" -> "1423 linear_91"; +"1421 linear_91_updated_constant0" -> "1422 asymmetric_weights_decompressor_linear_91_updated_constant0_0"; +"1422 asymmetric_weights_decompressor_linear_91_updated_constant0_0" -> "1423 linear_91"; +"1423 linear_91" -> "1424 dropout_59"; +"1424 dropout_59" -> "1427 layer_norm_32"; +"1425 _param_constant248" -> "1427 layer_norm_32"; +"1426 _param_constant249" -> "1427 layer_norm_32"; +"1427 layer_norm_32" -> "1428 add_51"; +"1428 add_51" -> "1447 pad_17"; +"1428 add_51" -> "1515 add_54"; +"1429 _tensor_constant93" -> "1433 linear_92"; +"1430 _param_constant251" -> "1433 linear_92"; +"1431 linear_92_updated_constant0" -> "1432 asymmetric_weights_decompressor_linear_92_updated_constant0_0"; +"1432 asymmetric_weights_decompressor_linear_92_updated_constant0_0" -> "1433 linear_92"; +"1433 linear_92" -> "1434 relu__15"; +"1434 relu__15" -> "1437 linear_93"; +"1435 linear_93_updated_constant0" -> "1436 asymmetric_weights_decompressor_linear_93_updated_constant0_0"; +"1436 asymmetric_weights_decompressor_linear_93_updated_constant0_0" -> "1437 linear_93"; +"1437 linear_93" -> "1438 view_81"; +"1438 view_81" -> "1440 index_15"; +"1439 _tensor_constant94" -> "1440 index_15"; +"1440 index_15" -> "1441 view_82"; +"1441 view_82" -> "1442 permute_68"; +"1442 permute_68" -> "1443 contiguous_28"; +"1443 contiguous_28" -> "1444 unsqueeze_43"; +"1444 unsqueeze_43" -> "1445 sigmoid_15"; +"1445 sigmoid_15" -> "1446 mul_30"; +"1446 mul_30" -> "1476 add_52"; +"1447 pad_17" -> "1448 roll_14"; +"1448 roll_14" -> "1449 view_83"; +"1449 view_83" -> "1450 permute_69"; +"1450 permute_69" -> "1451 reshape_67"; +"1451 reshape_67" -> "1456 linear_94"; +"1451 reshape_67" -> "1477 new_zeros_7"; +"1452 _param_constant253" -> "1453 clone_15"; +"1453 clone_15" -> "1456 linear_94"; +"1454 linear_94_updated_constant0" -> "1455 asymmetric_weights_decompressor_linear_94_updated_constant0_0"; +"1455 asymmetric_weights_decompressor_linear_94_updated_constant0_0" -> "1456 linear_94"; +"1456 linear_94" -> "1457 reshape_68"; +"1457 reshape_68" -> "1458 permute_70"; +"1458 permute_70" -> "1459 select_45"; +"1458 permute_70" -> "1460 select_46"; +"1458 permute_70" -> "1461 select_47"; +"1459 select_45" -> "1462 linalg_vector_norm_30"; +"1459 select_45" -> "1464 expand_as_30"; +"1459 select_45" -> "1465 div_30"; +"1460 select_46" -> "1466 linalg_vector_norm_31"; +"1460 select_46" -> "1468 expand_as_31"; +"1460 select_46" -> "1469 div_31"; +"1461 select_47" -> "1495 matmul_31"; +"1462 linalg_vector_norm_30" -> "1463 clamp_min_30"; +"1463 clamp_min_30" -> "1464 expand_as_30"; +"1464 expand_as_30" -> "1465 div_30"; +"1465 div_30" -> "1471 matmul_30"; +"1466 linalg_vector_norm_31" -> "1467 clamp_min_31"; +"1467 clamp_min_31" -> "1468 expand_as_31"; +"1468 expand_as_31" -> "1469 div_31"; +"1469 div_31" -> "1470 transpose_30"; +"1470 transpose_30" -> "1471 matmul_30"; +"1471 matmul_30" -> "1475 mul_31"; +"1472 _param_constant255" -> "1473 clamp_15"; +"1473 clamp_15" -> "1474 exp_15"; +"1474 exp_15" -> "1475 mul_31"; +"1475 mul_31" -> "1476 add_52"; +"1476 add_52" -> "1488 view_85"; +"1477 new_zeros_7" -> "1478 view_84"; +"1478 view_84" -> "1479 permute_71"; +"1479 permute_71" -> "1480 reshape_69"; +"1480 reshape_69" -> "1481 unsqueeze_44"; +"1480 reshape_69" -> "1482 unsqueeze_45"; +"1481 unsqueeze_44" -> "1483 sub_7"; +"1482 unsqueeze_45" -> "1483 sub_7"; +"1483 sub_7" -> "1484 ne_7"; +"1483 sub_7" -> "1485 masked_fill_14"; +"1483 sub_7" -> "1486 eq_7"; +"1484 ne_7" -> "1485 masked_fill_14"; +"1485 masked_fill_14" -> "1487 masked_fill_15"; +"1486 eq_7" -> "1487 masked_fill_15"; +"1487 masked_fill_15" -> "1489 unsqueeze_46"; +"1488 view_85" -> "1491 add_53"; +"1489 unsqueeze_46" -> "1490 unsqueeze_47"; +"1490 unsqueeze_47" -> "1491 add_53"; +"1491 add_53" -> "1492 view_86"; +"1492 view_86" -> "1493 softmax_15"; +"1493 softmax_15" -> "1494 dropout_60"; +"1494 dropout_60" -> "1495 matmul_31"; +"1495 matmul_31" -> "1496 transpose_31"; +"1496 transpose_31" -> "1497 reshape_70"; +"1497 reshape_70" -> "1501 linear_95"; +"1498 _param_constant257" -> "1501 linear_95"; +"1499 linear_95_updated_constant0" -> "1500 asymmetric_weights_decompressor_linear_95_updated_constant0_0"; +"1500 asymmetric_weights_decompressor_linear_95_updated_constant0_0" -> "1501 linear_95"; +"1501 linear_95" -> "1502 dropout_61"; +"1502 dropout_61" -> "1503 view_87"; +"1503 view_87" -> "1504 permute_72"; +"1504 permute_72" -> "1505 reshape_71"; +"1505 reshape_71" -> "1506 roll_15"; +"1506 roll_15" -> "1507 slice_241"; +"1507 slice_241" -> "1508 slice_242"; +"1508 slice_242" -> "1509 slice_243"; +"1509 slice_243" -> "1510 slice_244"; +"1510 slice_244" -> "1511 contiguous_29"; +"1511 contiguous_29" -> "1514 layer_norm_33"; +"1512 _param_constant258" -> "1514 layer_norm_33"; +"1513 _param_constant259" -> "1514 layer_norm_33"; +"1514 layer_norm_33" -> "1515 add_54"; +"1515 add_54" -> "1519 linear_96"; +"1515 add_54" -> "1530 add_55"; +"1516 _param_constant261" -> "1519 linear_96"; +"1517 linear_96_updated_constant0" -> "1518 asymmetric_weights_decompressor_linear_96_updated_constant0_0"; +"1518 asymmetric_weights_decompressor_linear_96_updated_constant0_0" -> "1519 linear_96"; +"1519 linear_96" -> "1520 gelu_15"; +"1520 gelu_15" -> "1521 dropout_62"; +"1521 dropout_62" -> "1525 linear_97"; +"1522 _param_constant263" -> "1525 linear_97"; +"1523 linear_97_updated_constant0" -> "1524 asymmetric_weights_decompressor_linear_97_updated_constant0_0"; +"1524 asymmetric_weights_decompressor_linear_97_updated_constant0_0" -> "1525 linear_97"; +"1525 linear_97" -> "1526 dropout_63"; +"1526 dropout_63" -> "1529 layer_norm_34"; +"1527 _param_constant264" -> "1529 layer_norm_34"; +"1528 _param_constant265" -> "1529 layer_norm_34"; +"1529 layer_norm_34" -> "1530 add_55"; +"1530 add_55" -> "1549 pad_18"; +"1530 add_55" -> "1599 add_57"; +"1531 _tensor_constant104" -> "1535 linear_98"; +"1532 _param_constant267" -> "1535 linear_98"; +"1533 linear_98_updated_constant0" -> "1534 asymmetric_weights_decompressor_linear_98_updated_constant0_0"; +"1534 asymmetric_weights_decompressor_linear_98_updated_constant0_0" -> "1535 linear_98"; +"1535 linear_98" -> "1536 relu__16"; +"1536 relu__16" -> "1539 linear_99"; +"1537 linear_99_updated_constant0" -> "1538 asymmetric_weights_decompressor_linear_99_updated_constant0_0"; +"1538 asymmetric_weights_decompressor_linear_99_updated_constant0_0" -> "1539 linear_99"; +"1539 linear_99" -> "1540 view_88"; +"1540 view_88" -> "1542 index_16"; +"1541 _tensor_constant105" -> "1542 index_16"; +"1542 index_16" -> "1543 view_89"; +"1543 view_89" -> "1544 permute_73"; +"1544 permute_73" -> "1545 contiguous_30"; +"1545 contiguous_30" -> "1546 unsqueeze_48"; +"1546 unsqueeze_48" -> "1547 sigmoid_16"; +"1547 sigmoid_16" -> "1548 mul_32"; +"1548 mul_32" -> "1577 add_56"; +"1549 pad_18" -> "1550 view_90"; +"1550 view_90" -> "1551 permute_74"; +"1551 permute_74" -> "1552 reshape_72"; +"1552 reshape_72" -> "1557 linear_100"; +"1553 _param_constant269" -> "1554 clone_16"; +"1554 clone_16" -> "1557 linear_100"; +"1555 linear_100_updated_constant0" -> "1556 asymmetric_weights_decompressor_linear_100_updated_constant0_0"; +"1556 asymmetric_weights_decompressor_linear_100_updated_constant0_0" -> "1557 linear_100"; +"1557 linear_100" -> "1558 reshape_73"; +"1558 reshape_73" -> "1559 permute_75"; +"1559 permute_75" -> "1560 select_48"; +"1559 permute_75" -> "1561 select_49"; +"1559 permute_75" -> "1562 select_50"; +"1560 select_48" -> "1563 linalg_vector_norm_32"; +"1560 select_48" -> "1565 expand_as_32"; +"1560 select_48" -> "1566 div_32"; +"1561 select_49" -> "1567 linalg_vector_norm_33"; +"1561 select_49" -> "1569 expand_as_33"; +"1561 select_49" -> "1570 div_33"; +"1562 select_50" -> "1580 matmul_33"; +"1563 linalg_vector_norm_32" -> "1564 clamp_min_32"; +"1564 clamp_min_32" -> "1565 expand_as_32"; +"1565 expand_as_32" -> "1566 div_32"; +"1566 div_32" -> "1572 matmul_32"; +"1567 linalg_vector_norm_33" -> "1568 clamp_min_33"; +"1568 clamp_min_33" -> "1569 expand_as_33"; +"1569 expand_as_33" -> "1570 div_33"; +"1570 div_33" -> "1571 transpose_32"; +"1571 transpose_32" -> "1572 matmul_32"; +"1572 matmul_32" -> "1576 mul_33"; +"1573 _param_constant271" -> "1574 clamp_16"; +"1574 clamp_16" -> "1575 exp_16"; +"1575 exp_16" -> "1576 mul_33"; +"1576 mul_33" -> "1577 add_56"; +"1577 add_56" -> "1578 softmax_16"; +"1578 softmax_16" -> "1579 dropout_64"; +"1579 dropout_64" -> "1580 matmul_33"; +"1580 matmul_33" -> "1581 transpose_33"; +"1581 transpose_33" -> "1582 reshape_74"; +"1582 reshape_74" -> "1586 linear_101"; +"1583 _param_constant273" -> "1586 linear_101"; +"1584 linear_101_updated_constant0" -> "1585 asymmetric_weights_decompressor_linear_101_updated_constant0_0"; +"1585 asymmetric_weights_decompressor_linear_101_updated_constant0_0" -> "1586 linear_101"; +"1586 linear_101" -> "1587 dropout_65"; +"1587 dropout_65" -> "1588 view_91"; +"1588 view_91" -> "1589 permute_76"; +"1589 permute_76" -> "1590 reshape_75"; +"1590 reshape_75" -> "1591 slice_246"; +"1591 slice_246" -> "1592 slice_247"; +"1592 slice_247" -> "1593 slice_248"; +"1593 slice_248" -> "1594 slice_249"; +"1594 slice_249" -> "1595 contiguous_31"; +"1595 contiguous_31" -> "1598 layer_norm_35"; +"1596 _param_constant274" -> "1598 layer_norm_35"; +"1597 _param_constant275" -> "1598 layer_norm_35"; +"1598 layer_norm_35" -> "1599 add_57"; +"1599 add_57" -> "1603 linear_102"; +"1599 add_57" -> "1614 add_58"; +"1600 _param_constant277" -> "1603 linear_102"; +"1601 linear_102_updated_constant0" -> "1602 asymmetric_weights_decompressor_linear_102_updated_constant0_0"; +"1602 asymmetric_weights_decompressor_linear_102_updated_constant0_0" -> "1603 linear_102"; +"1603 linear_102" -> "1604 gelu_16"; +"1604 gelu_16" -> "1605 dropout_66"; +"1605 dropout_66" -> "1609 linear_103"; +"1606 _param_constant279" -> "1609 linear_103"; +"1607 linear_103_updated_constant0" -> "1608 asymmetric_weights_decompressor_linear_103_updated_constant0_0"; +"1608 asymmetric_weights_decompressor_linear_103_updated_constant0_0" -> "1609 linear_103"; +"1609 linear_103" -> "1610 dropout_67"; +"1610 dropout_67" -> "1613 layer_norm_36"; +"1611 _param_constant280" -> "1613 layer_norm_36"; +"1612 _param_constant281" -> "1613 layer_norm_36"; +"1613 layer_norm_36" -> "1614 add_58"; +"1614 add_58" -> "1633 pad_19"; +"1614 add_58" -> "1701 add_61"; +"1615 _tensor_constant106" -> "1619 linear_104"; +"1616 _param_constant283" -> "1619 linear_104"; +"1617 linear_104_updated_constant0" -> "1618 asymmetric_weights_decompressor_linear_104_updated_constant0_0"; +"1618 asymmetric_weights_decompressor_linear_104_updated_constant0_0" -> "1619 linear_104"; +"1619 linear_104" -> "1620 relu__17"; +"1620 relu__17" -> "1623 linear_105"; +"1621 linear_105_updated_constant0" -> "1622 asymmetric_weights_decompressor_linear_105_updated_constant0_0"; +"1622 asymmetric_weights_decompressor_linear_105_updated_constant0_0" -> "1623 linear_105"; +"1623 linear_105" -> "1624 view_92"; +"1624 view_92" -> "1626 index_17"; +"1625 _tensor_constant107" -> "1626 index_17"; +"1626 index_17" -> "1627 view_93"; +"1627 view_93" -> "1628 permute_77"; +"1628 permute_77" -> "1629 contiguous_32"; +"1629 contiguous_32" -> "1630 unsqueeze_49"; +"1630 unsqueeze_49" -> "1631 sigmoid_17"; +"1631 sigmoid_17" -> "1632 mul_34"; +"1632 mul_34" -> "1662 add_59"; +"1633 pad_19" -> "1634 roll_16"; +"1634 roll_16" -> "1635 view_94"; +"1635 view_94" -> "1636 permute_78"; +"1636 permute_78" -> "1637 reshape_76"; +"1637 reshape_76" -> "1642 linear_106"; +"1637 reshape_76" -> "1663 new_zeros_8"; +"1638 _param_constant285" -> "1639 clone_17"; +"1639 clone_17" -> "1642 linear_106"; +"1640 linear_106_updated_constant0" -> "1641 asymmetric_weights_decompressor_linear_106_updated_constant0_0"; +"1641 asymmetric_weights_decompressor_linear_106_updated_constant0_0" -> "1642 linear_106"; +"1642 linear_106" -> "1643 reshape_77"; +"1643 reshape_77" -> "1644 permute_79"; +"1644 permute_79" -> "1645 select_51"; +"1644 permute_79" -> "1646 select_52"; +"1644 permute_79" -> "1647 select_53"; +"1645 select_51" -> "1648 linalg_vector_norm_34"; +"1645 select_51" -> "1650 expand_as_34"; +"1645 select_51" -> "1651 div_34"; +"1646 select_52" -> "1652 linalg_vector_norm_35"; +"1646 select_52" -> "1654 expand_as_35"; +"1646 select_52" -> "1655 div_35"; +"1647 select_53" -> "1681 matmul_35"; +"1648 linalg_vector_norm_34" -> "1649 clamp_min_34"; +"1649 clamp_min_34" -> "1650 expand_as_34"; +"1650 expand_as_34" -> "1651 div_34"; +"1651 div_34" -> "1657 matmul_34"; +"1652 linalg_vector_norm_35" -> "1653 clamp_min_35"; +"1653 clamp_min_35" -> "1654 expand_as_35"; +"1654 expand_as_35" -> "1655 div_35"; +"1655 div_35" -> "1656 transpose_34"; +"1656 transpose_34" -> "1657 matmul_34"; +"1657 matmul_34" -> "1661 mul_35"; +"1658 _param_constant287" -> "1659 clamp_17"; +"1659 clamp_17" -> "1660 exp_17"; +"1660 exp_17" -> "1661 mul_35"; +"1661 mul_35" -> "1662 add_59"; +"1662 add_59" -> "1674 view_96"; +"1663 new_zeros_8" -> "1664 view_95"; +"1664 view_95" -> "1665 permute_80"; +"1665 permute_80" -> "1666 reshape_78"; +"1666 reshape_78" -> "1667 unsqueeze_50"; +"1666 reshape_78" -> "1668 unsqueeze_51"; +"1667 unsqueeze_50" -> "1669 sub_8"; +"1668 unsqueeze_51" -> "1669 sub_8"; +"1669 sub_8" -> "1670 ne_8"; +"1669 sub_8" -> "1671 masked_fill_16"; +"1669 sub_8" -> "1672 eq_8"; +"1670 ne_8" -> "1671 masked_fill_16"; +"1671 masked_fill_16" -> "1673 masked_fill_17"; +"1672 eq_8" -> "1673 masked_fill_17"; +"1673 masked_fill_17" -> "1675 unsqueeze_52"; +"1674 view_96" -> "1677 add_60"; +"1675 unsqueeze_52" -> "1676 unsqueeze_53"; +"1676 unsqueeze_53" -> "1677 add_60"; +"1677 add_60" -> "1678 view_97"; +"1678 view_97" -> "1679 softmax_17"; +"1679 softmax_17" -> "1680 dropout_68"; +"1680 dropout_68" -> "1681 matmul_35"; +"1681 matmul_35" -> "1682 transpose_35"; +"1682 transpose_35" -> "1683 reshape_79"; +"1683 reshape_79" -> "1687 linear_107"; +"1684 _param_constant289" -> "1687 linear_107"; +"1685 linear_107_updated_constant0" -> "1686 asymmetric_weights_decompressor_linear_107_updated_constant0_0"; +"1686 asymmetric_weights_decompressor_linear_107_updated_constant0_0" -> "1687 linear_107"; +"1687 linear_107" -> "1688 dropout_69"; +"1688 dropout_69" -> "1689 view_98"; +"1689 view_98" -> "1690 permute_81"; +"1690 permute_81" -> "1691 reshape_80"; +"1691 reshape_80" -> "1692 roll_17"; +"1692 roll_17" -> "1693 slice_269"; +"1693 slice_269" -> "1694 slice_270"; +"1694 slice_270" -> "1695 slice_271"; +"1695 slice_271" -> "1696 slice_272"; +"1696 slice_272" -> "1697 contiguous_33"; +"1697 contiguous_33" -> "1700 layer_norm_37"; +"1698 _param_constant290" -> "1700 layer_norm_37"; +"1699 _param_constant291" -> "1700 layer_norm_37"; +"1700 layer_norm_37" -> "1701 add_61"; +"1701 add_61" -> "1705 linear_108"; +"1701 add_61" -> "1716 add_62"; +"1702 _param_constant293" -> "1705 linear_108"; +"1703 linear_108_updated_constant0" -> "1704 asymmetric_weights_decompressor_linear_108_updated_constant0_0"; +"1704 asymmetric_weights_decompressor_linear_108_updated_constant0_0" -> "1705 linear_108"; +"1705 linear_108" -> "1706 gelu_17"; +"1706 gelu_17" -> "1707 dropout_70"; +"1707 dropout_70" -> "1711 linear_109"; +"1708 _param_constant295" -> "1711 linear_109"; +"1709 linear_109_updated_constant0" -> "1710 asymmetric_weights_decompressor_linear_109_updated_constant0_0"; +"1710 asymmetric_weights_decompressor_linear_109_updated_constant0_0" -> "1711 linear_109"; +"1711 linear_109" -> "1712 dropout_71"; +"1712 dropout_71" -> "1715 layer_norm_38"; +"1713 _param_constant296" -> "1715 layer_norm_38"; +"1714 _param_constant297" -> "1715 layer_norm_38"; +"1715 layer_norm_38" -> "1716 add_62"; +"1716 add_62" -> "1735 pad_20"; +"1716 add_62" -> "1785 add_64"; +"1717 _tensor_constant117" -> "1721 linear_110"; +"1718 _param_constant299" -> "1721 linear_110"; +"1719 linear_110_updated_constant0" -> "1720 asymmetric_weights_decompressor_linear_110_updated_constant0_0"; +"1720 asymmetric_weights_decompressor_linear_110_updated_constant0_0" -> "1721 linear_110"; +"1721 linear_110" -> "1722 relu__18"; +"1722 relu__18" -> "1725 linear_111"; +"1723 linear_111_updated_constant0" -> "1724 asymmetric_weights_decompressor_linear_111_updated_constant0_0"; +"1724 asymmetric_weights_decompressor_linear_111_updated_constant0_0" -> "1725 linear_111"; +"1725 linear_111" -> "1726 view_99"; +"1726 view_99" -> "1728 index_18"; +"1727 _tensor_constant118" -> "1728 index_18"; +"1728 index_18" -> "1729 view_100"; +"1729 view_100" -> "1730 permute_82"; +"1730 permute_82" -> "1731 contiguous_34"; +"1731 contiguous_34" -> "1732 unsqueeze_54"; +"1732 unsqueeze_54" -> "1733 sigmoid_18"; +"1733 sigmoid_18" -> "1734 mul_36"; +"1734 mul_36" -> "1763 add_63"; +"1735 pad_20" -> "1736 view_101"; +"1736 view_101" -> "1737 permute_83"; +"1737 permute_83" -> "1738 reshape_81"; +"1738 reshape_81" -> "1743 linear_112"; +"1739 _param_constant301" -> "1740 clone_18"; +"1740 clone_18" -> "1743 linear_112"; +"1741 linear_112_updated_constant0" -> "1742 asymmetric_weights_decompressor_linear_112_updated_constant0_0"; +"1742 asymmetric_weights_decompressor_linear_112_updated_constant0_0" -> "1743 linear_112"; +"1743 linear_112" -> "1744 reshape_82"; +"1744 reshape_82" -> "1745 permute_84"; +"1745 permute_84" -> "1746 select_54"; +"1745 permute_84" -> "1747 select_55"; +"1745 permute_84" -> "1748 select_56"; +"1746 select_54" -> "1749 linalg_vector_norm_36"; +"1746 select_54" -> "1751 expand_as_36"; +"1746 select_54" -> "1752 div_36"; +"1747 select_55" -> "1753 linalg_vector_norm_37"; +"1747 select_55" -> "1755 expand_as_37"; +"1747 select_55" -> "1756 div_37"; +"1748 select_56" -> "1766 matmul_37"; +"1749 linalg_vector_norm_36" -> "1750 clamp_min_36"; +"1750 clamp_min_36" -> "1751 expand_as_36"; +"1751 expand_as_36" -> "1752 div_36"; +"1752 div_36" -> "1758 matmul_36"; +"1753 linalg_vector_norm_37" -> "1754 clamp_min_37"; +"1754 clamp_min_37" -> "1755 expand_as_37"; +"1755 expand_as_37" -> "1756 div_37"; +"1756 div_37" -> "1757 transpose_36"; +"1757 transpose_36" -> "1758 matmul_36"; +"1758 matmul_36" -> "1762 mul_37"; +"1759 _param_constant303" -> "1760 clamp_18"; +"1760 clamp_18" -> "1761 exp_18"; +"1761 exp_18" -> "1762 mul_37"; +"1762 mul_37" -> "1763 add_63"; +"1763 add_63" -> "1764 softmax_18"; +"1764 softmax_18" -> "1765 dropout_72"; +"1765 dropout_72" -> "1766 matmul_37"; +"1766 matmul_37" -> "1767 transpose_37"; +"1767 transpose_37" -> "1768 reshape_83"; +"1768 reshape_83" -> "1772 linear_113"; +"1769 _param_constant305" -> "1772 linear_113"; +"1770 linear_113_updated_constant0" -> "1771 asymmetric_weights_decompressor_linear_113_updated_constant0_0"; +"1771 asymmetric_weights_decompressor_linear_113_updated_constant0_0" -> "1772 linear_113"; +"1772 linear_113" -> "1773 dropout_73"; +"1773 dropout_73" -> "1774 view_102"; +"1774 view_102" -> "1775 permute_85"; +"1775 permute_85" -> "1776 reshape_84"; +"1776 reshape_84" -> "1777 slice_274"; +"1777 slice_274" -> "1778 slice_275"; +"1778 slice_275" -> "1779 slice_276"; +"1779 slice_276" -> "1780 slice_277"; +"1780 slice_277" -> "1781 contiguous_35"; +"1781 contiguous_35" -> "1784 layer_norm_39"; +"1782 _param_constant306" -> "1784 layer_norm_39"; +"1783 _param_constant307" -> "1784 layer_norm_39"; +"1784 layer_norm_39" -> "1785 add_64"; +"1785 add_64" -> "1789 linear_114"; +"1785 add_64" -> "1800 add_65"; +"1786 _param_constant309" -> "1789 linear_114"; +"1787 linear_114_updated_constant0" -> "1788 asymmetric_weights_decompressor_linear_114_updated_constant0_0"; +"1788 asymmetric_weights_decompressor_linear_114_updated_constant0_0" -> "1789 linear_114"; +"1789 linear_114" -> "1790 gelu_18"; +"1790 gelu_18" -> "1791 dropout_74"; +"1791 dropout_74" -> "1795 linear_115"; +"1792 _param_constant311" -> "1795 linear_115"; +"1793 linear_115_updated_constant0" -> "1794 asymmetric_weights_decompressor_linear_115_updated_constant0_0"; +"1794 asymmetric_weights_decompressor_linear_115_updated_constant0_0" -> "1795 linear_115"; +"1795 linear_115" -> "1796 dropout_75"; +"1796 dropout_75" -> "1799 layer_norm_40"; +"1797 _param_constant312" -> "1799 layer_norm_40"; +"1798 _param_constant313" -> "1799 layer_norm_40"; +"1799 layer_norm_40" -> "1800 add_65"; +"1800 add_65" -> "1819 pad_21"; +"1800 add_65" -> "1887 add_68"; +"1801 _tensor_constant119" -> "1805 linear_116"; +"1802 _param_constant315" -> "1805 linear_116"; +"1803 linear_116_updated_constant0" -> "1804 asymmetric_weights_decompressor_linear_116_updated_constant0_0"; +"1804 asymmetric_weights_decompressor_linear_116_updated_constant0_0" -> "1805 linear_116"; +"1805 linear_116" -> "1806 relu__19"; +"1806 relu__19" -> "1809 linear_117"; +"1807 linear_117_updated_constant0" -> "1808 asymmetric_weights_decompressor_linear_117_updated_constant0_0"; +"1808 asymmetric_weights_decompressor_linear_117_updated_constant0_0" -> "1809 linear_117"; +"1809 linear_117" -> "1810 view_103"; +"1810 view_103" -> "1812 index_19"; +"1811 _tensor_constant120" -> "1812 index_19"; +"1812 index_19" -> "1813 view_104"; +"1813 view_104" -> "1814 permute_86"; +"1814 permute_86" -> "1815 contiguous_36"; +"1815 contiguous_36" -> "1816 unsqueeze_55"; +"1816 unsqueeze_55" -> "1817 sigmoid_19"; +"1817 sigmoid_19" -> "1818 mul_38"; +"1818 mul_38" -> "1848 add_66"; +"1819 pad_21" -> "1820 roll_18"; +"1820 roll_18" -> "1821 view_105"; +"1821 view_105" -> "1822 permute_87"; +"1822 permute_87" -> "1823 reshape_85"; +"1823 reshape_85" -> "1828 linear_118"; +"1823 reshape_85" -> "1849 new_zeros_9"; +"1824 _param_constant317" -> "1825 clone_19"; +"1825 clone_19" -> "1828 linear_118"; +"1826 linear_118_updated_constant0" -> "1827 asymmetric_weights_decompressor_linear_118_updated_constant0_0"; +"1827 asymmetric_weights_decompressor_linear_118_updated_constant0_0" -> "1828 linear_118"; +"1828 linear_118" -> "1829 reshape_86"; +"1829 reshape_86" -> "1830 permute_88"; +"1830 permute_88" -> "1831 select_57"; +"1830 permute_88" -> "1832 select_58"; +"1830 permute_88" -> "1833 select_59"; +"1831 select_57" -> "1834 linalg_vector_norm_38"; +"1831 select_57" -> "1836 expand_as_38"; +"1831 select_57" -> "1837 div_38"; +"1832 select_58" -> "1838 linalg_vector_norm_39"; +"1832 select_58" -> "1840 expand_as_39"; +"1832 select_58" -> "1841 div_39"; +"1833 select_59" -> "1867 matmul_39"; +"1834 linalg_vector_norm_38" -> "1835 clamp_min_38"; +"1835 clamp_min_38" -> "1836 expand_as_38"; +"1836 expand_as_38" -> "1837 div_38"; +"1837 div_38" -> "1843 matmul_38"; +"1838 linalg_vector_norm_39" -> "1839 clamp_min_39"; +"1839 clamp_min_39" -> "1840 expand_as_39"; +"1840 expand_as_39" -> "1841 div_39"; +"1841 div_39" -> "1842 transpose_38"; +"1842 transpose_38" -> "1843 matmul_38"; +"1843 matmul_38" -> "1847 mul_39"; +"1844 _param_constant319" -> "1845 clamp_19"; +"1845 clamp_19" -> "1846 exp_19"; +"1846 exp_19" -> "1847 mul_39"; +"1847 mul_39" -> "1848 add_66"; +"1848 add_66" -> "1860 view_107"; +"1849 new_zeros_9" -> "1850 view_106"; +"1850 view_106" -> "1851 permute_89"; +"1851 permute_89" -> "1852 reshape_87"; +"1852 reshape_87" -> "1853 unsqueeze_56"; +"1852 reshape_87" -> "1854 unsqueeze_57"; +"1853 unsqueeze_56" -> "1855 sub_9"; +"1854 unsqueeze_57" -> "1855 sub_9"; +"1855 sub_9" -> "1856 ne_9"; +"1855 sub_9" -> "1857 masked_fill_18"; +"1855 sub_9" -> "1858 eq_9"; +"1856 ne_9" -> "1857 masked_fill_18"; +"1857 masked_fill_18" -> "1859 masked_fill_19"; +"1858 eq_9" -> "1859 masked_fill_19"; +"1859 masked_fill_19" -> "1861 unsqueeze_58"; +"1860 view_107" -> "1863 add_67"; +"1861 unsqueeze_58" -> "1862 unsqueeze_59"; +"1862 unsqueeze_59" -> "1863 add_67"; +"1863 add_67" -> "1864 view_108"; +"1864 view_108" -> "1865 softmax_19"; +"1865 softmax_19" -> "1866 dropout_76"; +"1866 dropout_76" -> "1867 matmul_39"; +"1867 matmul_39" -> "1868 transpose_39"; +"1868 transpose_39" -> "1869 reshape_88"; +"1869 reshape_88" -> "1873 linear_119"; +"1870 _param_constant321" -> "1873 linear_119"; +"1871 linear_119_updated_constant0" -> "1872 asymmetric_weights_decompressor_linear_119_updated_constant0_0"; +"1872 asymmetric_weights_decompressor_linear_119_updated_constant0_0" -> "1873 linear_119"; +"1873 linear_119" -> "1874 dropout_77"; +"1874 dropout_77" -> "1875 view_109"; +"1875 view_109" -> "1876 permute_90"; +"1876 permute_90" -> "1877 reshape_89"; +"1877 reshape_89" -> "1878 roll_19"; +"1878 roll_19" -> "1879 slice_297"; +"1879 slice_297" -> "1880 slice_298"; +"1880 slice_298" -> "1881 slice_299"; +"1881 slice_299" -> "1882 slice_300"; +"1882 slice_300" -> "1883 contiguous_37"; +"1883 contiguous_37" -> "1886 layer_norm_41"; +"1884 _param_constant322" -> "1886 layer_norm_41"; +"1885 _param_constant323" -> "1886 layer_norm_41"; +"1886 layer_norm_41" -> "1887 add_68"; +"1887 add_68" -> "1891 linear_120"; +"1887 add_68" -> "1902 add_69"; +"1888 _param_constant325" -> "1891 linear_120"; +"1889 linear_120_updated_constant0" -> "1890 asymmetric_weights_decompressor_linear_120_updated_constant0_0"; +"1890 asymmetric_weights_decompressor_linear_120_updated_constant0_0" -> "1891 linear_120"; +"1891 linear_120" -> "1892 gelu_19"; +"1892 gelu_19" -> "1893 dropout_78"; +"1893 dropout_78" -> "1897 linear_121"; +"1894 _param_constant327" -> "1897 linear_121"; +"1895 linear_121_updated_constant0" -> "1896 asymmetric_weights_decompressor_linear_121_updated_constant0_0"; +"1896 asymmetric_weights_decompressor_linear_121_updated_constant0_0" -> "1897 linear_121"; +"1897 linear_121" -> "1898 dropout_79"; +"1898 dropout_79" -> "1901 layer_norm_42"; +"1899 _param_constant328" -> "1901 layer_norm_42"; +"1900 _param_constant329" -> "1901 layer_norm_42"; +"1901 layer_norm_42" -> "1902 add_69"; +"1902 add_69" -> "1921 pad_22"; +"1902 add_69" -> "1971 add_71"; +"1903 _tensor_constant130" -> "1907 linear_122"; +"1904 _param_constant331" -> "1907 linear_122"; +"1905 linear_122_updated_constant0" -> "1906 asymmetric_weights_decompressor_linear_122_updated_constant0_0"; +"1906 asymmetric_weights_decompressor_linear_122_updated_constant0_0" -> "1907 linear_122"; +"1907 linear_122" -> "1908 relu__20"; +"1908 relu__20" -> "1911 linear_123"; +"1909 linear_123_updated_constant0" -> "1910 asymmetric_weights_decompressor_linear_123_updated_constant0_0"; +"1910 asymmetric_weights_decompressor_linear_123_updated_constant0_0" -> "1911 linear_123"; +"1911 linear_123" -> "1912 view_110"; +"1912 view_110" -> "1914 index_20"; +"1913 _tensor_constant131" -> "1914 index_20"; +"1914 index_20" -> "1915 view_111"; +"1915 view_111" -> "1916 permute_91"; +"1916 permute_91" -> "1917 contiguous_38"; +"1917 contiguous_38" -> "1918 unsqueeze_60"; +"1918 unsqueeze_60" -> "1919 sigmoid_20"; +"1919 sigmoid_20" -> "1920 mul_40"; +"1920 mul_40" -> "1949 add_70"; +"1921 pad_22" -> "1922 view_112"; +"1922 view_112" -> "1923 permute_92"; +"1923 permute_92" -> "1924 reshape_90"; +"1924 reshape_90" -> "1929 linear_124"; +"1925 _param_constant333" -> "1926 clone_20"; +"1926 clone_20" -> "1929 linear_124"; +"1927 linear_124_updated_constant0" -> "1928 asymmetric_weights_decompressor_linear_124_updated_constant0_0"; +"1928 asymmetric_weights_decompressor_linear_124_updated_constant0_0" -> "1929 linear_124"; +"1929 linear_124" -> "1930 reshape_91"; +"1930 reshape_91" -> "1931 permute_93"; +"1931 permute_93" -> "1932 select_60"; +"1931 permute_93" -> "1933 select_61"; +"1931 permute_93" -> "1934 select_62"; +"1932 select_60" -> "1935 linalg_vector_norm_40"; +"1932 select_60" -> "1937 expand_as_40"; +"1932 select_60" -> "1938 div_40"; +"1933 select_61" -> "1939 linalg_vector_norm_41"; +"1933 select_61" -> "1941 expand_as_41"; +"1933 select_61" -> "1942 div_41"; +"1934 select_62" -> "1952 matmul_41"; +"1935 linalg_vector_norm_40" -> "1936 clamp_min_40"; +"1936 clamp_min_40" -> "1937 expand_as_40"; +"1937 expand_as_40" -> "1938 div_40"; +"1938 div_40" -> "1944 matmul_40"; +"1939 linalg_vector_norm_41" -> "1940 clamp_min_41"; +"1940 clamp_min_41" -> "1941 expand_as_41"; +"1941 expand_as_41" -> "1942 div_41"; +"1942 div_41" -> "1943 transpose_40"; +"1943 transpose_40" -> "1944 matmul_40"; +"1944 matmul_40" -> "1948 mul_41"; +"1945 _param_constant335" -> "1946 clamp_20"; +"1946 clamp_20" -> "1947 exp_20"; +"1947 exp_20" -> "1948 mul_41"; +"1948 mul_41" -> "1949 add_70"; +"1949 add_70" -> "1950 softmax_20"; +"1950 softmax_20" -> "1951 dropout_80"; +"1951 dropout_80" -> "1952 matmul_41"; +"1952 matmul_41" -> "1953 transpose_41"; +"1953 transpose_41" -> "1954 reshape_92"; +"1954 reshape_92" -> "1958 linear_125"; +"1955 _param_constant337" -> "1958 linear_125"; +"1956 linear_125_updated_constant0" -> "1957 asymmetric_weights_decompressor_linear_125_updated_constant0_0"; +"1957 asymmetric_weights_decompressor_linear_125_updated_constant0_0" -> "1958 linear_125"; +"1958 linear_125" -> "1959 dropout_81"; +"1959 dropout_81" -> "1960 view_113"; +"1960 view_113" -> "1961 permute_94"; +"1961 permute_94" -> "1962 reshape_93"; +"1962 reshape_93" -> "1963 slice_302"; +"1963 slice_302" -> "1964 slice_303"; +"1964 slice_303" -> "1965 slice_304"; +"1965 slice_304" -> "1966 slice_305"; +"1966 slice_305" -> "1967 contiguous_39"; +"1967 contiguous_39" -> "1970 layer_norm_43"; +"1968 _param_constant338" -> "1970 layer_norm_43"; +"1969 _param_constant339" -> "1970 layer_norm_43"; +"1970 layer_norm_43" -> "1971 add_71"; +"1971 add_71" -> "1975 linear_126"; +"1971 add_71" -> "1986 add_72"; +"1972 _param_constant341" -> "1975 linear_126"; +"1973 linear_126_updated_constant0" -> "1974 asymmetric_weights_decompressor_linear_126_updated_constant0_0"; +"1974 asymmetric_weights_decompressor_linear_126_updated_constant0_0" -> "1975 linear_126"; +"1975 linear_126" -> "1976 gelu_20"; +"1976 gelu_20" -> "1977 dropout_82"; +"1977 dropout_82" -> "1981 linear_127"; +"1978 _param_constant343" -> "1981 linear_127"; +"1979 linear_127_updated_constant0" -> "1980 asymmetric_weights_decompressor_linear_127_updated_constant0_0"; +"1980 asymmetric_weights_decompressor_linear_127_updated_constant0_0" -> "1981 linear_127"; +"1981 linear_127" -> "1982 dropout_83"; +"1982 dropout_83" -> "1985 layer_norm_44"; +"1983 _param_constant344" -> "1985 layer_norm_44"; +"1984 _param_constant345" -> "1985 layer_norm_44"; +"1985 layer_norm_44" -> "1986 add_72"; +"1986 add_72" -> "2005 pad_23"; +"1986 add_72" -> "2073 add_75"; +"1987 _tensor_constant132" -> "1991 linear_128"; +"1988 _param_constant347" -> "1991 linear_128"; +"1989 linear_128_updated_constant0" -> "1990 asymmetric_weights_decompressor_linear_128_updated_constant0_0"; +"1990 asymmetric_weights_decompressor_linear_128_updated_constant0_0" -> "1991 linear_128"; +"1991 linear_128" -> "1992 relu__21"; +"1992 relu__21" -> "1995 linear_129"; +"1993 linear_129_updated_constant0" -> "1994 asymmetric_weights_decompressor_linear_129_updated_constant0_0"; +"1994 asymmetric_weights_decompressor_linear_129_updated_constant0_0" -> "1995 linear_129"; +"1995 linear_129" -> "1996 view_114"; +"1996 view_114" -> "1998 index_21"; +"1997 _tensor_constant133" -> "1998 index_21"; +"1998 index_21" -> "1999 view_115"; +"1999 view_115" -> "2000 permute_95"; +"2000 permute_95" -> "2001 contiguous_40"; +"2001 contiguous_40" -> "2002 unsqueeze_61"; +"2002 unsqueeze_61" -> "2003 sigmoid_21"; +"2003 sigmoid_21" -> "2004 mul_42"; +"2004 mul_42" -> "2034 add_73"; +"2005 pad_23" -> "2006 roll_20"; +"2006 roll_20" -> "2007 view_116"; +"2007 view_116" -> "2008 permute_96"; +"2008 permute_96" -> "2009 reshape_94"; +"2009 reshape_94" -> "2014 linear_130"; +"2009 reshape_94" -> "2035 new_zeros_10"; +"2010 _param_constant349" -> "2011 clone_21"; +"2011 clone_21" -> "2014 linear_130"; +"2012 linear_130_updated_constant0" -> "2013 asymmetric_weights_decompressor_linear_130_updated_constant0_0"; +"2013 asymmetric_weights_decompressor_linear_130_updated_constant0_0" -> "2014 linear_130"; +"2014 linear_130" -> "2015 reshape_95"; +"2015 reshape_95" -> "2016 permute_97"; +"2016 permute_97" -> "2017 select_63"; +"2016 permute_97" -> "2018 select_64"; +"2016 permute_97" -> "2019 select_65"; +"2017 select_63" -> "2020 linalg_vector_norm_42"; +"2017 select_63" -> "2022 expand_as_42"; +"2017 select_63" -> "2023 div_42"; +"2018 select_64" -> "2024 linalg_vector_norm_43"; +"2018 select_64" -> "2026 expand_as_43"; +"2018 select_64" -> "2027 div_43"; +"2019 select_65" -> "2053 matmul_43"; +"2020 linalg_vector_norm_42" -> "2021 clamp_min_42"; +"2021 clamp_min_42" -> "2022 expand_as_42"; +"2022 expand_as_42" -> "2023 div_42"; +"2023 div_42" -> "2029 matmul_42"; +"2024 linalg_vector_norm_43" -> "2025 clamp_min_43"; +"2025 clamp_min_43" -> "2026 expand_as_43"; +"2026 expand_as_43" -> "2027 div_43"; +"2027 div_43" -> "2028 transpose_42"; +"2028 transpose_42" -> "2029 matmul_42"; +"2029 matmul_42" -> "2033 mul_43"; +"2030 _param_constant351" -> "2031 clamp_21"; +"2031 clamp_21" -> "2032 exp_21"; +"2032 exp_21" -> "2033 mul_43"; +"2033 mul_43" -> "2034 add_73"; +"2034 add_73" -> "2046 view_118"; +"2035 new_zeros_10" -> "2036 view_117"; +"2036 view_117" -> "2037 permute_98"; +"2037 permute_98" -> "2038 reshape_96"; +"2038 reshape_96" -> "2039 unsqueeze_62"; +"2038 reshape_96" -> "2040 unsqueeze_63"; +"2039 unsqueeze_62" -> "2041 sub_10"; +"2040 unsqueeze_63" -> "2041 sub_10"; +"2041 sub_10" -> "2042 ne_10"; +"2041 sub_10" -> "2043 masked_fill_20"; +"2041 sub_10" -> "2044 eq_10"; +"2042 ne_10" -> "2043 masked_fill_20"; +"2043 masked_fill_20" -> "2045 masked_fill_21"; +"2044 eq_10" -> "2045 masked_fill_21"; +"2045 masked_fill_21" -> "2047 unsqueeze_64"; +"2046 view_118" -> "2049 add_74"; +"2047 unsqueeze_64" -> "2048 unsqueeze_65"; +"2048 unsqueeze_65" -> "2049 add_74"; +"2049 add_74" -> "2050 view_119"; +"2050 view_119" -> "2051 softmax_21"; +"2051 softmax_21" -> "2052 dropout_84"; +"2052 dropout_84" -> "2053 matmul_43"; +"2053 matmul_43" -> "2054 transpose_43"; +"2054 transpose_43" -> "2055 reshape_97"; +"2055 reshape_97" -> "2059 linear_131"; +"2056 _param_constant353" -> "2059 linear_131"; +"2057 linear_131_updated_constant0" -> "2058 asymmetric_weights_decompressor_linear_131_updated_constant0_0"; +"2058 asymmetric_weights_decompressor_linear_131_updated_constant0_0" -> "2059 linear_131"; +"2059 linear_131" -> "2060 dropout_85"; +"2060 dropout_85" -> "2061 view_120"; +"2061 view_120" -> "2062 permute_99"; +"2062 permute_99" -> "2063 reshape_98"; +"2063 reshape_98" -> "2064 roll_21"; +"2064 roll_21" -> "2065 slice_325"; +"2065 slice_325" -> "2066 slice_326"; +"2066 slice_326" -> "2067 slice_327"; +"2067 slice_327" -> "2068 slice_328"; +"2068 slice_328" -> "2069 contiguous_41"; +"2069 contiguous_41" -> "2072 layer_norm_45"; +"2070 _param_constant354" -> "2072 layer_norm_45"; +"2071 _param_constant355" -> "2072 layer_norm_45"; +"2072 layer_norm_45" -> "2073 add_75"; +"2073 add_75" -> "2077 linear_132"; +"2073 add_75" -> "2088 add_76"; +"2074 _param_constant357" -> "2077 linear_132"; +"2075 linear_132_updated_constant0" -> "2076 asymmetric_weights_decompressor_linear_132_updated_constant0_0"; +"2076 asymmetric_weights_decompressor_linear_132_updated_constant0_0" -> "2077 linear_132"; +"2077 linear_132" -> "2078 gelu_21"; +"2078 gelu_21" -> "2079 dropout_86"; +"2079 dropout_86" -> "2083 linear_133"; +"2080 _param_constant359" -> "2083 linear_133"; +"2081 linear_133_updated_constant0" -> "2082 asymmetric_weights_decompressor_linear_133_updated_constant0_0"; +"2082 asymmetric_weights_decompressor_linear_133_updated_constant0_0" -> "2083 linear_133"; +"2083 linear_133" -> "2084 dropout_87"; +"2084 dropout_87" -> "2087 layer_norm_46"; +"2085 _param_constant360" -> "2087 layer_norm_46"; +"2086 _param_constant361" -> "2087 layer_norm_46"; +"2087 layer_norm_46" -> "2088 add_76"; +"2088 add_76" -> "2089 pad_24"; +"2089 pad_24" -> "2090 slice_329"; +"2089 pad_24" -> "2093 slice_332"; +"2089 pad_24" -> "2096 slice_335"; +"2089 pad_24" -> "2099 slice_338"; +"2090 slice_329" -> "2091 slice_330"; +"2091 slice_330" -> "2092 slice_331"; +"2092 slice_331" -> "2102 cat_2"; +"2093 slice_332" -> "2094 slice_333"; +"2094 slice_333" -> "2095 slice_334"; +"2095 slice_334" -> "2102 cat_2"; +"2096 slice_335" -> "2097 slice_336"; +"2097 slice_336" -> "2098 slice_337"; +"2098 slice_337" -> "2102 cat_2"; +"2099 slice_338" -> "2100 slice_339"; +"2100 slice_339" -> "2101 slice_340"; +"2101 slice_340" -> "2102 cat_2"; +"2102 cat_2" -> "2105 linear_134"; +"2103 linear_134_updated_constant0" -> "2104 asymmetric_weights_decompressor_linear_134_updated_constant0_0"; +"2104 asymmetric_weights_decompressor_linear_134_updated_constant0_0" -> "2105 linear_134"; +"2105 linear_134" -> "2108 layer_norm_47"; +"2106 _param_constant363" -> "2108 layer_norm_47"; +"2107 _param_constant364" -> "2108 layer_norm_47"; +"2108 layer_norm_47" -> "2127 pad_25"; +"2108 layer_norm_47" -> "2177 add_78"; +"2109 _tensor_constant143" -> "2113 linear_135"; +"2110 _param_constant366" -> "2113 linear_135"; +"2111 linear_135_updated_constant0" -> "2112 asymmetric_weights_decompressor_linear_135_updated_constant0_0"; +"2112 asymmetric_weights_decompressor_linear_135_updated_constant0_0" -> "2113 linear_135"; +"2113 linear_135" -> "2114 relu__22"; +"2114 relu__22" -> "2117 linear_136"; +"2115 linear_136_updated_constant0" -> "2116 asymmetric_weights_decompressor_linear_136_updated_constant0_0"; +"2116 asymmetric_weights_decompressor_linear_136_updated_constant0_0" -> "2117 linear_136"; +"2117 linear_136" -> "2118 view_121"; +"2118 view_121" -> "2120 index_22"; +"2119 _tensor_constant144" -> "2120 index_22"; +"2120 index_22" -> "2121 view_122"; +"2121 view_122" -> "2122 permute_100"; +"2122 permute_100" -> "2123 contiguous_42"; +"2123 contiguous_42" -> "2124 unsqueeze_66"; +"2124 unsqueeze_66" -> "2125 sigmoid_22"; +"2125 sigmoid_22" -> "2126 mul_44"; +"2126 mul_44" -> "2155 add_77"; +"2127 pad_25" -> "2128 view_123"; +"2128 view_123" -> "2129 permute_101"; +"2129 permute_101" -> "2130 reshape_99"; +"2130 reshape_99" -> "2135 linear_137"; +"2131 _param_constant368" -> "2132 clone_22"; +"2132 clone_22" -> "2135 linear_137"; +"2133 linear_137_updated_constant0" -> "2134 asymmetric_weights_decompressor_linear_137_updated_constant0_0"; +"2134 asymmetric_weights_decompressor_linear_137_updated_constant0_0" -> "2135 linear_137"; +"2135 linear_137" -> "2136 reshape_100"; +"2136 reshape_100" -> "2137 permute_102"; +"2137 permute_102" -> "2138 select_66"; +"2137 permute_102" -> "2139 select_67"; +"2137 permute_102" -> "2140 select_68"; +"2138 select_66" -> "2141 linalg_vector_norm_44"; +"2138 select_66" -> "2143 expand_as_44"; +"2138 select_66" -> "2144 div_44"; +"2139 select_67" -> "2145 linalg_vector_norm_45"; +"2139 select_67" -> "2147 expand_as_45"; +"2139 select_67" -> "2148 div_45"; +"2140 select_68" -> "2158 matmul_45"; +"2141 linalg_vector_norm_44" -> "2142 clamp_min_44"; +"2142 clamp_min_44" -> "2143 expand_as_44"; +"2143 expand_as_44" -> "2144 div_44"; +"2144 div_44" -> "2150 matmul_44"; +"2145 linalg_vector_norm_45" -> "2146 clamp_min_45"; +"2146 clamp_min_45" -> "2147 expand_as_45"; +"2147 expand_as_45" -> "2148 div_45"; +"2148 div_45" -> "2149 transpose_44"; +"2149 transpose_44" -> "2150 matmul_44"; +"2150 matmul_44" -> "2154 mul_45"; +"2151 _param_constant370" -> "2152 clamp_22"; +"2152 clamp_22" -> "2153 exp_22"; +"2153 exp_22" -> "2154 mul_45"; +"2154 mul_45" -> "2155 add_77"; +"2155 add_77" -> "2156 softmax_22"; +"2156 softmax_22" -> "2157 dropout_88"; +"2157 dropout_88" -> "2158 matmul_45"; +"2158 matmul_45" -> "2159 transpose_45"; +"2159 transpose_45" -> "2160 reshape_101"; +"2160 reshape_101" -> "2164 linear_138"; +"2161 _param_constant372" -> "2164 linear_138"; +"2162 linear_138_updated_constant0" -> "2163 asymmetric_weights_decompressor_linear_138_updated_constant0_0"; +"2163 asymmetric_weights_decompressor_linear_138_updated_constant0_0" -> "2164 linear_138"; +"2164 linear_138" -> "2165 dropout_89"; +"2165 dropout_89" -> "2166 view_124"; +"2166 view_124" -> "2167 permute_103"; +"2167 permute_103" -> "2168 reshape_102"; +"2168 reshape_102" -> "2169 slice_342"; +"2169 slice_342" -> "2170 slice_343"; +"2170 slice_343" -> "2171 slice_344"; +"2171 slice_344" -> "2172 slice_345"; +"2172 slice_345" -> "2173 contiguous_43"; +"2173 contiguous_43" -> "2176 layer_norm_48"; +"2174 _param_constant373" -> "2176 layer_norm_48"; +"2175 _param_constant374" -> "2176 layer_norm_48"; +"2176 layer_norm_48" -> "2177 add_78"; +"2177 add_78" -> "2181 linear_139"; +"2177 add_78" -> "2192 add_79"; +"2178 _param_constant376" -> "2181 linear_139"; +"2179 linear_139_updated_constant0" -> "2180 asymmetric_weights_decompressor_linear_139_updated_constant0_0"; +"2180 asymmetric_weights_decompressor_linear_139_updated_constant0_0" -> "2181 linear_139"; +"2181 linear_139" -> "2182 gelu_22"; +"2182 gelu_22" -> "2183 dropout_90"; +"2183 dropout_90" -> "2187 linear_140"; +"2184 _param_constant378" -> "2187 linear_140"; +"2185 linear_140_updated_constant0" -> "2186 asymmetric_weights_decompressor_linear_140_updated_constant0_0"; +"2186 asymmetric_weights_decompressor_linear_140_updated_constant0_0" -> "2187 linear_140"; +"2187 linear_140" -> "2188 dropout_91"; +"2188 dropout_91" -> "2191 layer_norm_49"; +"2189 _param_constant379" -> "2191 layer_norm_49"; +"2190 _param_constant380" -> "2191 layer_norm_49"; +"2191 layer_norm_49" -> "2192 add_79"; +"2192 add_79" -> "2211 pad_26"; +"2192 add_79" -> "2261 add_81"; +"2193 _tensor_constant145" -> "2197 linear_141"; +"2194 _param_constant382" -> "2197 linear_141"; +"2195 linear_141_updated_constant0" -> "2196 asymmetric_weights_decompressor_linear_141_updated_constant0_0"; +"2196 asymmetric_weights_decompressor_linear_141_updated_constant0_0" -> "2197 linear_141"; +"2197 linear_141" -> "2198 relu__23"; +"2198 relu__23" -> "2201 linear_142"; +"2199 linear_142_updated_constant0" -> "2200 asymmetric_weights_decompressor_linear_142_updated_constant0_0"; +"2200 asymmetric_weights_decompressor_linear_142_updated_constant0_0" -> "2201 linear_142"; +"2201 linear_142" -> "2202 view_125"; +"2202 view_125" -> "2204 index_23"; +"2203 _tensor_constant146" -> "2204 index_23"; +"2204 index_23" -> "2205 view_126"; +"2205 view_126" -> "2206 permute_104"; +"2206 permute_104" -> "2207 contiguous_44"; +"2207 contiguous_44" -> "2208 unsqueeze_67"; +"2208 unsqueeze_67" -> "2209 sigmoid_23"; +"2209 sigmoid_23" -> "2210 mul_46"; +"2210 mul_46" -> "2239 add_80"; +"2211 pad_26" -> "2212 view_127"; +"2212 view_127" -> "2213 permute_105"; +"2213 permute_105" -> "2214 reshape_103"; +"2214 reshape_103" -> "2219 linear_143"; +"2215 _param_constant384" -> "2216 clone_23"; +"2216 clone_23" -> "2219 linear_143"; +"2217 linear_143_updated_constant0" -> "2218 asymmetric_weights_decompressor_linear_143_updated_constant0_0"; +"2218 asymmetric_weights_decompressor_linear_143_updated_constant0_0" -> "2219 linear_143"; +"2219 linear_143" -> "2220 reshape_104"; +"2220 reshape_104" -> "2221 permute_106"; +"2221 permute_106" -> "2222 select_69"; +"2221 permute_106" -> "2223 select_70"; +"2221 permute_106" -> "2224 select_71"; +"2222 select_69" -> "2225 linalg_vector_norm_46"; +"2222 select_69" -> "2227 expand_as_46"; +"2222 select_69" -> "2228 div_46"; +"2223 select_70" -> "2229 linalg_vector_norm_47"; +"2223 select_70" -> "2231 expand_as_47"; +"2223 select_70" -> "2232 div_47"; +"2224 select_71" -> "2242 matmul_47"; +"2225 linalg_vector_norm_46" -> "2226 clamp_min_46"; +"2226 clamp_min_46" -> "2227 expand_as_46"; +"2227 expand_as_46" -> "2228 div_46"; +"2228 div_46" -> "2234 matmul_46"; +"2229 linalg_vector_norm_47" -> "2230 clamp_min_47"; +"2230 clamp_min_47" -> "2231 expand_as_47"; +"2231 expand_as_47" -> "2232 div_47"; +"2232 div_47" -> "2233 transpose_46"; +"2233 transpose_46" -> "2234 matmul_46"; +"2234 matmul_46" -> "2238 mul_47"; +"2235 _param_constant386" -> "2236 clamp_23"; +"2236 clamp_23" -> "2237 exp_23"; +"2237 exp_23" -> "2238 mul_47"; +"2238 mul_47" -> "2239 add_80"; +"2239 add_80" -> "2240 softmax_23"; +"2240 softmax_23" -> "2241 dropout_92"; +"2241 dropout_92" -> "2242 matmul_47"; +"2242 matmul_47" -> "2243 transpose_47"; +"2243 transpose_47" -> "2244 reshape_105"; +"2244 reshape_105" -> "2248 linear_144"; +"2245 _param_constant388" -> "2248 linear_144"; +"2246 linear_144_updated_constant0" -> "2247 asymmetric_weights_decompressor_linear_144_updated_constant0_0"; +"2247 asymmetric_weights_decompressor_linear_144_updated_constant0_0" -> "2248 linear_144"; +"2248 linear_144" -> "2249 dropout_93"; +"2249 dropout_93" -> "2250 view_128"; +"2250 view_128" -> "2251 permute_107"; +"2251 permute_107" -> "2252 reshape_106"; +"2252 reshape_106" -> "2253 slice_347"; +"2253 slice_347" -> "2254 slice_348"; +"2254 slice_348" -> "2255 slice_349"; +"2255 slice_349" -> "2256 slice_350"; +"2256 slice_350" -> "2257 contiguous_45"; +"2257 contiguous_45" -> "2260 layer_norm_50"; +"2258 _param_constant389" -> "2260 layer_norm_50"; +"2259 _param_constant390" -> "2260 layer_norm_50"; +"2260 layer_norm_50" -> "2261 add_81"; +"2261 add_81" -> "2265 linear_145"; +"2261 add_81" -> "2276 add_82"; +"2262 _param_constant392" -> "2265 linear_145"; +"2263 linear_145_updated_constant0" -> "2264 asymmetric_weights_decompressor_linear_145_updated_constant0_0"; +"2264 asymmetric_weights_decompressor_linear_145_updated_constant0_0" -> "2265 linear_145"; +"2265 linear_145" -> "2266 gelu_23"; +"2266 gelu_23" -> "2267 dropout_94"; +"2267 dropout_94" -> "2271 linear_146"; +"2268 _param_constant394" -> "2271 linear_146"; +"2269 linear_146_updated_constant0" -> "2270 asymmetric_weights_decompressor_linear_146_updated_constant0_0"; +"2270 asymmetric_weights_decompressor_linear_146_updated_constant0_0" -> "2271 linear_146"; +"2271 linear_146" -> "2272 dropout_95"; +"2272 dropout_95" -> "2275 layer_norm_51"; +"2273 _param_constant395" -> "2275 layer_norm_51"; +"2274 _param_constant396" -> "2275 layer_norm_51"; +"2275 layer_norm_51" -> "2276 add_82"; +"2276 add_82" -> "2279 layer_norm_52"; +"2277 _param_constant397" -> "2279 layer_norm_52"; +"2278 _param_constant398" -> "2279 layer_norm_52"; +"2279 layer_norm_52" -> "2280 permute_108"; +"2280 permute_108" -> "2281 adaptive_avg_pool2d"; +"2281 adaptive_avg_pool2d" -> "2282 flatten"; +"2282 flatten" -> "2286 linear_147"; +"2283 _param_constant400" -> "2286 linear_147"; +"2284 linear_147_updated_constant0" -> "2285 asymmetric_weights_decompressor_linear_147_updated_constant0_0"; +"2285 asymmetric_weights_decompressor_linear_147_updated_constant0_0" -> "2286 linear_147"; +"2286 linear_147" -> "2287 output"; +} diff --git a/tests/torch/data/reference_graphs/fx/compressed/swin_v2_s_int8_sym.dot b/tests/torch/data/reference_graphs/fx/compressed/swin_v2_s_int8_sym.dot new file mode 100644 index 00000000000..e66e393bef9 --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/compressed/swin_v2_s_int8_sym.dot @@ -0,0 +1,4822 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 _param_constant1" [id=1, type=get_attr]; +"2 conv2d_updated_constant0" [id=2, type=get_attr]; +"3 symmetric_weights_decompressor_conv2d_updated_constant0_0" [id=3, type=call_module]; +"4 conv2d" [id=4, type=conv2d]; +"5 permute" [id=5, type=permute]; +"6 _param_constant2" [id=6, type=get_attr]; +"7 _param_constant3" [id=7, type=get_attr]; +"8 layer_norm" [id=8, type=layer_norm]; +"9 _tensor_constant0" [id=9, type=get_attr]; +"10 _param_constant5" [id=10, type=get_attr]; +"11 linear_updated_constant0" [id=11, type=get_attr]; +"12 symmetric_weights_decompressor_linear_updated_constant0_0" [id=12, type=call_module]; +"13 linear" [id=13, type=linear]; +"14 relu_" [id=14, type=relu_]; +"15 linear_1_updated_constant0" [id=15, type=get_attr]; +"16 symmetric_weights_decompressor_linear_1_updated_constant0_0" [id=16, type=call_module]; +"17 linear_1" [id=17, type=linear]; +"18 view" [id=18, type=view]; +"19 _tensor_constant1" [id=19, type=get_attr]; +"20 index" [id=20, type=index]; +"21 view_1" [id=21, type=view]; +"22 permute_1" [id=22, type=permute]; +"23 contiguous" [id=23, type=contiguous]; +"24 unsqueeze" [id=24, type=unsqueeze]; +"25 sigmoid" [id=25, type=sigmoid]; +"26 mul" [id=26, type=mul]; +"27 pad" [id=27, type=pad]; +"28 view_2" [id=28, type=view]; +"29 permute_2" [id=29, type=permute]; +"30 reshape" [id=30, type=reshape]; +"31 _param_constant7" [id=31, type=get_attr]; +"32 clone" [id=32, type=clone]; +"33 linear_2_updated_constant0" [id=33, type=get_attr]; +"34 symmetric_weights_decompressor_linear_2_updated_constant0_0" [id=34, type=call_module]; +"35 linear_2" [id=35, type=linear]; +"36 reshape_1" [id=36, type=reshape]; +"37 permute_3" [id=37, type=permute]; +"38 select" [id=38, type=select]; +"39 select_1" [id=39, type=select]; +"40 select_2" [id=40, type=select]; +"41 linalg_vector_norm" [id=41, type=linalg_vector_norm]; +"42 clamp_min" [id=42, type=clamp_min]; +"43 expand_as" [id=43, type=expand_as]; +"44 div" [id=44, type=div]; +"45 linalg_vector_norm_1" [id=45, type=linalg_vector_norm]; +"46 clamp_min_1" [id=46, type=clamp_min]; +"47 expand_as_1" [id=47, type=expand_as]; +"48 div_1" [id=48, type=div]; +"49 transpose" [id=49, type=transpose]; +"50 matmul" [id=50, type=matmul]; +"51 _param_constant9" [id=51, type=get_attr]; +"52 clamp" [id=52, type=clamp]; +"53 exp" [id=53, type=exp]; +"54 mul_1" [id=54, type=mul]; +"55 add" [id=55, type=add]; +"56 softmax" [id=56, type=softmax]; +"57 dropout" [id=57, type=dropout]; +"58 matmul_1" [id=58, type=matmul]; +"59 transpose_1" [id=59, type=transpose]; +"60 reshape_2" [id=60, type=reshape]; +"61 _param_constant11" [id=61, type=get_attr]; +"62 linear_3_updated_constant0" [id=62, type=get_attr]; +"63 symmetric_weights_decompressor_linear_3_updated_constant0_0" [id=63, type=call_module]; +"64 linear_3" [id=64, type=linear]; +"65 dropout_1" [id=65, type=dropout]; +"66 view_3" [id=66, type=view]; +"67 permute_4" [id=67, type=permute]; +"68 reshape_3" [id=68, type=reshape]; +"69 slice_2" [id=69, type=slice]; +"70 slice_3" [id=70, type=slice]; +"71 _param_constant12" [id=71, type=get_attr]; +"72 _param_constant13" [id=72, type=get_attr]; +"73 layer_norm_1" [id=73, type=layer_norm]; +"74 add_1" [id=74, type=add]; +"75 _param_constant15" [id=75, type=get_attr]; +"76 linear_4_updated_constant0" [id=76, type=get_attr]; +"77 symmetric_weights_decompressor_linear_4_updated_constant0_0" [id=77, type=call_module]; +"78 linear_4" [id=78, type=linear]; +"79 gelu" [id=79, type=gelu]; +"80 dropout_2" [id=80, type=dropout]; +"81 _param_constant17" [id=81, type=get_attr]; +"82 linear_5_updated_constant0" [id=82, type=get_attr]; +"83 symmetric_weights_decompressor_linear_5_updated_constant0_0" [id=83, type=call_module]; +"84 linear_5" [id=84, type=linear]; +"85 dropout_3" [id=85, type=dropout]; +"86 _param_constant18" [id=86, type=get_attr]; +"87 _param_constant19" [id=87, type=get_attr]; +"88 layer_norm_2" [id=88, type=layer_norm]; +"89 add_2" [id=89, type=add]; +"90 _tensor_constant2" [id=90, type=get_attr]; +"91 _param_constant21" [id=91, type=get_attr]; +"92 linear_6_updated_constant0" [id=92, type=get_attr]; +"93 symmetric_weights_decompressor_linear_6_updated_constant0_0" [id=93, type=call_module]; +"94 linear_6" [id=94, type=linear]; +"95 relu__1" [id=95, type=relu_]; +"96 linear_7_updated_constant0" [id=96, type=get_attr]; +"97 symmetric_weights_decompressor_linear_7_updated_constant0_0" [id=97, type=call_module]; +"98 linear_7" [id=98, type=linear]; +"99 view_4" [id=99, type=view]; +"100 _tensor_constant3" [id=100, type=get_attr]; +"101 index_1" [id=101, type=index]; +"102 view_5" [id=102, type=view]; +"103 permute_5" [id=103, type=permute]; +"104 contiguous_1" [id=104, type=contiguous]; +"105 unsqueeze_1" [id=105, type=unsqueeze]; +"106 sigmoid_1" [id=106, type=sigmoid]; +"107 mul_2" [id=107, type=mul]; +"108 pad_1" [id=108, type=pad]; +"109 roll" [id=109, type=roll]; +"110 view_6" [id=110, type=view]; +"111 permute_6" [id=111, type=permute]; +"112 reshape_4" [id=112, type=reshape]; +"113 _param_constant23" [id=113, type=get_attr]; +"114 clone_1" [id=114, type=clone]; +"115 linear_8_updated_constant0" [id=115, type=get_attr]; +"116 symmetric_weights_decompressor_linear_8_updated_constant0_0" [id=116, type=call_module]; +"117 linear_8" [id=117, type=linear]; +"118 reshape_5" [id=118, type=reshape]; +"119 permute_7" [id=119, type=permute]; +"120 select_3" [id=120, type=select]; +"121 select_4" [id=121, type=select]; +"122 select_5" [id=122, type=select]; +"123 linalg_vector_norm_2" [id=123, type=linalg_vector_norm]; +"124 clamp_min_2" [id=124, type=clamp_min]; +"125 expand_as_2" [id=125, type=expand_as]; +"126 div_2" [id=126, type=div]; +"127 linalg_vector_norm_3" [id=127, type=linalg_vector_norm]; +"128 clamp_min_3" [id=128, type=clamp_min]; +"129 expand_as_3" [id=129, type=expand_as]; +"130 div_3" [id=130, type=div]; +"131 transpose_2" [id=131, type=transpose]; +"132 matmul_2" [id=132, type=matmul]; +"133 _param_constant25" [id=133, type=get_attr]; +"134 clamp_1" [id=134, type=clamp]; +"135 exp_1" [id=135, type=exp]; +"136 mul_3" [id=136, type=mul]; +"137 add_3" [id=137, type=add]; +"138 new_zeros" [id=138, type=new_zeros]; +"139 view_7" [id=139, type=view]; +"140 permute_8" [id=140, type=permute]; +"141 reshape_6" [id=141, type=reshape]; +"142 unsqueeze_2" [id=142, type=unsqueeze]; +"143 unsqueeze_3" [id=143, type=unsqueeze]; +"144 sub" [id=144, type=sub]; +"145 ne" [id=145, type=ne]; +"146 masked_fill" [id=146, type=masked_fill]; +"147 eq" [id=147, type=eq]; +"148 masked_fill_1" [id=148, type=masked_fill]; +"149 view_8" [id=149, type=view]; +"150 unsqueeze_4" [id=150, type=unsqueeze]; +"151 unsqueeze_5" [id=151, type=unsqueeze]; +"152 add_4" [id=152, type=add]; +"153 view_9" [id=153, type=view]; +"154 softmax_1" [id=154, type=softmax]; +"155 dropout_4" [id=155, type=dropout]; +"156 matmul_3" [id=156, type=matmul]; +"157 transpose_3" [id=157, type=transpose]; +"158 reshape_7" [id=158, type=reshape]; +"159 _param_constant27" [id=159, type=get_attr]; +"160 linear_9_updated_constant0" [id=160, type=get_attr]; +"161 symmetric_weights_decompressor_linear_9_updated_constant0_0" [id=161, type=call_module]; +"162 linear_9" [id=162, type=linear]; +"163 dropout_5" [id=163, type=dropout]; +"164 view_10" [id=164, type=view]; +"165 permute_9" [id=165, type=permute]; +"166 reshape_8" [id=166, type=reshape]; +"167 roll_1" [id=167, type=roll]; +"168 slice_23" [id=168, type=slice]; +"169 slice_24" [id=169, type=slice]; +"170 _param_constant28" [id=170, type=get_attr]; +"171 _param_constant29" [id=171, type=get_attr]; +"172 layer_norm_3" [id=172, type=layer_norm]; +"173 add_5" [id=173, type=add]; +"174 _param_constant31" [id=174, type=get_attr]; +"175 linear_10_updated_constant0" [id=175, type=get_attr]; +"176 symmetric_weights_decompressor_linear_10_updated_constant0_0" [id=176, type=call_module]; +"177 linear_10" [id=177, type=linear]; +"178 gelu_1" [id=178, type=gelu]; +"179 dropout_6" [id=179, type=dropout]; +"180 _param_constant33" [id=180, type=get_attr]; +"181 linear_11_updated_constant0" [id=181, type=get_attr]; +"182 symmetric_weights_decompressor_linear_11_updated_constant0_0" [id=182, type=call_module]; +"183 linear_11" [id=183, type=linear]; +"184 dropout_7" [id=184, type=dropout]; +"185 _param_constant34" [id=185, type=get_attr]; +"186 _param_constant35" [id=186, type=get_attr]; +"187 layer_norm_4" [id=187, type=layer_norm]; +"188 add_6" [id=188, type=add]; +"189 pad_2" [id=189, type=pad]; +"190 slice_25" [id=190, type=slice]; +"191 slice_26" [id=191, type=slice]; +"192 slice_27" [id=192, type=slice]; +"193 slice_28" [id=193, type=slice]; +"194 slice_29" [id=194, type=slice]; +"195 slice_30" [id=195, type=slice]; +"196 slice_31" [id=196, type=slice]; +"197 slice_32" [id=197, type=slice]; +"198 slice_33" [id=198, type=slice]; +"199 slice_34" [id=199, type=slice]; +"200 slice_35" [id=200, type=slice]; +"201 slice_36" [id=201, type=slice]; +"202 cat" [id=202, type=cat]; +"203 linear_12_updated_constant0" [id=203, type=get_attr]; +"204 symmetric_weights_decompressor_linear_12_updated_constant0_0" [id=204, type=call_module]; +"205 linear_12" [id=205, type=linear]; +"206 _param_constant37" [id=206, type=get_attr]; +"207 _param_constant38" [id=207, type=get_attr]; +"208 layer_norm_5" [id=208, type=layer_norm]; +"209 _tensor_constant13" [id=209, type=get_attr]; +"210 _param_constant40" [id=210, type=get_attr]; +"211 linear_13_updated_constant0" [id=211, type=get_attr]; +"212 symmetric_weights_decompressor_linear_13_updated_constant0_0" [id=212, type=call_module]; +"213 linear_13" [id=213, type=linear]; +"214 relu__2" [id=214, type=relu_]; +"215 linear_14_updated_constant0" [id=215, type=get_attr]; +"216 symmetric_weights_decompressor_linear_14_updated_constant0_0" [id=216, type=call_module]; +"217 linear_14" [id=217, type=linear]; +"218 view_11" [id=218, type=view]; +"219 _tensor_constant14" [id=219, type=get_attr]; +"220 index_2" [id=220, type=index]; +"221 view_12" [id=221, type=view]; +"222 permute_10" [id=222, type=permute]; +"223 contiguous_2" [id=223, type=contiguous]; +"224 unsqueeze_6" [id=224, type=unsqueeze]; +"225 sigmoid_2" [id=225, type=sigmoid]; +"226 mul_4" [id=226, type=mul]; +"227 pad_3" [id=227, type=pad]; +"228 view_13" [id=228, type=view]; +"229 permute_11" [id=229, type=permute]; +"230 reshape_9" [id=230, type=reshape]; +"231 _param_constant42" [id=231, type=get_attr]; +"232 clone_2" [id=232, type=clone]; +"233 linear_15_updated_constant0" [id=233, type=get_attr]; +"234 symmetric_weights_decompressor_linear_15_updated_constant0_0" [id=234, type=call_module]; +"235 linear_15" [id=235, type=linear]; +"236 reshape_10" [id=236, type=reshape]; +"237 permute_12" [id=237, type=permute]; +"238 select_6" [id=238, type=select]; +"239 select_7" [id=239, type=select]; +"240 select_8" [id=240, type=select]; +"241 linalg_vector_norm_4" [id=241, type=linalg_vector_norm]; +"242 clamp_min_4" [id=242, type=clamp_min]; +"243 expand_as_4" [id=243, type=expand_as]; +"244 div_4" [id=244, type=div]; +"245 linalg_vector_norm_5" [id=245, type=linalg_vector_norm]; +"246 clamp_min_5" [id=246, type=clamp_min]; +"247 expand_as_5" [id=247, type=expand_as]; +"248 div_5" [id=248, type=div]; +"249 transpose_4" [id=249, type=transpose]; +"250 matmul_4" [id=250, type=matmul]; +"251 _param_constant44" [id=251, type=get_attr]; +"252 clamp_2" [id=252, type=clamp]; +"253 exp_2" [id=253, type=exp]; +"254 mul_5" [id=254, type=mul]; +"255 add_7" [id=255, type=add]; +"256 softmax_2" [id=256, type=softmax]; +"257 dropout_8" [id=257, type=dropout]; +"258 matmul_5" [id=258, type=matmul]; +"259 transpose_5" [id=259, type=transpose]; +"260 reshape_11" [id=260, type=reshape]; +"261 _param_constant46" [id=261, type=get_attr]; +"262 linear_16_updated_constant0" [id=262, type=get_attr]; +"263 symmetric_weights_decompressor_linear_16_updated_constant0_0" [id=263, type=call_module]; +"264 linear_16" [id=264, type=linear]; +"265 dropout_9" [id=265, type=dropout]; +"266 view_14" [id=266, type=view]; +"267 permute_13" [id=267, type=permute]; +"268 reshape_12" [id=268, type=reshape]; +"269 slice_38" [id=269, type=slice]; +"270 slice_39" [id=270, type=slice]; +"271 slice_40" [id=271, type=slice]; +"272 slice_41" [id=272, type=slice]; +"273 contiguous_3" [id=273, type=contiguous]; +"274 _param_constant47" [id=274, type=get_attr]; +"275 _param_constant48" [id=275, type=get_attr]; +"276 layer_norm_6" [id=276, type=layer_norm]; +"277 add_8" [id=277, type=add]; +"278 _param_constant50" [id=278, type=get_attr]; +"279 linear_17_updated_constant0" [id=279, type=get_attr]; +"280 symmetric_weights_decompressor_linear_17_updated_constant0_0" [id=280, type=call_module]; +"281 linear_17" [id=281, type=linear]; +"282 gelu_2" [id=282, type=gelu]; +"283 dropout_10" [id=283, type=dropout]; +"284 _param_constant52" [id=284, type=get_attr]; +"285 linear_18_updated_constant0" [id=285, type=get_attr]; +"286 symmetric_weights_decompressor_linear_18_updated_constant0_0" [id=286, type=call_module]; +"287 linear_18" [id=287, type=linear]; +"288 dropout_11" [id=288, type=dropout]; +"289 _param_constant53" [id=289, type=get_attr]; +"290 _param_constant54" [id=290, type=get_attr]; +"291 layer_norm_7" [id=291, type=layer_norm]; +"292 add_9" [id=292, type=add]; +"293 _tensor_constant15" [id=293, type=get_attr]; +"294 _param_constant56" [id=294, type=get_attr]; +"295 linear_19_updated_constant0" [id=295, type=get_attr]; +"296 symmetric_weights_decompressor_linear_19_updated_constant0_0" [id=296, type=call_module]; +"297 linear_19" [id=297, type=linear]; +"298 relu__3" [id=298, type=relu_]; +"299 linear_20_updated_constant0" [id=299, type=get_attr]; +"300 symmetric_weights_decompressor_linear_20_updated_constant0_0" [id=300, type=call_module]; +"301 linear_20" [id=301, type=linear]; +"302 view_15" [id=302, type=view]; +"303 _tensor_constant16" [id=303, type=get_attr]; +"304 index_3" [id=304, type=index]; +"305 view_16" [id=305, type=view]; +"306 permute_14" [id=306, type=permute]; +"307 contiguous_4" [id=307, type=contiguous]; +"308 unsqueeze_7" [id=308, type=unsqueeze]; +"309 sigmoid_3" [id=309, type=sigmoid]; +"310 mul_6" [id=310, type=mul]; +"311 pad_4" [id=311, type=pad]; +"312 roll_2" [id=312, type=roll]; +"313 view_17" [id=313, type=view]; +"314 permute_15" [id=314, type=permute]; +"315 reshape_13" [id=315, type=reshape]; +"316 _param_constant58" [id=316, type=get_attr]; +"317 clone_3" [id=317, type=clone]; +"318 linear_21_updated_constant0" [id=318, type=get_attr]; +"319 symmetric_weights_decompressor_linear_21_updated_constant0_0" [id=319, type=call_module]; +"320 linear_21" [id=320, type=linear]; +"321 reshape_14" [id=321, type=reshape]; +"322 permute_16" [id=322, type=permute]; +"323 select_9" [id=323, type=select]; +"324 select_10" [id=324, type=select]; +"325 select_11" [id=325, type=select]; +"326 linalg_vector_norm_6" [id=326, type=linalg_vector_norm]; +"327 clamp_min_6" [id=327, type=clamp_min]; +"328 expand_as_6" [id=328, type=expand_as]; +"329 div_6" [id=329, type=div]; +"330 linalg_vector_norm_7" [id=330, type=linalg_vector_norm]; +"331 clamp_min_7" [id=331, type=clamp_min]; +"332 expand_as_7" [id=332, type=expand_as]; +"333 div_7" [id=333, type=div]; +"334 transpose_6" [id=334, type=transpose]; +"335 matmul_6" [id=335, type=matmul]; +"336 _param_constant60" [id=336, type=get_attr]; +"337 clamp_3" [id=337, type=clamp]; +"338 exp_3" [id=338, type=exp]; +"339 mul_7" [id=339, type=mul]; +"340 add_10" [id=340, type=add]; +"341 new_zeros_1" [id=341, type=new_zeros]; +"342 view_18" [id=342, type=view]; +"343 permute_17" [id=343, type=permute]; +"344 reshape_15" [id=344, type=reshape]; +"345 unsqueeze_8" [id=345, type=unsqueeze]; +"346 unsqueeze_9" [id=346, type=unsqueeze]; +"347 sub_1" [id=347, type=sub]; +"348 ne_1" [id=348, type=ne]; +"349 masked_fill_2" [id=349, type=masked_fill]; +"350 eq_1" [id=350, type=eq]; +"351 masked_fill_3" [id=351, type=masked_fill]; +"352 view_19" [id=352, type=view]; +"353 unsqueeze_10" [id=353, type=unsqueeze]; +"354 unsqueeze_11" [id=354, type=unsqueeze]; +"355 add_11" [id=355, type=add]; +"356 view_20" [id=356, type=view]; +"357 softmax_3" [id=357, type=softmax]; +"358 dropout_12" [id=358, type=dropout]; +"359 matmul_7" [id=359, type=matmul]; +"360 transpose_7" [id=360, type=transpose]; +"361 reshape_16" [id=361, type=reshape]; +"362 _param_constant62" [id=362, type=get_attr]; +"363 linear_22_updated_constant0" [id=363, type=get_attr]; +"364 symmetric_weights_decompressor_linear_22_updated_constant0_0" [id=364, type=call_module]; +"365 linear_22" [id=365, type=linear]; +"366 dropout_13" [id=366, type=dropout]; +"367 view_21" [id=367, type=view]; +"368 permute_18" [id=368, type=permute]; +"369 reshape_17" [id=369, type=reshape]; +"370 roll_3" [id=370, type=roll]; +"371 slice_61" [id=371, type=slice]; +"372 slice_62" [id=372, type=slice]; +"373 slice_63" [id=373, type=slice]; +"374 slice_64" [id=374, type=slice]; +"375 contiguous_5" [id=375, type=contiguous]; +"376 _param_constant63" [id=376, type=get_attr]; +"377 _param_constant64" [id=377, type=get_attr]; +"378 layer_norm_8" [id=378, type=layer_norm]; +"379 add_12" [id=379, type=add]; +"380 _param_constant66" [id=380, type=get_attr]; +"381 linear_23_updated_constant0" [id=381, type=get_attr]; +"382 symmetric_weights_decompressor_linear_23_updated_constant0_0" [id=382, type=call_module]; +"383 linear_23" [id=383, type=linear]; +"384 gelu_3" [id=384, type=gelu]; +"385 dropout_14" [id=385, type=dropout]; +"386 _param_constant68" [id=386, type=get_attr]; +"387 linear_24_updated_constant0" [id=387, type=get_attr]; +"388 symmetric_weights_decompressor_linear_24_updated_constant0_0" [id=388, type=call_module]; +"389 linear_24" [id=389, type=linear]; +"390 dropout_15" [id=390, type=dropout]; +"391 _param_constant69" [id=391, type=get_attr]; +"392 _param_constant70" [id=392, type=get_attr]; +"393 layer_norm_9" [id=393, type=layer_norm]; +"394 add_13" [id=394, type=add]; +"395 pad_5" [id=395, type=pad]; +"396 slice_65" [id=396, type=slice]; +"397 slice_66" [id=397, type=slice]; +"398 slice_67" [id=398, type=slice]; +"399 slice_68" [id=399, type=slice]; +"400 slice_69" [id=400, type=slice]; +"401 slice_70" [id=401, type=slice]; +"402 slice_71" [id=402, type=slice]; +"403 slice_72" [id=403, type=slice]; +"404 slice_73" [id=404, type=slice]; +"405 slice_74" [id=405, type=slice]; +"406 slice_75" [id=406, type=slice]; +"407 slice_76" [id=407, type=slice]; +"408 cat_1" [id=408, type=cat]; +"409 linear_25_updated_constant0" [id=409, type=get_attr]; +"410 symmetric_weights_decompressor_linear_25_updated_constant0_0" [id=410, type=call_module]; +"411 linear_25" [id=411, type=linear]; +"412 _param_constant72" [id=412, type=get_attr]; +"413 _param_constant73" [id=413, type=get_attr]; +"414 layer_norm_10" [id=414, type=layer_norm]; +"415 _tensor_constant26" [id=415, type=get_attr]; +"416 _param_constant75" [id=416, type=get_attr]; +"417 linear_26_updated_constant0" [id=417, type=get_attr]; +"418 symmetric_weights_decompressor_linear_26_updated_constant0_0" [id=418, type=call_module]; +"419 linear_26" [id=419, type=linear]; +"420 relu__4" [id=420, type=relu_]; +"421 linear_27_updated_constant0" [id=421, type=get_attr]; +"422 symmetric_weights_decompressor_linear_27_updated_constant0_0" [id=422, type=call_module]; +"423 linear_27" [id=423, type=linear]; +"424 view_22" [id=424, type=view]; +"425 _tensor_constant27" [id=425, type=get_attr]; +"426 index_4" [id=426, type=index]; +"427 view_23" [id=427, type=view]; +"428 permute_19" [id=428, type=permute]; +"429 contiguous_6" [id=429, type=contiguous]; +"430 unsqueeze_12" [id=430, type=unsqueeze]; +"431 sigmoid_4" [id=431, type=sigmoid]; +"432 mul_8" [id=432, type=mul]; +"433 pad_6" [id=433, type=pad]; +"434 view_24" [id=434, type=view]; +"435 permute_20" [id=435, type=permute]; +"436 reshape_18" [id=436, type=reshape]; +"437 _param_constant77" [id=437, type=get_attr]; +"438 clone_4" [id=438, type=clone]; +"439 linear_28_updated_constant0" [id=439, type=get_attr]; +"440 symmetric_weights_decompressor_linear_28_updated_constant0_0" [id=440, type=call_module]; +"441 linear_28" [id=441, type=linear]; +"442 reshape_19" [id=442, type=reshape]; +"443 permute_21" [id=443, type=permute]; +"444 select_12" [id=444, type=select]; +"445 select_13" [id=445, type=select]; +"446 select_14" [id=446, type=select]; +"447 linalg_vector_norm_8" [id=447, type=linalg_vector_norm]; +"448 clamp_min_8" [id=448, type=clamp_min]; +"449 expand_as_8" [id=449, type=expand_as]; +"450 div_8" [id=450, type=div]; +"451 linalg_vector_norm_9" [id=451, type=linalg_vector_norm]; +"452 clamp_min_9" [id=452, type=clamp_min]; +"453 expand_as_9" [id=453, type=expand_as]; +"454 div_9" [id=454, type=div]; +"455 transpose_8" [id=455, type=transpose]; +"456 matmul_8" [id=456, type=matmul]; +"457 _param_constant79" [id=457, type=get_attr]; +"458 clamp_4" [id=458, type=clamp]; +"459 exp_4" [id=459, type=exp]; +"460 mul_9" [id=460, type=mul]; +"461 add_14" [id=461, type=add]; +"462 softmax_4" [id=462, type=softmax]; +"463 dropout_16" [id=463, type=dropout]; +"464 matmul_9" [id=464, type=matmul]; +"465 transpose_9" [id=465, type=transpose]; +"466 reshape_20" [id=466, type=reshape]; +"467 _param_constant81" [id=467, type=get_attr]; +"468 linear_29_updated_constant0" [id=468, type=get_attr]; +"469 symmetric_weights_decompressor_linear_29_updated_constant0_0" [id=469, type=call_module]; +"470 linear_29" [id=470, type=linear]; +"471 dropout_17" [id=471, type=dropout]; +"472 view_25" [id=472, type=view]; +"473 permute_22" [id=473, type=permute]; +"474 reshape_21" [id=474, type=reshape]; +"475 slice_78" [id=475, type=slice]; +"476 slice_79" [id=476, type=slice]; +"477 slice_80" [id=477, type=slice]; +"478 slice_81" [id=478, type=slice]; +"479 contiguous_7" [id=479, type=contiguous]; +"480 _param_constant82" [id=480, type=get_attr]; +"481 _param_constant83" [id=481, type=get_attr]; +"482 layer_norm_11" [id=482, type=layer_norm]; +"483 add_15" [id=483, type=add]; +"484 _param_constant85" [id=484, type=get_attr]; +"485 linear_30_updated_constant0" [id=485, type=get_attr]; +"486 symmetric_weights_decompressor_linear_30_updated_constant0_0" [id=486, type=call_module]; +"487 linear_30" [id=487, type=linear]; +"488 gelu_4" [id=488, type=gelu]; +"489 dropout_18" [id=489, type=dropout]; +"490 _param_constant87" [id=490, type=get_attr]; +"491 linear_31_updated_constant0" [id=491, type=get_attr]; +"492 symmetric_weights_decompressor_linear_31_updated_constant0_0" [id=492, type=call_module]; +"493 linear_31" [id=493, type=linear]; +"494 dropout_19" [id=494, type=dropout]; +"495 _param_constant88" [id=495, type=get_attr]; +"496 _param_constant89" [id=496, type=get_attr]; +"497 layer_norm_12" [id=497, type=layer_norm]; +"498 add_16" [id=498, type=add]; +"499 _tensor_constant28" [id=499, type=get_attr]; +"500 _param_constant91" [id=500, type=get_attr]; +"501 linear_32_updated_constant0" [id=501, type=get_attr]; +"502 symmetric_weights_decompressor_linear_32_updated_constant0_0" [id=502, type=call_module]; +"503 linear_32" [id=503, type=linear]; +"504 relu__5" [id=504, type=relu_]; +"505 linear_33_updated_constant0" [id=505, type=get_attr]; +"506 symmetric_weights_decompressor_linear_33_updated_constant0_0" [id=506, type=call_module]; +"507 linear_33" [id=507, type=linear]; +"508 view_26" [id=508, type=view]; +"509 _tensor_constant29" [id=509, type=get_attr]; +"510 index_5" [id=510, type=index]; +"511 view_27" [id=511, type=view]; +"512 permute_23" [id=512, type=permute]; +"513 contiguous_8" [id=513, type=contiguous]; +"514 unsqueeze_13" [id=514, type=unsqueeze]; +"515 sigmoid_5" [id=515, type=sigmoid]; +"516 mul_10" [id=516, type=mul]; +"517 pad_7" [id=517, type=pad]; +"518 roll_4" [id=518, type=roll]; +"519 view_28" [id=519, type=view]; +"520 permute_24" [id=520, type=permute]; +"521 reshape_22" [id=521, type=reshape]; +"522 _param_constant93" [id=522, type=get_attr]; +"523 clone_5" [id=523, type=clone]; +"524 linear_34_updated_constant0" [id=524, type=get_attr]; +"525 symmetric_weights_decompressor_linear_34_updated_constant0_0" [id=525, type=call_module]; +"526 linear_34" [id=526, type=linear]; +"527 reshape_23" [id=527, type=reshape]; +"528 permute_25" [id=528, type=permute]; +"529 select_15" [id=529, type=select]; +"530 select_16" [id=530, type=select]; +"531 select_17" [id=531, type=select]; +"532 linalg_vector_norm_10" [id=532, type=linalg_vector_norm]; +"533 clamp_min_10" [id=533, type=clamp_min]; +"534 expand_as_10" [id=534, type=expand_as]; +"535 div_10" [id=535, type=div]; +"536 linalg_vector_norm_11" [id=536, type=linalg_vector_norm]; +"537 clamp_min_11" [id=537, type=clamp_min]; +"538 expand_as_11" [id=538, type=expand_as]; +"539 div_11" [id=539, type=div]; +"540 transpose_10" [id=540, type=transpose]; +"541 matmul_10" [id=541, type=matmul]; +"542 _param_constant95" [id=542, type=get_attr]; +"543 clamp_5" [id=543, type=clamp]; +"544 exp_5" [id=544, type=exp]; +"545 mul_11" [id=545, type=mul]; +"546 add_17" [id=546, type=add]; +"547 new_zeros_2" [id=547, type=new_zeros]; +"548 view_29" [id=548, type=view]; +"549 permute_26" [id=549, type=permute]; +"550 reshape_24" [id=550, type=reshape]; +"551 unsqueeze_14" [id=551, type=unsqueeze]; +"552 unsqueeze_15" [id=552, type=unsqueeze]; +"553 sub_2" [id=553, type=sub]; +"554 ne_2" [id=554, type=ne]; +"555 masked_fill_4" [id=555, type=masked_fill]; +"556 eq_2" [id=556, type=eq]; +"557 masked_fill_5" [id=557, type=masked_fill]; +"558 view_30" [id=558, type=view]; +"559 unsqueeze_16" [id=559, type=unsqueeze]; +"560 unsqueeze_17" [id=560, type=unsqueeze]; +"561 add_18" [id=561, type=add]; +"562 view_31" [id=562, type=view]; +"563 softmax_5" [id=563, type=softmax]; +"564 dropout_20" [id=564, type=dropout]; +"565 matmul_11" [id=565, type=matmul]; +"566 transpose_11" [id=566, type=transpose]; +"567 reshape_25" [id=567, type=reshape]; +"568 _param_constant97" [id=568, type=get_attr]; +"569 linear_35_updated_constant0" [id=569, type=get_attr]; +"570 symmetric_weights_decompressor_linear_35_updated_constant0_0" [id=570, type=call_module]; +"571 linear_35" [id=571, type=linear]; +"572 dropout_21" [id=572, type=dropout]; +"573 view_32" [id=573, type=view]; +"574 permute_27" [id=574, type=permute]; +"575 reshape_26" [id=575, type=reshape]; +"576 roll_5" [id=576, type=roll]; +"577 slice_101" [id=577, type=slice]; +"578 slice_102" [id=578, type=slice]; +"579 slice_103" [id=579, type=slice]; +"580 slice_104" [id=580, type=slice]; +"581 contiguous_9" [id=581, type=contiguous]; +"582 _param_constant98" [id=582, type=get_attr]; +"583 _param_constant99" [id=583, type=get_attr]; +"584 layer_norm_13" [id=584, type=layer_norm]; +"585 add_19" [id=585, type=add]; +"586 _param_constant101" [id=586, type=get_attr]; +"587 linear_36_updated_constant0" [id=587, type=get_attr]; +"588 symmetric_weights_decompressor_linear_36_updated_constant0_0" [id=588, type=call_module]; +"589 linear_36" [id=589, type=linear]; +"590 gelu_5" [id=590, type=gelu]; +"591 dropout_22" [id=591, type=dropout]; +"592 _param_constant103" [id=592, type=get_attr]; +"593 linear_37_updated_constant0" [id=593, type=get_attr]; +"594 symmetric_weights_decompressor_linear_37_updated_constant0_0" [id=594, type=call_module]; +"595 linear_37" [id=595, type=linear]; +"596 dropout_23" [id=596, type=dropout]; +"597 _param_constant104" [id=597, type=get_attr]; +"598 _param_constant105" [id=598, type=get_attr]; +"599 layer_norm_14" [id=599, type=layer_norm]; +"600 add_20" [id=600, type=add]; +"601 _tensor_constant39" [id=601, type=get_attr]; +"602 _param_constant107" [id=602, type=get_attr]; +"603 linear_38_updated_constant0" [id=603, type=get_attr]; +"604 symmetric_weights_decompressor_linear_38_updated_constant0_0" [id=604, type=call_module]; +"605 linear_38" [id=605, type=linear]; +"606 relu__6" [id=606, type=relu_]; +"607 linear_39_updated_constant0" [id=607, type=get_attr]; +"608 symmetric_weights_decompressor_linear_39_updated_constant0_0" [id=608, type=call_module]; +"609 linear_39" [id=609, type=linear]; +"610 view_33" [id=610, type=view]; +"611 _tensor_constant40" [id=611, type=get_attr]; +"612 index_6" [id=612, type=index]; +"613 view_34" [id=613, type=view]; +"614 permute_28" [id=614, type=permute]; +"615 contiguous_10" [id=615, type=contiguous]; +"616 unsqueeze_18" [id=616, type=unsqueeze]; +"617 sigmoid_6" [id=617, type=sigmoid]; +"618 mul_12" [id=618, type=mul]; +"619 pad_8" [id=619, type=pad]; +"620 view_35" [id=620, type=view]; +"621 permute_29" [id=621, type=permute]; +"622 reshape_27" [id=622, type=reshape]; +"623 _param_constant109" [id=623, type=get_attr]; +"624 clone_6" [id=624, type=clone]; +"625 linear_40_updated_constant0" [id=625, type=get_attr]; +"626 symmetric_weights_decompressor_linear_40_updated_constant0_0" [id=626, type=call_module]; +"627 linear_40" [id=627, type=linear]; +"628 reshape_28" [id=628, type=reshape]; +"629 permute_30" [id=629, type=permute]; +"630 select_18" [id=630, type=select]; +"631 select_19" [id=631, type=select]; +"632 select_20" [id=632, type=select]; +"633 linalg_vector_norm_12" [id=633, type=linalg_vector_norm]; +"634 clamp_min_12" [id=634, type=clamp_min]; +"635 expand_as_12" [id=635, type=expand_as]; +"636 div_12" [id=636, type=div]; +"637 linalg_vector_norm_13" [id=637, type=linalg_vector_norm]; +"638 clamp_min_13" [id=638, type=clamp_min]; +"639 expand_as_13" [id=639, type=expand_as]; +"640 div_13" [id=640, type=div]; +"641 transpose_12" [id=641, type=transpose]; +"642 matmul_12" [id=642, type=matmul]; +"643 _param_constant111" [id=643, type=get_attr]; +"644 clamp_6" [id=644, type=clamp]; +"645 exp_6" [id=645, type=exp]; +"646 mul_13" [id=646, type=mul]; +"647 add_21" [id=647, type=add]; +"648 softmax_6" [id=648, type=softmax]; +"649 dropout_24" [id=649, type=dropout]; +"650 matmul_13" [id=650, type=matmul]; +"651 transpose_13" [id=651, type=transpose]; +"652 reshape_29" [id=652, type=reshape]; +"653 _param_constant113" [id=653, type=get_attr]; +"654 linear_41_updated_constant0" [id=654, type=get_attr]; +"655 symmetric_weights_decompressor_linear_41_updated_constant0_0" [id=655, type=call_module]; +"656 linear_41" [id=656, type=linear]; +"657 dropout_25" [id=657, type=dropout]; +"658 view_36" [id=658, type=view]; +"659 permute_31" [id=659, type=permute]; +"660 reshape_30" [id=660, type=reshape]; +"661 slice_106" [id=661, type=slice]; +"662 slice_107" [id=662, type=slice]; +"663 slice_108" [id=663, type=slice]; +"664 slice_109" [id=664, type=slice]; +"665 contiguous_11" [id=665, type=contiguous]; +"666 _param_constant114" [id=666, type=get_attr]; +"667 _param_constant115" [id=667, type=get_attr]; +"668 layer_norm_15" [id=668, type=layer_norm]; +"669 add_22" [id=669, type=add]; +"670 _param_constant117" [id=670, type=get_attr]; +"671 linear_42_updated_constant0" [id=671, type=get_attr]; +"672 symmetric_weights_decompressor_linear_42_updated_constant0_0" [id=672, type=call_module]; +"673 linear_42" [id=673, type=linear]; +"674 gelu_6" [id=674, type=gelu]; +"675 dropout_26" [id=675, type=dropout]; +"676 _param_constant119" [id=676, type=get_attr]; +"677 linear_43_updated_constant0" [id=677, type=get_attr]; +"678 symmetric_weights_decompressor_linear_43_updated_constant0_0" [id=678, type=call_module]; +"679 linear_43" [id=679, type=linear]; +"680 dropout_27" [id=680, type=dropout]; +"681 _param_constant120" [id=681, type=get_attr]; +"682 _param_constant121" [id=682, type=get_attr]; +"683 layer_norm_16" [id=683, type=layer_norm]; +"684 add_23" [id=684, type=add]; +"685 _tensor_constant41" [id=685, type=get_attr]; +"686 _param_constant123" [id=686, type=get_attr]; +"687 linear_44_updated_constant0" [id=687, type=get_attr]; +"688 symmetric_weights_decompressor_linear_44_updated_constant0_0" [id=688, type=call_module]; +"689 linear_44" [id=689, type=linear]; +"690 relu__7" [id=690, type=relu_]; +"691 linear_45_updated_constant0" [id=691, type=get_attr]; +"692 symmetric_weights_decompressor_linear_45_updated_constant0_0" [id=692, type=call_module]; +"693 linear_45" [id=693, type=linear]; +"694 view_37" [id=694, type=view]; +"695 _tensor_constant42" [id=695, type=get_attr]; +"696 index_7" [id=696, type=index]; +"697 view_38" [id=697, type=view]; +"698 permute_32" [id=698, type=permute]; +"699 contiguous_12" [id=699, type=contiguous]; +"700 unsqueeze_19" [id=700, type=unsqueeze]; +"701 sigmoid_7" [id=701, type=sigmoid]; +"702 mul_14" [id=702, type=mul]; +"703 pad_9" [id=703, type=pad]; +"704 roll_6" [id=704, type=roll]; +"705 view_39" [id=705, type=view]; +"706 permute_33" [id=706, type=permute]; +"707 reshape_31" [id=707, type=reshape]; +"708 _param_constant125" [id=708, type=get_attr]; +"709 clone_7" [id=709, type=clone]; +"710 linear_46_updated_constant0" [id=710, type=get_attr]; +"711 symmetric_weights_decompressor_linear_46_updated_constant0_0" [id=711, type=call_module]; +"712 linear_46" [id=712, type=linear]; +"713 reshape_32" [id=713, type=reshape]; +"714 permute_34" [id=714, type=permute]; +"715 select_21" [id=715, type=select]; +"716 select_22" [id=716, type=select]; +"717 select_23" [id=717, type=select]; +"718 linalg_vector_norm_14" [id=718, type=linalg_vector_norm]; +"719 clamp_min_14" [id=719, type=clamp_min]; +"720 expand_as_14" [id=720, type=expand_as]; +"721 div_14" [id=721, type=div]; +"722 linalg_vector_norm_15" [id=722, type=linalg_vector_norm]; +"723 clamp_min_15" [id=723, type=clamp_min]; +"724 expand_as_15" [id=724, type=expand_as]; +"725 div_15" [id=725, type=div]; +"726 transpose_14" [id=726, type=transpose]; +"727 matmul_14" [id=727, type=matmul]; +"728 _param_constant127" [id=728, type=get_attr]; +"729 clamp_7" [id=729, type=clamp]; +"730 exp_7" [id=730, type=exp]; +"731 mul_15" [id=731, type=mul]; +"732 add_24" [id=732, type=add]; +"733 new_zeros_3" [id=733, type=new_zeros]; +"734 view_40" [id=734, type=view]; +"735 permute_35" [id=735, type=permute]; +"736 reshape_33" [id=736, type=reshape]; +"737 unsqueeze_20" [id=737, type=unsqueeze]; +"738 unsqueeze_21" [id=738, type=unsqueeze]; +"739 sub_3" [id=739, type=sub]; +"740 ne_3" [id=740, type=ne]; +"741 masked_fill_6" [id=741, type=masked_fill]; +"742 eq_3" [id=742, type=eq]; +"743 masked_fill_7" [id=743, type=masked_fill]; +"744 view_41" [id=744, type=view]; +"745 unsqueeze_22" [id=745, type=unsqueeze]; +"746 unsqueeze_23" [id=746, type=unsqueeze]; +"747 add_25" [id=747, type=add]; +"748 view_42" [id=748, type=view]; +"749 softmax_7" [id=749, type=softmax]; +"750 dropout_28" [id=750, type=dropout]; +"751 matmul_15" [id=751, type=matmul]; +"752 transpose_15" [id=752, type=transpose]; +"753 reshape_34" [id=753, type=reshape]; +"754 _param_constant129" [id=754, type=get_attr]; +"755 linear_47_updated_constant0" [id=755, type=get_attr]; +"756 symmetric_weights_decompressor_linear_47_updated_constant0_0" [id=756, type=call_module]; +"757 linear_47" [id=757, type=linear]; +"758 dropout_29" [id=758, type=dropout]; +"759 view_43" [id=759, type=view]; +"760 permute_36" [id=760, type=permute]; +"761 reshape_35" [id=761, type=reshape]; +"762 roll_7" [id=762, type=roll]; +"763 slice_129" [id=763, type=slice]; +"764 slice_130" [id=764, type=slice]; +"765 slice_131" [id=765, type=slice]; +"766 slice_132" [id=766, type=slice]; +"767 contiguous_13" [id=767, type=contiguous]; +"768 _param_constant130" [id=768, type=get_attr]; +"769 _param_constant131" [id=769, type=get_attr]; +"770 layer_norm_17" [id=770, type=layer_norm]; +"771 add_26" [id=771, type=add]; +"772 _param_constant133" [id=772, type=get_attr]; +"773 linear_48_updated_constant0" [id=773, type=get_attr]; +"774 symmetric_weights_decompressor_linear_48_updated_constant0_0" [id=774, type=call_module]; +"775 linear_48" [id=775, type=linear]; +"776 gelu_7" [id=776, type=gelu]; +"777 dropout_30" [id=777, type=dropout]; +"778 _param_constant135" [id=778, type=get_attr]; +"779 linear_49_updated_constant0" [id=779, type=get_attr]; +"780 symmetric_weights_decompressor_linear_49_updated_constant0_0" [id=780, type=call_module]; +"781 linear_49" [id=781, type=linear]; +"782 dropout_31" [id=782, type=dropout]; +"783 _param_constant136" [id=783, type=get_attr]; +"784 _param_constant137" [id=784, type=get_attr]; +"785 layer_norm_18" [id=785, type=layer_norm]; +"786 add_27" [id=786, type=add]; +"787 _tensor_constant52" [id=787, type=get_attr]; +"788 _param_constant139" [id=788, type=get_attr]; +"789 linear_50_updated_constant0" [id=789, type=get_attr]; +"790 symmetric_weights_decompressor_linear_50_updated_constant0_0" [id=790, type=call_module]; +"791 linear_50" [id=791, type=linear]; +"792 relu__8" [id=792, type=relu_]; +"793 linear_51_updated_constant0" [id=793, type=get_attr]; +"794 symmetric_weights_decompressor_linear_51_updated_constant0_0" [id=794, type=call_module]; +"795 linear_51" [id=795, type=linear]; +"796 view_44" [id=796, type=view]; +"797 _tensor_constant53" [id=797, type=get_attr]; +"798 index_8" [id=798, type=index]; +"799 view_45" [id=799, type=view]; +"800 permute_37" [id=800, type=permute]; +"801 contiguous_14" [id=801, type=contiguous]; +"802 unsqueeze_24" [id=802, type=unsqueeze]; +"803 sigmoid_8" [id=803, type=sigmoid]; +"804 mul_16" [id=804, type=mul]; +"805 pad_10" [id=805, type=pad]; +"806 view_46" [id=806, type=view]; +"807 permute_38" [id=807, type=permute]; +"808 reshape_36" [id=808, type=reshape]; +"809 _param_constant141" [id=809, type=get_attr]; +"810 clone_8" [id=810, type=clone]; +"811 linear_52_updated_constant0" [id=811, type=get_attr]; +"812 symmetric_weights_decompressor_linear_52_updated_constant0_0" [id=812, type=call_module]; +"813 linear_52" [id=813, type=linear]; +"814 reshape_37" [id=814, type=reshape]; +"815 permute_39" [id=815, type=permute]; +"816 select_24" [id=816, type=select]; +"817 select_25" [id=817, type=select]; +"818 select_26" [id=818, type=select]; +"819 linalg_vector_norm_16" [id=819, type=linalg_vector_norm]; +"820 clamp_min_16" [id=820, type=clamp_min]; +"821 expand_as_16" [id=821, type=expand_as]; +"822 div_16" [id=822, type=div]; +"823 linalg_vector_norm_17" [id=823, type=linalg_vector_norm]; +"824 clamp_min_17" [id=824, type=clamp_min]; +"825 expand_as_17" [id=825, type=expand_as]; +"826 div_17" [id=826, type=div]; +"827 transpose_16" [id=827, type=transpose]; +"828 matmul_16" [id=828, type=matmul]; +"829 _param_constant143" [id=829, type=get_attr]; +"830 clamp_8" [id=830, type=clamp]; +"831 exp_8" [id=831, type=exp]; +"832 mul_17" [id=832, type=mul]; +"833 add_28" [id=833, type=add]; +"834 softmax_8" [id=834, type=softmax]; +"835 dropout_32" [id=835, type=dropout]; +"836 matmul_17" [id=836, type=matmul]; +"837 transpose_17" [id=837, type=transpose]; +"838 reshape_38" [id=838, type=reshape]; +"839 _param_constant145" [id=839, type=get_attr]; +"840 linear_53_updated_constant0" [id=840, type=get_attr]; +"841 symmetric_weights_decompressor_linear_53_updated_constant0_0" [id=841, type=call_module]; +"842 linear_53" [id=842, type=linear]; +"843 dropout_33" [id=843, type=dropout]; +"844 view_47" [id=844, type=view]; +"845 permute_40" [id=845, type=permute]; +"846 reshape_39" [id=846, type=reshape]; +"847 slice_134" [id=847, type=slice]; +"848 slice_135" [id=848, type=slice]; +"849 slice_136" [id=849, type=slice]; +"850 slice_137" [id=850, type=slice]; +"851 contiguous_15" [id=851, type=contiguous]; +"852 _param_constant146" [id=852, type=get_attr]; +"853 _param_constant147" [id=853, type=get_attr]; +"854 layer_norm_19" [id=854, type=layer_norm]; +"855 add_29" [id=855, type=add]; +"856 _param_constant149" [id=856, type=get_attr]; +"857 linear_54_updated_constant0" [id=857, type=get_attr]; +"858 symmetric_weights_decompressor_linear_54_updated_constant0_0" [id=858, type=call_module]; +"859 linear_54" [id=859, type=linear]; +"860 gelu_8" [id=860, type=gelu]; +"861 dropout_34" [id=861, type=dropout]; +"862 _param_constant151" [id=862, type=get_attr]; +"863 linear_55_updated_constant0" [id=863, type=get_attr]; +"864 symmetric_weights_decompressor_linear_55_updated_constant0_0" [id=864, type=call_module]; +"865 linear_55" [id=865, type=linear]; +"866 dropout_35" [id=866, type=dropout]; +"867 _param_constant152" [id=867, type=get_attr]; +"868 _param_constant153" [id=868, type=get_attr]; +"869 layer_norm_20" [id=869, type=layer_norm]; +"870 add_30" [id=870, type=add]; +"871 _tensor_constant54" [id=871, type=get_attr]; +"872 _param_constant155" [id=872, type=get_attr]; +"873 linear_56_updated_constant0" [id=873, type=get_attr]; +"874 symmetric_weights_decompressor_linear_56_updated_constant0_0" [id=874, type=call_module]; +"875 linear_56" [id=875, type=linear]; +"876 relu__9" [id=876, type=relu_]; +"877 linear_57_updated_constant0" [id=877, type=get_attr]; +"878 symmetric_weights_decompressor_linear_57_updated_constant0_0" [id=878, type=call_module]; +"879 linear_57" [id=879, type=linear]; +"880 view_48" [id=880, type=view]; +"881 _tensor_constant55" [id=881, type=get_attr]; +"882 index_9" [id=882, type=index]; +"883 view_49" [id=883, type=view]; +"884 permute_41" [id=884, type=permute]; +"885 contiguous_16" [id=885, type=contiguous]; +"886 unsqueeze_25" [id=886, type=unsqueeze]; +"887 sigmoid_9" [id=887, type=sigmoid]; +"888 mul_18" [id=888, type=mul]; +"889 pad_11" [id=889, type=pad]; +"890 roll_8" [id=890, type=roll]; +"891 view_50" [id=891, type=view]; +"892 permute_42" [id=892, type=permute]; +"893 reshape_40" [id=893, type=reshape]; +"894 _param_constant157" [id=894, type=get_attr]; +"895 clone_9" [id=895, type=clone]; +"896 linear_58_updated_constant0" [id=896, type=get_attr]; +"897 symmetric_weights_decompressor_linear_58_updated_constant0_0" [id=897, type=call_module]; +"898 linear_58" [id=898, type=linear]; +"899 reshape_41" [id=899, type=reshape]; +"900 permute_43" [id=900, type=permute]; +"901 select_27" [id=901, type=select]; +"902 select_28" [id=902, type=select]; +"903 select_29" [id=903, type=select]; +"904 linalg_vector_norm_18" [id=904, type=linalg_vector_norm]; +"905 clamp_min_18" [id=905, type=clamp_min]; +"906 expand_as_18" [id=906, type=expand_as]; +"907 div_18" [id=907, type=div]; +"908 linalg_vector_norm_19" [id=908, type=linalg_vector_norm]; +"909 clamp_min_19" [id=909, type=clamp_min]; +"910 expand_as_19" [id=910, type=expand_as]; +"911 div_19" [id=911, type=div]; +"912 transpose_18" [id=912, type=transpose]; +"913 matmul_18" [id=913, type=matmul]; +"914 _param_constant159" [id=914, type=get_attr]; +"915 clamp_9" [id=915, type=clamp]; +"916 exp_9" [id=916, type=exp]; +"917 mul_19" [id=917, type=mul]; +"918 add_31" [id=918, type=add]; +"919 new_zeros_4" [id=919, type=new_zeros]; +"920 view_51" [id=920, type=view]; +"921 permute_44" [id=921, type=permute]; +"922 reshape_42" [id=922, type=reshape]; +"923 unsqueeze_26" [id=923, type=unsqueeze]; +"924 unsqueeze_27" [id=924, type=unsqueeze]; +"925 sub_4" [id=925, type=sub]; +"926 ne_4" [id=926, type=ne]; +"927 masked_fill_8" [id=927, type=masked_fill]; +"928 eq_4" [id=928, type=eq]; +"929 masked_fill_9" [id=929, type=masked_fill]; +"930 view_52" [id=930, type=view]; +"931 unsqueeze_28" [id=931, type=unsqueeze]; +"932 unsqueeze_29" [id=932, type=unsqueeze]; +"933 add_32" [id=933, type=add]; +"934 view_53" [id=934, type=view]; +"935 softmax_9" [id=935, type=softmax]; +"936 dropout_36" [id=936, type=dropout]; +"937 matmul_19" [id=937, type=matmul]; +"938 transpose_19" [id=938, type=transpose]; +"939 reshape_43" [id=939, type=reshape]; +"940 _param_constant161" [id=940, type=get_attr]; +"941 linear_59_updated_constant0" [id=941, type=get_attr]; +"942 symmetric_weights_decompressor_linear_59_updated_constant0_0" [id=942, type=call_module]; +"943 linear_59" [id=943, type=linear]; +"944 dropout_37" [id=944, type=dropout]; +"945 view_54" [id=945, type=view]; +"946 permute_45" [id=946, type=permute]; +"947 reshape_44" [id=947, type=reshape]; +"948 roll_9" [id=948, type=roll]; +"949 slice_157" [id=949, type=slice]; +"950 slice_158" [id=950, type=slice]; +"951 slice_159" [id=951, type=slice]; +"952 slice_160" [id=952, type=slice]; +"953 contiguous_17" [id=953, type=contiguous]; +"954 _param_constant162" [id=954, type=get_attr]; +"955 _param_constant163" [id=955, type=get_attr]; +"956 layer_norm_21" [id=956, type=layer_norm]; +"957 add_33" [id=957, type=add]; +"958 _param_constant165" [id=958, type=get_attr]; +"959 linear_60_updated_constant0" [id=959, type=get_attr]; +"960 symmetric_weights_decompressor_linear_60_updated_constant0_0" [id=960, type=call_module]; +"961 linear_60" [id=961, type=linear]; +"962 gelu_9" [id=962, type=gelu]; +"963 dropout_38" [id=963, type=dropout]; +"964 _param_constant167" [id=964, type=get_attr]; +"965 linear_61_updated_constant0" [id=965, type=get_attr]; +"966 symmetric_weights_decompressor_linear_61_updated_constant0_0" [id=966, type=call_module]; +"967 linear_61" [id=967, type=linear]; +"968 dropout_39" [id=968, type=dropout]; +"969 _param_constant168" [id=969, type=get_attr]; +"970 _param_constant169" [id=970, type=get_attr]; +"971 layer_norm_22" [id=971, type=layer_norm]; +"972 add_34" [id=972, type=add]; +"973 _tensor_constant65" [id=973, type=get_attr]; +"974 _param_constant171" [id=974, type=get_attr]; +"975 linear_62_updated_constant0" [id=975, type=get_attr]; +"976 symmetric_weights_decompressor_linear_62_updated_constant0_0" [id=976, type=call_module]; +"977 linear_62" [id=977, type=linear]; +"978 relu__10" [id=978, type=relu_]; +"979 linear_63_updated_constant0" [id=979, type=get_attr]; +"980 symmetric_weights_decompressor_linear_63_updated_constant0_0" [id=980, type=call_module]; +"981 linear_63" [id=981, type=linear]; +"982 view_55" [id=982, type=view]; +"983 _tensor_constant66" [id=983, type=get_attr]; +"984 index_10" [id=984, type=index]; +"985 view_56" [id=985, type=view]; +"986 permute_46" [id=986, type=permute]; +"987 contiguous_18" [id=987, type=contiguous]; +"988 unsqueeze_30" [id=988, type=unsqueeze]; +"989 sigmoid_10" [id=989, type=sigmoid]; +"990 mul_20" [id=990, type=mul]; +"991 pad_12" [id=991, type=pad]; +"992 view_57" [id=992, type=view]; +"993 permute_47" [id=993, type=permute]; +"994 reshape_45" [id=994, type=reshape]; +"995 _param_constant173" [id=995, type=get_attr]; +"996 clone_10" [id=996, type=clone]; +"997 linear_64_updated_constant0" [id=997, type=get_attr]; +"998 symmetric_weights_decompressor_linear_64_updated_constant0_0" [id=998, type=call_module]; +"999 linear_64" [id=999, type=linear]; +"1000 reshape_46" [id=1000, type=reshape]; +"1001 permute_48" [id=1001, type=permute]; +"1002 select_30" [id=1002, type=select]; +"1003 select_31" [id=1003, type=select]; +"1004 select_32" [id=1004, type=select]; +"1005 linalg_vector_norm_20" [id=1005, type=linalg_vector_norm]; +"1006 clamp_min_20" [id=1006, type=clamp_min]; +"1007 expand_as_20" [id=1007, type=expand_as]; +"1008 div_20" [id=1008, type=div]; +"1009 linalg_vector_norm_21" [id=1009, type=linalg_vector_norm]; +"1010 clamp_min_21" [id=1010, type=clamp_min]; +"1011 expand_as_21" [id=1011, type=expand_as]; +"1012 div_21" [id=1012, type=div]; +"1013 transpose_20" [id=1013, type=transpose]; +"1014 matmul_20" [id=1014, type=matmul]; +"1015 _param_constant175" [id=1015, type=get_attr]; +"1016 clamp_10" [id=1016, type=clamp]; +"1017 exp_10" [id=1017, type=exp]; +"1018 mul_21" [id=1018, type=mul]; +"1019 add_35" [id=1019, type=add]; +"1020 softmax_10" [id=1020, type=softmax]; +"1021 dropout_40" [id=1021, type=dropout]; +"1022 matmul_21" [id=1022, type=matmul]; +"1023 transpose_21" [id=1023, type=transpose]; +"1024 reshape_47" [id=1024, type=reshape]; +"1025 _param_constant177" [id=1025, type=get_attr]; +"1026 linear_65_updated_constant0" [id=1026, type=get_attr]; +"1027 symmetric_weights_decompressor_linear_65_updated_constant0_0" [id=1027, type=call_module]; +"1028 linear_65" [id=1028, type=linear]; +"1029 dropout_41" [id=1029, type=dropout]; +"1030 view_58" [id=1030, type=view]; +"1031 permute_49" [id=1031, type=permute]; +"1032 reshape_48" [id=1032, type=reshape]; +"1033 slice_162" [id=1033, type=slice]; +"1034 slice_163" [id=1034, type=slice]; +"1035 slice_164" [id=1035, type=slice]; +"1036 slice_165" [id=1036, type=slice]; +"1037 contiguous_19" [id=1037, type=contiguous]; +"1038 _param_constant178" [id=1038, type=get_attr]; +"1039 _param_constant179" [id=1039, type=get_attr]; +"1040 layer_norm_23" [id=1040, type=layer_norm]; +"1041 add_36" [id=1041, type=add]; +"1042 _param_constant181" [id=1042, type=get_attr]; +"1043 linear_66_updated_constant0" [id=1043, type=get_attr]; +"1044 symmetric_weights_decompressor_linear_66_updated_constant0_0" [id=1044, type=call_module]; +"1045 linear_66" [id=1045, type=linear]; +"1046 gelu_10" [id=1046, type=gelu]; +"1047 dropout_42" [id=1047, type=dropout]; +"1048 _param_constant183" [id=1048, type=get_attr]; +"1049 linear_67_updated_constant0" [id=1049, type=get_attr]; +"1050 symmetric_weights_decompressor_linear_67_updated_constant0_0" [id=1050, type=call_module]; +"1051 linear_67" [id=1051, type=linear]; +"1052 dropout_43" [id=1052, type=dropout]; +"1053 _param_constant184" [id=1053, type=get_attr]; +"1054 _param_constant185" [id=1054, type=get_attr]; +"1055 layer_norm_24" [id=1055, type=layer_norm]; +"1056 add_37" [id=1056, type=add]; +"1057 _tensor_constant67" [id=1057, type=get_attr]; +"1058 _param_constant187" [id=1058, type=get_attr]; +"1059 linear_68_updated_constant0" [id=1059, type=get_attr]; +"1060 symmetric_weights_decompressor_linear_68_updated_constant0_0" [id=1060, type=call_module]; +"1061 linear_68" [id=1061, type=linear]; +"1062 relu__11" [id=1062, type=relu_]; +"1063 linear_69_updated_constant0" [id=1063, type=get_attr]; +"1064 symmetric_weights_decompressor_linear_69_updated_constant0_0" [id=1064, type=call_module]; +"1065 linear_69" [id=1065, type=linear]; +"1066 view_59" [id=1066, type=view]; +"1067 _tensor_constant68" [id=1067, type=get_attr]; +"1068 index_11" [id=1068, type=index]; +"1069 view_60" [id=1069, type=view]; +"1070 permute_50" [id=1070, type=permute]; +"1071 contiguous_20" [id=1071, type=contiguous]; +"1072 unsqueeze_31" [id=1072, type=unsqueeze]; +"1073 sigmoid_11" [id=1073, type=sigmoid]; +"1074 mul_22" [id=1074, type=mul]; +"1075 pad_13" [id=1075, type=pad]; +"1076 roll_10" [id=1076, type=roll]; +"1077 view_61" [id=1077, type=view]; +"1078 permute_51" [id=1078, type=permute]; +"1079 reshape_49" [id=1079, type=reshape]; +"1080 _param_constant189" [id=1080, type=get_attr]; +"1081 clone_11" [id=1081, type=clone]; +"1082 linear_70_updated_constant0" [id=1082, type=get_attr]; +"1083 symmetric_weights_decompressor_linear_70_updated_constant0_0" [id=1083, type=call_module]; +"1084 linear_70" [id=1084, type=linear]; +"1085 reshape_50" [id=1085, type=reshape]; +"1086 permute_52" [id=1086, type=permute]; +"1087 select_33" [id=1087, type=select]; +"1088 select_34" [id=1088, type=select]; +"1089 select_35" [id=1089, type=select]; +"1090 linalg_vector_norm_22" [id=1090, type=linalg_vector_norm]; +"1091 clamp_min_22" [id=1091, type=clamp_min]; +"1092 expand_as_22" [id=1092, type=expand_as]; +"1093 div_22" [id=1093, type=div]; +"1094 linalg_vector_norm_23" [id=1094, type=linalg_vector_norm]; +"1095 clamp_min_23" [id=1095, type=clamp_min]; +"1096 expand_as_23" [id=1096, type=expand_as]; +"1097 div_23" [id=1097, type=div]; +"1098 transpose_22" [id=1098, type=transpose]; +"1099 matmul_22" [id=1099, type=matmul]; +"1100 _param_constant191" [id=1100, type=get_attr]; +"1101 clamp_11" [id=1101, type=clamp]; +"1102 exp_11" [id=1102, type=exp]; +"1103 mul_23" [id=1103, type=mul]; +"1104 add_38" [id=1104, type=add]; +"1105 new_zeros_5" [id=1105, type=new_zeros]; +"1106 view_62" [id=1106, type=view]; +"1107 permute_53" [id=1107, type=permute]; +"1108 reshape_51" [id=1108, type=reshape]; +"1109 unsqueeze_32" [id=1109, type=unsqueeze]; +"1110 unsqueeze_33" [id=1110, type=unsqueeze]; +"1111 sub_5" [id=1111, type=sub]; +"1112 ne_5" [id=1112, type=ne]; +"1113 masked_fill_10" [id=1113, type=masked_fill]; +"1114 eq_5" [id=1114, type=eq]; +"1115 masked_fill_11" [id=1115, type=masked_fill]; +"1116 view_63" [id=1116, type=view]; +"1117 unsqueeze_34" [id=1117, type=unsqueeze]; +"1118 unsqueeze_35" [id=1118, type=unsqueeze]; +"1119 add_39" [id=1119, type=add]; +"1120 view_64" [id=1120, type=view]; +"1121 softmax_11" [id=1121, type=softmax]; +"1122 dropout_44" [id=1122, type=dropout]; +"1123 matmul_23" [id=1123, type=matmul]; +"1124 transpose_23" [id=1124, type=transpose]; +"1125 reshape_52" [id=1125, type=reshape]; +"1126 _param_constant193" [id=1126, type=get_attr]; +"1127 linear_71_updated_constant0" [id=1127, type=get_attr]; +"1128 symmetric_weights_decompressor_linear_71_updated_constant0_0" [id=1128, type=call_module]; +"1129 linear_71" [id=1129, type=linear]; +"1130 dropout_45" [id=1130, type=dropout]; +"1131 view_65" [id=1131, type=view]; +"1132 permute_54" [id=1132, type=permute]; +"1133 reshape_53" [id=1133, type=reshape]; +"1134 roll_11" [id=1134, type=roll]; +"1135 slice_185" [id=1135, type=slice]; +"1136 slice_186" [id=1136, type=slice]; +"1137 slice_187" [id=1137, type=slice]; +"1138 slice_188" [id=1138, type=slice]; +"1139 contiguous_21" [id=1139, type=contiguous]; +"1140 _param_constant194" [id=1140, type=get_attr]; +"1141 _param_constant195" [id=1141, type=get_attr]; +"1142 layer_norm_25" [id=1142, type=layer_norm]; +"1143 add_40" [id=1143, type=add]; +"1144 _param_constant197" [id=1144, type=get_attr]; +"1145 linear_72_updated_constant0" [id=1145, type=get_attr]; +"1146 symmetric_weights_decompressor_linear_72_updated_constant0_0" [id=1146, type=call_module]; +"1147 linear_72" [id=1147, type=linear]; +"1148 gelu_11" [id=1148, type=gelu]; +"1149 dropout_46" [id=1149, type=dropout]; +"1150 _param_constant199" [id=1150, type=get_attr]; +"1151 linear_73_updated_constant0" [id=1151, type=get_attr]; +"1152 symmetric_weights_decompressor_linear_73_updated_constant0_0" [id=1152, type=call_module]; +"1153 linear_73" [id=1153, type=linear]; +"1154 dropout_47" [id=1154, type=dropout]; +"1155 _param_constant200" [id=1155, type=get_attr]; +"1156 _param_constant201" [id=1156, type=get_attr]; +"1157 layer_norm_26" [id=1157, type=layer_norm]; +"1158 add_41" [id=1158, type=add]; +"1159 _tensor_constant78" [id=1159, type=get_attr]; +"1160 _param_constant203" [id=1160, type=get_attr]; +"1161 linear_74_updated_constant0" [id=1161, type=get_attr]; +"1162 symmetric_weights_decompressor_linear_74_updated_constant0_0" [id=1162, type=call_module]; +"1163 linear_74" [id=1163, type=linear]; +"1164 relu__12" [id=1164, type=relu_]; +"1165 linear_75_updated_constant0" [id=1165, type=get_attr]; +"1166 symmetric_weights_decompressor_linear_75_updated_constant0_0" [id=1166, type=call_module]; +"1167 linear_75" [id=1167, type=linear]; +"1168 view_66" [id=1168, type=view]; +"1169 _tensor_constant79" [id=1169, type=get_attr]; +"1170 index_12" [id=1170, type=index]; +"1171 view_67" [id=1171, type=view]; +"1172 permute_55" [id=1172, type=permute]; +"1173 contiguous_22" [id=1173, type=contiguous]; +"1174 unsqueeze_36" [id=1174, type=unsqueeze]; +"1175 sigmoid_12" [id=1175, type=sigmoid]; +"1176 mul_24" [id=1176, type=mul]; +"1177 pad_14" [id=1177, type=pad]; +"1178 view_68" [id=1178, type=view]; +"1179 permute_56" [id=1179, type=permute]; +"1180 reshape_54" [id=1180, type=reshape]; +"1181 _param_constant205" [id=1181, type=get_attr]; +"1182 clone_12" [id=1182, type=clone]; +"1183 linear_76_updated_constant0" [id=1183, type=get_attr]; +"1184 symmetric_weights_decompressor_linear_76_updated_constant0_0" [id=1184, type=call_module]; +"1185 linear_76" [id=1185, type=linear]; +"1186 reshape_55" [id=1186, type=reshape]; +"1187 permute_57" [id=1187, type=permute]; +"1188 select_36" [id=1188, type=select]; +"1189 select_37" [id=1189, type=select]; +"1190 select_38" [id=1190, type=select]; +"1191 linalg_vector_norm_24" [id=1191, type=linalg_vector_norm]; +"1192 clamp_min_24" [id=1192, type=clamp_min]; +"1193 expand_as_24" [id=1193, type=expand_as]; +"1194 div_24" [id=1194, type=div]; +"1195 linalg_vector_norm_25" [id=1195, type=linalg_vector_norm]; +"1196 clamp_min_25" [id=1196, type=clamp_min]; +"1197 expand_as_25" [id=1197, type=expand_as]; +"1198 div_25" [id=1198, type=div]; +"1199 transpose_24" [id=1199, type=transpose]; +"1200 matmul_24" [id=1200, type=matmul]; +"1201 _param_constant207" [id=1201, type=get_attr]; +"1202 clamp_12" [id=1202, type=clamp]; +"1203 exp_12" [id=1203, type=exp]; +"1204 mul_25" [id=1204, type=mul]; +"1205 add_42" [id=1205, type=add]; +"1206 softmax_12" [id=1206, type=softmax]; +"1207 dropout_48" [id=1207, type=dropout]; +"1208 matmul_25" [id=1208, type=matmul]; +"1209 transpose_25" [id=1209, type=transpose]; +"1210 reshape_56" [id=1210, type=reshape]; +"1211 _param_constant209" [id=1211, type=get_attr]; +"1212 linear_77_updated_constant0" [id=1212, type=get_attr]; +"1213 symmetric_weights_decompressor_linear_77_updated_constant0_0" [id=1213, type=call_module]; +"1214 linear_77" [id=1214, type=linear]; +"1215 dropout_49" [id=1215, type=dropout]; +"1216 view_69" [id=1216, type=view]; +"1217 permute_58" [id=1217, type=permute]; +"1218 reshape_57" [id=1218, type=reshape]; +"1219 slice_190" [id=1219, type=slice]; +"1220 slice_191" [id=1220, type=slice]; +"1221 slice_192" [id=1221, type=slice]; +"1222 slice_193" [id=1222, type=slice]; +"1223 contiguous_23" [id=1223, type=contiguous]; +"1224 _param_constant210" [id=1224, type=get_attr]; +"1225 _param_constant211" [id=1225, type=get_attr]; +"1226 layer_norm_27" [id=1226, type=layer_norm]; +"1227 add_43" [id=1227, type=add]; +"1228 _param_constant213" [id=1228, type=get_attr]; +"1229 linear_78_updated_constant0" [id=1229, type=get_attr]; +"1230 symmetric_weights_decompressor_linear_78_updated_constant0_0" [id=1230, type=call_module]; +"1231 linear_78" [id=1231, type=linear]; +"1232 gelu_12" [id=1232, type=gelu]; +"1233 dropout_50" [id=1233, type=dropout]; +"1234 _param_constant215" [id=1234, type=get_attr]; +"1235 linear_79_updated_constant0" [id=1235, type=get_attr]; +"1236 symmetric_weights_decompressor_linear_79_updated_constant0_0" [id=1236, type=call_module]; +"1237 linear_79" [id=1237, type=linear]; +"1238 dropout_51" [id=1238, type=dropout]; +"1239 _param_constant216" [id=1239, type=get_attr]; +"1240 _param_constant217" [id=1240, type=get_attr]; +"1241 layer_norm_28" [id=1241, type=layer_norm]; +"1242 add_44" [id=1242, type=add]; +"1243 _tensor_constant80" [id=1243, type=get_attr]; +"1244 _param_constant219" [id=1244, type=get_attr]; +"1245 linear_80_updated_constant0" [id=1245, type=get_attr]; +"1246 symmetric_weights_decompressor_linear_80_updated_constant0_0" [id=1246, type=call_module]; +"1247 linear_80" [id=1247, type=linear]; +"1248 relu__13" [id=1248, type=relu_]; +"1249 linear_81_updated_constant0" [id=1249, type=get_attr]; +"1250 symmetric_weights_decompressor_linear_81_updated_constant0_0" [id=1250, type=call_module]; +"1251 linear_81" [id=1251, type=linear]; +"1252 view_70" [id=1252, type=view]; +"1253 _tensor_constant81" [id=1253, type=get_attr]; +"1254 index_13" [id=1254, type=index]; +"1255 view_71" [id=1255, type=view]; +"1256 permute_59" [id=1256, type=permute]; +"1257 contiguous_24" [id=1257, type=contiguous]; +"1258 unsqueeze_37" [id=1258, type=unsqueeze]; +"1259 sigmoid_13" [id=1259, type=sigmoid]; +"1260 mul_26" [id=1260, type=mul]; +"1261 pad_15" [id=1261, type=pad]; +"1262 roll_12" [id=1262, type=roll]; +"1263 view_72" [id=1263, type=view]; +"1264 permute_60" [id=1264, type=permute]; +"1265 reshape_58" [id=1265, type=reshape]; +"1266 _param_constant221" [id=1266, type=get_attr]; +"1267 clone_13" [id=1267, type=clone]; +"1268 linear_82_updated_constant0" [id=1268, type=get_attr]; +"1269 symmetric_weights_decompressor_linear_82_updated_constant0_0" [id=1269, type=call_module]; +"1270 linear_82" [id=1270, type=linear]; +"1271 reshape_59" [id=1271, type=reshape]; +"1272 permute_61" [id=1272, type=permute]; +"1273 select_39" [id=1273, type=select]; +"1274 select_40" [id=1274, type=select]; +"1275 select_41" [id=1275, type=select]; +"1276 linalg_vector_norm_26" [id=1276, type=linalg_vector_norm]; +"1277 clamp_min_26" [id=1277, type=clamp_min]; +"1278 expand_as_26" [id=1278, type=expand_as]; +"1279 div_26" [id=1279, type=div]; +"1280 linalg_vector_norm_27" [id=1280, type=linalg_vector_norm]; +"1281 clamp_min_27" [id=1281, type=clamp_min]; +"1282 expand_as_27" [id=1282, type=expand_as]; +"1283 div_27" [id=1283, type=div]; +"1284 transpose_26" [id=1284, type=transpose]; +"1285 matmul_26" [id=1285, type=matmul]; +"1286 _param_constant223" [id=1286, type=get_attr]; +"1287 clamp_13" [id=1287, type=clamp]; +"1288 exp_13" [id=1288, type=exp]; +"1289 mul_27" [id=1289, type=mul]; +"1290 add_45" [id=1290, type=add]; +"1291 new_zeros_6" [id=1291, type=new_zeros]; +"1292 view_73" [id=1292, type=view]; +"1293 permute_62" [id=1293, type=permute]; +"1294 reshape_60" [id=1294, type=reshape]; +"1295 unsqueeze_38" [id=1295, type=unsqueeze]; +"1296 unsqueeze_39" [id=1296, type=unsqueeze]; +"1297 sub_6" [id=1297, type=sub]; +"1298 ne_6" [id=1298, type=ne]; +"1299 masked_fill_12" [id=1299, type=masked_fill]; +"1300 eq_6" [id=1300, type=eq]; +"1301 masked_fill_13" [id=1301, type=masked_fill]; +"1302 view_74" [id=1302, type=view]; +"1303 unsqueeze_40" [id=1303, type=unsqueeze]; +"1304 unsqueeze_41" [id=1304, type=unsqueeze]; +"1305 add_46" [id=1305, type=add]; +"1306 view_75" [id=1306, type=view]; +"1307 softmax_13" [id=1307, type=softmax]; +"1308 dropout_52" [id=1308, type=dropout]; +"1309 matmul_27" [id=1309, type=matmul]; +"1310 transpose_27" [id=1310, type=transpose]; +"1311 reshape_61" [id=1311, type=reshape]; +"1312 _param_constant225" [id=1312, type=get_attr]; +"1313 linear_83_updated_constant0" [id=1313, type=get_attr]; +"1314 symmetric_weights_decompressor_linear_83_updated_constant0_0" [id=1314, type=call_module]; +"1315 linear_83" [id=1315, type=linear]; +"1316 dropout_53" [id=1316, type=dropout]; +"1317 view_76" [id=1317, type=view]; +"1318 permute_63" [id=1318, type=permute]; +"1319 reshape_62" [id=1319, type=reshape]; +"1320 roll_13" [id=1320, type=roll]; +"1321 slice_213" [id=1321, type=slice]; +"1322 slice_214" [id=1322, type=slice]; +"1323 slice_215" [id=1323, type=slice]; +"1324 slice_216" [id=1324, type=slice]; +"1325 contiguous_25" [id=1325, type=contiguous]; +"1326 _param_constant226" [id=1326, type=get_attr]; +"1327 _param_constant227" [id=1327, type=get_attr]; +"1328 layer_norm_29" [id=1328, type=layer_norm]; +"1329 add_47" [id=1329, type=add]; +"1330 _param_constant229" [id=1330, type=get_attr]; +"1331 linear_84_updated_constant0" [id=1331, type=get_attr]; +"1332 symmetric_weights_decompressor_linear_84_updated_constant0_0" [id=1332, type=call_module]; +"1333 linear_84" [id=1333, type=linear]; +"1334 gelu_13" [id=1334, type=gelu]; +"1335 dropout_54" [id=1335, type=dropout]; +"1336 _param_constant231" [id=1336, type=get_attr]; +"1337 linear_85_updated_constant0" [id=1337, type=get_attr]; +"1338 symmetric_weights_decompressor_linear_85_updated_constant0_0" [id=1338, type=call_module]; +"1339 linear_85" [id=1339, type=linear]; +"1340 dropout_55" [id=1340, type=dropout]; +"1341 _param_constant232" [id=1341, type=get_attr]; +"1342 _param_constant233" [id=1342, type=get_attr]; +"1343 layer_norm_30" [id=1343, type=layer_norm]; +"1344 add_48" [id=1344, type=add]; +"1345 _tensor_constant91" [id=1345, type=get_attr]; +"1346 _param_constant235" [id=1346, type=get_attr]; +"1347 linear_86_updated_constant0" [id=1347, type=get_attr]; +"1348 symmetric_weights_decompressor_linear_86_updated_constant0_0" [id=1348, type=call_module]; +"1349 linear_86" [id=1349, type=linear]; +"1350 relu__14" [id=1350, type=relu_]; +"1351 linear_87_updated_constant0" [id=1351, type=get_attr]; +"1352 symmetric_weights_decompressor_linear_87_updated_constant0_0" [id=1352, type=call_module]; +"1353 linear_87" [id=1353, type=linear]; +"1354 view_77" [id=1354, type=view]; +"1355 _tensor_constant92" [id=1355, type=get_attr]; +"1356 index_14" [id=1356, type=index]; +"1357 view_78" [id=1357, type=view]; +"1358 permute_64" [id=1358, type=permute]; +"1359 contiguous_26" [id=1359, type=contiguous]; +"1360 unsqueeze_42" [id=1360, type=unsqueeze]; +"1361 sigmoid_14" [id=1361, type=sigmoid]; +"1362 mul_28" [id=1362, type=mul]; +"1363 pad_16" [id=1363, type=pad]; +"1364 view_79" [id=1364, type=view]; +"1365 permute_65" [id=1365, type=permute]; +"1366 reshape_63" [id=1366, type=reshape]; +"1367 _param_constant237" [id=1367, type=get_attr]; +"1368 clone_14" [id=1368, type=clone]; +"1369 linear_88_updated_constant0" [id=1369, type=get_attr]; +"1370 symmetric_weights_decompressor_linear_88_updated_constant0_0" [id=1370, type=call_module]; +"1371 linear_88" [id=1371, type=linear]; +"1372 reshape_64" [id=1372, type=reshape]; +"1373 permute_66" [id=1373, type=permute]; +"1374 select_42" [id=1374, type=select]; +"1375 select_43" [id=1375, type=select]; +"1376 select_44" [id=1376, type=select]; +"1377 linalg_vector_norm_28" [id=1377, type=linalg_vector_norm]; +"1378 clamp_min_28" [id=1378, type=clamp_min]; +"1379 expand_as_28" [id=1379, type=expand_as]; +"1380 div_28" [id=1380, type=div]; +"1381 linalg_vector_norm_29" [id=1381, type=linalg_vector_norm]; +"1382 clamp_min_29" [id=1382, type=clamp_min]; +"1383 expand_as_29" [id=1383, type=expand_as]; +"1384 div_29" [id=1384, type=div]; +"1385 transpose_28" [id=1385, type=transpose]; +"1386 matmul_28" [id=1386, type=matmul]; +"1387 _param_constant239" [id=1387, type=get_attr]; +"1388 clamp_14" [id=1388, type=clamp]; +"1389 exp_14" [id=1389, type=exp]; +"1390 mul_29" [id=1390, type=mul]; +"1391 add_49" [id=1391, type=add]; +"1392 softmax_14" [id=1392, type=softmax]; +"1393 dropout_56" [id=1393, type=dropout]; +"1394 matmul_29" [id=1394, type=matmul]; +"1395 transpose_29" [id=1395, type=transpose]; +"1396 reshape_65" [id=1396, type=reshape]; +"1397 _param_constant241" [id=1397, type=get_attr]; +"1398 linear_89_updated_constant0" [id=1398, type=get_attr]; +"1399 symmetric_weights_decompressor_linear_89_updated_constant0_0" [id=1399, type=call_module]; +"1400 linear_89" [id=1400, type=linear]; +"1401 dropout_57" [id=1401, type=dropout]; +"1402 view_80" [id=1402, type=view]; +"1403 permute_67" [id=1403, type=permute]; +"1404 reshape_66" [id=1404, type=reshape]; +"1405 slice_218" [id=1405, type=slice]; +"1406 slice_219" [id=1406, type=slice]; +"1407 slice_220" [id=1407, type=slice]; +"1408 slice_221" [id=1408, type=slice]; +"1409 contiguous_27" [id=1409, type=contiguous]; +"1410 _param_constant242" [id=1410, type=get_attr]; +"1411 _param_constant243" [id=1411, type=get_attr]; +"1412 layer_norm_31" [id=1412, type=layer_norm]; +"1413 add_50" [id=1413, type=add]; +"1414 _param_constant245" [id=1414, type=get_attr]; +"1415 linear_90_updated_constant0" [id=1415, type=get_attr]; +"1416 symmetric_weights_decompressor_linear_90_updated_constant0_0" [id=1416, type=call_module]; +"1417 linear_90" [id=1417, type=linear]; +"1418 gelu_14" [id=1418, type=gelu]; +"1419 dropout_58" [id=1419, type=dropout]; +"1420 _param_constant247" [id=1420, type=get_attr]; +"1421 linear_91_updated_constant0" [id=1421, type=get_attr]; +"1422 symmetric_weights_decompressor_linear_91_updated_constant0_0" [id=1422, type=call_module]; +"1423 linear_91" [id=1423, type=linear]; +"1424 dropout_59" [id=1424, type=dropout]; +"1425 _param_constant248" [id=1425, type=get_attr]; +"1426 _param_constant249" [id=1426, type=get_attr]; +"1427 layer_norm_32" [id=1427, type=layer_norm]; +"1428 add_51" [id=1428, type=add]; +"1429 _tensor_constant93" [id=1429, type=get_attr]; +"1430 _param_constant251" [id=1430, type=get_attr]; +"1431 linear_92_updated_constant0" [id=1431, type=get_attr]; +"1432 symmetric_weights_decompressor_linear_92_updated_constant0_0" [id=1432, type=call_module]; +"1433 linear_92" [id=1433, type=linear]; +"1434 relu__15" [id=1434, type=relu_]; +"1435 linear_93_updated_constant0" [id=1435, type=get_attr]; +"1436 symmetric_weights_decompressor_linear_93_updated_constant0_0" [id=1436, type=call_module]; +"1437 linear_93" [id=1437, type=linear]; +"1438 view_81" [id=1438, type=view]; +"1439 _tensor_constant94" [id=1439, type=get_attr]; +"1440 index_15" [id=1440, type=index]; +"1441 view_82" [id=1441, type=view]; +"1442 permute_68" [id=1442, type=permute]; +"1443 contiguous_28" [id=1443, type=contiguous]; +"1444 unsqueeze_43" [id=1444, type=unsqueeze]; +"1445 sigmoid_15" [id=1445, type=sigmoid]; +"1446 mul_30" [id=1446, type=mul]; +"1447 pad_17" [id=1447, type=pad]; +"1448 roll_14" [id=1448, type=roll]; +"1449 view_83" [id=1449, type=view]; +"1450 permute_69" [id=1450, type=permute]; +"1451 reshape_67" [id=1451, type=reshape]; +"1452 _param_constant253" [id=1452, type=get_attr]; +"1453 clone_15" [id=1453, type=clone]; +"1454 linear_94_updated_constant0" [id=1454, type=get_attr]; +"1455 symmetric_weights_decompressor_linear_94_updated_constant0_0" [id=1455, type=call_module]; +"1456 linear_94" [id=1456, type=linear]; +"1457 reshape_68" [id=1457, type=reshape]; +"1458 permute_70" [id=1458, type=permute]; +"1459 select_45" [id=1459, type=select]; +"1460 select_46" [id=1460, type=select]; +"1461 select_47" [id=1461, type=select]; +"1462 linalg_vector_norm_30" [id=1462, type=linalg_vector_norm]; +"1463 clamp_min_30" [id=1463, type=clamp_min]; +"1464 expand_as_30" [id=1464, type=expand_as]; +"1465 div_30" [id=1465, type=div]; +"1466 linalg_vector_norm_31" [id=1466, type=linalg_vector_norm]; +"1467 clamp_min_31" [id=1467, type=clamp_min]; +"1468 expand_as_31" [id=1468, type=expand_as]; +"1469 div_31" [id=1469, type=div]; +"1470 transpose_30" [id=1470, type=transpose]; +"1471 matmul_30" [id=1471, type=matmul]; +"1472 _param_constant255" [id=1472, type=get_attr]; +"1473 clamp_15" [id=1473, type=clamp]; +"1474 exp_15" [id=1474, type=exp]; +"1475 mul_31" [id=1475, type=mul]; +"1476 add_52" [id=1476, type=add]; +"1477 new_zeros_7" [id=1477, type=new_zeros]; +"1478 view_84" [id=1478, type=view]; +"1479 permute_71" [id=1479, type=permute]; +"1480 reshape_69" [id=1480, type=reshape]; +"1481 unsqueeze_44" [id=1481, type=unsqueeze]; +"1482 unsqueeze_45" [id=1482, type=unsqueeze]; +"1483 sub_7" [id=1483, type=sub]; +"1484 ne_7" [id=1484, type=ne]; +"1485 masked_fill_14" [id=1485, type=masked_fill]; +"1486 eq_7" [id=1486, type=eq]; +"1487 masked_fill_15" [id=1487, type=masked_fill]; +"1488 view_85" [id=1488, type=view]; +"1489 unsqueeze_46" [id=1489, type=unsqueeze]; +"1490 unsqueeze_47" [id=1490, type=unsqueeze]; +"1491 add_53" [id=1491, type=add]; +"1492 view_86" [id=1492, type=view]; +"1493 softmax_15" [id=1493, type=softmax]; +"1494 dropout_60" [id=1494, type=dropout]; +"1495 matmul_31" [id=1495, type=matmul]; +"1496 transpose_31" [id=1496, type=transpose]; +"1497 reshape_70" [id=1497, type=reshape]; +"1498 _param_constant257" [id=1498, type=get_attr]; +"1499 linear_95_updated_constant0" [id=1499, type=get_attr]; +"1500 symmetric_weights_decompressor_linear_95_updated_constant0_0" [id=1500, type=call_module]; +"1501 linear_95" [id=1501, type=linear]; +"1502 dropout_61" [id=1502, type=dropout]; +"1503 view_87" [id=1503, type=view]; +"1504 permute_72" [id=1504, type=permute]; +"1505 reshape_71" [id=1505, type=reshape]; +"1506 roll_15" [id=1506, type=roll]; +"1507 slice_241" [id=1507, type=slice]; +"1508 slice_242" [id=1508, type=slice]; +"1509 slice_243" [id=1509, type=slice]; +"1510 slice_244" [id=1510, type=slice]; +"1511 contiguous_29" [id=1511, type=contiguous]; +"1512 _param_constant258" [id=1512, type=get_attr]; +"1513 _param_constant259" [id=1513, type=get_attr]; +"1514 layer_norm_33" [id=1514, type=layer_norm]; +"1515 add_54" [id=1515, type=add]; +"1516 _param_constant261" [id=1516, type=get_attr]; +"1517 linear_96_updated_constant0" [id=1517, type=get_attr]; +"1518 symmetric_weights_decompressor_linear_96_updated_constant0_0" [id=1518, type=call_module]; +"1519 linear_96" [id=1519, type=linear]; +"1520 gelu_15" [id=1520, type=gelu]; +"1521 dropout_62" [id=1521, type=dropout]; +"1522 _param_constant263" [id=1522, type=get_attr]; +"1523 linear_97_updated_constant0" [id=1523, type=get_attr]; +"1524 symmetric_weights_decompressor_linear_97_updated_constant0_0" [id=1524, type=call_module]; +"1525 linear_97" [id=1525, type=linear]; +"1526 dropout_63" [id=1526, type=dropout]; +"1527 _param_constant264" [id=1527, type=get_attr]; +"1528 _param_constant265" [id=1528, type=get_attr]; +"1529 layer_norm_34" [id=1529, type=layer_norm]; +"1530 add_55" [id=1530, type=add]; +"1531 _tensor_constant104" [id=1531, type=get_attr]; +"1532 _param_constant267" [id=1532, type=get_attr]; +"1533 linear_98_updated_constant0" [id=1533, type=get_attr]; +"1534 symmetric_weights_decompressor_linear_98_updated_constant0_0" [id=1534, type=call_module]; +"1535 linear_98" [id=1535, type=linear]; +"1536 relu__16" [id=1536, type=relu_]; +"1537 linear_99_updated_constant0" [id=1537, type=get_attr]; +"1538 symmetric_weights_decompressor_linear_99_updated_constant0_0" [id=1538, type=call_module]; +"1539 linear_99" [id=1539, type=linear]; +"1540 view_88" [id=1540, type=view]; +"1541 _tensor_constant105" [id=1541, type=get_attr]; +"1542 index_16" [id=1542, type=index]; +"1543 view_89" [id=1543, type=view]; +"1544 permute_73" [id=1544, type=permute]; +"1545 contiguous_30" [id=1545, type=contiguous]; +"1546 unsqueeze_48" [id=1546, type=unsqueeze]; +"1547 sigmoid_16" [id=1547, type=sigmoid]; +"1548 mul_32" [id=1548, type=mul]; +"1549 pad_18" [id=1549, type=pad]; +"1550 view_90" [id=1550, type=view]; +"1551 permute_74" [id=1551, type=permute]; +"1552 reshape_72" [id=1552, type=reshape]; +"1553 _param_constant269" [id=1553, type=get_attr]; +"1554 clone_16" [id=1554, type=clone]; +"1555 linear_100_updated_constant0" [id=1555, type=get_attr]; +"1556 symmetric_weights_decompressor_linear_100_updated_constant0_0" [id=1556, type=call_module]; +"1557 linear_100" [id=1557, type=linear]; +"1558 reshape_73" [id=1558, type=reshape]; +"1559 permute_75" [id=1559, type=permute]; +"1560 select_48" [id=1560, type=select]; +"1561 select_49" [id=1561, type=select]; +"1562 select_50" [id=1562, type=select]; +"1563 linalg_vector_norm_32" [id=1563, type=linalg_vector_norm]; +"1564 clamp_min_32" [id=1564, type=clamp_min]; +"1565 expand_as_32" [id=1565, type=expand_as]; +"1566 div_32" [id=1566, type=div]; +"1567 linalg_vector_norm_33" [id=1567, type=linalg_vector_norm]; +"1568 clamp_min_33" [id=1568, type=clamp_min]; +"1569 expand_as_33" [id=1569, type=expand_as]; +"1570 div_33" [id=1570, type=div]; +"1571 transpose_32" [id=1571, type=transpose]; +"1572 matmul_32" [id=1572, type=matmul]; +"1573 _param_constant271" [id=1573, type=get_attr]; +"1574 clamp_16" [id=1574, type=clamp]; +"1575 exp_16" [id=1575, type=exp]; +"1576 mul_33" [id=1576, type=mul]; +"1577 add_56" [id=1577, type=add]; +"1578 softmax_16" [id=1578, type=softmax]; +"1579 dropout_64" [id=1579, type=dropout]; +"1580 matmul_33" [id=1580, type=matmul]; +"1581 transpose_33" [id=1581, type=transpose]; +"1582 reshape_74" [id=1582, type=reshape]; +"1583 _param_constant273" [id=1583, type=get_attr]; +"1584 linear_101_updated_constant0" [id=1584, type=get_attr]; +"1585 symmetric_weights_decompressor_linear_101_updated_constant0_0" [id=1585, type=call_module]; +"1586 linear_101" [id=1586, type=linear]; +"1587 dropout_65" [id=1587, type=dropout]; +"1588 view_91" [id=1588, type=view]; +"1589 permute_76" [id=1589, type=permute]; +"1590 reshape_75" [id=1590, type=reshape]; +"1591 slice_246" [id=1591, type=slice]; +"1592 slice_247" [id=1592, type=slice]; +"1593 slice_248" [id=1593, type=slice]; +"1594 slice_249" [id=1594, type=slice]; +"1595 contiguous_31" [id=1595, type=contiguous]; +"1596 _param_constant274" [id=1596, type=get_attr]; +"1597 _param_constant275" [id=1597, type=get_attr]; +"1598 layer_norm_35" [id=1598, type=layer_norm]; +"1599 add_57" [id=1599, type=add]; +"1600 _param_constant277" [id=1600, type=get_attr]; +"1601 linear_102_updated_constant0" [id=1601, type=get_attr]; +"1602 symmetric_weights_decompressor_linear_102_updated_constant0_0" [id=1602, type=call_module]; +"1603 linear_102" [id=1603, type=linear]; +"1604 gelu_16" [id=1604, type=gelu]; +"1605 dropout_66" [id=1605, type=dropout]; +"1606 _param_constant279" [id=1606, type=get_attr]; +"1607 linear_103_updated_constant0" [id=1607, type=get_attr]; +"1608 symmetric_weights_decompressor_linear_103_updated_constant0_0" [id=1608, type=call_module]; +"1609 linear_103" [id=1609, type=linear]; +"1610 dropout_67" [id=1610, type=dropout]; +"1611 _param_constant280" [id=1611, type=get_attr]; +"1612 _param_constant281" [id=1612, type=get_attr]; +"1613 layer_norm_36" [id=1613, type=layer_norm]; +"1614 add_58" [id=1614, type=add]; +"1615 _tensor_constant106" [id=1615, type=get_attr]; +"1616 _param_constant283" [id=1616, type=get_attr]; +"1617 linear_104_updated_constant0" [id=1617, type=get_attr]; +"1618 symmetric_weights_decompressor_linear_104_updated_constant0_0" [id=1618, type=call_module]; +"1619 linear_104" [id=1619, type=linear]; +"1620 relu__17" [id=1620, type=relu_]; +"1621 linear_105_updated_constant0" [id=1621, type=get_attr]; +"1622 symmetric_weights_decompressor_linear_105_updated_constant0_0" [id=1622, type=call_module]; +"1623 linear_105" [id=1623, type=linear]; +"1624 view_92" [id=1624, type=view]; +"1625 _tensor_constant107" [id=1625, type=get_attr]; +"1626 index_17" [id=1626, type=index]; +"1627 view_93" [id=1627, type=view]; +"1628 permute_77" [id=1628, type=permute]; +"1629 contiguous_32" [id=1629, type=contiguous]; +"1630 unsqueeze_49" [id=1630, type=unsqueeze]; +"1631 sigmoid_17" [id=1631, type=sigmoid]; +"1632 mul_34" [id=1632, type=mul]; +"1633 pad_19" [id=1633, type=pad]; +"1634 roll_16" [id=1634, type=roll]; +"1635 view_94" [id=1635, type=view]; +"1636 permute_78" [id=1636, type=permute]; +"1637 reshape_76" [id=1637, type=reshape]; +"1638 _param_constant285" [id=1638, type=get_attr]; +"1639 clone_17" [id=1639, type=clone]; +"1640 linear_106_updated_constant0" [id=1640, type=get_attr]; +"1641 symmetric_weights_decompressor_linear_106_updated_constant0_0" [id=1641, type=call_module]; +"1642 linear_106" [id=1642, type=linear]; +"1643 reshape_77" [id=1643, type=reshape]; +"1644 permute_79" [id=1644, type=permute]; +"1645 select_51" [id=1645, type=select]; +"1646 select_52" [id=1646, type=select]; +"1647 select_53" [id=1647, type=select]; +"1648 linalg_vector_norm_34" [id=1648, type=linalg_vector_norm]; +"1649 clamp_min_34" [id=1649, type=clamp_min]; +"1650 expand_as_34" [id=1650, type=expand_as]; +"1651 div_34" [id=1651, type=div]; +"1652 linalg_vector_norm_35" [id=1652, type=linalg_vector_norm]; +"1653 clamp_min_35" [id=1653, type=clamp_min]; +"1654 expand_as_35" [id=1654, type=expand_as]; +"1655 div_35" [id=1655, type=div]; +"1656 transpose_34" [id=1656, type=transpose]; +"1657 matmul_34" [id=1657, type=matmul]; +"1658 _param_constant287" [id=1658, type=get_attr]; +"1659 clamp_17" [id=1659, type=clamp]; +"1660 exp_17" [id=1660, type=exp]; +"1661 mul_35" [id=1661, type=mul]; +"1662 add_59" [id=1662, type=add]; +"1663 new_zeros_8" [id=1663, type=new_zeros]; +"1664 view_95" [id=1664, type=view]; +"1665 permute_80" [id=1665, type=permute]; +"1666 reshape_78" [id=1666, type=reshape]; +"1667 unsqueeze_50" [id=1667, type=unsqueeze]; +"1668 unsqueeze_51" [id=1668, type=unsqueeze]; +"1669 sub_8" [id=1669, type=sub]; +"1670 ne_8" [id=1670, type=ne]; +"1671 masked_fill_16" [id=1671, type=masked_fill]; +"1672 eq_8" [id=1672, type=eq]; +"1673 masked_fill_17" [id=1673, type=masked_fill]; +"1674 view_96" [id=1674, type=view]; +"1675 unsqueeze_52" [id=1675, type=unsqueeze]; +"1676 unsqueeze_53" [id=1676, type=unsqueeze]; +"1677 add_60" [id=1677, type=add]; +"1678 view_97" [id=1678, type=view]; +"1679 softmax_17" [id=1679, type=softmax]; +"1680 dropout_68" [id=1680, type=dropout]; +"1681 matmul_35" [id=1681, type=matmul]; +"1682 transpose_35" [id=1682, type=transpose]; +"1683 reshape_79" [id=1683, type=reshape]; +"1684 _param_constant289" [id=1684, type=get_attr]; +"1685 linear_107_updated_constant0" [id=1685, type=get_attr]; +"1686 symmetric_weights_decompressor_linear_107_updated_constant0_0" [id=1686, type=call_module]; +"1687 linear_107" [id=1687, type=linear]; +"1688 dropout_69" [id=1688, type=dropout]; +"1689 view_98" [id=1689, type=view]; +"1690 permute_81" [id=1690, type=permute]; +"1691 reshape_80" [id=1691, type=reshape]; +"1692 roll_17" [id=1692, type=roll]; +"1693 slice_269" [id=1693, type=slice]; +"1694 slice_270" [id=1694, type=slice]; +"1695 slice_271" [id=1695, type=slice]; +"1696 slice_272" [id=1696, type=slice]; +"1697 contiguous_33" [id=1697, type=contiguous]; +"1698 _param_constant290" [id=1698, type=get_attr]; +"1699 _param_constant291" [id=1699, type=get_attr]; +"1700 layer_norm_37" [id=1700, type=layer_norm]; +"1701 add_61" [id=1701, type=add]; +"1702 _param_constant293" [id=1702, type=get_attr]; +"1703 linear_108_updated_constant0" [id=1703, type=get_attr]; +"1704 symmetric_weights_decompressor_linear_108_updated_constant0_0" [id=1704, type=call_module]; +"1705 linear_108" [id=1705, type=linear]; +"1706 gelu_17" [id=1706, type=gelu]; +"1707 dropout_70" [id=1707, type=dropout]; +"1708 _param_constant295" [id=1708, type=get_attr]; +"1709 linear_109_updated_constant0" [id=1709, type=get_attr]; +"1710 symmetric_weights_decompressor_linear_109_updated_constant0_0" [id=1710, type=call_module]; +"1711 linear_109" [id=1711, type=linear]; +"1712 dropout_71" [id=1712, type=dropout]; +"1713 _param_constant296" [id=1713, type=get_attr]; +"1714 _param_constant297" [id=1714, type=get_attr]; +"1715 layer_norm_38" [id=1715, type=layer_norm]; +"1716 add_62" [id=1716, type=add]; +"1717 _tensor_constant117" [id=1717, type=get_attr]; +"1718 _param_constant299" [id=1718, type=get_attr]; +"1719 linear_110_updated_constant0" [id=1719, type=get_attr]; +"1720 symmetric_weights_decompressor_linear_110_updated_constant0_0" [id=1720, type=call_module]; +"1721 linear_110" [id=1721, type=linear]; +"1722 relu__18" [id=1722, type=relu_]; +"1723 linear_111_updated_constant0" [id=1723, type=get_attr]; +"1724 symmetric_weights_decompressor_linear_111_updated_constant0_0" [id=1724, type=call_module]; +"1725 linear_111" [id=1725, type=linear]; +"1726 view_99" [id=1726, type=view]; +"1727 _tensor_constant118" [id=1727, type=get_attr]; +"1728 index_18" [id=1728, type=index]; +"1729 view_100" [id=1729, type=view]; +"1730 permute_82" [id=1730, type=permute]; +"1731 contiguous_34" [id=1731, type=contiguous]; +"1732 unsqueeze_54" [id=1732, type=unsqueeze]; +"1733 sigmoid_18" [id=1733, type=sigmoid]; +"1734 mul_36" [id=1734, type=mul]; +"1735 pad_20" [id=1735, type=pad]; +"1736 view_101" [id=1736, type=view]; +"1737 permute_83" [id=1737, type=permute]; +"1738 reshape_81" [id=1738, type=reshape]; +"1739 _param_constant301" [id=1739, type=get_attr]; +"1740 clone_18" [id=1740, type=clone]; +"1741 linear_112_updated_constant0" [id=1741, type=get_attr]; +"1742 symmetric_weights_decompressor_linear_112_updated_constant0_0" [id=1742, type=call_module]; +"1743 linear_112" [id=1743, type=linear]; +"1744 reshape_82" [id=1744, type=reshape]; +"1745 permute_84" [id=1745, type=permute]; +"1746 select_54" [id=1746, type=select]; +"1747 select_55" [id=1747, type=select]; +"1748 select_56" [id=1748, type=select]; +"1749 linalg_vector_norm_36" [id=1749, type=linalg_vector_norm]; +"1750 clamp_min_36" [id=1750, type=clamp_min]; +"1751 expand_as_36" [id=1751, type=expand_as]; +"1752 div_36" [id=1752, type=div]; +"1753 linalg_vector_norm_37" [id=1753, type=linalg_vector_norm]; +"1754 clamp_min_37" [id=1754, type=clamp_min]; +"1755 expand_as_37" [id=1755, type=expand_as]; +"1756 div_37" [id=1756, type=div]; +"1757 transpose_36" [id=1757, type=transpose]; +"1758 matmul_36" [id=1758, type=matmul]; +"1759 _param_constant303" [id=1759, type=get_attr]; +"1760 clamp_18" [id=1760, type=clamp]; +"1761 exp_18" [id=1761, type=exp]; +"1762 mul_37" [id=1762, type=mul]; +"1763 add_63" [id=1763, type=add]; +"1764 softmax_18" [id=1764, type=softmax]; +"1765 dropout_72" [id=1765, type=dropout]; +"1766 matmul_37" [id=1766, type=matmul]; +"1767 transpose_37" [id=1767, type=transpose]; +"1768 reshape_83" [id=1768, type=reshape]; +"1769 _param_constant305" [id=1769, type=get_attr]; +"1770 linear_113_updated_constant0" [id=1770, type=get_attr]; +"1771 symmetric_weights_decompressor_linear_113_updated_constant0_0" [id=1771, type=call_module]; +"1772 linear_113" [id=1772, type=linear]; +"1773 dropout_73" [id=1773, type=dropout]; +"1774 view_102" [id=1774, type=view]; +"1775 permute_85" [id=1775, type=permute]; +"1776 reshape_84" [id=1776, type=reshape]; +"1777 slice_274" [id=1777, type=slice]; +"1778 slice_275" [id=1778, type=slice]; +"1779 slice_276" [id=1779, type=slice]; +"1780 slice_277" [id=1780, type=slice]; +"1781 contiguous_35" [id=1781, type=contiguous]; +"1782 _param_constant306" [id=1782, type=get_attr]; +"1783 _param_constant307" [id=1783, type=get_attr]; +"1784 layer_norm_39" [id=1784, type=layer_norm]; +"1785 add_64" [id=1785, type=add]; +"1786 _param_constant309" [id=1786, type=get_attr]; +"1787 linear_114_updated_constant0" [id=1787, type=get_attr]; +"1788 symmetric_weights_decompressor_linear_114_updated_constant0_0" [id=1788, type=call_module]; +"1789 linear_114" [id=1789, type=linear]; +"1790 gelu_18" [id=1790, type=gelu]; +"1791 dropout_74" [id=1791, type=dropout]; +"1792 _param_constant311" [id=1792, type=get_attr]; +"1793 linear_115_updated_constant0" [id=1793, type=get_attr]; +"1794 symmetric_weights_decompressor_linear_115_updated_constant0_0" [id=1794, type=call_module]; +"1795 linear_115" [id=1795, type=linear]; +"1796 dropout_75" [id=1796, type=dropout]; +"1797 _param_constant312" [id=1797, type=get_attr]; +"1798 _param_constant313" [id=1798, type=get_attr]; +"1799 layer_norm_40" [id=1799, type=layer_norm]; +"1800 add_65" [id=1800, type=add]; +"1801 _tensor_constant119" [id=1801, type=get_attr]; +"1802 _param_constant315" [id=1802, type=get_attr]; +"1803 linear_116_updated_constant0" [id=1803, type=get_attr]; +"1804 symmetric_weights_decompressor_linear_116_updated_constant0_0" [id=1804, type=call_module]; +"1805 linear_116" [id=1805, type=linear]; +"1806 relu__19" [id=1806, type=relu_]; +"1807 linear_117_updated_constant0" [id=1807, type=get_attr]; +"1808 symmetric_weights_decompressor_linear_117_updated_constant0_0" [id=1808, type=call_module]; +"1809 linear_117" [id=1809, type=linear]; +"1810 view_103" [id=1810, type=view]; +"1811 _tensor_constant120" [id=1811, type=get_attr]; +"1812 index_19" [id=1812, type=index]; +"1813 view_104" [id=1813, type=view]; +"1814 permute_86" [id=1814, type=permute]; +"1815 contiguous_36" [id=1815, type=contiguous]; +"1816 unsqueeze_55" [id=1816, type=unsqueeze]; +"1817 sigmoid_19" [id=1817, type=sigmoid]; +"1818 mul_38" [id=1818, type=mul]; +"1819 pad_21" [id=1819, type=pad]; +"1820 roll_18" [id=1820, type=roll]; +"1821 view_105" [id=1821, type=view]; +"1822 permute_87" [id=1822, type=permute]; +"1823 reshape_85" [id=1823, type=reshape]; +"1824 _param_constant317" [id=1824, type=get_attr]; +"1825 clone_19" [id=1825, type=clone]; +"1826 linear_118_updated_constant0" [id=1826, type=get_attr]; +"1827 symmetric_weights_decompressor_linear_118_updated_constant0_0" [id=1827, type=call_module]; +"1828 linear_118" [id=1828, type=linear]; +"1829 reshape_86" [id=1829, type=reshape]; +"1830 permute_88" [id=1830, type=permute]; +"1831 select_57" [id=1831, type=select]; +"1832 select_58" [id=1832, type=select]; +"1833 select_59" [id=1833, type=select]; +"1834 linalg_vector_norm_38" [id=1834, type=linalg_vector_norm]; +"1835 clamp_min_38" [id=1835, type=clamp_min]; +"1836 expand_as_38" [id=1836, type=expand_as]; +"1837 div_38" [id=1837, type=div]; +"1838 linalg_vector_norm_39" [id=1838, type=linalg_vector_norm]; +"1839 clamp_min_39" [id=1839, type=clamp_min]; +"1840 expand_as_39" [id=1840, type=expand_as]; +"1841 div_39" [id=1841, type=div]; +"1842 transpose_38" [id=1842, type=transpose]; +"1843 matmul_38" [id=1843, type=matmul]; +"1844 _param_constant319" [id=1844, type=get_attr]; +"1845 clamp_19" [id=1845, type=clamp]; +"1846 exp_19" [id=1846, type=exp]; +"1847 mul_39" [id=1847, type=mul]; +"1848 add_66" [id=1848, type=add]; +"1849 new_zeros_9" [id=1849, type=new_zeros]; +"1850 view_106" [id=1850, type=view]; +"1851 permute_89" [id=1851, type=permute]; +"1852 reshape_87" [id=1852, type=reshape]; +"1853 unsqueeze_56" [id=1853, type=unsqueeze]; +"1854 unsqueeze_57" [id=1854, type=unsqueeze]; +"1855 sub_9" [id=1855, type=sub]; +"1856 ne_9" [id=1856, type=ne]; +"1857 masked_fill_18" [id=1857, type=masked_fill]; +"1858 eq_9" [id=1858, type=eq]; +"1859 masked_fill_19" [id=1859, type=masked_fill]; +"1860 view_107" [id=1860, type=view]; +"1861 unsqueeze_58" [id=1861, type=unsqueeze]; +"1862 unsqueeze_59" [id=1862, type=unsqueeze]; +"1863 add_67" [id=1863, type=add]; +"1864 view_108" [id=1864, type=view]; +"1865 softmax_19" [id=1865, type=softmax]; +"1866 dropout_76" [id=1866, type=dropout]; +"1867 matmul_39" [id=1867, type=matmul]; +"1868 transpose_39" [id=1868, type=transpose]; +"1869 reshape_88" [id=1869, type=reshape]; +"1870 _param_constant321" [id=1870, type=get_attr]; +"1871 linear_119_updated_constant0" [id=1871, type=get_attr]; +"1872 symmetric_weights_decompressor_linear_119_updated_constant0_0" [id=1872, type=call_module]; +"1873 linear_119" [id=1873, type=linear]; +"1874 dropout_77" [id=1874, type=dropout]; +"1875 view_109" [id=1875, type=view]; +"1876 permute_90" [id=1876, type=permute]; +"1877 reshape_89" [id=1877, type=reshape]; +"1878 roll_19" [id=1878, type=roll]; +"1879 slice_297" [id=1879, type=slice]; +"1880 slice_298" [id=1880, type=slice]; +"1881 slice_299" [id=1881, type=slice]; +"1882 slice_300" [id=1882, type=slice]; +"1883 contiguous_37" [id=1883, type=contiguous]; +"1884 _param_constant322" [id=1884, type=get_attr]; +"1885 _param_constant323" [id=1885, type=get_attr]; +"1886 layer_norm_41" [id=1886, type=layer_norm]; +"1887 add_68" [id=1887, type=add]; +"1888 _param_constant325" [id=1888, type=get_attr]; +"1889 linear_120_updated_constant0" [id=1889, type=get_attr]; +"1890 symmetric_weights_decompressor_linear_120_updated_constant0_0" [id=1890, type=call_module]; +"1891 linear_120" [id=1891, type=linear]; +"1892 gelu_19" [id=1892, type=gelu]; +"1893 dropout_78" [id=1893, type=dropout]; +"1894 _param_constant327" [id=1894, type=get_attr]; +"1895 linear_121_updated_constant0" [id=1895, type=get_attr]; +"1896 symmetric_weights_decompressor_linear_121_updated_constant0_0" [id=1896, type=call_module]; +"1897 linear_121" [id=1897, type=linear]; +"1898 dropout_79" [id=1898, type=dropout]; +"1899 _param_constant328" [id=1899, type=get_attr]; +"1900 _param_constant329" [id=1900, type=get_attr]; +"1901 layer_norm_42" [id=1901, type=layer_norm]; +"1902 add_69" [id=1902, type=add]; +"1903 _tensor_constant130" [id=1903, type=get_attr]; +"1904 _param_constant331" [id=1904, type=get_attr]; +"1905 linear_122_updated_constant0" [id=1905, type=get_attr]; +"1906 symmetric_weights_decompressor_linear_122_updated_constant0_0" [id=1906, type=call_module]; +"1907 linear_122" [id=1907, type=linear]; +"1908 relu__20" [id=1908, type=relu_]; +"1909 linear_123_updated_constant0" [id=1909, type=get_attr]; +"1910 symmetric_weights_decompressor_linear_123_updated_constant0_0" [id=1910, type=call_module]; +"1911 linear_123" [id=1911, type=linear]; +"1912 view_110" [id=1912, type=view]; +"1913 _tensor_constant131" [id=1913, type=get_attr]; +"1914 index_20" [id=1914, type=index]; +"1915 view_111" [id=1915, type=view]; +"1916 permute_91" [id=1916, type=permute]; +"1917 contiguous_38" [id=1917, type=contiguous]; +"1918 unsqueeze_60" [id=1918, type=unsqueeze]; +"1919 sigmoid_20" [id=1919, type=sigmoid]; +"1920 mul_40" [id=1920, type=mul]; +"1921 pad_22" [id=1921, type=pad]; +"1922 view_112" [id=1922, type=view]; +"1923 permute_92" [id=1923, type=permute]; +"1924 reshape_90" [id=1924, type=reshape]; +"1925 _param_constant333" [id=1925, type=get_attr]; +"1926 clone_20" [id=1926, type=clone]; +"1927 linear_124_updated_constant0" [id=1927, type=get_attr]; +"1928 symmetric_weights_decompressor_linear_124_updated_constant0_0" [id=1928, type=call_module]; +"1929 linear_124" [id=1929, type=linear]; +"1930 reshape_91" [id=1930, type=reshape]; +"1931 permute_93" [id=1931, type=permute]; +"1932 select_60" [id=1932, type=select]; +"1933 select_61" [id=1933, type=select]; +"1934 select_62" [id=1934, type=select]; +"1935 linalg_vector_norm_40" [id=1935, type=linalg_vector_norm]; +"1936 clamp_min_40" [id=1936, type=clamp_min]; +"1937 expand_as_40" [id=1937, type=expand_as]; +"1938 div_40" [id=1938, type=div]; +"1939 linalg_vector_norm_41" [id=1939, type=linalg_vector_norm]; +"1940 clamp_min_41" [id=1940, type=clamp_min]; +"1941 expand_as_41" [id=1941, type=expand_as]; +"1942 div_41" [id=1942, type=div]; +"1943 transpose_40" [id=1943, type=transpose]; +"1944 matmul_40" [id=1944, type=matmul]; +"1945 _param_constant335" [id=1945, type=get_attr]; +"1946 clamp_20" [id=1946, type=clamp]; +"1947 exp_20" [id=1947, type=exp]; +"1948 mul_41" [id=1948, type=mul]; +"1949 add_70" [id=1949, type=add]; +"1950 softmax_20" [id=1950, type=softmax]; +"1951 dropout_80" [id=1951, type=dropout]; +"1952 matmul_41" [id=1952, type=matmul]; +"1953 transpose_41" [id=1953, type=transpose]; +"1954 reshape_92" [id=1954, type=reshape]; +"1955 _param_constant337" [id=1955, type=get_attr]; +"1956 linear_125_updated_constant0" [id=1956, type=get_attr]; +"1957 symmetric_weights_decompressor_linear_125_updated_constant0_0" [id=1957, type=call_module]; +"1958 linear_125" [id=1958, type=linear]; +"1959 dropout_81" [id=1959, type=dropout]; +"1960 view_113" [id=1960, type=view]; +"1961 permute_94" [id=1961, type=permute]; +"1962 reshape_93" [id=1962, type=reshape]; +"1963 slice_302" [id=1963, type=slice]; +"1964 slice_303" [id=1964, type=slice]; +"1965 slice_304" [id=1965, type=slice]; +"1966 slice_305" [id=1966, type=slice]; +"1967 contiguous_39" [id=1967, type=contiguous]; +"1968 _param_constant338" [id=1968, type=get_attr]; +"1969 _param_constant339" [id=1969, type=get_attr]; +"1970 layer_norm_43" [id=1970, type=layer_norm]; +"1971 add_71" [id=1971, type=add]; +"1972 _param_constant341" [id=1972, type=get_attr]; +"1973 linear_126_updated_constant0" [id=1973, type=get_attr]; +"1974 symmetric_weights_decompressor_linear_126_updated_constant0_0" [id=1974, type=call_module]; +"1975 linear_126" [id=1975, type=linear]; +"1976 gelu_20" [id=1976, type=gelu]; +"1977 dropout_82" [id=1977, type=dropout]; +"1978 _param_constant343" [id=1978, type=get_attr]; +"1979 linear_127_updated_constant0" [id=1979, type=get_attr]; +"1980 symmetric_weights_decompressor_linear_127_updated_constant0_0" [id=1980, type=call_module]; +"1981 linear_127" [id=1981, type=linear]; +"1982 dropout_83" [id=1982, type=dropout]; +"1983 _param_constant344" [id=1983, type=get_attr]; +"1984 _param_constant345" [id=1984, type=get_attr]; +"1985 layer_norm_44" [id=1985, type=layer_norm]; +"1986 add_72" [id=1986, type=add]; +"1987 _tensor_constant132" [id=1987, type=get_attr]; +"1988 _param_constant347" [id=1988, type=get_attr]; +"1989 linear_128_updated_constant0" [id=1989, type=get_attr]; +"1990 symmetric_weights_decompressor_linear_128_updated_constant0_0" [id=1990, type=call_module]; +"1991 linear_128" [id=1991, type=linear]; +"1992 relu__21" [id=1992, type=relu_]; +"1993 linear_129_updated_constant0" [id=1993, type=get_attr]; +"1994 symmetric_weights_decompressor_linear_129_updated_constant0_0" [id=1994, type=call_module]; +"1995 linear_129" [id=1995, type=linear]; +"1996 view_114" [id=1996, type=view]; +"1997 _tensor_constant133" [id=1997, type=get_attr]; +"1998 index_21" [id=1998, type=index]; +"1999 view_115" [id=1999, type=view]; +"2000 permute_95" [id=2000, type=permute]; +"2001 contiguous_40" [id=2001, type=contiguous]; +"2002 unsqueeze_61" [id=2002, type=unsqueeze]; +"2003 sigmoid_21" [id=2003, type=sigmoid]; +"2004 mul_42" [id=2004, type=mul]; +"2005 pad_23" [id=2005, type=pad]; +"2006 roll_20" [id=2006, type=roll]; +"2007 view_116" [id=2007, type=view]; +"2008 permute_96" [id=2008, type=permute]; +"2009 reshape_94" [id=2009, type=reshape]; +"2010 _param_constant349" [id=2010, type=get_attr]; +"2011 clone_21" [id=2011, type=clone]; +"2012 linear_130_updated_constant0" [id=2012, type=get_attr]; +"2013 symmetric_weights_decompressor_linear_130_updated_constant0_0" [id=2013, type=call_module]; +"2014 linear_130" [id=2014, type=linear]; +"2015 reshape_95" [id=2015, type=reshape]; +"2016 permute_97" [id=2016, type=permute]; +"2017 select_63" [id=2017, type=select]; +"2018 select_64" [id=2018, type=select]; +"2019 select_65" [id=2019, type=select]; +"2020 linalg_vector_norm_42" [id=2020, type=linalg_vector_norm]; +"2021 clamp_min_42" [id=2021, type=clamp_min]; +"2022 expand_as_42" [id=2022, type=expand_as]; +"2023 div_42" [id=2023, type=div]; +"2024 linalg_vector_norm_43" [id=2024, type=linalg_vector_norm]; +"2025 clamp_min_43" [id=2025, type=clamp_min]; +"2026 expand_as_43" [id=2026, type=expand_as]; +"2027 div_43" [id=2027, type=div]; +"2028 transpose_42" [id=2028, type=transpose]; +"2029 matmul_42" [id=2029, type=matmul]; +"2030 _param_constant351" [id=2030, type=get_attr]; +"2031 clamp_21" [id=2031, type=clamp]; +"2032 exp_21" [id=2032, type=exp]; +"2033 mul_43" [id=2033, type=mul]; +"2034 add_73" [id=2034, type=add]; +"2035 new_zeros_10" [id=2035, type=new_zeros]; +"2036 view_117" [id=2036, type=view]; +"2037 permute_98" [id=2037, type=permute]; +"2038 reshape_96" [id=2038, type=reshape]; +"2039 unsqueeze_62" [id=2039, type=unsqueeze]; +"2040 unsqueeze_63" [id=2040, type=unsqueeze]; +"2041 sub_10" [id=2041, type=sub]; +"2042 ne_10" [id=2042, type=ne]; +"2043 masked_fill_20" [id=2043, type=masked_fill]; +"2044 eq_10" [id=2044, type=eq]; +"2045 masked_fill_21" [id=2045, type=masked_fill]; +"2046 view_118" [id=2046, type=view]; +"2047 unsqueeze_64" [id=2047, type=unsqueeze]; +"2048 unsqueeze_65" [id=2048, type=unsqueeze]; +"2049 add_74" [id=2049, type=add]; +"2050 view_119" [id=2050, type=view]; +"2051 softmax_21" [id=2051, type=softmax]; +"2052 dropout_84" [id=2052, type=dropout]; +"2053 matmul_43" [id=2053, type=matmul]; +"2054 transpose_43" [id=2054, type=transpose]; +"2055 reshape_97" [id=2055, type=reshape]; +"2056 _param_constant353" [id=2056, type=get_attr]; +"2057 linear_131_updated_constant0" [id=2057, type=get_attr]; +"2058 symmetric_weights_decompressor_linear_131_updated_constant0_0" [id=2058, type=call_module]; +"2059 linear_131" [id=2059, type=linear]; +"2060 dropout_85" [id=2060, type=dropout]; +"2061 view_120" [id=2061, type=view]; +"2062 permute_99" [id=2062, type=permute]; +"2063 reshape_98" [id=2063, type=reshape]; +"2064 roll_21" [id=2064, type=roll]; +"2065 slice_325" [id=2065, type=slice]; +"2066 slice_326" [id=2066, type=slice]; +"2067 slice_327" [id=2067, type=slice]; +"2068 slice_328" [id=2068, type=slice]; +"2069 contiguous_41" [id=2069, type=contiguous]; +"2070 _param_constant354" [id=2070, type=get_attr]; +"2071 _param_constant355" [id=2071, type=get_attr]; +"2072 layer_norm_45" [id=2072, type=layer_norm]; +"2073 add_75" [id=2073, type=add]; +"2074 _param_constant357" [id=2074, type=get_attr]; +"2075 linear_132_updated_constant0" [id=2075, type=get_attr]; +"2076 symmetric_weights_decompressor_linear_132_updated_constant0_0" [id=2076, type=call_module]; +"2077 linear_132" [id=2077, type=linear]; +"2078 gelu_21" [id=2078, type=gelu]; +"2079 dropout_86" [id=2079, type=dropout]; +"2080 _param_constant359" [id=2080, type=get_attr]; +"2081 linear_133_updated_constant0" [id=2081, type=get_attr]; +"2082 symmetric_weights_decompressor_linear_133_updated_constant0_0" [id=2082, type=call_module]; +"2083 linear_133" [id=2083, type=linear]; +"2084 dropout_87" [id=2084, type=dropout]; +"2085 _param_constant360" [id=2085, type=get_attr]; +"2086 _param_constant361" [id=2086, type=get_attr]; +"2087 layer_norm_46" [id=2087, type=layer_norm]; +"2088 add_76" [id=2088, type=add]; +"2089 pad_24" [id=2089, type=pad]; +"2090 slice_329" [id=2090, type=slice]; +"2091 slice_330" [id=2091, type=slice]; +"2092 slice_331" [id=2092, type=slice]; +"2093 slice_332" [id=2093, type=slice]; +"2094 slice_333" [id=2094, type=slice]; +"2095 slice_334" [id=2095, type=slice]; +"2096 slice_335" [id=2096, type=slice]; +"2097 slice_336" [id=2097, type=slice]; +"2098 slice_337" [id=2098, type=slice]; +"2099 slice_338" [id=2099, type=slice]; +"2100 slice_339" [id=2100, type=slice]; +"2101 slice_340" [id=2101, type=slice]; +"2102 cat_2" [id=2102, type=cat]; +"2103 linear_134_updated_constant0" [id=2103, type=get_attr]; +"2104 symmetric_weights_decompressor_linear_134_updated_constant0_0" [id=2104, type=call_module]; +"2105 linear_134" [id=2105, type=linear]; +"2106 _param_constant363" [id=2106, type=get_attr]; +"2107 _param_constant364" [id=2107, type=get_attr]; +"2108 layer_norm_47" [id=2108, type=layer_norm]; +"2109 _tensor_constant143" [id=2109, type=get_attr]; +"2110 _param_constant366" [id=2110, type=get_attr]; +"2111 linear_135_updated_constant0" [id=2111, type=get_attr]; +"2112 symmetric_weights_decompressor_linear_135_updated_constant0_0" [id=2112, type=call_module]; +"2113 linear_135" [id=2113, type=linear]; +"2114 relu__22" [id=2114, type=relu_]; +"2115 linear_136_updated_constant0" [id=2115, type=get_attr]; +"2116 symmetric_weights_decompressor_linear_136_updated_constant0_0" [id=2116, type=call_module]; +"2117 linear_136" [id=2117, type=linear]; +"2118 view_121" [id=2118, type=view]; +"2119 _tensor_constant144" [id=2119, type=get_attr]; +"2120 index_22" [id=2120, type=index]; +"2121 view_122" [id=2121, type=view]; +"2122 permute_100" [id=2122, type=permute]; +"2123 contiguous_42" [id=2123, type=contiguous]; +"2124 unsqueeze_66" [id=2124, type=unsqueeze]; +"2125 sigmoid_22" [id=2125, type=sigmoid]; +"2126 mul_44" [id=2126, type=mul]; +"2127 pad_25" [id=2127, type=pad]; +"2128 view_123" [id=2128, type=view]; +"2129 permute_101" [id=2129, type=permute]; +"2130 reshape_99" [id=2130, type=reshape]; +"2131 _param_constant368" [id=2131, type=get_attr]; +"2132 clone_22" [id=2132, type=clone]; +"2133 linear_137_updated_constant0" [id=2133, type=get_attr]; +"2134 symmetric_weights_decompressor_linear_137_updated_constant0_0" [id=2134, type=call_module]; +"2135 linear_137" [id=2135, type=linear]; +"2136 reshape_100" [id=2136, type=reshape]; +"2137 permute_102" [id=2137, type=permute]; +"2138 select_66" [id=2138, type=select]; +"2139 select_67" [id=2139, type=select]; +"2140 select_68" [id=2140, type=select]; +"2141 linalg_vector_norm_44" [id=2141, type=linalg_vector_norm]; +"2142 clamp_min_44" [id=2142, type=clamp_min]; +"2143 expand_as_44" [id=2143, type=expand_as]; +"2144 div_44" [id=2144, type=div]; +"2145 linalg_vector_norm_45" [id=2145, type=linalg_vector_norm]; +"2146 clamp_min_45" [id=2146, type=clamp_min]; +"2147 expand_as_45" [id=2147, type=expand_as]; +"2148 div_45" [id=2148, type=div]; +"2149 transpose_44" [id=2149, type=transpose]; +"2150 matmul_44" [id=2150, type=matmul]; +"2151 _param_constant370" [id=2151, type=get_attr]; +"2152 clamp_22" [id=2152, type=clamp]; +"2153 exp_22" [id=2153, type=exp]; +"2154 mul_45" [id=2154, type=mul]; +"2155 add_77" [id=2155, type=add]; +"2156 softmax_22" [id=2156, type=softmax]; +"2157 dropout_88" [id=2157, type=dropout]; +"2158 matmul_45" [id=2158, type=matmul]; +"2159 transpose_45" [id=2159, type=transpose]; +"2160 reshape_101" [id=2160, type=reshape]; +"2161 _param_constant372" [id=2161, type=get_attr]; +"2162 linear_138_updated_constant0" [id=2162, type=get_attr]; +"2163 symmetric_weights_decompressor_linear_138_updated_constant0_0" [id=2163, type=call_module]; +"2164 linear_138" [id=2164, type=linear]; +"2165 dropout_89" [id=2165, type=dropout]; +"2166 view_124" [id=2166, type=view]; +"2167 permute_103" [id=2167, type=permute]; +"2168 reshape_102" [id=2168, type=reshape]; +"2169 slice_342" [id=2169, type=slice]; +"2170 slice_343" [id=2170, type=slice]; +"2171 slice_344" [id=2171, type=slice]; +"2172 slice_345" [id=2172, type=slice]; +"2173 contiguous_43" [id=2173, type=contiguous]; +"2174 _param_constant373" [id=2174, type=get_attr]; +"2175 _param_constant374" [id=2175, type=get_attr]; +"2176 layer_norm_48" [id=2176, type=layer_norm]; +"2177 add_78" [id=2177, type=add]; +"2178 _param_constant376" [id=2178, type=get_attr]; +"2179 linear_139_updated_constant0" [id=2179, type=get_attr]; +"2180 symmetric_weights_decompressor_linear_139_updated_constant0_0" [id=2180, type=call_module]; +"2181 linear_139" [id=2181, type=linear]; +"2182 gelu_22" [id=2182, type=gelu]; +"2183 dropout_90" [id=2183, type=dropout]; +"2184 _param_constant378" [id=2184, type=get_attr]; +"2185 linear_140_updated_constant0" [id=2185, type=get_attr]; +"2186 symmetric_weights_decompressor_linear_140_updated_constant0_0" [id=2186, type=call_module]; +"2187 linear_140" [id=2187, type=linear]; +"2188 dropout_91" [id=2188, type=dropout]; +"2189 _param_constant379" [id=2189, type=get_attr]; +"2190 _param_constant380" [id=2190, type=get_attr]; +"2191 layer_norm_49" [id=2191, type=layer_norm]; +"2192 add_79" [id=2192, type=add]; +"2193 _tensor_constant145" [id=2193, type=get_attr]; +"2194 _param_constant382" [id=2194, type=get_attr]; +"2195 linear_141_updated_constant0" [id=2195, type=get_attr]; +"2196 symmetric_weights_decompressor_linear_141_updated_constant0_0" [id=2196, type=call_module]; +"2197 linear_141" [id=2197, type=linear]; +"2198 relu__23" [id=2198, type=relu_]; +"2199 linear_142_updated_constant0" [id=2199, type=get_attr]; +"2200 symmetric_weights_decompressor_linear_142_updated_constant0_0" [id=2200, type=call_module]; +"2201 linear_142" [id=2201, type=linear]; +"2202 view_125" [id=2202, type=view]; +"2203 _tensor_constant146" [id=2203, type=get_attr]; +"2204 index_23" [id=2204, type=index]; +"2205 view_126" [id=2205, type=view]; +"2206 permute_104" [id=2206, type=permute]; +"2207 contiguous_44" [id=2207, type=contiguous]; +"2208 unsqueeze_67" [id=2208, type=unsqueeze]; +"2209 sigmoid_23" [id=2209, type=sigmoid]; +"2210 mul_46" [id=2210, type=mul]; +"2211 pad_26" [id=2211, type=pad]; +"2212 view_127" [id=2212, type=view]; +"2213 permute_105" [id=2213, type=permute]; +"2214 reshape_103" [id=2214, type=reshape]; +"2215 _param_constant384" [id=2215, type=get_attr]; +"2216 clone_23" [id=2216, type=clone]; +"2217 linear_143_updated_constant0" [id=2217, type=get_attr]; +"2218 symmetric_weights_decompressor_linear_143_updated_constant0_0" [id=2218, type=call_module]; +"2219 linear_143" [id=2219, type=linear]; +"2220 reshape_104" [id=2220, type=reshape]; +"2221 permute_106" [id=2221, type=permute]; +"2222 select_69" [id=2222, type=select]; +"2223 select_70" [id=2223, type=select]; +"2224 select_71" [id=2224, type=select]; +"2225 linalg_vector_norm_46" [id=2225, type=linalg_vector_norm]; +"2226 clamp_min_46" [id=2226, type=clamp_min]; +"2227 expand_as_46" [id=2227, type=expand_as]; +"2228 div_46" [id=2228, type=div]; +"2229 linalg_vector_norm_47" [id=2229, type=linalg_vector_norm]; +"2230 clamp_min_47" [id=2230, type=clamp_min]; +"2231 expand_as_47" [id=2231, type=expand_as]; +"2232 div_47" [id=2232, type=div]; +"2233 transpose_46" [id=2233, type=transpose]; +"2234 matmul_46" [id=2234, type=matmul]; +"2235 _param_constant386" [id=2235, type=get_attr]; +"2236 clamp_23" [id=2236, type=clamp]; +"2237 exp_23" [id=2237, type=exp]; +"2238 mul_47" [id=2238, type=mul]; +"2239 add_80" [id=2239, type=add]; +"2240 softmax_23" [id=2240, type=softmax]; +"2241 dropout_92" [id=2241, type=dropout]; +"2242 matmul_47" [id=2242, type=matmul]; +"2243 transpose_47" [id=2243, type=transpose]; +"2244 reshape_105" [id=2244, type=reshape]; +"2245 _param_constant388" [id=2245, type=get_attr]; +"2246 linear_144_updated_constant0" [id=2246, type=get_attr]; +"2247 symmetric_weights_decompressor_linear_144_updated_constant0_0" [id=2247, type=call_module]; +"2248 linear_144" [id=2248, type=linear]; +"2249 dropout_93" [id=2249, type=dropout]; +"2250 view_128" [id=2250, type=view]; +"2251 permute_107" [id=2251, type=permute]; +"2252 reshape_106" [id=2252, type=reshape]; +"2253 slice_347" [id=2253, type=slice]; +"2254 slice_348" [id=2254, type=slice]; +"2255 slice_349" [id=2255, type=slice]; +"2256 slice_350" [id=2256, type=slice]; +"2257 contiguous_45" [id=2257, type=contiguous]; +"2258 _param_constant389" [id=2258, type=get_attr]; +"2259 _param_constant390" [id=2259, type=get_attr]; +"2260 layer_norm_50" [id=2260, type=layer_norm]; +"2261 add_81" [id=2261, type=add]; +"2262 _param_constant392" [id=2262, type=get_attr]; +"2263 linear_145_updated_constant0" [id=2263, type=get_attr]; +"2264 symmetric_weights_decompressor_linear_145_updated_constant0_0" [id=2264, type=call_module]; +"2265 linear_145" [id=2265, type=linear]; +"2266 gelu_23" [id=2266, type=gelu]; +"2267 dropout_94" [id=2267, type=dropout]; +"2268 _param_constant394" [id=2268, type=get_attr]; +"2269 linear_146_updated_constant0" [id=2269, type=get_attr]; +"2270 symmetric_weights_decompressor_linear_146_updated_constant0_0" [id=2270, type=call_module]; +"2271 linear_146" [id=2271, type=linear]; +"2272 dropout_95" [id=2272, type=dropout]; +"2273 _param_constant395" [id=2273, type=get_attr]; +"2274 _param_constant396" [id=2274, type=get_attr]; +"2275 layer_norm_51" [id=2275, type=layer_norm]; +"2276 add_82" [id=2276, type=add]; +"2277 _param_constant397" [id=2277, type=get_attr]; +"2278 _param_constant398" [id=2278, type=get_attr]; +"2279 layer_norm_52" [id=2279, type=layer_norm]; +"2280 permute_108" [id=2280, type=permute]; +"2281 adaptive_avg_pool2d" [id=2281, type=adaptive_avg_pool2d]; +"2282 flatten" [id=2282, type=flatten]; +"2283 _param_constant400" [id=2283, type=get_attr]; +"2284 linear_147_updated_constant0" [id=2284, type=get_attr]; +"2285 symmetric_weights_decompressor_linear_147_updated_constant0_0" [id=2285, type=call_module]; +"2286 linear_147" [id=2286, type=linear]; +"2287 output" [id=2287, type=output]; +"0 arg0_1" -> "4 conv2d"; +"1 _param_constant1" -> "4 conv2d"; +"2 conv2d_updated_constant0" -> "3 symmetric_weights_decompressor_conv2d_updated_constant0_0"; +"3 symmetric_weights_decompressor_conv2d_updated_constant0_0" -> "4 conv2d"; +"4 conv2d" -> "5 permute"; +"5 permute" -> "8 layer_norm"; +"6 _param_constant2" -> "8 layer_norm"; +"7 _param_constant3" -> "8 layer_norm"; +"8 layer_norm" -> "27 pad"; +"8 layer_norm" -> "74 add_1"; +"9 _tensor_constant0" -> "13 linear"; +"10 _param_constant5" -> "13 linear"; +"11 linear_updated_constant0" -> "12 symmetric_weights_decompressor_linear_updated_constant0_0"; +"12 symmetric_weights_decompressor_linear_updated_constant0_0" -> "13 linear"; +"13 linear" -> "14 relu_"; +"14 relu_" -> "17 linear_1"; +"15 linear_1_updated_constant0" -> "16 symmetric_weights_decompressor_linear_1_updated_constant0_0"; +"16 symmetric_weights_decompressor_linear_1_updated_constant0_0" -> "17 linear_1"; +"17 linear_1" -> "18 view"; +"18 view" -> "20 index"; +"19 _tensor_constant1" -> "20 index"; +"20 index" -> "21 view_1"; +"21 view_1" -> "22 permute_1"; +"22 permute_1" -> "23 contiguous"; +"23 contiguous" -> "24 unsqueeze"; +"24 unsqueeze" -> "25 sigmoid"; +"25 sigmoid" -> "26 mul"; +"26 mul" -> "55 add"; +"27 pad" -> "28 view_2"; +"28 view_2" -> "29 permute_2"; +"29 permute_2" -> "30 reshape"; +"30 reshape" -> "35 linear_2"; +"31 _param_constant7" -> "32 clone"; +"32 clone" -> "35 linear_2"; +"33 linear_2_updated_constant0" -> "34 symmetric_weights_decompressor_linear_2_updated_constant0_0"; +"34 symmetric_weights_decompressor_linear_2_updated_constant0_0" -> "35 linear_2"; +"35 linear_2" -> "36 reshape_1"; +"36 reshape_1" -> "37 permute_3"; +"37 permute_3" -> "38 select"; +"37 permute_3" -> "39 select_1"; +"37 permute_3" -> "40 select_2"; +"38 select" -> "41 linalg_vector_norm"; +"38 select" -> "43 expand_as"; +"38 select" -> "44 div"; +"39 select_1" -> "45 linalg_vector_norm_1"; +"39 select_1" -> "47 expand_as_1"; +"39 select_1" -> "48 div_1"; +"40 select_2" -> "58 matmul_1"; +"41 linalg_vector_norm" -> "42 clamp_min"; +"42 clamp_min" -> "43 expand_as"; +"43 expand_as" -> "44 div"; +"44 div" -> "50 matmul"; +"45 linalg_vector_norm_1" -> "46 clamp_min_1"; +"46 clamp_min_1" -> "47 expand_as_1"; +"47 expand_as_1" -> "48 div_1"; +"48 div_1" -> "49 transpose"; +"49 transpose" -> "50 matmul"; +"50 matmul" -> "54 mul_1"; +"51 _param_constant9" -> "52 clamp"; +"52 clamp" -> "53 exp"; +"53 exp" -> "54 mul_1"; +"54 mul_1" -> "55 add"; +"55 add" -> "56 softmax"; +"56 softmax" -> "57 dropout"; +"57 dropout" -> "58 matmul_1"; +"58 matmul_1" -> "59 transpose_1"; +"59 transpose_1" -> "60 reshape_2"; +"60 reshape_2" -> "64 linear_3"; +"61 _param_constant11" -> "64 linear_3"; +"62 linear_3_updated_constant0" -> "63 symmetric_weights_decompressor_linear_3_updated_constant0_0"; +"63 symmetric_weights_decompressor_linear_3_updated_constant0_0" -> "64 linear_3"; +"64 linear_3" -> "65 dropout_1"; +"65 dropout_1" -> "66 view_3"; +"66 view_3" -> "67 permute_4"; +"67 permute_4" -> "68 reshape_3"; +"68 reshape_3" -> "69 slice_2"; +"69 slice_2" -> "70 slice_3"; +"70 slice_3" -> "73 layer_norm_1"; +"71 _param_constant12" -> "73 layer_norm_1"; +"72 _param_constant13" -> "73 layer_norm_1"; +"73 layer_norm_1" -> "74 add_1"; +"74 add_1" -> "78 linear_4"; +"74 add_1" -> "89 add_2"; +"75 _param_constant15" -> "78 linear_4"; +"76 linear_4_updated_constant0" -> "77 symmetric_weights_decompressor_linear_4_updated_constant0_0"; +"77 symmetric_weights_decompressor_linear_4_updated_constant0_0" -> "78 linear_4"; +"78 linear_4" -> "79 gelu"; +"79 gelu" -> "80 dropout_2"; +"80 dropout_2" -> "84 linear_5"; +"81 _param_constant17" -> "84 linear_5"; +"82 linear_5_updated_constant0" -> "83 symmetric_weights_decompressor_linear_5_updated_constant0_0"; +"83 symmetric_weights_decompressor_linear_5_updated_constant0_0" -> "84 linear_5"; +"84 linear_5" -> "85 dropout_3"; +"85 dropout_3" -> "88 layer_norm_2"; +"86 _param_constant18" -> "88 layer_norm_2"; +"87 _param_constant19" -> "88 layer_norm_2"; +"88 layer_norm_2" -> "89 add_2"; +"89 add_2" -> "108 pad_1"; +"89 add_2" -> "173 add_5"; +"90 _tensor_constant2" -> "94 linear_6"; +"91 _param_constant21" -> "94 linear_6"; +"92 linear_6_updated_constant0" -> "93 symmetric_weights_decompressor_linear_6_updated_constant0_0"; +"93 symmetric_weights_decompressor_linear_6_updated_constant0_0" -> "94 linear_6"; +"94 linear_6" -> "95 relu__1"; +"95 relu__1" -> "98 linear_7"; +"96 linear_7_updated_constant0" -> "97 symmetric_weights_decompressor_linear_7_updated_constant0_0"; +"97 symmetric_weights_decompressor_linear_7_updated_constant0_0" -> "98 linear_7"; +"98 linear_7" -> "99 view_4"; +"99 view_4" -> "101 index_1"; +"100 _tensor_constant3" -> "101 index_1"; +"101 index_1" -> "102 view_5"; +"102 view_5" -> "103 permute_5"; +"103 permute_5" -> "104 contiguous_1"; +"104 contiguous_1" -> "105 unsqueeze_1"; +"105 unsqueeze_1" -> "106 sigmoid_1"; +"106 sigmoid_1" -> "107 mul_2"; +"107 mul_2" -> "137 add_3"; +"108 pad_1" -> "109 roll"; +"109 roll" -> "110 view_6"; +"110 view_6" -> "111 permute_6"; +"111 permute_6" -> "112 reshape_4"; +"112 reshape_4" -> "117 linear_8"; +"112 reshape_4" -> "138 new_zeros"; +"113 _param_constant23" -> "114 clone_1"; +"114 clone_1" -> "117 linear_8"; +"115 linear_8_updated_constant0" -> "116 symmetric_weights_decompressor_linear_8_updated_constant0_0"; +"116 symmetric_weights_decompressor_linear_8_updated_constant0_0" -> "117 linear_8"; +"117 linear_8" -> "118 reshape_5"; +"118 reshape_5" -> "119 permute_7"; +"119 permute_7" -> "120 select_3"; +"119 permute_7" -> "121 select_4"; +"119 permute_7" -> "122 select_5"; +"120 select_3" -> "123 linalg_vector_norm_2"; +"120 select_3" -> "125 expand_as_2"; +"120 select_3" -> "126 div_2"; +"121 select_4" -> "127 linalg_vector_norm_3"; +"121 select_4" -> "129 expand_as_3"; +"121 select_4" -> "130 div_3"; +"122 select_5" -> "156 matmul_3"; +"123 linalg_vector_norm_2" -> "124 clamp_min_2"; +"124 clamp_min_2" -> "125 expand_as_2"; +"125 expand_as_2" -> "126 div_2"; +"126 div_2" -> "132 matmul_2"; +"127 linalg_vector_norm_3" -> "128 clamp_min_3"; +"128 clamp_min_3" -> "129 expand_as_3"; +"129 expand_as_3" -> "130 div_3"; +"130 div_3" -> "131 transpose_2"; +"131 transpose_2" -> "132 matmul_2"; +"132 matmul_2" -> "136 mul_3"; +"133 _param_constant25" -> "134 clamp_1"; +"134 clamp_1" -> "135 exp_1"; +"135 exp_1" -> "136 mul_3"; +"136 mul_3" -> "137 add_3"; +"137 add_3" -> "149 view_8"; +"138 new_zeros" -> "139 view_7"; +"139 view_7" -> "140 permute_8"; +"140 permute_8" -> "141 reshape_6"; +"141 reshape_6" -> "142 unsqueeze_2"; +"141 reshape_6" -> "143 unsqueeze_3"; +"142 unsqueeze_2" -> "144 sub"; +"143 unsqueeze_3" -> "144 sub"; +"144 sub" -> "145 ne"; +"144 sub" -> "146 masked_fill"; +"144 sub" -> "147 eq"; +"145 ne" -> "146 masked_fill"; +"146 masked_fill" -> "148 masked_fill_1"; +"147 eq" -> "148 masked_fill_1"; +"148 masked_fill_1" -> "150 unsqueeze_4"; +"149 view_8" -> "152 add_4"; +"150 unsqueeze_4" -> "151 unsqueeze_5"; +"151 unsqueeze_5" -> "152 add_4"; +"152 add_4" -> "153 view_9"; +"153 view_9" -> "154 softmax_1"; +"154 softmax_1" -> "155 dropout_4"; +"155 dropout_4" -> "156 matmul_3"; +"156 matmul_3" -> "157 transpose_3"; +"157 transpose_3" -> "158 reshape_7"; +"158 reshape_7" -> "162 linear_9"; +"159 _param_constant27" -> "162 linear_9"; +"160 linear_9_updated_constant0" -> "161 symmetric_weights_decompressor_linear_9_updated_constant0_0"; +"161 symmetric_weights_decompressor_linear_9_updated_constant0_0" -> "162 linear_9"; +"162 linear_9" -> "163 dropout_5"; +"163 dropout_5" -> "164 view_10"; +"164 view_10" -> "165 permute_9"; +"165 permute_9" -> "166 reshape_8"; +"166 reshape_8" -> "167 roll_1"; +"167 roll_1" -> "168 slice_23"; +"168 slice_23" -> "169 slice_24"; +"169 slice_24" -> "172 layer_norm_3"; +"170 _param_constant28" -> "172 layer_norm_3"; +"171 _param_constant29" -> "172 layer_norm_3"; +"172 layer_norm_3" -> "173 add_5"; +"173 add_5" -> "177 linear_10"; +"173 add_5" -> "188 add_6"; +"174 _param_constant31" -> "177 linear_10"; +"175 linear_10_updated_constant0" -> "176 symmetric_weights_decompressor_linear_10_updated_constant0_0"; +"176 symmetric_weights_decompressor_linear_10_updated_constant0_0" -> "177 linear_10"; +"177 linear_10" -> "178 gelu_1"; +"178 gelu_1" -> "179 dropout_6"; +"179 dropout_6" -> "183 linear_11"; +"180 _param_constant33" -> "183 linear_11"; +"181 linear_11_updated_constant0" -> "182 symmetric_weights_decompressor_linear_11_updated_constant0_0"; +"182 symmetric_weights_decompressor_linear_11_updated_constant0_0" -> "183 linear_11"; +"183 linear_11" -> "184 dropout_7"; +"184 dropout_7" -> "187 layer_norm_4"; +"185 _param_constant34" -> "187 layer_norm_4"; +"186 _param_constant35" -> "187 layer_norm_4"; +"187 layer_norm_4" -> "188 add_6"; +"188 add_6" -> "189 pad_2"; +"189 pad_2" -> "190 slice_25"; +"189 pad_2" -> "193 slice_28"; +"189 pad_2" -> "196 slice_31"; +"189 pad_2" -> "199 slice_34"; +"190 slice_25" -> "191 slice_26"; +"191 slice_26" -> "192 slice_27"; +"192 slice_27" -> "202 cat"; +"193 slice_28" -> "194 slice_29"; +"194 slice_29" -> "195 slice_30"; +"195 slice_30" -> "202 cat"; +"196 slice_31" -> "197 slice_32"; +"197 slice_32" -> "198 slice_33"; +"198 slice_33" -> "202 cat"; +"199 slice_34" -> "200 slice_35"; +"200 slice_35" -> "201 slice_36"; +"201 slice_36" -> "202 cat"; +"202 cat" -> "205 linear_12"; +"203 linear_12_updated_constant0" -> "204 symmetric_weights_decompressor_linear_12_updated_constant0_0"; +"204 symmetric_weights_decompressor_linear_12_updated_constant0_0" -> "205 linear_12"; +"205 linear_12" -> "208 layer_norm_5"; +"206 _param_constant37" -> "208 layer_norm_5"; +"207 _param_constant38" -> "208 layer_norm_5"; +"208 layer_norm_5" -> "227 pad_3"; +"208 layer_norm_5" -> "277 add_8"; +"209 _tensor_constant13" -> "213 linear_13"; +"210 _param_constant40" -> "213 linear_13"; +"211 linear_13_updated_constant0" -> "212 symmetric_weights_decompressor_linear_13_updated_constant0_0"; +"212 symmetric_weights_decompressor_linear_13_updated_constant0_0" -> "213 linear_13"; +"213 linear_13" -> "214 relu__2"; +"214 relu__2" -> "217 linear_14"; +"215 linear_14_updated_constant0" -> "216 symmetric_weights_decompressor_linear_14_updated_constant0_0"; +"216 symmetric_weights_decompressor_linear_14_updated_constant0_0" -> "217 linear_14"; +"217 linear_14" -> "218 view_11"; +"218 view_11" -> "220 index_2"; +"219 _tensor_constant14" -> "220 index_2"; +"220 index_2" -> "221 view_12"; +"221 view_12" -> "222 permute_10"; +"222 permute_10" -> "223 contiguous_2"; +"223 contiguous_2" -> "224 unsqueeze_6"; +"224 unsqueeze_6" -> "225 sigmoid_2"; +"225 sigmoid_2" -> "226 mul_4"; +"226 mul_4" -> "255 add_7"; +"227 pad_3" -> "228 view_13"; +"228 view_13" -> "229 permute_11"; +"229 permute_11" -> "230 reshape_9"; +"230 reshape_9" -> "235 linear_15"; +"231 _param_constant42" -> "232 clone_2"; +"232 clone_2" -> "235 linear_15"; +"233 linear_15_updated_constant0" -> "234 symmetric_weights_decompressor_linear_15_updated_constant0_0"; +"234 symmetric_weights_decompressor_linear_15_updated_constant0_0" -> "235 linear_15"; +"235 linear_15" -> "236 reshape_10"; +"236 reshape_10" -> "237 permute_12"; +"237 permute_12" -> "238 select_6"; +"237 permute_12" -> "239 select_7"; +"237 permute_12" -> "240 select_8"; +"238 select_6" -> "241 linalg_vector_norm_4"; +"238 select_6" -> "243 expand_as_4"; +"238 select_6" -> "244 div_4"; +"239 select_7" -> "245 linalg_vector_norm_5"; +"239 select_7" -> "247 expand_as_5"; +"239 select_7" -> "248 div_5"; +"240 select_8" -> "258 matmul_5"; +"241 linalg_vector_norm_4" -> "242 clamp_min_4"; +"242 clamp_min_4" -> "243 expand_as_4"; +"243 expand_as_4" -> "244 div_4"; +"244 div_4" -> "250 matmul_4"; +"245 linalg_vector_norm_5" -> "246 clamp_min_5"; +"246 clamp_min_5" -> "247 expand_as_5"; +"247 expand_as_5" -> "248 div_5"; +"248 div_5" -> "249 transpose_4"; +"249 transpose_4" -> "250 matmul_4"; +"250 matmul_4" -> "254 mul_5"; +"251 _param_constant44" -> "252 clamp_2"; +"252 clamp_2" -> "253 exp_2"; +"253 exp_2" -> "254 mul_5"; +"254 mul_5" -> "255 add_7"; +"255 add_7" -> "256 softmax_2"; +"256 softmax_2" -> "257 dropout_8"; +"257 dropout_8" -> "258 matmul_5"; +"258 matmul_5" -> "259 transpose_5"; +"259 transpose_5" -> "260 reshape_11"; +"260 reshape_11" -> "264 linear_16"; +"261 _param_constant46" -> "264 linear_16"; +"262 linear_16_updated_constant0" -> "263 symmetric_weights_decompressor_linear_16_updated_constant0_0"; +"263 symmetric_weights_decompressor_linear_16_updated_constant0_0" -> "264 linear_16"; +"264 linear_16" -> "265 dropout_9"; +"265 dropout_9" -> "266 view_14"; +"266 view_14" -> "267 permute_13"; +"267 permute_13" -> "268 reshape_12"; +"268 reshape_12" -> "269 slice_38"; +"269 slice_38" -> "270 slice_39"; +"270 slice_39" -> "271 slice_40"; +"271 slice_40" -> "272 slice_41"; +"272 slice_41" -> "273 contiguous_3"; +"273 contiguous_3" -> "276 layer_norm_6"; +"274 _param_constant47" -> "276 layer_norm_6"; +"275 _param_constant48" -> "276 layer_norm_6"; +"276 layer_norm_6" -> "277 add_8"; +"277 add_8" -> "281 linear_17"; +"277 add_8" -> "292 add_9"; +"278 _param_constant50" -> "281 linear_17"; +"279 linear_17_updated_constant0" -> "280 symmetric_weights_decompressor_linear_17_updated_constant0_0"; +"280 symmetric_weights_decompressor_linear_17_updated_constant0_0" -> "281 linear_17"; +"281 linear_17" -> "282 gelu_2"; +"282 gelu_2" -> "283 dropout_10"; +"283 dropout_10" -> "287 linear_18"; +"284 _param_constant52" -> "287 linear_18"; +"285 linear_18_updated_constant0" -> "286 symmetric_weights_decompressor_linear_18_updated_constant0_0"; +"286 symmetric_weights_decompressor_linear_18_updated_constant0_0" -> "287 linear_18"; +"287 linear_18" -> "288 dropout_11"; +"288 dropout_11" -> "291 layer_norm_7"; +"289 _param_constant53" -> "291 layer_norm_7"; +"290 _param_constant54" -> "291 layer_norm_7"; +"291 layer_norm_7" -> "292 add_9"; +"292 add_9" -> "311 pad_4"; +"292 add_9" -> "379 add_12"; +"293 _tensor_constant15" -> "297 linear_19"; +"294 _param_constant56" -> "297 linear_19"; +"295 linear_19_updated_constant0" -> "296 symmetric_weights_decompressor_linear_19_updated_constant0_0"; +"296 symmetric_weights_decompressor_linear_19_updated_constant0_0" -> "297 linear_19"; +"297 linear_19" -> "298 relu__3"; +"298 relu__3" -> "301 linear_20"; +"299 linear_20_updated_constant0" -> "300 symmetric_weights_decompressor_linear_20_updated_constant0_0"; +"300 symmetric_weights_decompressor_linear_20_updated_constant0_0" -> "301 linear_20"; +"301 linear_20" -> "302 view_15"; +"302 view_15" -> "304 index_3"; +"303 _tensor_constant16" -> "304 index_3"; +"304 index_3" -> "305 view_16"; +"305 view_16" -> "306 permute_14"; +"306 permute_14" -> "307 contiguous_4"; +"307 contiguous_4" -> "308 unsqueeze_7"; +"308 unsqueeze_7" -> "309 sigmoid_3"; +"309 sigmoid_3" -> "310 mul_6"; +"310 mul_6" -> "340 add_10"; +"311 pad_4" -> "312 roll_2"; +"312 roll_2" -> "313 view_17"; +"313 view_17" -> "314 permute_15"; +"314 permute_15" -> "315 reshape_13"; +"315 reshape_13" -> "320 linear_21"; +"315 reshape_13" -> "341 new_zeros_1"; +"316 _param_constant58" -> "317 clone_3"; +"317 clone_3" -> "320 linear_21"; +"318 linear_21_updated_constant0" -> "319 symmetric_weights_decompressor_linear_21_updated_constant0_0"; +"319 symmetric_weights_decompressor_linear_21_updated_constant0_0" -> "320 linear_21"; +"320 linear_21" -> "321 reshape_14"; +"321 reshape_14" -> "322 permute_16"; +"322 permute_16" -> "323 select_9"; +"322 permute_16" -> "324 select_10"; +"322 permute_16" -> "325 select_11"; +"323 select_9" -> "326 linalg_vector_norm_6"; +"323 select_9" -> "328 expand_as_6"; +"323 select_9" -> "329 div_6"; +"324 select_10" -> "330 linalg_vector_norm_7"; +"324 select_10" -> "332 expand_as_7"; +"324 select_10" -> "333 div_7"; +"325 select_11" -> "359 matmul_7"; +"326 linalg_vector_norm_6" -> "327 clamp_min_6"; +"327 clamp_min_6" -> "328 expand_as_6"; +"328 expand_as_6" -> "329 div_6"; +"329 div_6" -> "335 matmul_6"; +"330 linalg_vector_norm_7" -> "331 clamp_min_7"; +"331 clamp_min_7" -> "332 expand_as_7"; +"332 expand_as_7" -> "333 div_7"; +"333 div_7" -> "334 transpose_6"; +"334 transpose_6" -> "335 matmul_6"; +"335 matmul_6" -> "339 mul_7"; +"336 _param_constant60" -> "337 clamp_3"; +"337 clamp_3" -> "338 exp_3"; +"338 exp_3" -> "339 mul_7"; +"339 mul_7" -> "340 add_10"; +"340 add_10" -> "352 view_19"; +"341 new_zeros_1" -> "342 view_18"; +"342 view_18" -> "343 permute_17"; +"343 permute_17" -> "344 reshape_15"; +"344 reshape_15" -> "345 unsqueeze_8"; +"344 reshape_15" -> "346 unsqueeze_9"; +"345 unsqueeze_8" -> "347 sub_1"; +"346 unsqueeze_9" -> "347 sub_1"; +"347 sub_1" -> "348 ne_1"; +"347 sub_1" -> "349 masked_fill_2"; +"347 sub_1" -> "350 eq_1"; +"348 ne_1" -> "349 masked_fill_2"; +"349 masked_fill_2" -> "351 masked_fill_3"; +"350 eq_1" -> "351 masked_fill_3"; +"351 masked_fill_3" -> "353 unsqueeze_10"; +"352 view_19" -> "355 add_11"; +"353 unsqueeze_10" -> "354 unsqueeze_11"; +"354 unsqueeze_11" -> "355 add_11"; +"355 add_11" -> "356 view_20"; +"356 view_20" -> "357 softmax_3"; +"357 softmax_3" -> "358 dropout_12"; +"358 dropout_12" -> "359 matmul_7"; +"359 matmul_7" -> "360 transpose_7"; +"360 transpose_7" -> "361 reshape_16"; +"361 reshape_16" -> "365 linear_22"; +"362 _param_constant62" -> "365 linear_22"; +"363 linear_22_updated_constant0" -> "364 symmetric_weights_decompressor_linear_22_updated_constant0_0"; +"364 symmetric_weights_decompressor_linear_22_updated_constant0_0" -> "365 linear_22"; +"365 linear_22" -> "366 dropout_13"; +"366 dropout_13" -> "367 view_21"; +"367 view_21" -> "368 permute_18"; +"368 permute_18" -> "369 reshape_17"; +"369 reshape_17" -> "370 roll_3"; +"370 roll_3" -> "371 slice_61"; +"371 slice_61" -> "372 slice_62"; +"372 slice_62" -> "373 slice_63"; +"373 slice_63" -> "374 slice_64"; +"374 slice_64" -> "375 contiguous_5"; +"375 contiguous_5" -> "378 layer_norm_8"; +"376 _param_constant63" -> "378 layer_norm_8"; +"377 _param_constant64" -> "378 layer_norm_8"; +"378 layer_norm_8" -> "379 add_12"; +"379 add_12" -> "383 linear_23"; +"379 add_12" -> "394 add_13"; +"380 _param_constant66" -> "383 linear_23"; +"381 linear_23_updated_constant0" -> "382 symmetric_weights_decompressor_linear_23_updated_constant0_0"; +"382 symmetric_weights_decompressor_linear_23_updated_constant0_0" -> "383 linear_23"; +"383 linear_23" -> "384 gelu_3"; +"384 gelu_3" -> "385 dropout_14"; +"385 dropout_14" -> "389 linear_24"; +"386 _param_constant68" -> "389 linear_24"; +"387 linear_24_updated_constant0" -> "388 symmetric_weights_decompressor_linear_24_updated_constant0_0"; +"388 symmetric_weights_decompressor_linear_24_updated_constant0_0" -> "389 linear_24"; +"389 linear_24" -> "390 dropout_15"; +"390 dropout_15" -> "393 layer_norm_9"; +"391 _param_constant69" -> "393 layer_norm_9"; +"392 _param_constant70" -> "393 layer_norm_9"; +"393 layer_norm_9" -> "394 add_13"; +"394 add_13" -> "395 pad_5"; +"395 pad_5" -> "396 slice_65"; +"395 pad_5" -> "399 slice_68"; +"395 pad_5" -> "402 slice_71"; +"395 pad_5" -> "405 slice_74"; +"396 slice_65" -> "397 slice_66"; +"397 slice_66" -> "398 slice_67"; +"398 slice_67" -> "408 cat_1"; +"399 slice_68" -> "400 slice_69"; +"400 slice_69" -> "401 slice_70"; +"401 slice_70" -> "408 cat_1"; +"402 slice_71" -> "403 slice_72"; +"403 slice_72" -> "404 slice_73"; +"404 slice_73" -> "408 cat_1"; +"405 slice_74" -> "406 slice_75"; +"406 slice_75" -> "407 slice_76"; +"407 slice_76" -> "408 cat_1"; +"408 cat_1" -> "411 linear_25"; +"409 linear_25_updated_constant0" -> "410 symmetric_weights_decompressor_linear_25_updated_constant0_0"; +"410 symmetric_weights_decompressor_linear_25_updated_constant0_0" -> "411 linear_25"; +"411 linear_25" -> "414 layer_norm_10"; +"412 _param_constant72" -> "414 layer_norm_10"; +"413 _param_constant73" -> "414 layer_norm_10"; +"414 layer_norm_10" -> "433 pad_6"; +"414 layer_norm_10" -> "483 add_15"; +"415 _tensor_constant26" -> "419 linear_26"; +"416 _param_constant75" -> "419 linear_26"; +"417 linear_26_updated_constant0" -> "418 symmetric_weights_decompressor_linear_26_updated_constant0_0"; +"418 symmetric_weights_decompressor_linear_26_updated_constant0_0" -> "419 linear_26"; +"419 linear_26" -> "420 relu__4"; +"420 relu__4" -> "423 linear_27"; +"421 linear_27_updated_constant0" -> "422 symmetric_weights_decompressor_linear_27_updated_constant0_0"; +"422 symmetric_weights_decompressor_linear_27_updated_constant0_0" -> "423 linear_27"; +"423 linear_27" -> "424 view_22"; +"424 view_22" -> "426 index_4"; +"425 _tensor_constant27" -> "426 index_4"; +"426 index_4" -> "427 view_23"; +"427 view_23" -> "428 permute_19"; +"428 permute_19" -> "429 contiguous_6"; +"429 contiguous_6" -> "430 unsqueeze_12"; +"430 unsqueeze_12" -> "431 sigmoid_4"; +"431 sigmoid_4" -> "432 mul_8"; +"432 mul_8" -> "461 add_14"; +"433 pad_6" -> "434 view_24"; +"434 view_24" -> "435 permute_20"; +"435 permute_20" -> "436 reshape_18"; +"436 reshape_18" -> "441 linear_28"; +"437 _param_constant77" -> "438 clone_4"; +"438 clone_4" -> "441 linear_28"; +"439 linear_28_updated_constant0" -> "440 symmetric_weights_decompressor_linear_28_updated_constant0_0"; +"440 symmetric_weights_decompressor_linear_28_updated_constant0_0" -> "441 linear_28"; +"441 linear_28" -> "442 reshape_19"; +"442 reshape_19" -> "443 permute_21"; +"443 permute_21" -> "444 select_12"; +"443 permute_21" -> "445 select_13"; +"443 permute_21" -> "446 select_14"; +"444 select_12" -> "447 linalg_vector_norm_8"; +"444 select_12" -> "449 expand_as_8"; +"444 select_12" -> "450 div_8"; +"445 select_13" -> "451 linalg_vector_norm_9"; +"445 select_13" -> "453 expand_as_9"; +"445 select_13" -> "454 div_9"; +"446 select_14" -> "464 matmul_9"; +"447 linalg_vector_norm_8" -> "448 clamp_min_8"; +"448 clamp_min_8" -> "449 expand_as_8"; +"449 expand_as_8" -> "450 div_8"; +"450 div_8" -> "456 matmul_8"; +"451 linalg_vector_norm_9" -> "452 clamp_min_9"; +"452 clamp_min_9" -> "453 expand_as_9"; +"453 expand_as_9" -> "454 div_9"; +"454 div_9" -> "455 transpose_8"; +"455 transpose_8" -> "456 matmul_8"; +"456 matmul_8" -> "460 mul_9"; +"457 _param_constant79" -> "458 clamp_4"; +"458 clamp_4" -> "459 exp_4"; +"459 exp_4" -> "460 mul_9"; +"460 mul_9" -> "461 add_14"; +"461 add_14" -> "462 softmax_4"; +"462 softmax_4" -> "463 dropout_16"; +"463 dropout_16" -> "464 matmul_9"; +"464 matmul_9" -> "465 transpose_9"; +"465 transpose_9" -> "466 reshape_20"; +"466 reshape_20" -> "470 linear_29"; +"467 _param_constant81" -> "470 linear_29"; +"468 linear_29_updated_constant0" -> "469 symmetric_weights_decompressor_linear_29_updated_constant0_0"; +"469 symmetric_weights_decompressor_linear_29_updated_constant0_0" -> "470 linear_29"; +"470 linear_29" -> "471 dropout_17"; +"471 dropout_17" -> "472 view_25"; +"472 view_25" -> "473 permute_22"; +"473 permute_22" -> "474 reshape_21"; +"474 reshape_21" -> "475 slice_78"; +"475 slice_78" -> "476 slice_79"; +"476 slice_79" -> "477 slice_80"; +"477 slice_80" -> "478 slice_81"; +"478 slice_81" -> "479 contiguous_7"; +"479 contiguous_7" -> "482 layer_norm_11"; +"480 _param_constant82" -> "482 layer_norm_11"; +"481 _param_constant83" -> "482 layer_norm_11"; +"482 layer_norm_11" -> "483 add_15"; +"483 add_15" -> "487 linear_30"; +"483 add_15" -> "498 add_16"; +"484 _param_constant85" -> "487 linear_30"; +"485 linear_30_updated_constant0" -> "486 symmetric_weights_decompressor_linear_30_updated_constant0_0"; +"486 symmetric_weights_decompressor_linear_30_updated_constant0_0" -> "487 linear_30"; +"487 linear_30" -> "488 gelu_4"; +"488 gelu_4" -> "489 dropout_18"; +"489 dropout_18" -> "493 linear_31"; +"490 _param_constant87" -> "493 linear_31"; +"491 linear_31_updated_constant0" -> "492 symmetric_weights_decompressor_linear_31_updated_constant0_0"; +"492 symmetric_weights_decompressor_linear_31_updated_constant0_0" -> "493 linear_31"; +"493 linear_31" -> "494 dropout_19"; +"494 dropout_19" -> "497 layer_norm_12"; +"495 _param_constant88" -> "497 layer_norm_12"; +"496 _param_constant89" -> "497 layer_norm_12"; +"497 layer_norm_12" -> "498 add_16"; +"498 add_16" -> "517 pad_7"; +"498 add_16" -> "585 add_19"; +"499 _tensor_constant28" -> "503 linear_32"; +"500 _param_constant91" -> "503 linear_32"; +"501 linear_32_updated_constant0" -> "502 symmetric_weights_decompressor_linear_32_updated_constant0_0"; +"502 symmetric_weights_decompressor_linear_32_updated_constant0_0" -> "503 linear_32"; +"503 linear_32" -> "504 relu__5"; +"504 relu__5" -> "507 linear_33"; +"505 linear_33_updated_constant0" -> "506 symmetric_weights_decompressor_linear_33_updated_constant0_0"; +"506 symmetric_weights_decompressor_linear_33_updated_constant0_0" -> "507 linear_33"; +"507 linear_33" -> "508 view_26"; +"508 view_26" -> "510 index_5"; +"509 _tensor_constant29" -> "510 index_5"; +"510 index_5" -> "511 view_27"; +"511 view_27" -> "512 permute_23"; +"512 permute_23" -> "513 contiguous_8"; +"513 contiguous_8" -> "514 unsqueeze_13"; +"514 unsqueeze_13" -> "515 sigmoid_5"; +"515 sigmoid_5" -> "516 mul_10"; +"516 mul_10" -> "546 add_17"; +"517 pad_7" -> "518 roll_4"; +"518 roll_4" -> "519 view_28"; +"519 view_28" -> "520 permute_24"; +"520 permute_24" -> "521 reshape_22"; +"521 reshape_22" -> "526 linear_34"; +"521 reshape_22" -> "547 new_zeros_2"; +"522 _param_constant93" -> "523 clone_5"; +"523 clone_5" -> "526 linear_34"; +"524 linear_34_updated_constant0" -> "525 symmetric_weights_decompressor_linear_34_updated_constant0_0"; +"525 symmetric_weights_decompressor_linear_34_updated_constant0_0" -> "526 linear_34"; +"526 linear_34" -> "527 reshape_23"; +"527 reshape_23" -> "528 permute_25"; +"528 permute_25" -> "529 select_15"; +"528 permute_25" -> "530 select_16"; +"528 permute_25" -> "531 select_17"; +"529 select_15" -> "532 linalg_vector_norm_10"; +"529 select_15" -> "534 expand_as_10"; +"529 select_15" -> "535 div_10"; +"530 select_16" -> "536 linalg_vector_norm_11"; +"530 select_16" -> "538 expand_as_11"; +"530 select_16" -> "539 div_11"; +"531 select_17" -> "565 matmul_11"; +"532 linalg_vector_norm_10" -> "533 clamp_min_10"; +"533 clamp_min_10" -> "534 expand_as_10"; +"534 expand_as_10" -> "535 div_10"; +"535 div_10" -> "541 matmul_10"; +"536 linalg_vector_norm_11" -> "537 clamp_min_11"; +"537 clamp_min_11" -> "538 expand_as_11"; +"538 expand_as_11" -> "539 div_11"; +"539 div_11" -> "540 transpose_10"; +"540 transpose_10" -> "541 matmul_10"; +"541 matmul_10" -> "545 mul_11"; +"542 _param_constant95" -> "543 clamp_5"; +"543 clamp_5" -> "544 exp_5"; +"544 exp_5" -> "545 mul_11"; +"545 mul_11" -> "546 add_17"; +"546 add_17" -> "558 view_30"; +"547 new_zeros_2" -> "548 view_29"; +"548 view_29" -> "549 permute_26"; +"549 permute_26" -> "550 reshape_24"; +"550 reshape_24" -> "551 unsqueeze_14"; +"550 reshape_24" -> "552 unsqueeze_15"; +"551 unsqueeze_14" -> "553 sub_2"; +"552 unsqueeze_15" -> "553 sub_2"; +"553 sub_2" -> "554 ne_2"; +"553 sub_2" -> "555 masked_fill_4"; +"553 sub_2" -> "556 eq_2"; +"554 ne_2" -> "555 masked_fill_4"; +"555 masked_fill_4" -> "557 masked_fill_5"; +"556 eq_2" -> "557 masked_fill_5"; +"557 masked_fill_5" -> "559 unsqueeze_16"; +"558 view_30" -> "561 add_18"; +"559 unsqueeze_16" -> "560 unsqueeze_17"; +"560 unsqueeze_17" -> "561 add_18"; +"561 add_18" -> "562 view_31"; +"562 view_31" -> "563 softmax_5"; +"563 softmax_5" -> "564 dropout_20"; +"564 dropout_20" -> "565 matmul_11"; +"565 matmul_11" -> "566 transpose_11"; +"566 transpose_11" -> "567 reshape_25"; +"567 reshape_25" -> "571 linear_35"; +"568 _param_constant97" -> "571 linear_35"; +"569 linear_35_updated_constant0" -> "570 symmetric_weights_decompressor_linear_35_updated_constant0_0"; +"570 symmetric_weights_decompressor_linear_35_updated_constant0_0" -> "571 linear_35"; +"571 linear_35" -> "572 dropout_21"; +"572 dropout_21" -> "573 view_32"; +"573 view_32" -> "574 permute_27"; +"574 permute_27" -> "575 reshape_26"; +"575 reshape_26" -> "576 roll_5"; +"576 roll_5" -> "577 slice_101"; +"577 slice_101" -> "578 slice_102"; +"578 slice_102" -> "579 slice_103"; +"579 slice_103" -> "580 slice_104"; +"580 slice_104" -> "581 contiguous_9"; +"581 contiguous_9" -> "584 layer_norm_13"; +"582 _param_constant98" -> "584 layer_norm_13"; +"583 _param_constant99" -> "584 layer_norm_13"; +"584 layer_norm_13" -> "585 add_19"; +"585 add_19" -> "589 linear_36"; +"585 add_19" -> "600 add_20"; +"586 _param_constant101" -> "589 linear_36"; +"587 linear_36_updated_constant0" -> "588 symmetric_weights_decompressor_linear_36_updated_constant0_0"; +"588 symmetric_weights_decompressor_linear_36_updated_constant0_0" -> "589 linear_36"; +"589 linear_36" -> "590 gelu_5"; +"590 gelu_5" -> "591 dropout_22"; +"591 dropout_22" -> "595 linear_37"; +"592 _param_constant103" -> "595 linear_37"; +"593 linear_37_updated_constant0" -> "594 symmetric_weights_decompressor_linear_37_updated_constant0_0"; +"594 symmetric_weights_decompressor_linear_37_updated_constant0_0" -> "595 linear_37"; +"595 linear_37" -> "596 dropout_23"; +"596 dropout_23" -> "599 layer_norm_14"; +"597 _param_constant104" -> "599 layer_norm_14"; +"598 _param_constant105" -> "599 layer_norm_14"; +"599 layer_norm_14" -> "600 add_20"; +"600 add_20" -> "619 pad_8"; +"600 add_20" -> "669 add_22"; +"601 _tensor_constant39" -> "605 linear_38"; +"602 _param_constant107" -> "605 linear_38"; +"603 linear_38_updated_constant0" -> "604 symmetric_weights_decompressor_linear_38_updated_constant0_0"; +"604 symmetric_weights_decompressor_linear_38_updated_constant0_0" -> "605 linear_38"; +"605 linear_38" -> "606 relu__6"; +"606 relu__6" -> "609 linear_39"; +"607 linear_39_updated_constant0" -> "608 symmetric_weights_decompressor_linear_39_updated_constant0_0"; +"608 symmetric_weights_decompressor_linear_39_updated_constant0_0" -> "609 linear_39"; +"609 linear_39" -> "610 view_33"; +"610 view_33" -> "612 index_6"; +"611 _tensor_constant40" -> "612 index_6"; +"612 index_6" -> "613 view_34"; +"613 view_34" -> "614 permute_28"; +"614 permute_28" -> "615 contiguous_10"; +"615 contiguous_10" -> "616 unsqueeze_18"; +"616 unsqueeze_18" -> "617 sigmoid_6"; +"617 sigmoid_6" -> "618 mul_12"; +"618 mul_12" -> "647 add_21"; +"619 pad_8" -> "620 view_35"; +"620 view_35" -> "621 permute_29"; +"621 permute_29" -> "622 reshape_27"; +"622 reshape_27" -> "627 linear_40"; +"623 _param_constant109" -> "624 clone_6"; +"624 clone_6" -> "627 linear_40"; +"625 linear_40_updated_constant0" -> "626 symmetric_weights_decompressor_linear_40_updated_constant0_0"; +"626 symmetric_weights_decompressor_linear_40_updated_constant0_0" -> "627 linear_40"; +"627 linear_40" -> "628 reshape_28"; +"628 reshape_28" -> "629 permute_30"; +"629 permute_30" -> "630 select_18"; +"629 permute_30" -> "631 select_19"; +"629 permute_30" -> "632 select_20"; +"630 select_18" -> "633 linalg_vector_norm_12"; +"630 select_18" -> "635 expand_as_12"; +"630 select_18" -> "636 div_12"; +"631 select_19" -> "637 linalg_vector_norm_13"; +"631 select_19" -> "639 expand_as_13"; +"631 select_19" -> "640 div_13"; +"632 select_20" -> "650 matmul_13"; +"633 linalg_vector_norm_12" -> "634 clamp_min_12"; +"634 clamp_min_12" -> "635 expand_as_12"; +"635 expand_as_12" -> "636 div_12"; +"636 div_12" -> "642 matmul_12"; +"637 linalg_vector_norm_13" -> "638 clamp_min_13"; +"638 clamp_min_13" -> "639 expand_as_13"; +"639 expand_as_13" -> "640 div_13"; +"640 div_13" -> "641 transpose_12"; +"641 transpose_12" -> "642 matmul_12"; +"642 matmul_12" -> "646 mul_13"; +"643 _param_constant111" -> "644 clamp_6"; +"644 clamp_6" -> "645 exp_6"; +"645 exp_6" -> "646 mul_13"; +"646 mul_13" -> "647 add_21"; +"647 add_21" -> "648 softmax_6"; +"648 softmax_6" -> "649 dropout_24"; +"649 dropout_24" -> "650 matmul_13"; +"650 matmul_13" -> "651 transpose_13"; +"651 transpose_13" -> "652 reshape_29"; +"652 reshape_29" -> "656 linear_41"; +"653 _param_constant113" -> "656 linear_41"; +"654 linear_41_updated_constant0" -> "655 symmetric_weights_decompressor_linear_41_updated_constant0_0"; +"655 symmetric_weights_decompressor_linear_41_updated_constant0_0" -> "656 linear_41"; +"656 linear_41" -> "657 dropout_25"; +"657 dropout_25" -> "658 view_36"; +"658 view_36" -> "659 permute_31"; +"659 permute_31" -> "660 reshape_30"; +"660 reshape_30" -> "661 slice_106"; +"661 slice_106" -> "662 slice_107"; +"662 slice_107" -> "663 slice_108"; +"663 slice_108" -> "664 slice_109"; +"664 slice_109" -> "665 contiguous_11"; +"665 contiguous_11" -> "668 layer_norm_15"; +"666 _param_constant114" -> "668 layer_norm_15"; +"667 _param_constant115" -> "668 layer_norm_15"; +"668 layer_norm_15" -> "669 add_22"; +"669 add_22" -> "673 linear_42"; +"669 add_22" -> "684 add_23"; +"670 _param_constant117" -> "673 linear_42"; +"671 linear_42_updated_constant0" -> "672 symmetric_weights_decompressor_linear_42_updated_constant0_0"; +"672 symmetric_weights_decompressor_linear_42_updated_constant0_0" -> "673 linear_42"; +"673 linear_42" -> "674 gelu_6"; +"674 gelu_6" -> "675 dropout_26"; +"675 dropout_26" -> "679 linear_43"; +"676 _param_constant119" -> "679 linear_43"; +"677 linear_43_updated_constant0" -> "678 symmetric_weights_decompressor_linear_43_updated_constant0_0"; +"678 symmetric_weights_decompressor_linear_43_updated_constant0_0" -> "679 linear_43"; +"679 linear_43" -> "680 dropout_27"; +"680 dropout_27" -> "683 layer_norm_16"; +"681 _param_constant120" -> "683 layer_norm_16"; +"682 _param_constant121" -> "683 layer_norm_16"; +"683 layer_norm_16" -> "684 add_23"; +"684 add_23" -> "703 pad_9"; +"684 add_23" -> "771 add_26"; +"685 _tensor_constant41" -> "689 linear_44"; +"686 _param_constant123" -> "689 linear_44"; +"687 linear_44_updated_constant0" -> "688 symmetric_weights_decompressor_linear_44_updated_constant0_0"; +"688 symmetric_weights_decompressor_linear_44_updated_constant0_0" -> "689 linear_44"; +"689 linear_44" -> "690 relu__7"; +"690 relu__7" -> "693 linear_45"; +"691 linear_45_updated_constant0" -> "692 symmetric_weights_decompressor_linear_45_updated_constant0_0"; +"692 symmetric_weights_decompressor_linear_45_updated_constant0_0" -> "693 linear_45"; +"693 linear_45" -> "694 view_37"; +"694 view_37" -> "696 index_7"; +"695 _tensor_constant42" -> "696 index_7"; +"696 index_7" -> "697 view_38"; +"697 view_38" -> "698 permute_32"; +"698 permute_32" -> "699 contiguous_12"; +"699 contiguous_12" -> "700 unsqueeze_19"; +"700 unsqueeze_19" -> "701 sigmoid_7"; +"701 sigmoid_7" -> "702 mul_14"; +"702 mul_14" -> "732 add_24"; +"703 pad_9" -> "704 roll_6"; +"704 roll_6" -> "705 view_39"; +"705 view_39" -> "706 permute_33"; +"706 permute_33" -> "707 reshape_31"; +"707 reshape_31" -> "712 linear_46"; +"707 reshape_31" -> "733 new_zeros_3"; +"708 _param_constant125" -> "709 clone_7"; +"709 clone_7" -> "712 linear_46"; +"710 linear_46_updated_constant0" -> "711 symmetric_weights_decompressor_linear_46_updated_constant0_0"; +"711 symmetric_weights_decompressor_linear_46_updated_constant0_0" -> "712 linear_46"; +"712 linear_46" -> "713 reshape_32"; +"713 reshape_32" -> "714 permute_34"; +"714 permute_34" -> "715 select_21"; +"714 permute_34" -> "716 select_22"; +"714 permute_34" -> "717 select_23"; +"715 select_21" -> "718 linalg_vector_norm_14"; +"715 select_21" -> "720 expand_as_14"; +"715 select_21" -> "721 div_14"; +"716 select_22" -> "722 linalg_vector_norm_15"; +"716 select_22" -> "724 expand_as_15"; +"716 select_22" -> "725 div_15"; +"717 select_23" -> "751 matmul_15"; +"718 linalg_vector_norm_14" -> "719 clamp_min_14"; +"719 clamp_min_14" -> "720 expand_as_14"; +"720 expand_as_14" -> "721 div_14"; +"721 div_14" -> "727 matmul_14"; +"722 linalg_vector_norm_15" -> "723 clamp_min_15"; +"723 clamp_min_15" -> "724 expand_as_15"; +"724 expand_as_15" -> "725 div_15"; +"725 div_15" -> "726 transpose_14"; +"726 transpose_14" -> "727 matmul_14"; +"727 matmul_14" -> "731 mul_15"; +"728 _param_constant127" -> "729 clamp_7"; +"729 clamp_7" -> "730 exp_7"; +"730 exp_7" -> "731 mul_15"; +"731 mul_15" -> "732 add_24"; +"732 add_24" -> "744 view_41"; +"733 new_zeros_3" -> "734 view_40"; +"734 view_40" -> "735 permute_35"; +"735 permute_35" -> "736 reshape_33"; +"736 reshape_33" -> "737 unsqueeze_20"; +"736 reshape_33" -> "738 unsqueeze_21"; +"737 unsqueeze_20" -> "739 sub_3"; +"738 unsqueeze_21" -> "739 sub_3"; +"739 sub_3" -> "740 ne_3"; +"739 sub_3" -> "741 masked_fill_6"; +"739 sub_3" -> "742 eq_3"; +"740 ne_3" -> "741 masked_fill_6"; +"741 masked_fill_6" -> "743 masked_fill_7"; +"742 eq_3" -> "743 masked_fill_7"; +"743 masked_fill_7" -> "745 unsqueeze_22"; +"744 view_41" -> "747 add_25"; +"745 unsqueeze_22" -> "746 unsqueeze_23"; +"746 unsqueeze_23" -> "747 add_25"; +"747 add_25" -> "748 view_42"; +"748 view_42" -> "749 softmax_7"; +"749 softmax_7" -> "750 dropout_28"; +"750 dropout_28" -> "751 matmul_15"; +"751 matmul_15" -> "752 transpose_15"; +"752 transpose_15" -> "753 reshape_34"; +"753 reshape_34" -> "757 linear_47"; +"754 _param_constant129" -> "757 linear_47"; +"755 linear_47_updated_constant0" -> "756 symmetric_weights_decompressor_linear_47_updated_constant0_0"; +"756 symmetric_weights_decompressor_linear_47_updated_constant0_0" -> "757 linear_47"; +"757 linear_47" -> "758 dropout_29"; +"758 dropout_29" -> "759 view_43"; +"759 view_43" -> "760 permute_36"; +"760 permute_36" -> "761 reshape_35"; +"761 reshape_35" -> "762 roll_7"; +"762 roll_7" -> "763 slice_129"; +"763 slice_129" -> "764 slice_130"; +"764 slice_130" -> "765 slice_131"; +"765 slice_131" -> "766 slice_132"; +"766 slice_132" -> "767 contiguous_13"; +"767 contiguous_13" -> "770 layer_norm_17"; +"768 _param_constant130" -> "770 layer_norm_17"; +"769 _param_constant131" -> "770 layer_norm_17"; +"770 layer_norm_17" -> "771 add_26"; +"771 add_26" -> "775 linear_48"; +"771 add_26" -> "786 add_27"; +"772 _param_constant133" -> "775 linear_48"; +"773 linear_48_updated_constant0" -> "774 symmetric_weights_decompressor_linear_48_updated_constant0_0"; +"774 symmetric_weights_decompressor_linear_48_updated_constant0_0" -> "775 linear_48"; +"775 linear_48" -> "776 gelu_7"; +"776 gelu_7" -> "777 dropout_30"; +"777 dropout_30" -> "781 linear_49"; +"778 _param_constant135" -> "781 linear_49"; +"779 linear_49_updated_constant0" -> "780 symmetric_weights_decompressor_linear_49_updated_constant0_0"; +"780 symmetric_weights_decompressor_linear_49_updated_constant0_0" -> "781 linear_49"; +"781 linear_49" -> "782 dropout_31"; +"782 dropout_31" -> "785 layer_norm_18"; +"783 _param_constant136" -> "785 layer_norm_18"; +"784 _param_constant137" -> "785 layer_norm_18"; +"785 layer_norm_18" -> "786 add_27"; +"786 add_27" -> "805 pad_10"; +"786 add_27" -> "855 add_29"; +"787 _tensor_constant52" -> "791 linear_50"; +"788 _param_constant139" -> "791 linear_50"; +"789 linear_50_updated_constant0" -> "790 symmetric_weights_decompressor_linear_50_updated_constant0_0"; +"790 symmetric_weights_decompressor_linear_50_updated_constant0_0" -> "791 linear_50"; +"791 linear_50" -> "792 relu__8"; +"792 relu__8" -> "795 linear_51"; +"793 linear_51_updated_constant0" -> "794 symmetric_weights_decompressor_linear_51_updated_constant0_0"; +"794 symmetric_weights_decompressor_linear_51_updated_constant0_0" -> "795 linear_51"; +"795 linear_51" -> "796 view_44"; +"796 view_44" -> "798 index_8"; +"797 _tensor_constant53" -> "798 index_8"; +"798 index_8" -> "799 view_45"; +"799 view_45" -> "800 permute_37"; +"800 permute_37" -> "801 contiguous_14"; +"801 contiguous_14" -> "802 unsqueeze_24"; +"802 unsqueeze_24" -> "803 sigmoid_8"; +"803 sigmoid_8" -> "804 mul_16"; +"804 mul_16" -> "833 add_28"; +"805 pad_10" -> "806 view_46"; +"806 view_46" -> "807 permute_38"; +"807 permute_38" -> "808 reshape_36"; +"808 reshape_36" -> "813 linear_52"; +"809 _param_constant141" -> "810 clone_8"; +"810 clone_8" -> "813 linear_52"; +"811 linear_52_updated_constant0" -> "812 symmetric_weights_decompressor_linear_52_updated_constant0_0"; +"812 symmetric_weights_decompressor_linear_52_updated_constant0_0" -> "813 linear_52"; +"813 linear_52" -> "814 reshape_37"; +"814 reshape_37" -> "815 permute_39"; +"815 permute_39" -> "816 select_24"; +"815 permute_39" -> "817 select_25"; +"815 permute_39" -> "818 select_26"; +"816 select_24" -> "819 linalg_vector_norm_16"; +"816 select_24" -> "821 expand_as_16"; +"816 select_24" -> "822 div_16"; +"817 select_25" -> "823 linalg_vector_norm_17"; +"817 select_25" -> "825 expand_as_17"; +"817 select_25" -> "826 div_17"; +"818 select_26" -> "836 matmul_17"; +"819 linalg_vector_norm_16" -> "820 clamp_min_16"; +"820 clamp_min_16" -> "821 expand_as_16"; +"821 expand_as_16" -> "822 div_16"; +"822 div_16" -> "828 matmul_16"; +"823 linalg_vector_norm_17" -> "824 clamp_min_17"; +"824 clamp_min_17" -> "825 expand_as_17"; +"825 expand_as_17" -> "826 div_17"; +"826 div_17" -> "827 transpose_16"; +"827 transpose_16" -> "828 matmul_16"; +"828 matmul_16" -> "832 mul_17"; +"829 _param_constant143" -> "830 clamp_8"; +"830 clamp_8" -> "831 exp_8"; +"831 exp_8" -> "832 mul_17"; +"832 mul_17" -> "833 add_28"; +"833 add_28" -> "834 softmax_8"; +"834 softmax_8" -> "835 dropout_32"; +"835 dropout_32" -> "836 matmul_17"; +"836 matmul_17" -> "837 transpose_17"; +"837 transpose_17" -> "838 reshape_38"; +"838 reshape_38" -> "842 linear_53"; +"839 _param_constant145" -> "842 linear_53"; +"840 linear_53_updated_constant0" -> "841 symmetric_weights_decompressor_linear_53_updated_constant0_0"; +"841 symmetric_weights_decompressor_linear_53_updated_constant0_0" -> "842 linear_53"; +"842 linear_53" -> "843 dropout_33"; +"843 dropout_33" -> "844 view_47"; +"844 view_47" -> "845 permute_40"; +"845 permute_40" -> "846 reshape_39"; +"846 reshape_39" -> "847 slice_134"; +"847 slice_134" -> "848 slice_135"; +"848 slice_135" -> "849 slice_136"; +"849 slice_136" -> "850 slice_137"; +"850 slice_137" -> "851 contiguous_15"; +"851 contiguous_15" -> "854 layer_norm_19"; +"852 _param_constant146" -> "854 layer_norm_19"; +"853 _param_constant147" -> "854 layer_norm_19"; +"854 layer_norm_19" -> "855 add_29"; +"855 add_29" -> "859 linear_54"; +"855 add_29" -> "870 add_30"; +"856 _param_constant149" -> "859 linear_54"; +"857 linear_54_updated_constant0" -> "858 symmetric_weights_decompressor_linear_54_updated_constant0_0"; +"858 symmetric_weights_decompressor_linear_54_updated_constant0_0" -> "859 linear_54"; +"859 linear_54" -> "860 gelu_8"; +"860 gelu_8" -> "861 dropout_34"; +"861 dropout_34" -> "865 linear_55"; +"862 _param_constant151" -> "865 linear_55"; +"863 linear_55_updated_constant0" -> "864 symmetric_weights_decompressor_linear_55_updated_constant0_0"; +"864 symmetric_weights_decompressor_linear_55_updated_constant0_0" -> "865 linear_55"; +"865 linear_55" -> "866 dropout_35"; +"866 dropout_35" -> "869 layer_norm_20"; +"867 _param_constant152" -> "869 layer_norm_20"; +"868 _param_constant153" -> "869 layer_norm_20"; +"869 layer_norm_20" -> "870 add_30"; +"870 add_30" -> "889 pad_11"; +"870 add_30" -> "957 add_33"; +"871 _tensor_constant54" -> "875 linear_56"; +"872 _param_constant155" -> "875 linear_56"; +"873 linear_56_updated_constant0" -> "874 symmetric_weights_decompressor_linear_56_updated_constant0_0"; +"874 symmetric_weights_decompressor_linear_56_updated_constant0_0" -> "875 linear_56"; +"875 linear_56" -> "876 relu__9"; +"876 relu__9" -> "879 linear_57"; +"877 linear_57_updated_constant0" -> "878 symmetric_weights_decompressor_linear_57_updated_constant0_0"; +"878 symmetric_weights_decompressor_linear_57_updated_constant0_0" -> "879 linear_57"; +"879 linear_57" -> "880 view_48"; +"880 view_48" -> "882 index_9"; +"881 _tensor_constant55" -> "882 index_9"; +"882 index_9" -> "883 view_49"; +"883 view_49" -> "884 permute_41"; +"884 permute_41" -> "885 contiguous_16"; +"885 contiguous_16" -> "886 unsqueeze_25"; +"886 unsqueeze_25" -> "887 sigmoid_9"; +"887 sigmoid_9" -> "888 mul_18"; +"888 mul_18" -> "918 add_31"; +"889 pad_11" -> "890 roll_8"; +"890 roll_8" -> "891 view_50"; +"891 view_50" -> "892 permute_42"; +"892 permute_42" -> "893 reshape_40"; +"893 reshape_40" -> "898 linear_58"; +"893 reshape_40" -> "919 new_zeros_4"; +"894 _param_constant157" -> "895 clone_9"; +"895 clone_9" -> "898 linear_58"; +"896 linear_58_updated_constant0" -> "897 symmetric_weights_decompressor_linear_58_updated_constant0_0"; +"897 symmetric_weights_decompressor_linear_58_updated_constant0_0" -> "898 linear_58"; +"898 linear_58" -> "899 reshape_41"; +"899 reshape_41" -> "900 permute_43"; +"900 permute_43" -> "901 select_27"; +"900 permute_43" -> "902 select_28"; +"900 permute_43" -> "903 select_29"; +"901 select_27" -> "904 linalg_vector_norm_18"; +"901 select_27" -> "906 expand_as_18"; +"901 select_27" -> "907 div_18"; +"902 select_28" -> "908 linalg_vector_norm_19"; +"902 select_28" -> "910 expand_as_19"; +"902 select_28" -> "911 div_19"; +"903 select_29" -> "937 matmul_19"; +"904 linalg_vector_norm_18" -> "905 clamp_min_18"; +"905 clamp_min_18" -> "906 expand_as_18"; +"906 expand_as_18" -> "907 div_18"; +"907 div_18" -> "913 matmul_18"; +"908 linalg_vector_norm_19" -> "909 clamp_min_19"; +"909 clamp_min_19" -> "910 expand_as_19"; +"910 expand_as_19" -> "911 div_19"; +"911 div_19" -> "912 transpose_18"; +"912 transpose_18" -> "913 matmul_18"; +"913 matmul_18" -> "917 mul_19"; +"914 _param_constant159" -> "915 clamp_9"; +"915 clamp_9" -> "916 exp_9"; +"916 exp_9" -> "917 mul_19"; +"917 mul_19" -> "918 add_31"; +"918 add_31" -> "930 view_52"; +"919 new_zeros_4" -> "920 view_51"; +"920 view_51" -> "921 permute_44"; +"921 permute_44" -> "922 reshape_42"; +"922 reshape_42" -> "923 unsqueeze_26"; +"922 reshape_42" -> "924 unsqueeze_27"; +"923 unsqueeze_26" -> "925 sub_4"; +"924 unsqueeze_27" -> "925 sub_4"; +"925 sub_4" -> "926 ne_4"; +"925 sub_4" -> "927 masked_fill_8"; +"925 sub_4" -> "928 eq_4"; +"926 ne_4" -> "927 masked_fill_8"; +"927 masked_fill_8" -> "929 masked_fill_9"; +"928 eq_4" -> "929 masked_fill_9"; +"929 masked_fill_9" -> "931 unsqueeze_28"; +"930 view_52" -> "933 add_32"; +"931 unsqueeze_28" -> "932 unsqueeze_29"; +"932 unsqueeze_29" -> "933 add_32"; +"933 add_32" -> "934 view_53"; +"934 view_53" -> "935 softmax_9"; +"935 softmax_9" -> "936 dropout_36"; +"936 dropout_36" -> "937 matmul_19"; +"937 matmul_19" -> "938 transpose_19"; +"938 transpose_19" -> "939 reshape_43"; +"939 reshape_43" -> "943 linear_59"; +"940 _param_constant161" -> "943 linear_59"; +"941 linear_59_updated_constant0" -> "942 symmetric_weights_decompressor_linear_59_updated_constant0_0"; +"942 symmetric_weights_decompressor_linear_59_updated_constant0_0" -> "943 linear_59"; +"943 linear_59" -> "944 dropout_37"; +"944 dropout_37" -> "945 view_54"; +"945 view_54" -> "946 permute_45"; +"946 permute_45" -> "947 reshape_44"; +"947 reshape_44" -> "948 roll_9"; +"948 roll_9" -> "949 slice_157"; +"949 slice_157" -> "950 slice_158"; +"950 slice_158" -> "951 slice_159"; +"951 slice_159" -> "952 slice_160"; +"952 slice_160" -> "953 contiguous_17"; +"953 contiguous_17" -> "956 layer_norm_21"; +"954 _param_constant162" -> "956 layer_norm_21"; +"955 _param_constant163" -> "956 layer_norm_21"; +"956 layer_norm_21" -> "957 add_33"; +"957 add_33" -> "961 linear_60"; +"957 add_33" -> "972 add_34"; +"958 _param_constant165" -> "961 linear_60"; +"959 linear_60_updated_constant0" -> "960 symmetric_weights_decompressor_linear_60_updated_constant0_0"; +"960 symmetric_weights_decompressor_linear_60_updated_constant0_0" -> "961 linear_60"; +"961 linear_60" -> "962 gelu_9"; +"962 gelu_9" -> "963 dropout_38"; +"963 dropout_38" -> "967 linear_61"; +"964 _param_constant167" -> "967 linear_61"; +"965 linear_61_updated_constant0" -> "966 symmetric_weights_decompressor_linear_61_updated_constant0_0"; +"966 symmetric_weights_decompressor_linear_61_updated_constant0_0" -> "967 linear_61"; +"967 linear_61" -> "968 dropout_39"; +"968 dropout_39" -> "971 layer_norm_22"; +"969 _param_constant168" -> "971 layer_norm_22"; +"970 _param_constant169" -> "971 layer_norm_22"; +"971 layer_norm_22" -> "972 add_34"; +"972 add_34" -> "991 pad_12"; +"972 add_34" -> "1041 add_36"; +"973 _tensor_constant65" -> "977 linear_62"; +"974 _param_constant171" -> "977 linear_62"; +"975 linear_62_updated_constant0" -> "976 symmetric_weights_decompressor_linear_62_updated_constant0_0"; +"976 symmetric_weights_decompressor_linear_62_updated_constant0_0" -> "977 linear_62"; +"977 linear_62" -> "978 relu__10"; +"978 relu__10" -> "981 linear_63"; +"979 linear_63_updated_constant0" -> "980 symmetric_weights_decompressor_linear_63_updated_constant0_0"; +"980 symmetric_weights_decompressor_linear_63_updated_constant0_0" -> "981 linear_63"; +"981 linear_63" -> "982 view_55"; +"982 view_55" -> "984 index_10"; +"983 _tensor_constant66" -> "984 index_10"; +"984 index_10" -> "985 view_56"; +"985 view_56" -> "986 permute_46"; +"986 permute_46" -> "987 contiguous_18"; +"987 contiguous_18" -> "988 unsqueeze_30"; +"988 unsqueeze_30" -> "989 sigmoid_10"; +"989 sigmoid_10" -> "990 mul_20"; +"990 mul_20" -> "1019 add_35"; +"991 pad_12" -> "992 view_57"; +"992 view_57" -> "993 permute_47"; +"993 permute_47" -> "994 reshape_45"; +"994 reshape_45" -> "999 linear_64"; +"995 _param_constant173" -> "996 clone_10"; +"996 clone_10" -> "999 linear_64"; +"997 linear_64_updated_constant0" -> "998 symmetric_weights_decompressor_linear_64_updated_constant0_0"; +"998 symmetric_weights_decompressor_linear_64_updated_constant0_0" -> "999 linear_64"; +"999 linear_64" -> "1000 reshape_46"; +"1000 reshape_46" -> "1001 permute_48"; +"1001 permute_48" -> "1002 select_30"; +"1001 permute_48" -> "1003 select_31"; +"1001 permute_48" -> "1004 select_32"; +"1002 select_30" -> "1005 linalg_vector_norm_20"; +"1002 select_30" -> "1007 expand_as_20"; +"1002 select_30" -> "1008 div_20"; +"1003 select_31" -> "1009 linalg_vector_norm_21"; +"1003 select_31" -> "1011 expand_as_21"; +"1003 select_31" -> "1012 div_21"; +"1004 select_32" -> "1022 matmul_21"; +"1005 linalg_vector_norm_20" -> "1006 clamp_min_20"; +"1006 clamp_min_20" -> "1007 expand_as_20"; +"1007 expand_as_20" -> "1008 div_20"; +"1008 div_20" -> "1014 matmul_20"; +"1009 linalg_vector_norm_21" -> "1010 clamp_min_21"; +"1010 clamp_min_21" -> "1011 expand_as_21"; +"1011 expand_as_21" -> "1012 div_21"; +"1012 div_21" -> "1013 transpose_20"; +"1013 transpose_20" -> "1014 matmul_20"; +"1014 matmul_20" -> "1018 mul_21"; +"1015 _param_constant175" -> "1016 clamp_10"; +"1016 clamp_10" -> "1017 exp_10"; +"1017 exp_10" -> "1018 mul_21"; +"1018 mul_21" -> "1019 add_35"; +"1019 add_35" -> "1020 softmax_10"; +"1020 softmax_10" -> "1021 dropout_40"; +"1021 dropout_40" -> "1022 matmul_21"; +"1022 matmul_21" -> "1023 transpose_21"; +"1023 transpose_21" -> "1024 reshape_47"; +"1024 reshape_47" -> "1028 linear_65"; +"1025 _param_constant177" -> "1028 linear_65"; +"1026 linear_65_updated_constant0" -> "1027 symmetric_weights_decompressor_linear_65_updated_constant0_0"; +"1027 symmetric_weights_decompressor_linear_65_updated_constant0_0" -> "1028 linear_65"; +"1028 linear_65" -> "1029 dropout_41"; +"1029 dropout_41" -> "1030 view_58"; +"1030 view_58" -> "1031 permute_49"; +"1031 permute_49" -> "1032 reshape_48"; +"1032 reshape_48" -> "1033 slice_162"; +"1033 slice_162" -> "1034 slice_163"; +"1034 slice_163" -> "1035 slice_164"; +"1035 slice_164" -> "1036 slice_165"; +"1036 slice_165" -> "1037 contiguous_19"; +"1037 contiguous_19" -> "1040 layer_norm_23"; +"1038 _param_constant178" -> "1040 layer_norm_23"; +"1039 _param_constant179" -> "1040 layer_norm_23"; +"1040 layer_norm_23" -> "1041 add_36"; +"1041 add_36" -> "1045 linear_66"; +"1041 add_36" -> "1056 add_37"; +"1042 _param_constant181" -> "1045 linear_66"; +"1043 linear_66_updated_constant0" -> "1044 symmetric_weights_decompressor_linear_66_updated_constant0_0"; +"1044 symmetric_weights_decompressor_linear_66_updated_constant0_0" -> "1045 linear_66"; +"1045 linear_66" -> "1046 gelu_10"; +"1046 gelu_10" -> "1047 dropout_42"; +"1047 dropout_42" -> "1051 linear_67"; +"1048 _param_constant183" -> "1051 linear_67"; +"1049 linear_67_updated_constant0" -> "1050 symmetric_weights_decompressor_linear_67_updated_constant0_0"; +"1050 symmetric_weights_decompressor_linear_67_updated_constant0_0" -> "1051 linear_67"; +"1051 linear_67" -> "1052 dropout_43"; +"1052 dropout_43" -> "1055 layer_norm_24"; +"1053 _param_constant184" -> "1055 layer_norm_24"; +"1054 _param_constant185" -> "1055 layer_norm_24"; +"1055 layer_norm_24" -> "1056 add_37"; +"1056 add_37" -> "1075 pad_13"; +"1056 add_37" -> "1143 add_40"; +"1057 _tensor_constant67" -> "1061 linear_68"; +"1058 _param_constant187" -> "1061 linear_68"; +"1059 linear_68_updated_constant0" -> "1060 symmetric_weights_decompressor_linear_68_updated_constant0_0"; +"1060 symmetric_weights_decompressor_linear_68_updated_constant0_0" -> "1061 linear_68"; +"1061 linear_68" -> "1062 relu__11"; +"1062 relu__11" -> "1065 linear_69"; +"1063 linear_69_updated_constant0" -> "1064 symmetric_weights_decompressor_linear_69_updated_constant0_0"; +"1064 symmetric_weights_decompressor_linear_69_updated_constant0_0" -> "1065 linear_69"; +"1065 linear_69" -> "1066 view_59"; +"1066 view_59" -> "1068 index_11"; +"1067 _tensor_constant68" -> "1068 index_11"; +"1068 index_11" -> "1069 view_60"; +"1069 view_60" -> "1070 permute_50"; +"1070 permute_50" -> "1071 contiguous_20"; +"1071 contiguous_20" -> "1072 unsqueeze_31"; +"1072 unsqueeze_31" -> "1073 sigmoid_11"; +"1073 sigmoid_11" -> "1074 mul_22"; +"1074 mul_22" -> "1104 add_38"; +"1075 pad_13" -> "1076 roll_10"; +"1076 roll_10" -> "1077 view_61"; +"1077 view_61" -> "1078 permute_51"; +"1078 permute_51" -> "1079 reshape_49"; +"1079 reshape_49" -> "1084 linear_70"; +"1079 reshape_49" -> "1105 new_zeros_5"; +"1080 _param_constant189" -> "1081 clone_11"; +"1081 clone_11" -> "1084 linear_70"; +"1082 linear_70_updated_constant0" -> "1083 symmetric_weights_decompressor_linear_70_updated_constant0_0"; +"1083 symmetric_weights_decompressor_linear_70_updated_constant0_0" -> "1084 linear_70"; +"1084 linear_70" -> "1085 reshape_50"; +"1085 reshape_50" -> "1086 permute_52"; +"1086 permute_52" -> "1087 select_33"; +"1086 permute_52" -> "1088 select_34"; +"1086 permute_52" -> "1089 select_35"; +"1087 select_33" -> "1090 linalg_vector_norm_22"; +"1087 select_33" -> "1092 expand_as_22"; +"1087 select_33" -> "1093 div_22"; +"1088 select_34" -> "1094 linalg_vector_norm_23"; +"1088 select_34" -> "1096 expand_as_23"; +"1088 select_34" -> "1097 div_23"; +"1089 select_35" -> "1123 matmul_23"; +"1090 linalg_vector_norm_22" -> "1091 clamp_min_22"; +"1091 clamp_min_22" -> "1092 expand_as_22"; +"1092 expand_as_22" -> "1093 div_22"; +"1093 div_22" -> "1099 matmul_22"; +"1094 linalg_vector_norm_23" -> "1095 clamp_min_23"; +"1095 clamp_min_23" -> "1096 expand_as_23"; +"1096 expand_as_23" -> "1097 div_23"; +"1097 div_23" -> "1098 transpose_22"; +"1098 transpose_22" -> "1099 matmul_22"; +"1099 matmul_22" -> "1103 mul_23"; +"1100 _param_constant191" -> "1101 clamp_11"; +"1101 clamp_11" -> "1102 exp_11"; +"1102 exp_11" -> "1103 mul_23"; +"1103 mul_23" -> "1104 add_38"; +"1104 add_38" -> "1116 view_63"; +"1105 new_zeros_5" -> "1106 view_62"; +"1106 view_62" -> "1107 permute_53"; +"1107 permute_53" -> "1108 reshape_51"; +"1108 reshape_51" -> "1109 unsqueeze_32"; +"1108 reshape_51" -> "1110 unsqueeze_33"; +"1109 unsqueeze_32" -> "1111 sub_5"; +"1110 unsqueeze_33" -> "1111 sub_5"; +"1111 sub_5" -> "1112 ne_5"; +"1111 sub_5" -> "1113 masked_fill_10"; +"1111 sub_5" -> "1114 eq_5"; +"1112 ne_5" -> "1113 masked_fill_10"; +"1113 masked_fill_10" -> "1115 masked_fill_11"; +"1114 eq_5" -> "1115 masked_fill_11"; +"1115 masked_fill_11" -> "1117 unsqueeze_34"; +"1116 view_63" -> "1119 add_39"; +"1117 unsqueeze_34" -> "1118 unsqueeze_35"; +"1118 unsqueeze_35" -> "1119 add_39"; +"1119 add_39" -> "1120 view_64"; +"1120 view_64" -> "1121 softmax_11"; +"1121 softmax_11" -> "1122 dropout_44"; +"1122 dropout_44" -> "1123 matmul_23"; +"1123 matmul_23" -> "1124 transpose_23"; +"1124 transpose_23" -> "1125 reshape_52"; +"1125 reshape_52" -> "1129 linear_71"; +"1126 _param_constant193" -> "1129 linear_71"; +"1127 linear_71_updated_constant0" -> "1128 symmetric_weights_decompressor_linear_71_updated_constant0_0"; +"1128 symmetric_weights_decompressor_linear_71_updated_constant0_0" -> "1129 linear_71"; +"1129 linear_71" -> "1130 dropout_45"; +"1130 dropout_45" -> "1131 view_65"; +"1131 view_65" -> "1132 permute_54"; +"1132 permute_54" -> "1133 reshape_53"; +"1133 reshape_53" -> "1134 roll_11"; +"1134 roll_11" -> "1135 slice_185"; +"1135 slice_185" -> "1136 slice_186"; +"1136 slice_186" -> "1137 slice_187"; +"1137 slice_187" -> "1138 slice_188"; +"1138 slice_188" -> "1139 contiguous_21"; +"1139 contiguous_21" -> "1142 layer_norm_25"; +"1140 _param_constant194" -> "1142 layer_norm_25"; +"1141 _param_constant195" -> "1142 layer_norm_25"; +"1142 layer_norm_25" -> "1143 add_40"; +"1143 add_40" -> "1147 linear_72"; +"1143 add_40" -> "1158 add_41"; +"1144 _param_constant197" -> "1147 linear_72"; +"1145 linear_72_updated_constant0" -> "1146 symmetric_weights_decompressor_linear_72_updated_constant0_0"; +"1146 symmetric_weights_decompressor_linear_72_updated_constant0_0" -> "1147 linear_72"; +"1147 linear_72" -> "1148 gelu_11"; +"1148 gelu_11" -> "1149 dropout_46"; +"1149 dropout_46" -> "1153 linear_73"; +"1150 _param_constant199" -> "1153 linear_73"; +"1151 linear_73_updated_constant0" -> "1152 symmetric_weights_decompressor_linear_73_updated_constant0_0"; +"1152 symmetric_weights_decompressor_linear_73_updated_constant0_0" -> "1153 linear_73"; +"1153 linear_73" -> "1154 dropout_47"; +"1154 dropout_47" -> "1157 layer_norm_26"; +"1155 _param_constant200" -> "1157 layer_norm_26"; +"1156 _param_constant201" -> "1157 layer_norm_26"; +"1157 layer_norm_26" -> "1158 add_41"; +"1158 add_41" -> "1177 pad_14"; +"1158 add_41" -> "1227 add_43"; +"1159 _tensor_constant78" -> "1163 linear_74"; +"1160 _param_constant203" -> "1163 linear_74"; +"1161 linear_74_updated_constant0" -> "1162 symmetric_weights_decompressor_linear_74_updated_constant0_0"; +"1162 symmetric_weights_decompressor_linear_74_updated_constant0_0" -> "1163 linear_74"; +"1163 linear_74" -> "1164 relu__12"; +"1164 relu__12" -> "1167 linear_75"; +"1165 linear_75_updated_constant0" -> "1166 symmetric_weights_decompressor_linear_75_updated_constant0_0"; +"1166 symmetric_weights_decompressor_linear_75_updated_constant0_0" -> "1167 linear_75"; +"1167 linear_75" -> "1168 view_66"; +"1168 view_66" -> "1170 index_12"; +"1169 _tensor_constant79" -> "1170 index_12"; +"1170 index_12" -> "1171 view_67"; +"1171 view_67" -> "1172 permute_55"; +"1172 permute_55" -> "1173 contiguous_22"; +"1173 contiguous_22" -> "1174 unsqueeze_36"; +"1174 unsqueeze_36" -> "1175 sigmoid_12"; +"1175 sigmoid_12" -> "1176 mul_24"; +"1176 mul_24" -> "1205 add_42"; +"1177 pad_14" -> "1178 view_68"; +"1178 view_68" -> "1179 permute_56"; +"1179 permute_56" -> "1180 reshape_54"; +"1180 reshape_54" -> "1185 linear_76"; +"1181 _param_constant205" -> "1182 clone_12"; +"1182 clone_12" -> "1185 linear_76"; +"1183 linear_76_updated_constant0" -> "1184 symmetric_weights_decompressor_linear_76_updated_constant0_0"; +"1184 symmetric_weights_decompressor_linear_76_updated_constant0_0" -> "1185 linear_76"; +"1185 linear_76" -> "1186 reshape_55"; +"1186 reshape_55" -> "1187 permute_57"; +"1187 permute_57" -> "1188 select_36"; +"1187 permute_57" -> "1189 select_37"; +"1187 permute_57" -> "1190 select_38"; +"1188 select_36" -> "1191 linalg_vector_norm_24"; +"1188 select_36" -> "1193 expand_as_24"; +"1188 select_36" -> "1194 div_24"; +"1189 select_37" -> "1195 linalg_vector_norm_25"; +"1189 select_37" -> "1197 expand_as_25"; +"1189 select_37" -> "1198 div_25"; +"1190 select_38" -> "1208 matmul_25"; +"1191 linalg_vector_norm_24" -> "1192 clamp_min_24"; +"1192 clamp_min_24" -> "1193 expand_as_24"; +"1193 expand_as_24" -> "1194 div_24"; +"1194 div_24" -> "1200 matmul_24"; +"1195 linalg_vector_norm_25" -> "1196 clamp_min_25"; +"1196 clamp_min_25" -> "1197 expand_as_25"; +"1197 expand_as_25" -> "1198 div_25"; +"1198 div_25" -> "1199 transpose_24"; +"1199 transpose_24" -> "1200 matmul_24"; +"1200 matmul_24" -> "1204 mul_25"; +"1201 _param_constant207" -> "1202 clamp_12"; +"1202 clamp_12" -> "1203 exp_12"; +"1203 exp_12" -> "1204 mul_25"; +"1204 mul_25" -> "1205 add_42"; +"1205 add_42" -> "1206 softmax_12"; +"1206 softmax_12" -> "1207 dropout_48"; +"1207 dropout_48" -> "1208 matmul_25"; +"1208 matmul_25" -> "1209 transpose_25"; +"1209 transpose_25" -> "1210 reshape_56"; +"1210 reshape_56" -> "1214 linear_77"; +"1211 _param_constant209" -> "1214 linear_77"; +"1212 linear_77_updated_constant0" -> "1213 symmetric_weights_decompressor_linear_77_updated_constant0_0"; +"1213 symmetric_weights_decompressor_linear_77_updated_constant0_0" -> "1214 linear_77"; +"1214 linear_77" -> "1215 dropout_49"; +"1215 dropout_49" -> "1216 view_69"; +"1216 view_69" -> "1217 permute_58"; +"1217 permute_58" -> "1218 reshape_57"; +"1218 reshape_57" -> "1219 slice_190"; +"1219 slice_190" -> "1220 slice_191"; +"1220 slice_191" -> "1221 slice_192"; +"1221 slice_192" -> "1222 slice_193"; +"1222 slice_193" -> "1223 contiguous_23"; +"1223 contiguous_23" -> "1226 layer_norm_27"; +"1224 _param_constant210" -> "1226 layer_norm_27"; +"1225 _param_constant211" -> "1226 layer_norm_27"; +"1226 layer_norm_27" -> "1227 add_43"; +"1227 add_43" -> "1231 linear_78"; +"1227 add_43" -> "1242 add_44"; +"1228 _param_constant213" -> "1231 linear_78"; +"1229 linear_78_updated_constant0" -> "1230 symmetric_weights_decompressor_linear_78_updated_constant0_0"; +"1230 symmetric_weights_decompressor_linear_78_updated_constant0_0" -> "1231 linear_78"; +"1231 linear_78" -> "1232 gelu_12"; +"1232 gelu_12" -> "1233 dropout_50"; +"1233 dropout_50" -> "1237 linear_79"; +"1234 _param_constant215" -> "1237 linear_79"; +"1235 linear_79_updated_constant0" -> "1236 symmetric_weights_decompressor_linear_79_updated_constant0_0"; +"1236 symmetric_weights_decompressor_linear_79_updated_constant0_0" -> "1237 linear_79"; +"1237 linear_79" -> "1238 dropout_51"; +"1238 dropout_51" -> "1241 layer_norm_28"; +"1239 _param_constant216" -> "1241 layer_norm_28"; +"1240 _param_constant217" -> "1241 layer_norm_28"; +"1241 layer_norm_28" -> "1242 add_44"; +"1242 add_44" -> "1261 pad_15"; +"1242 add_44" -> "1329 add_47"; +"1243 _tensor_constant80" -> "1247 linear_80"; +"1244 _param_constant219" -> "1247 linear_80"; +"1245 linear_80_updated_constant0" -> "1246 symmetric_weights_decompressor_linear_80_updated_constant0_0"; +"1246 symmetric_weights_decompressor_linear_80_updated_constant0_0" -> "1247 linear_80"; +"1247 linear_80" -> "1248 relu__13"; +"1248 relu__13" -> "1251 linear_81"; +"1249 linear_81_updated_constant0" -> "1250 symmetric_weights_decompressor_linear_81_updated_constant0_0"; +"1250 symmetric_weights_decompressor_linear_81_updated_constant0_0" -> "1251 linear_81"; +"1251 linear_81" -> "1252 view_70"; +"1252 view_70" -> "1254 index_13"; +"1253 _tensor_constant81" -> "1254 index_13"; +"1254 index_13" -> "1255 view_71"; +"1255 view_71" -> "1256 permute_59"; +"1256 permute_59" -> "1257 contiguous_24"; +"1257 contiguous_24" -> "1258 unsqueeze_37"; +"1258 unsqueeze_37" -> "1259 sigmoid_13"; +"1259 sigmoid_13" -> "1260 mul_26"; +"1260 mul_26" -> "1290 add_45"; +"1261 pad_15" -> "1262 roll_12"; +"1262 roll_12" -> "1263 view_72"; +"1263 view_72" -> "1264 permute_60"; +"1264 permute_60" -> "1265 reshape_58"; +"1265 reshape_58" -> "1270 linear_82"; +"1265 reshape_58" -> "1291 new_zeros_6"; +"1266 _param_constant221" -> "1267 clone_13"; +"1267 clone_13" -> "1270 linear_82"; +"1268 linear_82_updated_constant0" -> "1269 symmetric_weights_decompressor_linear_82_updated_constant0_0"; +"1269 symmetric_weights_decompressor_linear_82_updated_constant0_0" -> "1270 linear_82"; +"1270 linear_82" -> "1271 reshape_59"; +"1271 reshape_59" -> "1272 permute_61"; +"1272 permute_61" -> "1273 select_39"; +"1272 permute_61" -> "1274 select_40"; +"1272 permute_61" -> "1275 select_41"; +"1273 select_39" -> "1276 linalg_vector_norm_26"; +"1273 select_39" -> "1278 expand_as_26"; +"1273 select_39" -> "1279 div_26"; +"1274 select_40" -> "1280 linalg_vector_norm_27"; +"1274 select_40" -> "1282 expand_as_27"; +"1274 select_40" -> "1283 div_27"; +"1275 select_41" -> "1309 matmul_27"; +"1276 linalg_vector_norm_26" -> "1277 clamp_min_26"; +"1277 clamp_min_26" -> "1278 expand_as_26"; +"1278 expand_as_26" -> "1279 div_26"; +"1279 div_26" -> "1285 matmul_26"; +"1280 linalg_vector_norm_27" -> "1281 clamp_min_27"; +"1281 clamp_min_27" -> "1282 expand_as_27"; +"1282 expand_as_27" -> "1283 div_27"; +"1283 div_27" -> "1284 transpose_26"; +"1284 transpose_26" -> "1285 matmul_26"; +"1285 matmul_26" -> "1289 mul_27"; +"1286 _param_constant223" -> "1287 clamp_13"; +"1287 clamp_13" -> "1288 exp_13"; +"1288 exp_13" -> "1289 mul_27"; +"1289 mul_27" -> "1290 add_45"; +"1290 add_45" -> "1302 view_74"; +"1291 new_zeros_6" -> "1292 view_73"; +"1292 view_73" -> "1293 permute_62"; +"1293 permute_62" -> "1294 reshape_60"; +"1294 reshape_60" -> "1295 unsqueeze_38"; +"1294 reshape_60" -> "1296 unsqueeze_39"; +"1295 unsqueeze_38" -> "1297 sub_6"; +"1296 unsqueeze_39" -> "1297 sub_6"; +"1297 sub_6" -> "1298 ne_6"; +"1297 sub_6" -> "1299 masked_fill_12"; +"1297 sub_6" -> "1300 eq_6"; +"1298 ne_6" -> "1299 masked_fill_12"; +"1299 masked_fill_12" -> "1301 masked_fill_13"; +"1300 eq_6" -> "1301 masked_fill_13"; +"1301 masked_fill_13" -> "1303 unsqueeze_40"; +"1302 view_74" -> "1305 add_46"; +"1303 unsqueeze_40" -> "1304 unsqueeze_41"; +"1304 unsqueeze_41" -> "1305 add_46"; +"1305 add_46" -> "1306 view_75"; +"1306 view_75" -> "1307 softmax_13"; +"1307 softmax_13" -> "1308 dropout_52"; +"1308 dropout_52" -> "1309 matmul_27"; +"1309 matmul_27" -> "1310 transpose_27"; +"1310 transpose_27" -> "1311 reshape_61"; +"1311 reshape_61" -> "1315 linear_83"; +"1312 _param_constant225" -> "1315 linear_83"; +"1313 linear_83_updated_constant0" -> "1314 symmetric_weights_decompressor_linear_83_updated_constant0_0"; +"1314 symmetric_weights_decompressor_linear_83_updated_constant0_0" -> "1315 linear_83"; +"1315 linear_83" -> "1316 dropout_53"; +"1316 dropout_53" -> "1317 view_76"; +"1317 view_76" -> "1318 permute_63"; +"1318 permute_63" -> "1319 reshape_62"; +"1319 reshape_62" -> "1320 roll_13"; +"1320 roll_13" -> "1321 slice_213"; +"1321 slice_213" -> "1322 slice_214"; +"1322 slice_214" -> "1323 slice_215"; +"1323 slice_215" -> "1324 slice_216"; +"1324 slice_216" -> "1325 contiguous_25"; +"1325 contiguous_25" -> "1328 layer_norm_29"; +"1326 _param_constant226" -> "1328 layer_norm_29"; +"1327 _param_constant227" -> "1328 layer_norm_29"; +"1328 layer_norm_29" -> "1329 add_47"; +"1329 add_47" -> "1333 linear_84"; +"1329 add_47" -> "1344 add_48"; +"1330 _param_constant229" -> "1333 linear_84"; +"1331 linear_84_updated_constant0" -> "1332 symmetric_weights_decompressor_linear_84_updated_constant0_0"; +"1332 symmetric_weights_decompressor_linear_84_updated_constant0_0" -> "1333 linear_84"; +"1333 linear_84" -> "1334 gelu_13"; +"1334 gelu_13" -> "1335 dropout_54"; +"1335 dropout_54" -> "1339 linear_85"; +"1336 _param_constant231" -> "1339 linear_85"; +"1337 linear_85_updated_constant0" -> "1338 symmetric_weights_decompressor_linear_85_updated_constant0_0"; +"1338 symmetric_weights_decompressor_linear_85_updated_constant0_0" -> "1339 linear_85"; +"1339 linear_85" -> "1340 dropout_55"; +"1340 dropout_55" -> "1343 layer_norm_30"; +"1341 _param_constant232" -> "1343 layer_norm_30"; +"1342 _param_constant233" -> "1343 layer_norm_30"; +"1343 layer_norm_30" -> "1344 add_48"; +"1344 add_48" -> "1363 pad_16"; +"1344 add_48" -> "1413 add_50"; +"1345 _tensor_constant91" -> "1349 linear_86"; +"1346 _param_constant235" -> "1349 linear_86"; +"1347 linear_86_updated_constant0" -> "1348 symmetric_weights_decompressor_linear_86_updated_constant0_0"; +"1348 symmetric_weights_decompressor_linear_86_updated_constant0_0" -> "1349 linear_86"; +"1349 linear_86" -> "1350 relu__14"; +"1350 relu__14" -> "1353 linear_87"; +"1351 linear_87_updated_constant0" -> "1352 symmetric_weights_decompressor_linear_87_updated_constant0_0"; +"1352 symmetric_weights_decompressor_linear_87_updated_constant0_0" -> "1353 linear_87"; +"1353 linear_87" -> "1354 view_77"; +"1354 view_77" -> "1356 index_14"; +"1355 _tensor_constant92" -> "1356 index_14"; +"1356 index_14" -> "1357 view_78"; +"1357 view_78" -> "1358 permute_64"; +"1358 permute_64" -> "1359 contiguous_26"; +"1359 contiguous_26" -> "1360 unsqueeze_42"; +"1360 unsqueeze_42" -> "1361 sigmoid_14"; +"1361 sigmoid_14" -> "1362 mul_28"; +"1362 mul_28" -> "1391 add_49"; +"1363 pad_16" -> "1364 view_79"; +"1364 view_79" -> "1365 permute_65"; +"1365 permute_65" -> "1366 reshape_63"; +"1366 reshape_63" -> "1371 linear_88"; +"1367 _param_constant237" -> "1368 clone_14"; +"1368 clone_14" -> "1371 linear_88"; +"1369 linear_88_updated_constant0" -> "1370 symmetric_weights_decompressor_linear_88_updated_constant0_0"; +"1370 symmetric_weights_decompressor_linear_88_updated_constant0_0" -> "1371 linear_88"; +"1371 linear_88" -> "1372 reshape_64"; +"1372 reshape_64" -> "1373 permute_66"; +"1373 permute_66" -> "1374 select_42"; +"1373 permute_66" -> "1375 select_43"; +"1373 permute_66" -> "1376 select_44"; +"1374 select_42" -> "1377 linalg_vector_norm_28"; +"1374 select_42" -> "1379 expand_as_28"; +"1374 select_42" -> "1380 div_28"; +"1375 select_43" -> "1381 linalg_vector_norm_29"; +"1375 select_43" -> "1383 expand_as_29"; +"1375 select_43" -> "1384 div_29"; +"1376 select_44" -> "1394 matmul_29"; +"1377 linalg_vector_norm_28" -> "1378 clamp_min_28"; +"1378 clamp_min_28" -> "1379 expand_as_28"; +"1379 expand_as_28" -> "1380 div_28"; +"1380 div_28" -> "1386 matmul_28"; +"1381 linalg_vector_norm_29" -> "1382 clamp_min_29"; +"1382 clamp_min_29" -> "1383 expand_as_29"; +"1383 expand_as_29" -> "1384 div_29"; +"1384 div_29" -> "1385 transpose_28"; +"1385 transpose_28" -> "1386 matmul_28"; +"1386 matmul_28" -> "1390 mul_29"; +"1387 _param_constant239" -> "1388 clamp_14"; +"1388 clamp_14" -> "1389 exp_14"; +"1389 exp_14" -> "1390 mul_29"; +"1390 mul_29" -> "1391 add_49"; +"1391 add_49" -> "1392 softmax_14"; +"1392 softmax_14" -> "1393 dropout_56"; +"1393 dropout_56" -> "1394 matmul_29"; +"1394 matmul_29" -> "1395 transpose_29"; +"1395 transpose_29" -> "1396 reshape_65"; +"1396 reshape_65" -> "1400 linear_89"; +"1397 _param_constant241" -> "1400 linear_89"; +"1398 linear_89_updated_constant0" -> "1399 symmetric_weights_decompressor_linear_89_updated_constant0_0"; +"1399 symmetric_weights_decompressor_linear_89_updated_constant0_0" -> "1400 linear_89"; +"1400 linear_89" -> "1401 dropout_57"; +"1401 dropout_57" -> "1402 view_80"; +"1402 view_80" -> "1403 permute_67"; +"1403 permute_67" -> "1404 reshape_66"; +"1404 reshape_66" -> "1405 slice_218"; +"1405 slice_218" -> "1406 slice_219"; +"1406 slice_219" -> "1407 slice_220"; +"1407 slice_220" -> "1408 slice_221"; +"1408 slice_221" -> "1409 contiguous_27"; +"1409 contiguous_27" -> "1412 layer_norm_31"; +"1410 _param_constant242" -> "1412 layer_norm_31"; +"1411 _param_constant243" -> "1412 layer_norm_31"; +"1412 layer_norm_31" -> "1413 add_50"; +"1413 add_50" -> "1417 linear_90"; +"1413 add_50" -> "1428 add_51"; +"1414 _param_constant245" -> "1417 linear_90"; +"1415 linear_90_updated_constant0" -> "1416 symmetric_weights_decompressor_linear_90_updated_constant0_0"; +"1416 symmetric_weights_decompressor_linear_90_updated_constant0_0" -> "1417 linear_90"; +"1417 linear_90" -> "1418 gelu_14"; +"1418 gelu_14" -> "1419 dropout_58"; +"1419 dropout_58" -> "1423 linear_91"; +"1420 _param_constant247" -> "1423 linear_91"; +"1421 linear_91_updated_constant0" -> "1422 symmetric_weights_decompressor_linear_91_updated_constant0_0"; +"1422 symmetric_weights_decompressor_linear_91_updated_constant0_0" -> "1423 linear_91"; +"1423 linear_91" -> "1424 dropout_59"; +"1424 dropout_59" -> "1427 layer_norm_32"; +"1425 _param_constant248" -> "1427 layer_norm_32"; +"1426 _param_constant249" -> "1427 layer_norm_32"; +"1427 layer_norm_32" -> "1428 add_51"; +"1428 add_51" -> "1447 pad_17"; +"1428 add_51" -> "1515 add_54"; +"1429 _tensor_constant93" -> "1433 linear_92"; +"1430 _param_constant251" -> "1433 linear_92"; +"1431 linear_92_updated_constant0" -> "1432 symmetric_weights_decompressor_linear_92_updated_constant0_0"; +"1432 symmetric_weights_decompressor_linear_92_updated_constant0_0" -> "1433 linear_92"; +"1433 linear_92" -> "1434 relu__15"; +"1434 relu__15" -> "1437 linear_93"; +"1435 linear_93_updated_constant0" -> "1436 symmetric_weights_decompressor_linear_93_updated_constant0_0"; +"1436 symmetric_weights_decompressor_linear_93_updated_constant0_0" -> "1437 linear_93"; +"1437 linear_93" -> "1438 view_81"; +"1438 view_81" -> "1440 index_15"; +"1439 _tensor_constant94" -> "1440 index_15"; +"1440 index_15" -> "1441 view_82"; +"1441 view_82" -> "1442 permute_68"; +"1442 permute_68" -> "1443 contiguous_28"; +"1443 contiguous_28" -> "1444 unsqueeze_43"; +"1444 unsqueeze_43" -> "1445 sigmoid_15"; +"1445 sigmoid_15" -> "1446 mul_30"; +"1446 mul_30" -> "1476 add_52"; +"1447 pad_17" -> "1448 roll_14"; +"1448 roll_14" -> "1449 view_83"; +"1449 view_83" -> "1450 permute_69"; +"1450 permute_69" -> "1451 reshape_67"; +"1451 reshape_67" -> "1456 linear_94"; +"1451 reshape_67" -> "1477 new_zeros_7"; +"1452 _param_constant253" -> "1453 clone_15"; +"1453 clone_15" -> "1456 linear_94"; +"1454 linear_94_updated_constant0" -> "1455 symmetric_weights_decompressor_linear_94_updated_constant0_0"; +"1455 symmetric_weights_decompressor_linear_94_updated_constant0_0" -> "1456 linear_94"; +"1456 linear_94" -> "1457 reshape_68"; +"1457 reshape_68" -> "1458 permute_70"; +"1458 permute_70" -> "1459 select_45"; +"1458 permute_70" -> "1460 select_46"; +"1458 permute_70" -> "1461 select_47"; +"1459 select_45" -> "1462 linalg_vector_norm_30"; +"1459 select_45" -> "1464 expand_as_30"; +"1459 select_45" -> "1465 div_30"; +"1460 select_46" -> "1466 linalg_vector_norm_31"; +"1460 select_46" -> "1468 expand_as_31"; +"1460 select_46" -> "1469 div_31"; +"1461 select_47" -> "1495 matmul_31"; +"1462 linalg_vector_norm_30" -> "1463 clamp_min_30"; +"1463 clamp_min_30" -> "1464 expand_as_30"; +"1464 expand_as_30" -> "1465 div_30"; +"1465 div_30" -> "1471 matmul_30"; +"1466 linalg_vector_norm_31" -> "1467 clamp_min_31"; +"1467 clamp_min_31" -> "1468 expand_as_31"; +"1468 expand_as_31" -> "1469 div_31"; +"1469 div_31" -> "1470 transpose_30"; +"1470 transpose_30" -> "1471 matmul_30"; +"1471 matmul_30" -> "1475 mul_31"; +"1472 _param_constant255" -> "1473 clamp_15"; +"1473 clamp_15" -> "1474 exp_15"; +"1474 exp_15" -> "1475 mul_31"; +"1475 mul_31" -> "1476 add_52"; +"1476 add_52" -> "1488 view_85"; +"1477 new_zeros_7" -> "1478 view_84"; +"1478 view_84" -> "1479 permute_71"; +"1479 permute_71" -> "1480 reshape_69"; +"1480 reshape_69" -> "1481 unsqueeze_44"; +"1480 reshape_69" -> "1482 unsqueeze_45"; +"1481 unsqueeze_44" -> "1483 sub_7"; +"1482 unsqueeze_45" -> "1483 sub_7"; +"1483 sub_7" -> "1484 ne_7"; +"1483 sub_7" -> "1485 masked_fill_14"; +"1483 sub_7" -> "1486 eq_7"; +"1484 ne_7" -> "1485 masked_fill_14"; +"1485 masked_fill_14" -> "1487 masked_fill_15"; +"1486 eq_7" -> "1487 masked_fill_15"; +"1487 masked_fill_15" -> "1489 unsqueeze_46"; +"1488 view_85" -> "1491 add_53"; +"1489 unsqueeze_46" -> "1490 unsqueeze_47"; +"1490 unsqueeze_47" -> "1491 add_53"; +"1491 add_53" -> "1492 view_86"; +"1492 view_86" -> "1493 softmax_15"; +"1493 softmax_15" -> "1494 dropout_60"; +"1494 dropout_60" -> "1495 matmul_31"; +"1495 matmul_31" -> "1496 transpose_31"; +"1496 transpose_31" -> "1497 reshape_70"; +"1497 reshape_70" -> "1501 linear_95"; +"1498 _param_constant257" -> "1501 linear_95"; +"1499 linear_95_updated_constant0" -> "1500 symmetric_weights_decompressor_linear_95_updated_constant0_0"; +"1500 symmetric_weights_decompressor_linear_95_updated_constant0_0" -> "1501 linear_95"; +"1501 linear_95" -> "1502 dropout_61"; +"1502 dropout_61" -> "1503 view_87"; +"1503 view_87" -> "1504 permute_72"; +"1504 permute_72" -> "1505 reshape_71"; +"1505 reshape_71" -> "1506 roll_15"; +"1506 roll_15" -> "1507 slice_241"; +"1507 slice_241" -> "1508 slice_242"; +"1508 slice_242" -> "1509 slice_243"; +"1509 slice_243" -> "1510 slice_244"; +"1510 slice_244" -> "1511 contiguous_29"; +"1511 contiguous_29" -> "1514 layer_norm_33"; +"1512 _param_constant258" -> "1514 layer_norm_33"; +"1513 _param_constant259" -> "1514 layer_norm_33"; +"1514 layer_norm_33" -> "1515 add_54"; +"1515 add_54" -> "1519 linear_96"; +"1515 add_54" -> "1530 add_55"; +"1516 _param_constant261" -> "1519 linear_96"; +"1517 linear_96_updated_constant0" -> "1518 symmetric_weights_decompressor_linear_96_updated_constant0_0"; +"1518 symmetric_weights_decompressor_linear_96_updated_constant0_0" -> "1519 linear_96"; +"1519 linear_96" -> "1520 gelu_15"; +"1520 gelu_15" -> "1521 dropout_62"; +"1521 dropout_62" -> "1525 linear_97"; +"1522 _param_constant263" -> "1525 linear_97"; +"1523 linear_97_updated_constant0" -> "1524 symmetric_weights_decompressor_linear_97_updated_constant0_0"; +"1524 symmetric_weights_decompressor_linear_97_updated_constant0_0" -> "1525 linear_97"; +"1525 linear_97" -> "1526 dropout_63"; +"1526 dropout_63" -> "1529 layer_norm_34"; +"1527 _param_constant264" -> "1529 layer_norm_34"; +"1528 _param_constant265" -> "1529 layer_norm_34"; +"1529 layer_norm_34" -> "1530 add_55"; +"1530 add_55" -> "1549 pad_18"; +"1530 add_55" -> "1599 add_57"; +"1531 _tensor_constant104" -> "1535 linear_98"; +"1532 _param_constant267" -> "1535 linear_98"; +"1533 linear_98_updated_constant0" -> "1534 symmetric_weights_decompressor_linear_98_updated_constant0_0"; +"1534 symmetric_weights_decompressor_linear_98_updated_constant0_0" -> "1535 linear_98"; +"1535 linear_98" -> "1536 relu__16"; +"1536 relu__16" -> "1539 linear_99"; +"1537 linear_99_updated_constant0" -> "1538 symmetric_weights_decompressor_linear_99_updated_constant0_0"; +"1538 symmetric_weights_decompressor_linear_99_updated_constant0_0" -> "1539 linear_99"; +"1539 linear_99" -> "1540 view_88"; +"1540 view_88" -> "1542 index_16"; +"1541 _tensor_constant105" -> "1542 index_16"; +"1542 index_16" -> "1543 view_89"; +"1543 view_89" -> "1544 permute_73"; +"1544 permute_73" -> "1545 contiguous_30"; +"1545 contiguous_30" -> "1546 unsqueeze_48"; +"1546 unsqueeze_48" -> "1547 sigmoid_16"; +"1547 sigmoid_16" -> "1548 mul_32"; +"1548 mul_32" -> "1577 add_56"; +"1549 pad_18" -> "1550 view_90"; +"1550 view_90" -> "1551 permute_74"; +"1551 permute_74" -> "1552 reshape_72"; +"1552 reshape_72" -> "1557 linear_100"; +"1553 _param_constant269" -> "1554 clone_16"; +"1554 clone_16" -> "1557 linear_100"; +"1555 linear_100_updated_constant0" -> "1556 symmetric_weights_decompressor_linear_100_updated_constant0_0"; +"1556 symmetric_weights_decompressor_linear_100_updated_constant0_0" -> "1557 linear_100"; +"1557 linear_100" -> "1558 reshape_73"; +"1558 reshape_73" -> "1559 permute_75"; +"1559 permute_75" -> "1560 select_48"; +"1559 permute_75" -> "1561 select_49"; +"1559 permute_75" -> "1562 select_50"; +"1560 select_48" -> "1563 linalg_vector_norm_32"; +"1560 select_48" -> "1565 expand_as_32"; +"1560 select_48" -> "1566 div_32"; +"1561 select_49" -> "1567 linalg_vector_norm_33"; +"1561 select_49" -> "1569 expand_as_33"; +"1561 select_49" -> "1570 div_33"; +"1562 select_50" -> "1580 matmul_33"; +"1563 linalg_vector_norm_32" -> "1564 clamp_min_32"; +"1564 clamp_min_32" -> "1565 expand_as_32"; +"1565 expand_as_32" -> "1566 div_32"; +"1566 div_32" -> "1572 matmul_32"; +"1567 linalg_vector_norm_33" -> "1568 clamp_min_33"; +"1568 clamp_min_33" -> "1569 expand_as_33"; +"1569 expand_as_33" -> "1570 div_33"; +"1570 div_33" -> "1571 transpose_32"; +"1571 transpose_32" -> "1572 matmul_32"; +"1572 matmul_32" -> "1576 mul_33"; +"1573 _param_constant271" -> "1574 clamp_16"; +"1574 clamp_16" -> "1575 exp_16"; +"1575 exp_16" -> "1576 mul_33"; +"1576 mul_33" -> "1577 add_56"; +"1577 add_56" -> "1578 softmax_16"; +"1578 softmax_16" -> "1579 dropout_64"; +"1579 dropout_64" -> "1580 matmul_33"; +"1580 matmul_33" -> "1581 transpose_33"; +"1581 transpose_33" -> "1582 reshape_74"; +"1582 reshape_74" -> "1586 linear_101"; +"1583 _param_constant273" -> "1586 linear_101"; +"1584 linear_101_updated_constant0" -> "1585 symmetric_weights_decompressor_linear_101_updated_constant0_0"; +"1585 symmetric_weights_decompressor_linear_101_updated_constant0_0" -> "1586 linear_101"; +"1586 linear_101" -> "1587 dropout_65"; +"1587 dropout_65" -> "1588 view_91"; +"1588 view_91" -> "1589 permute_76"; +"1589 permute_76" -> "1590 reshape_75"; +"1590 reshape_75" -> "1591 slice_246"; +"1591 slice_246" -> "1592 slice_247"; +"1592 slice_247" -> "1593 slice_248"; +"1593 slice_248" -> "1594 slice_249"; +"1594 slice_249" -> "1595 contiguous_31"; +"1595 contiguous_31" -> "1598 layer_norm_35"; +"1596 _param_constant274" -> "1598 layer_norm_35"; +"1597 _param_constant275" -> "1598 layer_norm_35"; +"1598 layer_norm_35" -> "1599 add_57"; +"1599 add_57" -> "1603 linear_102"; +"1599 add_57" -> "1614 add_58"; +"1600 _param_constant277" -> "1603 linear_102"; +"1601 linear_102_updated_constant0" -> "1602 symmetric_weights_decompressor_linear_102_updated_constant0_0"; +"1602 symmetric_weights_decompressor_linear_102_updated_constant0_0" -> "1603 linear_102"; +"1603 linear_102" -> "1604 gelu_16"; +"1604 gelu_16" -> "1605 dropout_66"; +"1605 dropout_66" -> "1609 linear_103"; +"1606 _param_constant279" -> "1609 linear_103"; +"1607 linear_103_updated_constant0" -> "1608 symmetric_weights_decompressor_linear_103_updated_constant0_0"; +"1608 symmetric_weights_decompressor_linear_103_updated_constant0_0" -> "1609 linear_103"; +"1609 linear_103" -> "1610 dropout_67"; +"1610 dropout_67" -> "1613 layer_norm_36"; +"1611 _param_constant280" -> "1613 layer_norm_36"; +"1612 _param_constant281" -> "1613 layer_norm_36"; +"1613 layer_norm_36" -> "1614 add_58"; +"1614 add_58" -> "1633 pad_19"; +"1614 add_58" -> "1701 add_61"; +"1615 _tensor_constant106" -> "1619 linear_104"; +"1616 _param_constant283" -> "1619 linear_104"; +"1617 linear_104_updated_constant0" -> "1618 symmetric_weights_decompressor_linear_104_updated_constant0_0"; +"1618 symmetric_weights_decompressor_linear_104_updated_constant0_0" -> "1619 linear_104"; +"1619 linear_104" -> "1620 relu__17"; +"1620 relu__17" -> "1623 linear_105"; +"1621 linear_105_updated_constant0" -> "1622 symmetric_weights_decompressor_linear_105_updated_constant0_0"; +"1622 symmetric_weights_decompressor_linear_105_updated_constant0_0" -> "1623 linear_105"; +"1623 linear_105" -> "1624 view_92"; +"1624 view_92" -> "1626 index_17"; +"1625 _tensor_constant107" -> "1626 index_17"; +"1626 index_17" -> "1627 view_93"; +"1627 view_93" -> "1628 permute_77"; +"1628 permute_77" -> "1629 contiguous_32"; +"1629 contiguous_32" -> "1630 unsqueeze_49"; +"1630 unsqueeze_49" -> "1631 sigmoid_17"; +"1631 sigmoid_17" -> "1632 mul_34"; +"1632 mul_34" -> "1662 add_59"; +"1633 pad_19" -> "1634 roll_16"; +"1634 roll_16" -> "1635 view_94"; +"1635 view_94" -> "1636 permute_78"; +"1636 permute_78" -> "1637 reshape_76"; +"1637 reshape_76" -> "1642 linear_106"; +"1637 reshape_76" -> "1663 new_zeros_8"; +"1638 _param_constant285" -> "1639 clone_17"; +"1639 clone_17" -> "1642 linear_106"; +"1640 linear_106_updated_constant0" -> "1641 symmetric_weights_decompressor_linear_106_updated_constant0_0"; +"1641 symmetric_weights_decompressor_linear_106_updated_constant0_0" -> "1642 linear_106"; +"1642 linear_106" -> "1643 reshape_77"; +"1643 reshape_77" -> "1644 permute_79"; +"1644 permute_79" -> "1645 select_51"; +"1644 permute_79" -> "1646 select_52"; +"1644 permute_79" -> "1647 select_53"; +"1645 select_51" -> "1648 linalg_vector_norm_34"; +"1645 select_51" -> "1650 expand_as_34"; +"1645 select_51" -> "1651 div_34"; +"1646 select_52" -> "1652 linalg_vector_norm_35"; +"1646 select_52" -> "1654 expand_as_35"; +"1646 select_52" -> "1655 div_35"; +"1647 select_53" -> "1681 matmul_35"; +"1648 linalg_vector_norm_34" -> "1649 clamp_min_34"; +"1649 clamp_min_34" -> "1650 expand_as_34"; +"1650 expand_as_34" -> "1651 div_34"; +"1651 div_34" -> "1657 matmul_34"; +"1652 linalg_vector_norm_35" -> "1653 clamp_min_35"; +"1653 clamp_min_35" -> "1654 expand_as_35"; +"1654 expand_as_35" -> "1655 div_35"; +"1655 div_35" -> "1656 transpose_34"; +"1656 transpose_34" -> "1657 matmul_34"; +"1657 matmul_34" -> "1661 mul_35"; +"1658 _param_constant287" -> "1659 clamp_17"; +"1659 clamp_17" -> "1660 exp_17"; +"1660 exp_17" -> "1661 mul_35"; +"1661 mul_35" -> "1662 add_59"; +"1662 add_59" -> "1674 view_96"; +"1663 new_zeros_8" -> "1664 view_95"; +"1664 view_95" -> "1665 permute_80"; +"1665 permute_80" -> "1666 reshape_78"; +"1666 reshape_78" -> "1667 unsqueeze_50"; +"1666 reshape_78" -> "1668 unsqueeze_51"; +"1667 unsqueeze_50" -> "1669 sub_8"; +"1668 unsqueeze_51" -> "1669 sub_8"; +"1669 sub_8" -> "1670 ne_8"; +"1669 sub_8" -> "1671 masked_fill_16"; +"1669 sub_8" -> "1672 eq_8"; +"1670 ne_8" -> "1671 masked_fill_16"; +"1671 masked_fill_16" -> "1673 masked_fill_17"; +"1672 eq_8" -> "1673 masked_fill_17"; +"1673 masked_fill_17" -> "1675 unsqueeze_52"; +"1674 view_96" -> "1677 add_60"; +"1675 unsqueeze_52" -> "1676 unsqueeze_53"; +"1676 unsqueeze_53" -> "1677 add_60"; +"1677 add_60" -> "1678 view_97"; +"1678 view_97" -> "1679 softmax_17"; +"1679 softmax_17" -> "1680 dropout_68"; +"1680 dropout_68" -> "1681 matmul_35"; +"1681 matmul_35" -> "1682 transpose_35"; +"1682 transpose_35" -> "1683 reshape_79"; +"1683 reshape_79" -> "1687 linear_107"; +"1684 _param_constant289" -> "1687 linear_107"; +"1685 linear_107_updated_constant0" -> "1686 symmetric_weights_decompressor_linear_107_updated_constant0_0"; +"1686 symmetric_weights_decompressor_linear_107_updated_constant0_0" -> "1687 linear_107"; +"1687 linear_107" -> "1688 dropout_69"; +"1688 dropout_69" -> "1689 view_98"; +"1689 view_98" -> "1690 permute_81"; +"1690 permute_81" -> "1691 reshape_80"; +"1691 reshape_80" -> "1692 roll_17"; +"1692 roll_17" -> "1693 slice_269"; +"1693 slice_269" -> "1694 slice_270"; +"1694 slice_270" -> "1695 slice_271"; +"1695 slice_271" -> "1696 slice_272"; +"1696 slice_272" -> "1697 contiguous_33"; +"1697 contiguous_33" -> "1700 layer_norm_37"; +"1698 _param_constant290" -> "1700 layer_norm_37"; +"1699 _param_constant291" -> "1700 layer_norm_37"; +"1700 layer_norm_37" -> "1701 add_61"; +"1701 add_61" -> "1705 linear_108"; +"1701 add_61" -> "1716 add_62"; +"1702 _param_constant293" -> "1705 linear_108"; +"1703 linear_108_updated_constant0" -> "1704 symmetric_weights_decompressor_linear_108_updated_constant0_0"; +"1704 symmetric_weights_decompressor_linear_108_updated_constant0_0" -> "1705 linear_108"; +"1705 linear_108" -> "1706 gelu_17"; +"1706 gelu_17" -> "1707 dropout_70"; +"1707 dropout_70" -> "1711 linear_109"; +"1708 _param_constant295" -> "1711 linear_109"; +"1709 linear_109_updated_constant0" -> "1710 symmetric_weights_decompressor_linear_109_updated_constant0_0"; +"1710 symmetric_weights_decompressor_linear_109_updated_constant0_0" -> "1711 linear_109"; +"1711 linear_109" -> "1712 dropout_71"; +"1712 dropout_71" -> "1715 layer_norm_38"; +"1713 _param_constant296" -> "1715 layer_norm_38"; +"1714 _param_constant297" -> "1715 layer_norm_38"; +"1715 layer_norm_38" -> "1716 add_62"; +"1716 add_62" -> "1735 pad_20"; +"1716 add_62" -> "1785 add_64"; +"1717 _tensor_constant117" -> "1721 linear_110"; +"1718 _param_constant299" -> "1721 linear_110"; +"1719 linear_110_updated_constant0" -> "1720 symmetric_weights_decompressor_linear_110_updated_constant0_0"; +"1720 symmetric_weights_decompressor_linear_110_updated_constant0_0" -> "1721 linear_110"; +"1721 linear_110" -> "1722 relu__18"; +"1722 relu__18" -> "1725 linear_111"; +"1723 linear_111_updated_constant0" -> "1724 symmetric_weights_decompressor_linear_111_updated_constant0_0"; +"1724 symmetric_weights_decompressor_linear_111_updated_constant0_0" -> "1725 linear_111"; +"1725 linear_111" -> "1726 view_99"; +"1726 view_99" -> "1728 index_18"; +"1727 _tensor_constant118" -> "1728 index_18"; +"1728 index_18" -> "1729 view_100"; +"1729 view_100" -> "1730 permute_82"; +"1730 permute_82" -> "1731 contiguous_34"; +"1731 contiguous_34" -> "1732 unsqueeze_54"; +"1732 unsqueeze_54" -> "1733 sigmoid_18"; +"1733 sigmoid_18" -> "1734 mul_36"; +"1734 mul_36" -> "1763 add_63"; +"1735 pad_20" -> "1736 view_101"; +"1736 view_101" -> "1737 permute_83"; +"1737 permute_83" -> "1738 reshape_81"; +"1738 reshape_81" -> "1743 linear_112"; +"1739 _param_constant301" -> "1740 clone_18"; +"1740 clone_18" -> "1743 linear_112"; +"1741 linear_112_updated_constant0" -> "1742 symmetric_weights_decompressor_linear_112_updated_constant0_0"; +"1742 symmetric_weights_decompressor_linear_112_updated_constant0_0" -> "1743 linear_112"; +"1743 linear_112" -> "1744 reshape_82"; +"1744 reshape_82" -> "1745 permute_84"; +"1745 permute_84" -> "1746 select_54"; +"1745 permute_84" -> "1747 select_55"; +"1745 permute_84" -> "1748 select_56"; +"1746 select_54" -> "1749 linalg_vector_norm_36"; +"1746 select_54" -> "1751 expand_as_36"; +"1746 select_54" -> "1752 div_36"; +"1747 select_55" -> "1753 linalg_vector_norm_37"; +"1747 select_55" -> "1755 expand_as_37"; +"1747 select_55" -> "1756 div_37"; +"1748 select_56" -> "1766 matmul_37"; +"1749 linalg_vector_norm_36" -> "1750 clamp_min_36"; +"1750 clamp_min_36" -> "1751 expand_as_36"; +"1751 expand_as_36" -> "1752 div_36"; +"1752 div_36" -> "1758 matmul_36"; +"1753 linalg_vector_norm_37" -> "1754 clamp_min_37"; +"1754 clamp_min_37" -> "1755 expand_as_37"; +"1755 expand_as_37" -> "1756 div_37"; +"1756 div_37" -> "1757 transpose_36"; +"1757 transpose_36" -> "1758 matmul_36"; +"1758 matmul_36" -> "1762 mul_37"; +"1759 _param_constant303" -> "1760 clamp_18"; +"1760 clamp_18" -> "1761 exp_18"; +"1761 exp_18" -> "1762 mul_37"; +"1762 mul_37" -> "1763 add_63"; +"1763 add_63" -> "1764 softmax_18"; +"1764 softmax_18" -> "1765 dropout_72"; +"1765 dropout_72" -> "1766 matmul_37"; +"1766 matmul_37" -> "1767 transpose_37"; +"1767 transpose_37" -> "1768 reshape_83"; +"1768 reshape_83" -> "1772 linear_113"; +"1769 _param_constant305" -> "1772 linear_113"; +"1770 linear_113_updated_constant0" -> "1771 symmetric_weights_decompressor_linear_113_updated_constant0_0"; +"1771 symmetric_weights_decompressor_linear_113_updated_constant0_0" -> "1772 linear_113"; +"1772 linear_113" -> "1773 dropout_73"; +"1773 dropout_73" -> "1774 view_102"; +"1774 view_102" -> "1775 permute_85"; +"1775 permute_85" -> "1776 reshape_84"; +"1776 reshape_84" -> "1777 slice_274"; +"1777 slice_274" -> "1778 slice_275"; +"1778 slice_275" -> "1779 slice_276"; +"1779 slice_276" -> "1780 slice_277"; +"1780 slice_277" -> "1781 contiguous_35"; +"1781 contiguous_35" -> "1784 layer_norm_39"; +"1782 _param_constant306" -> "1784 layer_norm_39"; +"1783 _param_constant307" -> "1784 layer_norm_39"; +"1784 layer_norm_39" -> "1785 add_64"; +"1785 add_64" -> "1789 linear_114"; +"1785 add_64" -> "1800 add_65"; +"1786 _param_constant309" -> "1789 linear_114"; +"1787 linear_114_updated_constant0" -> "1788 symmetric_weights_decompressor_linear_114_updated_constant0_0"; +"1788 symmetric_weights_decompressor_linear_114_updated_constant0_0" -> "1789 linear_114"; +"1789 linear_114" -> "1790 gelu_18"; +"1790 gelu_18" -> "1791 dropout_74"; +"1791 dropout_74" -> "1795 linear_115"; +"1792 _param_constant311" -> "1795 linear_115"; +"1793 linear_115_updated_constant0" -> "1794 symmetric_weights_decompressor_linear_115_updated_constant0_0"; +"1794 symmetric_weights_decompressor_linear_115_updated_constant0_0" -> "1795 linear_115"; +"1795 linear_115" -> "1796 dropout_75"; +"1796 dropout_75" -> "1799 layer_norm_40"; +"1797 _param_constant312" -> "1799 layer_norm_40"; +"1798 _param_constant313" -> "1799 layer_norm_40"; +"1799 layer_norm_40" -> "1800 add_65"; +"1800 add_65" -> "1819 pad_21"; +"1800 add_65" -> "1887 add_68"; +"1801 _tensor_constant119" -> "1805 linear_116"; +"1802 _param_constant315" -> "1805 linear_116"; +"1803 linear_116_updated_constant0" -> "1804 symmetric_weights_decompressor_linear_116_updated_constant0_0"; +"1804 symmetric_weights_decompressor_linear_116_updated_constant0_0" -> "1805 linear_116"; +"1805 linear_116" -> "1806 relu__19"; +"1806 relu__19" -> "1809 linear_117"; +"1807 linear_117_updated_constant0" -> "1808 symmetric_weights_decompressor_linear_117_updated_constant0_0"; +"1808 symmetric_weights_decompressor_linear_117_updated_constant0_0" -> "1809 linear_117"; +"1809 linear_117" -> "1810 view_103"; +"1810 view_103" -> "1812 index_19"; +"1811 _tensor_constant120" -> "1812 index_19"; +"1812 index_19" -> "1813 view_104"; +"1813 view_104" -> "1814 permute_86"; +"1814 permute_86" -> "1815 contiguous_36"; +"1815 contiguous_36" -> "1816 unsqueeze_55"; +"1816 unsqueeze_55" -> "1817 sigmoid_19"; +"1817 sigmoid_19" -> "1818 mul_38"; +"1818 mul_38" -> "1848 add_66"; +"1819 pad_21" -> "1820 roll_18"; +"1820 roll_18" -> "1821 view_105"; +"1821 view_105" -> "1822 permute_87"; +"1822 permute_87" -> "1823 reshape_85"; +"1823 reshape_85" -> "1828 linear_118"; +"1823 reshape_85" -> "1849 new_zeros_9"; +"1824 _param_constant317" -> "1825 clone_19"; +"1825 clone_19" -> "1828 linear_118"; +"1826 linear_118_updated_constant0" -> "1827 symmetric_weights_decompressor_linear_118_updated_constant0_0"; +"1827 symmetric_weights_decompressor_linear_118_updated_constant0_0" -> "1828 linear_118"; +"1828 linear_118" -> "1829 reshape_86"; +"1829 reshape_86" -> "1830 permute_88"; +"1830 permute_88" -> "1831 select_57"; +"1830 permute_88" -> "1832 select_58"; +"1830 permute_88" -> "1833 select_59"; +"1831 select_57" -> "1834 linalg_vector_norm_38"; +"1831 select_57" -> "1836 expand_as_38"; +"1831 select_57" -> "1837 div_38"; +"1832 select_58" -> "1838 linalg_vector_norm_39"; +"1832 select_58" -> "1840 expand_as_39"; +"1832 select_58" -> "1841 div_39"; +"1833 select_59" -> "1867 matmul_39"; +"1834 linalg_vector_norm_38" -> "1835 clamp_min_38"; +"1835 clamp_min_38" -> "1836 expand_as_38"; +"1836 expand_as_38" -> "1837 div_38"; +"1837 div_38" -> "1843 matmul_38"; +"1838 linalg_vector_norm_39" -> "1839 clamp_min_39"; +"1839 clamp_min_39" -> "1840 expand_as_39"; +"1840 expand_as_39" -> "1841 div_39"; +"1841 div_39" -> "1842 transpose_38"; +"1842 transpose_38" -> "1843 matmul_38"; +"1843 matmul_38" -> "1847 mul_39"; +"1844 _param_constant319" -> "1845 clamp_19"; +"1845 clamp_19" -> "1846 exp_19"; +"1846 exp_19" -> "1847 mul_39"; +"1847 mul_39" -> "1848 add_66"; +"1848 add_66" -> "1860 view_107"; +"1849 new_zeros_9" -> "1850 view_106"; +"1850 view_106" -> "1851 permute_89"; +"1851 permute_89" -> "1852 reshape_87"; +"1852 reshape_87" -> "1853 unsqueeze_56"; +"1852 reshape_87" -> "1854 unsqueeze_57"; +"1853 unsqueeze_56" -> "1855 sub_9"; +"1854 unsqueeze_57" -> "1855 sub_9"; +"1855 sub_9" -> "1856 ne_9"; +"1855 sub_9" -> "1857 masked_fill_18"; +"1855 sub_9" -> "1858 eq_9"; +"1856 ne_9" -> "1857 masked_fill_18"; +"1857 masked_fill_18" -> "1859 masked_fill_19"; +"1858 eq_9" -> "1859 masked_fill_19"; +"1859 masked_fill_19" -> "1861 unsqueeze_58"; +"1860 view_107" -> "1863 add_67"; +"1861 unsqueeze_58" -> "1862 unsqueeze_59"; +"1862 unsqueeze_59" -> "1863 add_67"; +"1863 add_67" -> "1864 view_108"; +"1864 view_108" -> "1865 softmax_19"; +"1865 softmax_19" -> "1866 dropout_76"; +"1866 dropout_76" -> "1867 matmul_39"; +"1867 matmul_39" -> "1868 transpose_39"; +"1868 transpose_39" -> "1869 reshape_88"; +"1869 reshape_88" -> "1873 linear_119"; +"1870 _param_constant321" -> "1873 linear_119"; +"1871 linear_119_updated_constant0" -> "1872 symmetric_weights_decompressor_linear_119_updated_constant0_0"; +"1872 symmetric_weights_decompressor_linear_119_updated_constant0_0" -> "1873 linear_119"; +"1873 linear_119" -> "1874 dropout_77"; +"1874 dropout_77" -> "1875 view_109"; +"1875 view_109" -> "1876 permute_90"; +"1876 permute_90" -> "1877 reshape_89"; +"1877 reshape_89" -> "1878 roll_19"; +"1878 roll_19" -> "1879 slice_297"; +"1879 slice_297" -> "1880 slice_298"; +"1880 slice_298" -> "1881 slice_299"; +"1881 slice_299" -> "1882 slice_300"; +"1882 slice_300" -> "1883 contiguous_37"; +"1883 contiguous_37" -> "1886 layer_norm_41"; +"1884 _param_constant322" -> "1886 layer_norm_41"; +"1885 _param_constant323" -> "1886 layer_norm_41"; +"1886 layer_norm_41" -> "1887 add_68"; +"1887 add_68" -> "1891 linear_120"; +"1887 add_68" -> "1902 add_69"; +"1888 _param_constant325" -> "1891 linear_120"; +"1889 linear_120_updated_constant0" -> "1890 symmetric_weights_decompressor_linear_120_updated_constant0_0"; +"1890 symmetric_weights_decompressor_linear_120_updated_constant0_0" -> "1891 linear_120"; +"1891 linear_120" -> "1892 gelu_19"; +"1892 gelu_19" -> "1893 dropout_78"; +"1893 dropout_78" -> "1897 linear_121"; +"1894 _param_constant327" -> "1897 linear_121"; +"1895 linear_121_updated_constant0" -> "1896 symmetric_weights_decompressor_linear_121_updated_constant0_0"; +"1896 symmetric_weights_decompressor_linear_121_updated_constant0_0" -> "1897 linear_121"; +"1897 linear_121" -> "1898 dropout_79"; +"1898 dropout_79" -> "1901 layer_norm_42"; +"1899 _param_constant328" -> "1901 layer_norm_42"; +"1900 _param_constant329" -> "1901 layer_norm_42"; +"1901 layer_norm_42" -> "1902 add_69"; +"1902 add_69" -> "1921 pad_22"; +"1902 add_69" -> "1971 add_71"; +"1903 _tensor_constant130" -> "1907 linear_122"; +"1904 _param_constant331" -> "1907 linear_122"; +"1905 linear_122_updated_constant0" -> "1906 symmetric_weights_decompressor_linear_122_updated_constant0_0"; +"1906 symmetric_weights_decompressor_linear_122_updated_constant0_0" -> "1907 linear_122"; +"1907 linear_122" -> "1908 relu__20"; +"1908 relu__20" -> "1911 linear_123"; +"1909 linear_123_updated_constant0" -> "1910 symmetric_weights_decompressor_linear_123_updated_constant0_0"; +"1910 symmetric_weights_decompressor_linear_123_updated_constant0_0" -> "1911 linear_123"; +"1911 linear_123" -> "1912 view_110"; +"1912 view_110" -> "1914 index_20"; +"1913 _tensor_constant131" -> "1914 index_20"; +"1914 index_20" -> "1915 view_111"; +"1915 view_111" -> "1916 permute_91"; +"1916 permute_91" -> "1917 contiguous_38"; +"1917 contiguous_38" -> "1918 unsqueeze_60"; +"1918 unsqueeze_60" -> "1919 sigmoid_20"; +"1919 sigmoid_20" -> "1920 mul_40"; +"1920 mul_40" -> "1949 add_70"; +"1921 pad_22" -> "1922 view_112"; +"1922 view_112" -> "1923 permute_92"; +"1923 permute_92" -> "1924 reshape_90"; +"1924 reshape_90" -> "1929 linear_124"; +"1925 _param_constant333" -> "1926 clone_20"; +"1926 clone_20" -> "1929 linear_124"; +"1927 linear_124_updated_constant0" -> "1928 symmetric_weights_decompressor_linear_124_updated_constant0_0"; +"1928 symmetric_weights_decompressor_linear_124_updated_constant0_0" -> "1929 linear_124"; +"1929 linear_124" -> "1930 reshape_91"; +"1930 reshape_91" -> "1931 permute_93"; +"1931 permute_93" -> "1932 select_60"; +"1931 permute_93" -> "1933 select_61"; +"1931 permute_93" -> "1934 select_62"; +"1932 select_60" -> "1935 linalg_vector_norm_40"; +"1932 select_60" -> "1937 expand_as_40"; +"1932 select_60" -> "1938 div_40"; +"1933 select_61" -> "1939 linalg_vector_norm_41"; +"1933 select_61" -> "1941 expand_as_41"; +"1933 select_61" -> "1942 div_41"; +"1934 select_62" -> "1952 matmul_41"; +"1935 linalg_vector_norm_40" -> "1936 clamp_min_40"; +"1936 clamp_min_40" -> "1937 expand_as_40"; +"1937 expand_as_40" -> "1938 div_40"; +"1938 div_40" -> "1944 matmul_40"; +"1939 linalg_vector_norm_41" -> "1940 clamp_min_41"; +"1940 clamp_min_41" -> "1941 expand_as_41"; +"1941 expand_as_41" -> "1942 div_41"; +"1942 div_41" -> "1943 transpose_40"; +"1943 transpose_40" -> "1944 matmul_40"; +"1944 matmul_40" -> "1948 mul_41"; +"1945 _param_constant335" -> "1946 clamp_20"; +"1946 clamp_20" -> "1947 exp_20"; +"1947 exp_20" -> "1948 mul_41"; +"1948 mul_41" -> "1949 add_70"; +"1949 add_70" -> "1950 softmax_20"; +"1950 softmax_20" -> "1951 dropout_80"; +"1951 dropout_80" -> "1952 matmul_41"; +"1952 matmul_41" -> "1953 transpose_41"; +"1953 transpose_41" -> "1954 reshape_92"; +"1954 reshape_92" -> "1958 linear_125"; +"1955 _param_constant337" -> "1958 linear_125"; +"1956 linear_125_updated_constant0" -> "1957 symmetric_weights_decompressor_linear_125_updated_constant0_0"; +"1957 symmetric_weights_decompressor_linear_125_updated_constant0_0" -> "1958 linear_125"; +"1958 linear_125" -> "1959 dropout_81"; +"1959 dropout_81" -> "1960 view_113"; +"1960 view_113" -> "1961 permute_94"; +"1961 permute_94" -> "1962 reshape_93"; +"1962 reshape_93" -> "1963 slice_302"; +"1963 slice_302" -> "1964 slice_303"; +"1964 slice_303" -> "1965 slice_304"; +"1965 slice_304" -> "1966 slice_305"; +"1966 slice_305" -> "1967 contiguous_39"; +"1967 contiguous_39" -> "1970 layer_norm_43"; +"1968 _param_constant338" -> "1970 layer_norm_43"; +"1969 _param_constant339" -> "1970 layer_norm_43"; +"1970 layer_norm_43" -> "1971 add_71"; +"1971 add_71" -> "1975 linear_126"; +"1971 add_71" -> "1986 add_72"; +"1972 _param_constant341" -> "1975 linear_126"; +"1973 linear_126_updated_constant0" -> "1974 symmetric_weights_decompressor_linear_126_updated_constant0_0"; +"1974 symmetric_weights_decompressor_linear_126_updated_constant0_0" -> "1975 linear_126"; +"1975 linear_126" -> "1976 gelu_20"; +"1976 gelu_20" -> "1977 dropout_82"; +"1977 dropout_82" -> "1981 linear_127"; +"1978 _param_constant343" -> "1981 linear_127"; +"1979 linear_127_updated_constant0" -> "1980 symmetric_weights_decompressor_linear_127_updated_constant0_0"; +"1980 symmetric_weights_decompressor_linear_127_updated_constant0_0" -> "1981 linear_127"; +"1981 linear_127" -> "1982 dropout_83"; +"1982 dropout_83" -> "1985 layer_norm_44"; +"1983 _param_constant344" -> "1985 layer_norm_44"; +"1984 _param_constant345" -> "1985 layer_norm_44"; +"1985 layer_norm_44" -> "1986 add_72"; +"1986 add_72" -> "2005 pad_23"; +"1986 add_72" -> "2073 add_75"; +"1987 _tensor_constant132" -> "1991 linear_128"; +"1988 _param_constant347" -> "1991 linear_128"; +"1989 linear_128_updated_constant0" -> "1990 symmetric_weights_decompressor_linear_128_updated_constant0_0"; +"1990 symmetric_weights_decompressor_linear_128_updated_constant0_0" -> "1991 linear_128"; +"1991 linear_128" -> "1992 relu__21"; +"1992 relu__21" -> "1995 linear_129"; +"1993 linear_129_updated_constant0" -> "1994 symmetric_weights_decompressor_linear_129_updated_constant0_0"; +"1994 symmetric_weights_decompressor_linear_129_updated_constant0_0" -> "1995 linear_129"; +"1995 linear_129" -> "1996 view_114"; +"1996 view_114" -> "1998 index_21"; +"1997 _tensor_constant133" -> "1998 index_21"; +"1998 index_21" -> "1999 view_115"; +"1999 view_115" -> "2000 permute_95"; +"2000 permute_95" -> "2001 contiguous_40"; +"2001 contiguous_40" -> "2002 unsqueeze_61"; +"2002 unsqueeze_61" -> "2003 sigmoid_21"; +"2003 sigmoid_21" -> "2004 mul_42"; +"2004 mul_42" -> "2034 add_73"; +"2005 pad_23" -> "2006 roll_20"; +"2006 roll_20" -> "2007 view_116"; +"2007 view_116" -> "2008 permute_96"; +"2008 permute_96" -> "2009 reshape_94"; +"2009 reshape_94" -> "2014 linear_130"; +"2009 reshape_94" -> "2035 new_zeros_10"; +"2010 _param_constant349" -> "2011 clone_21"; +"2011 clone_21" -> "2014 linear_130"; +"2012 linear_130_updated_constant0" -> "2013 symmetric_weights_decompressor_linear_130_updated_constant0_0"; +"2013 symmetric_weights_decompressor_linear_130_updated_constant0_0" -> "2014 linear_130"; +"2014 linear_130" -> "2015 reshape_95"; +"2015 reshape_95" -> "2016 permute_97"; +"2016 permute_97" -> "2017 select_63"; +"2016 permute_97" -> "2018 select_64"; +"2016 permute_97" -> "2019 select_65"; +"2017 select_63" -> "2020 linalg_vector_norm_42"; +"2017 select_63" -> "2022 expand_as_42"; +"2017 select_63" -> "2023 div_42"; +"2018 select_64" -> "2024 linalg_vector_norm_43"; +"2018 select_64" -> "2026 expand_as_43"; +"2018 select_64" -> "2027 div_43"; +"2019 select_65" -> "2053 matmul_43"; +"2020 linalg_vector_norm_42" -> "2021 clamp_min_42"; +"2021 clamp_min_42" -> "2022 expand_as_42"; +"2022 expand_as_42" -> "2023 div_42"; +"2023 div_42" -> "2029 matmul_42"; +"2024 linalg_vector_norm_43" -> "2025 clamp_min_43"; +"2025 clamp_min_43" -> "2026 expand_as_43"; +"2026 expand_as_43" -> "2027 div_43"; +"2027 div_43" -> "2028 transpose_42"; +"2028 transpose_42" -> "2029 matmul_42"; +"2029 matmul_42" -> "2033 mul_43"; +"2030 _param_constant351" -> "2031 clamp_21"; +"2031 clamp_21" -> "2032 exp_21"; +"2032 exp_21" -> "2033 mul_43"; +"2033 mul_43" -> "2034 add_73"; +"2034 add_73" -> "2046 view_118"; +"2035 new_zeros_10" -> "2036 view_117"; +"2036 view_117" -> "2037 permute_98"; +"2037 permute_98" -> "2038 reshape_96"; +"2038 reshape_96" -> "2039 unsqueeze_62"; +"2038 reshape_96" -> "2040 unsqueeze_63"; +"2039 unsqueeze_62" -> "2041 sub_10"; +"2040 unsqueeze_63" -> "2041 sub_10"; +"2041 sub_10" -> "2042 ne_10"; +"2041 sub_10" -> "2043 masked_fill_20"; +"2041 sub_10" -> "2044 eq_10"; +"2042 ne_10" -> "2043 masked_fill_20"; +"2043 masked_fill_20" -> "2045 masked_fill_21"; +"2044 eq_10" -> "2045 masked_fill_21"; +"2045 masked_fill_21" -> "2047 unsqueeze_64"; +"2046 view_118" -> "2049 add_74"; +"2047 unsqueeze_64" -> "2048 unsqueeze_65"; +"2048 unsqueeze_65" -> "2049 add_74"; +"2049 add_74" -> "2050 view_119"; +"2050 view_119" -> "2051 softmax_21"; +"2051 softmax_21" -> "2052 dropout_84"; +"2052 dropout_84" -> "2053 matmul_43"; +"2053 matmul_43" -> "2054 transpose_43"; +"2054 transpose_43" -> "2055 reshape_97"; +"2055 reshape_97" -> "2059 linear_131"; +"2056 _param_constant353" -> "2059 linear_131"; +"2057 linear_131_updated_constant0" -> "2058 symmetric_weights_decompressor_linear_131_updated_constant0_0"; +"2058 symmetric_weights_decompressor_linear_131_updated_constant0_0" -> "2059 linear_131"; +"2059 linear_131" -> "2060 dropout_85"; +"2060 dropout_85" -> "2061 view_120"; +"2061 view_120" -> "2062 permute_99"; +"2062 permute_99" -> "2063 reshape_98"; +"2063 reshape_98" -> "2064 roll_21"; +"2064 roll_21" -> "2065 slice_325"; +"2065 slice_325" -> "2066 slice_326"; +"2066 slice_326" -> "2067 slice_327"; +"2067 slice_327" -> "2068 slice_328"; +"2068 slice_328" -> "2069 contiguous_41"; +"2069 contiguous_41" -> "2072 layer_norm_45"; +"2070 _param_constant354" -> "2072 layer_norm_45"; +"2071 _param_constant355" -> "2072 layer_norm_45"; +"2072 layer_norm_45" -> "2073 add_75"; +"2073 add_75" -> "2077 linear_132"; +"2073 add_75" -> "2088 add_76"; +"2074 _param_constant357" -> "2077 linear_132"; +"2075 linear_132_updated_constant0" -> "2076 symmetric_weights_decompressor_linear_132_updated_constant0_0"; +"2076 symmetric_weights_decompressor_linear_132_updated_constant0_0" -> "2077 linear_132"; +"2077 linear_132" -> "2078 gelu_21"; +"2078 gelu_21" -> "2079 dropout_86"; +"2079 dropout_86" -> "2083 linear_133"; +"2080 _param_constant359" -> "2083 linear_133"; +"2081 linear_133_updated_constant0" -> "2082 symmetric_weights_decompressor_linear_133_updated_constant0_0"; +"2082 symmetric_weights_decompressor_linear_133_updated_constant0_0" -> "2083 linear_133"; +"2083 linear_133" -> "2084 dropout_87"; +"2084 dropout_87" -> "2087 layer_norm_46"; +"2085 _param_constant360" -> "2087 layer_norm_46"; +"2086 _param_constant361" -> "2087 layer_norm_46"; +"2087 layer_norm_46" -> "2088 add_76"; +"2088 add_76" -> "2089 pad_24"; +"2089 pad_24" -> "2090 slice_329"; +"2089 pad_24" -> "2093 slice_332"; +"2089 pad_24" -> "2096 slice_335"; +"2089 pad_24" -> "2099 slice_338"; +"2090 slice_329" -> "2091 slice_330"; +"2091 slice_330" -> "2092 slice_331"; +"2092 slice_331" -> "2102 cat_2"; +"2093 slice_332" -> "2094 slice_333"; +"2094 slice_333" -> "2095 slice_334"; +"2095 slice_334" -> "2102 cat_2"; +"2096 slice_335" -> "2097 slice_336"; +"2097 slice_336" -> "2098 slice_337"; +"2098 slice_337" -> "2102 cat_2"; +"2099 slice_338" -> "2100 slice_339"; +"2100 slice_339" -> "2101 slice_340"; +"2101 slice_340" -> "2102 cat_2"; +"2102 cat_2" -> "2105 linear_134"; +"2103 linear_134_updated_constant0" -> "2104 symmetric_weights_decompressor_linear_134_updated_constant0_0"; +"2104 symmetric_weights_decompressor_linear_134_updated_constant0_0" -> "2105 linear_134"; +"2105 linear_134" -> "2108 layer_norm_47"; +"2106 _param_constant363" -> "2108 layer_norm_47"; +"2107 _param_constant364" -> "2108 layer_norm_47"; +"2108 layer_norm_47" -> "2127 pad_25"; +"2108 layer_norm_47" -> "2177 add_78"; +"2109 _tensor_constant143" -> "2113 linear_135"; +"2110 _param_constant366" -> "2113 linear_135"; +"2111 linear_135_updated_constant0" -> "2112 symmetric_weights_decompressor_linear_135_updated_constant0_0"; +"2112 symmetric_weights_decompressor_linear_135_updated_constant0_0" -> "2113 linear_135"; +"2113 linear_135" -> "2114 relu__22"; +"2114 relu__22" -> "2117 linear_136"; +"2115 linear_136_updated_constant0" -> "2116 symmetric_weights_decompressor_linear_136_updated_constant0_0"; +"2116 symmetric_weights_decompressor_linear_136_updated_constant0_0" -> "2117 linear_136"; +"2117 linear_136" -> "2118 view_121"; +"2118 view_121" -> "2120 index_22"; +"2119 _tensor_constant144" -> "2120 index_22"; +"2120 index_22" -> "2121 view_122"; +"2121 view_122" -> "2122 permute_100"; +"2122 permute_100" -> "2123 contiguous_42"; +"2123 contiguous_42" -> "2124 unsqueeze_66"; +"2124 unsqueeze_66" -> "2125 sigmoid_22"; +"2125 sigmoid_22" -> "2126 mul_44"; +"2126 mul_44" -> "2155 add_77"; +"2127 pad_25" -> "2128 view_123"; +"2128 view_123" -> "2129 permute_101"; +"2129 permute_101" -> "2130 reshape_99"; +"2130 reshape_99" -> "2135 linear_137"; +"2131 _param_constant368" -> "2132 clone_22"; +"2132 clone_22" -> "2135 linear_137"; +"2133 linear_137_updated_constant0" -> "2134 symmetric_weights_decompressor_linear_137_updated_constant0_0"; +"2134 symmetric_weights_decompressor_linear_137_updated_constant0_0" -> "2135 linear_137"; +"2135 linear_137" -> "2136 reshape_100"; +"2136 reshape_100" -> "2137 permute_102"; +"2137 permute_102" -> "2138 select_66"; +"2137 permute_102" -> "2139 select_67"; +"2137 permute_102" -> "2140 select_68"; +"2138 select_66" -> "2141 linalg_vector_norm_44"; +"2138 select_66" -> "2143 expand_as_44"; +"2138 select_66" -> "2144 div_44"; +"2139 select_67" -> "2145 linalg_vector_norm_45"; +"2139 select_67" -> "2147 expand_as_45"; +"2139 select_67" -> "2148 div_45"; +"2140 select_68" -> "2158 matmul_45"; +"2141 linalg_vector_norm_44" -> "2142 clamp_min_44"; +"2142 clamp_min_44" -> "2143 expand_as_44"; +"2143 expand_as_44" -> "2144 div_44"; +"2144 div_44" -> "2150 matmul_44"; +"2145 linalg_vector_norm_45" -> "2146 clamp_min_45"; +"2146 clamp_min_45" -> "2147 expand_as_45"; +"2147 expand_as_45" -> "2148 div_45"; +"2148 div_45" -> "2149 transpose_44"; +"2149 transpose_44" -> "2150 matmul_44"; +"2150 matmul_44" -> "2154 mul_45"; +"2151 _param_constant370" -> "2152 clamp_22"; +"2152 clamp_22" -> "2153 exp_22"; +"2153 exp_22" -> "2154 mul_45"; +"2154 mul_45" -> "2155 add_77"; +"2155 add_77" -> "2156 softmax_22"; +"2156 softmax_22" -> "2157 dropout_88"; +"2157 dropout_88" -> "2158 matmul_45"; +"2158 matmul_45" -> "2159 transpose_45"; +"2159 transpose_45" -> "2160 reshape_101"; +"2160 reshape_101" -> "2164 linear_138"; +"2161 _param_constant372" -> "2164 linear_138"; +"2162 linear_138_updated_constant0" -> "2163 symmetric_weights_decompressor_linear_138_updated_constant0_0"; +"2163 symmetric_weights_decompressor_linear_138_updated_constant0_0" -> "2164 linear_138"; +"2164 linear_138" -> "2165 dropout_89"; +"2165 dropout_89" -> "2166 view_124"; +"2166 view_124" -> "2167 permute_103"; +"2167 permute_103" -> "2168 reshape_102"; +"2168 reshape_102" -> "2169 slice_342"; +"2169 slice_342" -> "2170 slice_343"; +"2170 slice_343" -> "2171 slice_344"; +"2171 slice_344" -> "2172 slice_345"; +"2172 slice_345" -> "2173 contiguous_43"; +"2173 contiguous_43" -> "2176 layer_norm_48"; +"2174 _param_constant373" -> "2176 layer_norm_48"; +"2175 _param_constant374" -> "2176 layer_norm_48"; +"2176 layer_norm_48" -> "2177 add_78"; +"2177 add_78" -> "2181 linear_139"; +"2177 add_78" -> "2192 add_79"; +"2178 _param_constant376" -> "2181 linear_139"; +"2179 linear_139_updated_constant0" -> "2180 symmetric_weights_decompressor_linear_139_updated_constant0_0"; +"2180 symmetric_weights_decompressor_linear_139_updated_constant0_0" -> "2181 linear_139"; +"2181 linear_139" -> "2182 gelu_22"; +"2182 gelu_22" -> "2183 dropout_90"; +"2183 dropout_90" -> "2187 linear_140"; +"2184 _param_constant378" -> "2187 linear_140"; +"2185 linear_140_updated_constant0" -> "2186 symmetric_weights_decompressor_linear_140_updated_constant0_0"; +"2186 symmetric_weights_decompressor_linear_140_updated_constant0_0" -> "2187 linear_140"; +"2187 linear_140" -> "2188 dropout_91"; +"2188 dropout_91" -> "2191 layer_norm_49"; +"2189 _param_constant379" -> "2191 layer_norm_49"; +"2190 _param_constant380" -> "2191 layer_norm_49"; +"2191 layer_norm_49" -> "2192 add_79"; +"2192 add_79" -> "2211 pad_26"; +"2192 add_79" -> "2261 add_81"; +"2193 _tensor_constant145" -> "2197 linear_141"; +"2194 _param_constant382" -> "2197 linear_141"; +"2195 linear_141_updated_constant0" -> "2196 symmetric_weights_decompressor_linear_141_updated_constant0_0"; +"2196 symmetric_weights_decompressor_linear_141_updated_constant0_0" -> "2197 linear_141"; +"2197 linear_141" -> "2198 relu__23"; +"2198 relu__23" -> "2201 linear_142"; +"2199 linear_142_updated_constant0" -> "2200 symmetric_weights_decompressor_linear_142_updated_constant0_0"; +"2200 symmetric_weights_decompressor_linear_142_updated_constant0_0" -> "2201 linear_142"; +"2201 linear_142" -> "2202 view_125"; +"2202 view_125" -> "2204 index_23"; +"2203 _tensor_constant146" -> "2204 index_23"; +"2204 index_23" -> "2205 view_126"; +"2205 view_126" -> "2206 permute_104"; +"2206 permute_104" -> "2207 contiguous_44"; +"2207 contiguous_44" -> "2208 unsqueeze_67"; +"2208 unsqueeze_67" -> "2209 sigmoid_23"; +"2209 sigmoid_23" -> "2210 mul_46"; +"2210 mul_46" -> "2239 add_80"; +"2211 pad_26" -> "2212 view_127"; +"2212 view_127" -> "2213 permute_105"; +"2213 permute_105" -> "2214 reshape_103"; +"2214 reshape_103" -> "2219 linear_143"; +"2215 _param_constant384" -> "2216 clone_23"; +"2216 clone_23" -> "2219 linear_143"; +"2217 linear_143_updated_constant0" -> "2218 symmetric_weights_decompressor_linear_143_updated_constant0_0"; +"2218 symmetric_weights_decompressor_linear_143_updated_constant0_0" -> "2219 linear_143"; +"2219 linear_143" -> "2220 reshape_104"; +"2220 reshape_104" -> "2221 permute_106"; +"2221 permute_106" -> "2222 select_69"; +"2221 permute_106" -> "2223 select_70"; +"2221 permute_106" -> "2224 select_71"; +"2222 select_69" -> "2225 linalg_vector_norm_46"; +"2222 select_69" -> "2227 expand_as_46"; +"2222 select_69" -> "2228 div_46"; +"2223 select_70" -> "2229 linalg_vector_norm_47"; +"2223 select_70" -> "2231 expand_as_47"; +"2223 select_70" -> "2232 div_47"; +"2224 select_71" -> "2242 matmul_47"; +"2225 linalg_vector_norm_46" -> "2226 clamp_min_46"; +"2226 clamp_min_46" -> "2227 expand_as_46"; +"2227 expand_as_46" -> "2228 div_46"; +"2228 div_46" -> "2234 matmul_46"; +"2229 linalg_vector_norm_47" -> "2230 clamp_min_47"; +"2230 clamp_min_47" -> "2231 expand_as_47"; +"2231 expand_as_47" -> "2232 div_47"; +"2232 div_47" -> "2233 transpose_46"; +"2233 transpose_46" -> "2234 matmul_46"; +"2234 matmul_46" -> "2238 mul_47"; +"2235 _param_constant386" -> "2236 clamp_23"; +"2236 clamp_23" -> "2237 exp_23"; +"2237 exp_23" -> "2238 mul_47"; +"2238 mul_47" -> "2239 add_80"; +"2239 add_80" -> "2240 softmax_23"; +"2240 softmax_23" -> "2241 dropout_92"; +"2241 dropout_92" -> "2242 matmul_47"; +"2242 matmul_47" -> "2243 transpose_47"; +"2243 transpose_47" -> "2244 reshape_105"; +"2244 reshape_105" -> "2248 linear_144"; +"2245 _param_constant388" -> "2248 linear_144"; +"2246 linear_144_updated_constant0" -> "2247 symmetric_weights_decompressor_linear_144_updated_constant0_0"; +"2247 symmetric_weights_decompressor_linear_144_updated_constant0_0" -> "2248 linear_144"; +"2248 linear_144" -> "2249 dropout_93"; +"2249 dropout_93" -> "2250 view_128"; +"2250 view_128" -> "2251 permute_107"; +"2251 permute_107" -> "2252 reshape_106"; +"2252 reshape_106" -> "2253 slice_347"; +"2253 slice_347" -> "2254 slice_348"; +"2254 slice_348" -> "2255 slice_349"; +"2255 slice_349" -> "2256 slice_350"; +"2256 slice_350" -> "2257 contiguous_45"; +"2257 contiguous_45" -> "2260 layer_norm_50"; +"2258 _param_constant389" -> "2260 layer_norm_50"; +"2259 _param_constant390" -> "2260 layer_norm_50"; +"2260 layer_norm_50" -> "2261 add_81"; +"2261 add_81" -> "2265 linear_145"; +"2261 add_81" -> "2276 add_82"; +"2262 _param_constant392" -> "2265 linear_145"; +"2263 linear_145_updated_constant0" -> "2264 symmetric_weights_decompressor_linear_145_updated_constant0_0"; +"2264 symmetric_weights_decompressor_linear_145_updated_constant0_0" -> "2265 linear_145"; +"2265 linear_145" -> "2266 gelu_23"; +"2266 gelu_23" -> "2267 dropout_94"; +"2267 dropout_94" -> "2271 linear_146"; +"2268 _param_constant394" -> "2271 linear_146"; +"2269 linear_146_updated_constant0" -> "2270 symmetric_weights_decompressor_linear_146_updated_constant0_0"; +"2270 symmetric_weights_decompressor_linear_146_updated_constant0_0" -> "2271 linear_146"; +"2271 linear_146" -> "2272 dropout_95"; +"2272 dropout_95" -> "2275 layer_norm_51"; +"2273 _param_constant395" -> "2275 layer_norm_51"; +"2274 _param_constant396" -> "2275 layer_norm_51"; +"2275 layer_norm_51" -> "2276 add_82"; +"2276 add_82" -> "2279 layer_norm_52"; +"2277 _param_constant397" -> "2279 layer_norm_52"; +"2278 _param_constant398" -> "2279 layer_norm_52"; +"2279 layer_norm_52" -> "2280 permute_108"; +"2280 permute_108" -> "2281 adaptive_avg_pool2d"; +"2281 adaptive_avg_pool2d" -> "2282 flatten"; +"2282 flatten" -> "2286 linear_147"; +"2283 _param_constant400" -> "2286 linear_147"; +"2284 linear_147_updated_constant0" -> "2285 symmetric_weights_decompressor_linear_147_updated_constant0_0"; +"2285 symmetric_weights_decompressor_linear_147_updated_constant0_0" -> "2286 linear_147"; +"2286 linear_147" -> "2287 output"; +} diff --git a/tests/torch/data/reference_graphs/fx/compressed/unet_int8_asym.dot b/tests/torch/data/reference_graphs/fx/compressed/unet_int8_asym.dot new file mode 100644 index 00000000000..9b75a6f8c75 --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/compressed/unet_int8_asym.dot @@ -0,0 +1,493 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 _param_constant1" [id=1, type=get_attr]; +"2 conv2d_updated_constant0" [id=2, type=get_attr]; +"3 asymmetric_weights_decompressor_conv2d_updated_constant0_0" [id=3, type=call_module]; +"4 conv2d" [id=4, type=conv2d]; +"5 _param_constant2" [id=5, type=get_attr]; +"6 _param_constant3" [id=6, type=get_attr]; +"7 _tensor_constant0" [id=7, type=get_attr]; +"8 _tensor_constant1" [id=8, type=get_attr]; +"9 _native_batch_norm_legit_no_training" [id=9, type=_native_batch_norm_legit_no_training]; +"10 getitem" [id=10, type=__getitem__]; +"11 relu" [id=11, type=relu]; +"12 _param_constant5" [id=12, type=get_attr]; +"13 conv2d_1_updated_constant0" [id=13, type=get_attr]; +"14 asymmetric_weights_decompressor_conv2d_1_updated_constant0_0" [id=14, type=call_module]; +"15 conv2d_1" [id=15, type=conv2d]; +"16 _param_constant6" [id=16, type=get_attr]; +"17 _param_constant7" [id=17, type=get_attr]; +"18 _tensor_constant2" [id=18, type=get_attr]; +"19 _tensor_constant3" [id=19, type=get_attr]; +"20 _native_batch_norm_legit_no_training_1" [id=20, type=_native_batch_norm_legit_no_training]; +"21 getitem_3" [id=21, type=__getitem__]; +"22 relu_1" [id=22, type=relu]; +"23 max_pool2d" [id=23, type=max_pool2d]; +"24 _param_constant9" [id=24, type=get_attr]; +"25 conv2d_2_updated_constant0" [id=25, type=get_attr]; +"26 asymmetric_weights_decompressor_conv2d_2_updated_constant0_0" [id=26, type=call_module]; +"27 conv2d_2" [id=27, type=conv2d]; +"28 _param_constant10" [id=28, type=get_attr]; +"29 _param_constant11" [id=29, type=get_attr]; +"30 _tensor_constant4" [id=30, type=get_attr]; +"31 _tensor_constant5" [id=31, type=get_attr]; +"32 _native_batch_norm_legit_no_training_2" [id=32, type=_native_batch_norm_legit_no_training]; +"33 getitem_6" [id=33, type=__getitem__]; +"34 relu_2" [id=34, type=relu]; +"35 _param_constant13" [id=35, type=get_attr]; +"36 conv2d_3_updated_constant0" [id=36, type=get_attr]; +"37 asymmetric_weights_decompressor_conv2d_3_updated_constant0_0" [id=37, type=call_module]; +"38 conv2d_3" [id=38, type=conv2d]; +"39 _param_constant14" [id=39, type=get_attr]; +"40 _param_constant15" [id=40, type=get_attr]; +"41 _tensor_constant6" [id=41, type=get_attr]; +"42 _tensor_constant7" [id=42, type=get_attr]; +"43 _native_batch_norm_legit_no_training_3" [id=43, type=_native_batch_norm_legit_no_training]; +"44 getitem_9" [id=44, type=__getitem__]; +"45 relu_3" [id=45, type=relu]; +"46 max_pool2d_1" [id=46, type=max_pool2d]; +"47 _param_constant17" [id=47, type=get_attr]; +"48 conv2d_4_updated_constant0" [id=48, type=get_attr]; +"49 asymmetric_weights_decompressor_conv2d_4_updated_constant0_0" [id=49, type=call_module]; +"50 conv2d_4" [id=50, type=conv2d]; +"51 _param_constant18" [id=51, type=get_attr]; +"52 _param_constant19" [id=52, type=get_attr]; +"53 _tensor_constant8" [id=53, type=get_attr]; +"54 _tensor_constant9" [id=54, type=get_attr]; +"55 _native_batch_norm_legit_no_training_4" [id=55, type=_native_batch_norm_legit_no_training]; +"56 getitem_12" [id=56, type=__getitem__]; +"57 relu_4" [id=57, type=relu]; +"58 _param_constant21" [id=58, type=get_attr]; +"59 conv2d_5_updated_constant0" [id=59, type=get_attr]; +"60 asymmetric_weights_decompressor_conv2d_5_updated_constant0_0" [id=60, type=call_module]; +"61 conv2d_5" [id=61, type=conv2d]; +"62 _param_constant22" [id=62, type=get_attr]; +"63 _param_constant23" [id=63, type=get_attr]; +"64 _tensor_constant10" [id=64, type=get_attr]; +"65 _tensor_constant11" [id=65, type=get_attr]; +"66 _native_batch_norm_legit_no_training_5" [id=66, type=_native_batch_norm_legit_no_training]; +"67 getitem_15" [id=67, type=__getitem__]; +"68 relu_5" [id=68, type=relu]; +"69 max_pool2d_2" [id=69, type=max_pool2d]; +"70 _param_constant25" [id=70, type=get_attr]; +"71 conv2d_6_updated_constant0" [id=71, type=get_attr]; +"72 asymmetric_weights_decompressor_conv2d_6_updated_constant0_0" [id=72, type=call_module]; +"73 conv2d_6" [id=73, type=conv2d]; +"74 _param_constant26" [id=74, type=get_attr]; +"75 _param_constant27" [id=75, type=get_attr]; +"76 _tensor_constant12" [id=76, type=get_attr]; +"77 _tensor_constant13" [id=77, type=get_attr]; +"78 _native_batch_norm_legit_no_training_6" [id=78, type=_native_batch_norm_legit_no_training]; +"79 getitem_18" [id=79, type=__getitem__]; +"80 relu_6" [id=80, type=relu]; +"81 _param_constant29" [id=81, type=get_attr]; +"82 conv2d_7_updated_constant0" [id=82, type=get_attr]; +"83 asymmetric_weights_decompressor_conv2d_7_updated_constant0_0" [id=83, type=call_module]; +"84 conv2d_7" [id=84, type=conv2d]; +"85 _param_constant30" [id=85, type=get_attr]; +"86 _param_constant31" [id=86, type=get_attr]; +"87 _tensor_constant14" [id=87, type=get_attr]; +"88 _tensor_constant15" [id=88, type=get_attr]; +"89 _native_batch_norm_legit_no_training_7" [id=89, type=_native_batch_norm_legit_no_training]; +"90 getitem_21" [id=90, type=__getitem__]; +"91 relu_7" [id=91, type=relu]; +"92 max_pool2d_3" [id=92, type=max_pool2d]; +"93 _param_constant33" [id=93, type=get_attr]; +"94 conv2d_8_updated_constant0" [id=94, type=get_attr]; +"95 asymmetric_weights_decompressor_conv2d_8_updated_constant0_0" [id=95, type=call_module]; +"96 conv2d_8" [id=96, type=conv2d]; +"97 _param_constant34" [id=97, type=get_attr]; +"98 _param_constant35" [id=98, type=get_attr]; +"99 _tensor_constant16" [id=99, type=get_attr]; +"100 _tensor_constant17" [id=100, type=get_attr]; +"101 _native_batch_norm_legit_no_training_8" [id=101, type=_native_batch_norm_legit_no_training]; +"102 getitem_24" [id=102, type=__getitem__]; +"103 relu_8" [id=103, type=relu]; +"104 _param_constant37" [id=104, type=get_attr]; +"105 conv2d_9_updated_constant0" [id=105, type=get_attr]; +"106 asymmetric_weights_decompressor_conv2d_9_updated_constant0_0" [id=106, type=call_module]; +"107 conv2d_9" [id=107, type=conv2d]; +"108 _param_constant38" [id=108, type=get_attr]; +"109 _param_constant39" [id=109, type=get_attr]; +"110 _tensor_constant18" [id=110, type=get_attr]; +"111 _tensor_constant19" [id=111, type=get_attr]; +"112 _native_batch_norm_legit_no_training_9" [id=112, type=_native_batch_norm_legit_no_training]; +"113 getitem_27" [id=113, type=__getitem__]; +"114 relu_9" [id=114, type=relu]; +"115 _param_constant41" [id=115, type=get_attr]; +"116 conv_transpose2d_updated_constant0" [id=116, type=get_attr]; +"117 asymmetric_weights_decompressor_conv_transpose2d_updated_constant0_0" [id=117, type=call_module]; +"118 conv_transpose2d" [id=118, type=conv_transpose2d]; +"119 slice_1" [id=119, type=slice]; +"120 slice_2" [id=120, type=slice]; +"121 slice_3" [id=121, type=slice]; +"122 slice_4" [id=122, type=slice]; +"123 cat" [id=123, type=cat]; +"124 _param_constant43" [id=124, type=get_attr]; +"125 conv2d_10_updated_constant0" [id=125, type=get_attr]; +"126 asymmetric_weights_decompressor_conv2d_10_updated_constant0_0" [id=126, type=call_module]; +"127 conv2d_10" [id=127, type=conv2d]; +"128 _param_constant44" [id=128, type=get_attr]; +"129 _param_constant45" [id=129, type=get_attr]; +"130 _tensor_constant20" [id=130, type=get_attr]; +"131 _tensor_constant21" [id=131, type=get_attr]; +"132 _native_batch_norm_legit_no_training_10" [id=132, type=_native_batch_norm_legit_no_training]; +"133 getitem_30" [id=133, type=__getitem__]; +"134 relu_10" [id=134, type=relu]; +"135 _param_constant47" [id=135, type=get_attr]; +"136 conv2d_11_updated_constant0" [id=136, type=get_attr]; +"137 asymmetric_weights_decompressor_conv2d_11_updated_constant0_0" [id=137, type=call_module]; +"138 conv2d_11" [id=138, type=conv2d]; +"139 _param_constant48" [id=139, type=get_attr]; +"140 _param_constant49" [id=140, type=get_attr]; +"141 _tensor_constant22" [id=141, type=get_attr]; +"142 _tensor_constant23" [id=142, type=get_attr]; +"143 _native_batch_norm_legit_no_training_11" [id=143, type=_native_batch_norm_legit_no_training]; +"144 getitem_33" [id=144, type=__getitem__]; +"145 relu_11" [id=145, type=relu]; +"146 _param_constant51" [id=146, type=get_attr]; +"147 conv_transpose2d_1_updated_constant0" [id=147, type=get_attr]; +"148 asymmetric_weights_decompressor_conv_transpose2d_1_updated_constant0_0" [id=148, type=call_module]; +"149 conv_transpose2d_1" [id=149, type=conv_transpose2d]; +"150 slice_5" [id=150, type=slice]; +"151 slice_6" [id=151, type=slice]; +"152 slice_7" [id=152, type=slice]; +"153 slice_8" [id=153, type=slice]; +"154 cat_1" [id=154, type=cat]; +"155 _param_constant53" [id=155, type=get_attr]; +"156 conv2d_12_updated_constant0" [id=156, type=get_attr]; +"157 asymmetric_weights_decompressor_conv2d_12_updated_constant0_0" [id=157, type=call_module]; +"158 conv2d_12" [id=158, type=conv2d]; +"159 _param_constant54" [id=159, type=get_attr]; +"160 _param_constant55" [id=160, type=get_attr]; +"161 _tensor_constant24" [id=161, type=get_attr]; +"162 _tensor_constant25" [id=162, type=get_attr]; +"163 _native_batch_norm_legit_no_training_12" [id=163, type=_native_batch_norm_legit_no_training]; +"164 getitem_36" [id=164, type=__getitem__]; +"165 relu_12" [id=165, type=relu]; +"166 _param_constant57" [id=166, type=get_attr]; +"167 conv2d_13_updated_constant0" [id=167, type=get_attr]; +"168 asymmetric_weights_decompressor_conv2d_13_updated_constant0_0" [id=168, type=call_module]; +"169 conv2d_13" [id=169, type=conv2d]; +"170 _param_constant58" [id=170, type=get_attr]; +"171 _param_constant59" [id=171, type=get_attr]; +"172 _tensor_constant26" [id=172, type=get_attr]; +"173 _tensor_constant27" [id=173, type=get_attr]; +"174 _native_batch_norm_legit_no_training_13" [id=174, type=_native_batch_norm_legit_no_training]; +"175 getitem_39" [id=175, type=__getitem__]; +"176 relu_13" [id=176, type=relu]; +"177 _param_constant61" [id=177, type=get_attr]; +"178 conv_transpose2d_2_updated_constant0" [id=178, type=get_attr]; +"179 asymmetric_weights_decompressor_conv_transpose2d_2_updated_constant0_0" [id=179, type=call_module]; +"180 conv_transpose2d_2" [id=180, type=conv_transpose2d]; +"181 slice_9" [id=181, type=slice]; +"182 slice_10" [id=182, type=slice]; +"183 slice_11" [id=183, type=slice]; +"184 slice_12" [id=184, type=slice]; +"185 cat_2" [id=185, type=cat]; +"186 _param_constant63" [id=186, type=get_attr]; +"187 conv2d_14_updated_constant0" [id=187, type=get_attr]; +"188 asymmetric_weights_decompressor_conv2d_14_updated_constant0_0" [id=188, type=call_module]; +"189 conv2d_14" [id=189, type=conv2d]; +"190 _param_constant64" [id=190, type=get_attr]; +"191 _param_constant65" [id=191, type=get_attr]; +"192 _tensor_constant28" [id=192, type=get_attr]; +"193 _tensor_constant29" [id=193, type=get_attr]; +"194 _native_batch_norm_legit_no_training_14" [id=194, type=_native_batch_norm_legit_no_training]; +"195 getitem_42" [id=195, type=__getitem__]; +"196 relu_14" [id=196, type=relu]; +"197 _param_constant67" [id=197, type=get_attr]; +"198 conv2d_15_updated_constant0" [id=198, type=get_attr]; +"199 asymmetric_weights_decompressor_conv2d_15_updated_constant0_0" [id=199, type=call_module]; +"200 conv2d_15" [id=200, type=conv2d]; +"201 _param_constant68" [id=201, type=get_attr]; +"202 _param_constant69" [id=202, type=get_attr]; +"203 _tensor_constant30" [id=203, type=get_attr]; +"204 _tensor_constant31" [id=204, type=get_attr]; +"205 _native_batch_norm_legit_no_training_15" [id=205, type=_native_batch_norm_legit_no_training]; +"206 getitem_45" [id=206, type=__getitem__]; +"207 relu_15" [id=207, type=relu]; +"208 _param_constant71" [id=208, type=get_attr]; +"209 conv_transpose2d_3_updated_constant0" [id=209, type=get_attr]; +"210 asymmetric_weights_decompressor_conv_transpose2d_3_updated_constant0_0" [id=210, type=call_module]; +"211 conv_transpose2d_3" [id=211, type=conv_transpose2d]; +"212 slice_13" [id=212, type=slice]; +"213 slice_14" [id=213, type=slice]; +"214 slice_15" [id=214, type=slice]; +"215 slice_16" [id=215, type=slice]; +"216 cat_3" [id=216, type=cat]; +"217 _param_constant73" [id=217, type=get_attr]; +"218 conv2d_16_updated_constant0" [id=218, type=get_attr]; +"219 asymmetric_weights_decompressor_conv2d_16_updated_constant0_0" [id=219, type=call_module]; +"220 conv2d_16" [id=220, type=conv2d]; +"221 _param_constant74" [id=221, type=get_attr]; +"222 _param_constant75" [id=222, type=get_attr]; +"223 _tensor_constant32" [id=223, type=get_attr]; +"224 _tensor_constant33" [id=224, type=get_attr]; +"225 _native_batch_norm_legit_no_training_16" [id=225, type=_native_batch_norm_legit_no_training]; +"226 getitem_48" [id=226, type=__getitem__]; +"227 relu_16" [id=227, type=relu]; +"228 _param_constant77" [id=228, type=get_attr]; +"229 conv2d_17_updated_constant0" [id=229, type=get_attr]; +"230 asymmetric_weights_decompressor_conv2d_17_updated_constant0_0" [id=230, type=call_module]; +"231 conv2d_17" [id=231, type=conv2d]; +"232 _param_constant78" [id=232, type=get_attr]; +"233 _param_constant79" [id=233, type=get_attr]; +"234 _tensor_constant34" [id=234, type=get_attr]; +"235 _tensor_constant35" [id=235, type=get_attr]; +"236 _native_batch_norm_legit_no_training_17" [id=236, type=_native_batch_norm_legit_no_training]; +"237 getitem_51" [id=237, type=__getitem__]; +"238 relu_17" [id=238, type=relu]; +"239 _param_constant81" [id=239, type=get_attr]; +"240 conv2d_18_updated_constant0" [id=240, type=get_attr]; +"241 asymmetric_weights_decompressor_conv2d_18_updated_constant0_0" [id=241, type=call_module]; +"242 conv2d_18" [id=242, type=conv2d]; +"243 output" [id=243, type=output]; +"0 arg0_1" -> "4 conv2d"; +"1 _param_constant1" -> "4 conv2d"; +"2 conv2d_updated_constant0" -> "3 asymmetric_weights_decompressor_conv2d_updated_constant0_0"; +"3 asymmetric_weights_decompressor_conv2d_updated_constant0_0" -> "4 conv2d"; +"4 conv2d" -> "9 _native_batch_norm_legit_no_training"; +"5 _param_constant2" -> "9 _native_batch_norm_legit_no_training"; +"6 _param_constant3" -> "9 _native_batch_norm_legit_no_training"; +"7 _tensor_constant0" -> "9 _native_batch_norm_legit_no_training"; +"8 _tensor_constant1" -> "9 _native_batch_norm_legit_no_training"; +"9 _native_batch_norm_legit_no_training" -> "10 getitem"; +"10 getitem" -> "11 relu"; +"11 relu" -> "15 conv2d_1"; +"12 _param_constant5" -> "15 conv2d_1"; +"13 conv2d_1_updated_constant0" -> "14 asymmetric_weights_decompressor_conv2d_1_updated_constant0_0"; +"14 asymmetric_weights_decompressor_conv2d_1_updated_constant0_0" -> "15 conv2d_1"; +"15 conv2d_1" -> "20 _native_batch_norm_legit_no_training_1"; +"16 _param_constant6" -> "20 _native_batch_norm_legit_no_training_1"; +"17 _param_constant7" -> "20 _native_batch_norm_legit_no_training_1"; +"18 _tensor_constant2" -> "20 _native_batch_norm_legit_no_training_1"; +"19 _tensor_constant3" -> "20 _native_batch_norm_legit_no_training_1"; +"20 _native_batch_norm_legit_no_training_1" -> "21 getitem_3"; +"21 getitem_3" -> "22 relu_1"; +"22 relu_1" -> "23 max_pool2d"; +"22 relu_1" -> "212 slice_13"; +"23 max_pool2d" -> "27 conv2d_2"; +"24 _param_constant9" -> "27 conv2d_2"; +"25 conv2d_2_updated_constant0" -> "26 asymmetric_weights_decompressor_conv2d_2_updated_constant0_0"; +"26 asymmetric_weights_decompressor_conv2d_2_updated_constant0_0" -> "27 conv2d_2"; +"27 conv2d_2" -> "32 _native_batch_norm_legit_no_training_2"; +"28 _param_constant10" -> "32 _native_batch_norm_legit_no_training_2"; +"29 _param_constant11" -> "32 _native_batch_norm_legit_no_training_2"; +"30 _tensor_constant4" -> "32 _native_batch_norm_legit_no_training_2"; +"31 _tensor_constant5" -> "32 _native_batch_norm_legit_no_training_2"; +"32 _native_batch_norm_legit_no_training_2" -> "33 getitem_6"; +"33 getitem_6" -> "34 relu_2"; +"34 relu_2" -> "38 conv2d_3"; +"35 _param_constant13" -> "38 conv2d_3"; +"36 conv2d_3_updated_constant0" -> "37 asymmetric_weights_decompressor_conv2d_3_updated_constant0_0"; +"37 asymmetric_weights_decompressor_conv2d_3_updated_constant0_0" -> "38 conv2d_3"; +"38 conv2d_3" -> "43 _native_batch_norm_legit_no_training_3"; +"39 _param_constant14" -> "43 _native_batch_norm_legit_no_training_3"; +"40 _param_constant15" -> "43 _native_batch_norm_legit_no_training_3"; +"41 _tensor_constant6" -> "43 _native_batch_norm_legit_no_training_3"; +"42 _tensor_constant7" -> "43 _native_batch_norm_legit_no_training_3"; +"43 _native_batch_norm_legit_no_training_3" -> "44 getitem_9"; +"44 getitem_9" -> "45 relu_3"; +"45 relu_3" -> "46 max_pool2d_1"; +"45 relu_3" -> "181 slice_9"; +"46 max_pool2d_1" -> "50 conv2d_4"; +"47 _param_constant17" -> "50 conv2d_4"; +"48 conv2d_4_updated_constant0" -> "49 asymmetric_weights_decompressor_conv2d_4_updated_constant0_0"; +"49 asymmetric_weights_decompressor_conv2d_4_updated_constant0_0" -> "50 conv2d_4"; +"50 conv2d_4" -> "55 _native_batch_norm_legit_no_training_4"; +"51 _param_constant18" -> "55 _native_batch_norm_legit_no_training_4"; +"52 _param_constant19" -> "55 _native_batch_norm_legit_no_training_4"; +"53 _tensor_constant8" -> "55 _native_batch_norm_legit_no_training_4"; +"54 _tensor_constant9" -> "55 _native_batch_norm_legit_no_training_4"; +"55 _native_batch_norm_legit_no_training_4" -> "56 getitem_12"; +"56 getitem_12" -> "57 relu_4"; +"57 relu_4" -> "61 conv2d_5"; +"58 _param_constant21" -> "61 conv2d_5"; +"59 conv2d_5_updated_constant0" -> "60 asymmetric_weights_decompressor_conv2d_5_updated_constant0_0"; +"60 asymmetric_weights_decompressor_conv2d_5_updated_constant0_0" -> "61 conv2d_5"; +"61 conv2d_5" -> "66 _native_batch_norm_legit_no_training_5"; +"62 _param_constant22" -> "66 _native_batch_norm_legit_no_training_5"; +"63 _param_constant23" -> "66 _native_batch_norm_legit_no_training_5"; +"64 _tensor_constant10" -> "66 _native_batch_norm_legit_no_training_5"; +"65 _tensor_constant11" -> "66 _native_batch_norm_legit_no_training_5"; +"66 _native_batch_norm_legit_no_training_5" -> "67 getitem_15"; +"67 getitem_15" -> "68 relu_5"; +"68 relu_5" -> "69 max_pool2d_2"; +"68 relu_5" -> "150 slice_5"; +"69 max_pool2d_2" -> "73 conv2d_6"; +"70 _param_constant25" -> "73 conv2d_6"; +"71 conv2d_6_updated_constant0" -> "72 asymmetric_weights_decompressor_conv2d_6_updated_constant0_0"; +"72 asymmetric_weights_decompressor_conv2d_6_updated_constant0_0" -> "73 conv2d_6"; +"73 conv2d_6" -> "78 _native_batch_norm_legit_no_training_6"; +"74 _param_constant26" -> "78 _native_batch_norm_legit_no_training_6"; +"75 _param_constant27" -> "78 _native_batch_norm_legit_no_training_6"; +"76 _tensor_constant12" -> "78 _native_batch_norm_legit_no_training_6"; +"77 _tensor_constant13" -> "78 _native_batch_norm_legit_no_training_6"; +"78 _native_batch_norm_legit_no_training_6" -> "79 getitem_18"; +"79 getitem_18" -> "80 relu_6"; +"80 relu_6" -> "84 conv2d_7"; +"81 _param_constant29" -> "84 conv2d_7"; +"82 conv2d_7_updated_constant0" -> "83 asymmetric_weights_decompressor_conv2d_7_updated_constant0_0"; +"83 asymmetric_weights_decompressor_conv2d_7_updated_constant0_0" -> "84 conv2d_7"; +"84 conv2d_7" -> "89 _native_batch_norm_legit_no_training_7"; +"85 _param_constant30" -> "89 _native_batch_norm_legit_no_training_7"; +"86 _param_constant31" -> "89 _native_batch_norm_legit_no_training_7"; +"87 _tensor_constant14" -> "89 _native_batch_norm_legit_no_training_7"; +"88 _tensor_constant15" -> "89 _native_batch_norm_legit_no_training_7"; +"89 _native_batch_norm_legit_no_training_7" -> "90 getitem_21"; +"90 getitem_21" -> "91 relu_7"; +"91 relu_7" -> "92 max_pool2d_3"; +"91 relu_7" -> "119 slice_1"; +"92 max_pool2d_3" -> "96 conv2d_8"; +"93 _param_constant33" -> "96 conv2d_8"; +"94 conv2d_8_updated_constant0" -> "95 asymmetric_weights_decompressor_conv2d_8_updated_constant0_0"; +"95 asymmetric_weights_decompressor_conv2d_8_updated_constant0_0" -> "96 conv2d_8"; +"96 conv2d_8" -> "101 _native_batch_norm_legit_no_training_8"; +"97 _param_constant34" -> "101 _native_batch_norm_legit_no_training_8"; +"98 _param_constant35" -> "101 _native_batch_norm_legit_no_training_8"; +"99 _tensor_constant16" -> "101 _native_batch_norm_legit_no_training_8"; +"100 _tensor_constant17" -> "101 _native_batch_norm_legit_no_training_8"; +"101 _native_batch_norm_legit_no_training_8" -> "102 getitem_24"; +"102 getitem_24" -> "103 relu_8"; +"103 relu_8" -> "107 conv2d_9"; +"104 _param_constant37" -> "107 conv2d_9"; +"105 conv2d_9_updated_constant0" -> "106 asymmetric_weights_decompressor_conv2d_9_updated_constant0_0"; +"106 asymmetric_weights_decompressor_conv2d_9_updated_constant0_0" -> "107 conv2d_9"; +"107 conv2d_9" -> "112 _native_batch_norm_legit_no_training_9"; +"108 _param_constant38" -> "112 _native_batch_norm_legit_no_training_9"; +"109 _param_constant39" -> "112 _native_batch_norm_legit_no_training_9"; +"110 _tensor_constant18" -> "112 _native_batch_norm_legit_no_training_9"; +"111 _tensor_constant19" -> "112 _native_batch_norm_legit_no_training_9"; +"112 _native_batch_norm_legit_no_training_9" -> "113 getitem_27"; +"113 getitem_27" -> "114 relu_9"; +"114 relu_9" -> "118 conv_transpose2d"; +"115 _param_constant41" -> "118 conv_transpose2d"; +"116 conv_transpose2d_updated_constant0" -> "117 asymmetric_weights_decompressor_conv_transpose2d_updated_constant0_0"; +"117 asymmetric_weights_decompressor_conv_transpose2d_updated_constant0_0" -> "118 conv_transpose2d"; +"118 conv_transpose2d" -> "123 cat"; +"119 slice_1" -> "120 slice_2"; +"120 slice_2" -> "121 slice_3"; +"121 slice_3" -> "122 slice_4"; +"122 slice_4" -> "123 cat"; +"123 cat" -> "127 conv2d_10"; +"124 _param_constant43" -> "127 conv2d_10"; +"125 conv2d_10_updated_constant0" -> "126 asymmetric_weights_decompressor_conv2d_10_updated_constant0_0"; +"126 asymmetric_weights_decompressor_conv2d_10_updated_constant0_0" -> "127 conv2d_10"; +"127 conv2d_10" -> "132 _native_batch_norm_legit_no_training_10"; +"128 _param_constant44" -> "132 _native_batch_norm_legit_no_training_10"; +"129 _param_constant45" -> "132 _native_batch_norm_legit_no_training_10"; +"130 _tensor_constant20" -> "132 _native_batch_norm_legit_no_training_10"; +"131 _tensor_constant21" -> "132 _native_batch_norm_legit_no_training_10"; +"132 _native_batch_norm_legit_no_training_10" -> "133 getitem_30"; +"133 getitem_30" -> "134 relu_10"; +"134 relu_10" -> "138 conv2d_11"; +"135 _param_constant47" -> "138 conv2d_11"; +"136 conv2d_11_updated_constant0" -> "137 asymmetric_weights_decompressor_conv2d_11_updated_constant0_0"; +"137 asymmetric_weights_decompressor_conv2d_11_updated_constant0_0" -> "138 conv2d_11"; +"138 conv2d_11" -> "143 _native_batch_norm_legit_no_training_11"; +"139 _param_constant48" -> "143 _native_batch_norm_legit_no_training_11"; +"140 _param_constant49" -> "143 _native_batch_norm_legit_no_training_11"; +"141 _tensor_constant22" -> "143 _native_batch_norm_legit_no_training_11"; +"142 _tensor_constant23" -> "143 _native_batch_norm_legit_no_training_11"; +"143 _native_batch_norm_legit_no_training_11" -> "144 getitem_33"; +"144 getitem_33" -> "145 relu_11"; +"145 relu_11" -> "149 conv_transpose2d_1"; +"146 _param_constant51" -> "149 conv_transpose2d_1"; +"147 conv_transpose2d_1_updated_constant0" -> "148 asymmetric_weights_decompressor_conv_transpose2d_1_updated_constant0_0"; +"148 asymmetric_weights_decompressor_conv_transpose2d_1_updated_constant0_0" -> "149 conv_transpose2d_1"; +"149 conv_transpose2d_1" -> "154 cat_1"; +"150 slice_5" -> "151 slice_6"; +"151 slice_6" -> "152 slice_7"; +"152 slice_7" -> "153 slice_8"; +"153 slice_8" -> "154 cat_1"; +"154 cat_1" -> "158 conv2d_12"; +"155 _param_constant53" -> "158 conv2d_12"; +"156 conv2d_12_updated_constant0" -> "157 asymmetric_weights_decompressor_conv2d_12_updated_constant0_0"; +"157 asymmetric_weights_decompressor_conv2d_12_updated_constant0_0" -> "158 conv2d_12"; +"158 conv2d_12" -> "163 _native_batch_norm_legit_no_training_12"; +"159 _param_constant54" -> "163 _native_batch_norm_legit_no_training_12"; +"160 _param_constant55" -> "163 _native_batch_norm_legit_no_training_12"; +"161 _tensor_constant24" -> "163 _native_batch_norm_legit_no_training_12"; +"162 _tensor_constant25" -> "163 _native_batch_norm_legit_no_training_12"; +"163 _native_batch_norm_legit_no_training_12" -> "164 getitem_36"; +"164 getitem_36" -> "165 relu_12"; +"165 relu_12" -> "169 conv2d_13"; +"166 _param_constant57" -> "169 conv2d_13"; +"167 conv2d_13_updated_constant0" -> "168 asymmetric_weights_decompressor_conv2d_13_updated_constant0_0"; +"168 asymmetric_weights_decompressor_conv2d_13_updated_constant0_0" -> "169 conv2d_13"; +"169 conv2d_13" -> "174 _native_batch_norm_legit_no_training_13"; +"170 _param_constant58" -> "174 _native_batch_norm_legit_no_training_13"; +"171 _param_constant59" -> "174 _native_batch_norm_legit_no_training_13"; +"172 _tensor_constant26" -> "174 _native_batch_norm_legit_no_training_13"; +"173 _tensor_constant27" -> "174 _native_batch_norm_legit_no_training_13"; +"174 _native_batch_norm_legit_no_training_13" -> "175 getitem_39"; +"175 getitem_39" -> "176 relu_13"; +"176 relu_13" -> "180 conv_transpose2d_2"; +"177 _param_constant61" -> "180 conv_transpose2d_2"; +"178 conv_transpose2d_2_updated_constant0" -> "179 asymmetric_weights_decompressor_conv_transpose2d_2_updated_constant0_0"; +"179 asymmetric_weights_decompressor_conv_transpose2d_2_updated_constant0_0" -> "180 conv_transpose2d_2"; +"180 conv_transpose2d_2" -> "185 cat_2"; +"181 slice_9" -> "182 slice_10"; +"182 slice_10" -> "183 slice_11"; +"183 slice_11" -> "184 slice_12"; +"184 slice_12" -> "185 cat_2"; +"185 cat_2" -> "189 conv2d_14"; +"186 _param_constant63" -> "189 conv2d_14"; +"187 conv2d_14_updated_constant0" -> "188 asymmetric_weights_decompressor_conv2d_14_updated_constant0_0"; +"188 asymmetric_weights_decompressor_conv2d_14_updated_constant0_0" -> "189 conv2d_14"; +"189 conv2d_14" -> "194 _native_batch_norm_legit_no_training_14"; +"190 _param_constant64" -> "194 _native_batch_norm_legit_no_training_14"; +"191 _param_constant65" -> "194 _native_batch_norm_legit_no_training_14"; +"192 _tensor_constant28" -> "194 _native_batch_norm_legit_no_training_14"; +"193 _tensor_constant29" -> "194 _native_batch_norm_legit_no_training_14"; +"194 _native_batch_norm_legit_no_training_14" -> "195 getitem_42"; +"195 getitem_42" -> "196 relu_14"; +"196 relu_14" -> "200 conv2d_15"; +"197 _param_constant67" -> "200 conv2d_15"; +"198 conv2d_15_updated_constant0" -> "199 asymmetric_weights_decompressor_conv2d_15_updated_constant0_0"; +"199 asymmetric_weights_decompressor_conv2d_15_updated_constant0_0" -> "200 conv2d_15"; +"200 conv2d_15" -> "205 _native_batch_norm_legit_no_training_15"; +"201 _param_constant68" -> "205 _native_batch_norm_legit_no_training_15"; +"202 _param_constant69" -> "205 _native_batch_norm_legit_no_training_15"; +"203 _tensor_constant30" -> "205 _native_batch_norm_legit_no_training_15"; +"204 _tensor_constant31" -> "205 _native_batch_norm_legit_no_training_15"; +"205 _native_batch_norm_legit_no_training_15" -> "206 getitem_45"; +"206 getitem_45" -> "207 relu_15"; +"207 relu_15" -> "211 conv_transpose2d_3"; +"208 _param_constant71" -> "211 conv_transpose2d_3"; +"209 conv_transpose2d_3_updated_constant0" -> "210 asymmetric_weights_decompressor_conv_transpose2d_3_updated_constant0_0"; +"210 asymmetric_weights_decompressor_conv_transpose2d_3_updated_constant0_0" -> "211 conv_transpose2d_3"; +"211 conv_transpose2d_3" -> "216 cat_3"; +"212 slice_13" -> "213 slice_14"; +"213 slice_14" -> "214 slice_15"; +"214 slice_15" -> "215 slice_16"; +"215 slice_16" -> "216 cat_3"; +"216 cat_3" -> "220 conv2d_16"; +"217 _param_constant73" -> "220 conv2d_16"; +"218 conv2d_16_updated_constant0" -> "219 asymmetric_weights_decompressor_conv2d_16_updated_constant0_0"; +"219 asymmetric_weights_decompressor_conv2d_16_updated_constant0_0" -> "220 conv2d_16"; +"220 conv2d_16" -> "225 _native_batch_norm_legit_no_training_16"; +"221 _param_constant74" -> "225 _native_batch_norm_legit_no_training_16"; +"222 _param_constant75" -> "225 _native_batch_norm_legit_no_training_16"; +"223 _tensor_constant32" -> "225 _native_batch_norm_legit_no_training_16"; +"224 _tensor_constant33" -> "225 _native_batch_norm_legit_no_training_16"; +"225 _native_batch_norm_legit_no_training_16" -> "226 getitem_48"; +"226 getitem_48" -> "227 relu_16"; +"227 relu_16" -> "231 conv2d_17"; +"228 _param_constant77" -> "231 conv2d_17"; +"229 conv2d_17_updated_constant0" -> "230 asymmetric_weights_decompressor_conv2d_17_updated_constant0_0"; +"230 asymmetric_weights_decompressor_conv2d_17_updated_constant0_0" -> "231 conv2d_17"; +"231 conv2d_17" -> "236 _native_batch_norm_legit_no_training_17"; +"232 _param_constant78" -> "236 _native_batch_norm_legit_no_training_17"; +"233 _param_constant79" -> "236 _native_batch_norm_legit_no_training_17"; +"234 _tensor_constant34" -> "236 _native_batch_norm_legit_no_training_17"; +"235 _tensor_constant35" -> "236 _native_batch_norm_legit_no_training_17"; +"236 _native_batch_norm_legit_no_training_17" -> "237 getitem_51"; +"237 getitem_51" -> "238 relu_17"; +"238 relu_17" -> "242 conv2d_18"; +"239 _param_constant81" -> "242 conv2d_18"; +"240 conv2d_18_updated_constant0" -> "241 asymmetric_weights_decompressor_conv2d_18_updated_constant0_0"; +"241 asymmetric_weights_decompressor_conv2d_18_updated_constant0_0" -> "242 conv2d_18"; +"242 conv2d_18" -> "243 output"; +} diff --git a/tests/torch/data/reference_graphs/fx/compressed/unet_int8_sym.dot b/tests/torch/data/reference_graphs/fx/compressed/unet_int8_sym.dot new file mode 100644 index 00000000000..a9ed7be66eb --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/compressed/unet_int8_sym.dot @@ -0,0 +1,493 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 _param_constant1" [id=1, type=get_attr]; +"2 conv2d_updated_constant0" [id=2, type=get_attr]; +"3 symmetric_weights_decompressor_conv2d_updated_constant0_0" [id=3, type=call_module]; +"4 conv2d" [id=4, type=conv2d]; +"5 _param_constant2" [id=5, type=get_attr]; +"6 _param_constant3" [id=6, type=get_attr]; +"7 _tensor_constant0" [id=7, type=get_attr]; +"8 _tensor_constant1" [id=8, type=get_attr]; +"9 _native_batch_norm_legit_no_training" [id=9, type=_native_batch_norm_legit_no_training]; +"10 getitem" [id=10, type=__getitem__]; +"11 relu" [id=11, type=relu]; +"12 _param_constant5" [id=12, type=get_attr]; +"13 conv2d_1_updated_constant0" [id=13, type=get_attr]; +"14 symmetric_weights_decompressor_conv2d_1_updated_constant0_0" [id=14, type=call_module]; +"15 conv2d_1" [id=15, type=conv2d]; +"16 _param_constant6" [id=16, type=get_attr]; +"17 _param_constant7" [id=17, type=get_attr]; +"18 _tensor_constant2" [id=18, type=get_attr]; +"19 _tensor_constant3" [id=19, type=get_attr]; +"20 _native_batch_norm_legit_no_training_1" [id=20, type=_native_batch_norm_legit_no_training]; +"21 getitem_3" [id=21, type=__getitem__]; +"22 relu_1" [id=22, type=relu]; +"23 max_pool2d" [id=23, type=max_pool2d]; +"24 _param_constant9" [id=24, type=get_attr]; +"25 conv2d_2_updated_constant0" [id=25, type=get_attr]; +"26 symmetric_weights_decompressor_conv2d_2_updated_constant0_0" [id=26, type=call_module]; +"27 conv2d_2" [id=27, type=conv2d]; +"28 _param_constant10" [id=28, type=get_attr]; +"29 _param_constant11" [id=29, type=get_attr]; +"30 _tensor_constant4" [id=30, type=get_attr]; +"31 _tensor_constant5" [id=31, type=get_attr]; +"32 _native_batch_norm_legit_no_training_2" [id=32, type=_native_batch_norm_legit_no_training]; +"33 getitem_6" [id=33, type=__getitem__]; +"34 relu_2" [id=34, type=relu]; +"35 _param_constant13" [id=35, type=get_attr]; +"36 conv2d_3_updated_constant0" [id=36, type=get_attr]; +"37 symmetric_weights_decompressor_conv2d_3_updated_constant0_0" [id=37, type=call_module]; +"38 conv2d_3" [id=38, type=conv2d]; +"39 _param_constant14" [id=39, type=get_attr]; +"40 _param_constant15" [id=40, type=get_attr]; +"41 _tensor_constant6" [id=41, type=get_attr]; +"42 _tensor_constant7" [id=42, type=get_attr]; +"43 _native_batch_norm_legit_no_training_3" [id=43, type=_native_batch_norm_legit_no_training]; +"44 getitem_9" [id=44, type=__getitem__]; +"45 relu_3" [id=45, type=relu]; +"46 max_pool2d_1" [id=46, type=max_pool2d]; +"47 _param_constant17" [id=47, type=get_attr]; +"48 conv2d_4_updated_constant0" [id=48, type=get_attr]; +"49 symmetric_weights_decompressor_conv2d_4_updated_constant0_0" [id=49, type=call_module]; +"50 conv2d_4" [id=50, type=conv2d]; +"51 _param_constant18" [id=51, type=get_attr]; +"52 _param_constant19" [id=52, type=get_attr]; +"53 _tensor_constant8" [id=53, type=get_attr]; +"54 _tensor_constant9" [id=54, type=get_attr]; +"55 _native_batch_norm_legit_no_training_4" [id=55, type=_native_batch_norm_legit_no_training]; +"56 getitem_12" [id=56, type=__getitem__]; +"57 relu_4" [id=57, type=relu]; +"58 _param_constant21" [id=58, type=get_attr]; +"59 conv2d_5_updated_constant0" [id=59, type=get_attr]; +"60 symmetric_weights_decompressor_conv2d_5_updated_constant0_0" [id=60, type=call_module]; +"61 conv2d_5" [id=61, type=conv2d]; +"62 _param_constant22" [id=62, type=get_attr]; +"63 _param_constant23" [id=63, type=get_attr]; +"64 _tensor_constant10" [id=64, type=get_attr]; +"65 _tensor_constant11" [id=65, type=get_attr]; +"66 _native_batch_norm_legit_no_training_5" [id=66, type=_native_batch_norm_legit_no_training]; +"67 getitem_15" [id=67, type=__getitem__]; +"68 relu_5" [id=68, type=relu]; +"69 max_pool2d_2" [id=69, type=max_pool2d]; +"70 _param_constant25" [id=70, type=get_attr]; +"71 conv2d_6_updated_constant0" [id=71, type=get_attr]; +"72 symmetric_weights_decompressor_conv2d_6_updated_constant0_0" [id=72, type=call_module]; +"73 conv2d_6" [id=73, type=conv2d]; +"74 _param_constant26" [id=74, type=get_attr]; +"75 _param_constant27" [id=75, type=get_attr]; +"76 _tensor_constant12" [id=76, type=get_attr]; +"77 _tensor_constant13" [id=77, type=get_attr]; +"78 _native_batch_norm_legit_no_training_6" [id=78, type=_native_batch_norm_legit_no_training]; +"79 getitem_18" [id=79, type=__getitem__]; +"80 relu_6" [id=80, type=relu]; +"81 _param_constant29" [id=81, type=get_attr]; +"82 conv2d_7_updated_constant0" [id=82, type=get_attr]; +"83 symmetric_weights_decompressor_conv2d_7_updated_constant0_0" [id=83, type=call_module]; +"84 conv2d_7" [id=84, type=conv2d]; +"85 _param_constant30" [id=85, type=get_attr]; +"86 _param_constant31" [id=86, type=get_attr]; +"87 _tensor_constant14" [id=87, type=get_attr]; +"88 _tensor_constant15" [id=88, type=get_attr]; +"89 _native_batch_norm_legit_no_training_7" [id=89, type=_native_batch_norm_legit_no_training]; +"90 getitem_21" [id=90, type=__getitem__]; +"91 relu_7" [id=91, type=relu]; +"92 max_pool2d_3" [id=92, type=max_pool2d]; +"93 _param_constant33" [id=93, type=get_attr]; +"94 conv2d_8_updated_constant0" [id=94, type=get_attr]; +"95 symmetric_weights_decompressor_conv2d_8_updated_constant0_0" [id=95, type=call_module]; +"96 conv2d_8" [id=96, type=conv2d]; +"97 _param_constant34" [id=97, type=get_attr]; +"98 _param_constant35" [id=98, type=get_attr]; +"99 _tensor_constant16" [id=99, type=get_attr]; +"100 _tensor_constant17" [id=100, type=get_attr]; +"101 _native_batch_norm_legit_no_training_8" [id=101, type=_native_batch_norm_legit_no_training]; +"102 getitem_24" [id=102, type=__getitem__]; +"103 relu_8" [id=103, type=relu]; +"104 _param_constant37" [id=104, type=get_attr]; +"105 conv2d_9_updated_constant0" [id=105, type=get_attr]; +"106 symmetric_weights_decompressor_conv2d_9_updated_constant0_0" [id=106, type=call_module]; +"107 conv2d_9" [id=107, type=conv2d]; +"108 _param_constant38" [id=108, type=get_attr]; +"109 _param_constant39" [id=109, type=get_attr]; +"110 _tensor_constant18" [id=110, type=get_attr]; +"111 _tensor_constant19" [id=111, type=get_attr]; +"112 _native_batch_norm_legit_no_training_9" [id=112, type=_native_batch_norm_legit_no_training]; +"113 getitem_27" [id=113, type=__getitem__]; +"114 relu_9" [id=114, type=relu]; +"115 _param_constant41" [id=115, type=get_attr]; +"116 conv_transpose2d_updated_constant0" [id=116, type=get_attr]; +"117 symmetric_weights_decompressor_conv_transpose2d_updated_constant0_0" [id=117, type=call_module]; +"118 conv_transpose2d" [id=118, type=conv_transpose2d]; +"119 slice_1" [id=119, type=slice]; +"120 slice_2" [id=120, type=slice]; +"121 slice_3" [id=121, type=slice]; +"122 slice_4" [id=122, type=slice]; +"123 cat" [id=123, type=cat]; +"124 _param_constant43" [id=124, type=get_attr]; +"125 conv2d_10_updated_constant0" [id=125, type=get_attr]; +"126 symmetric_weights_decompressor_conv2d_10_updated_constant0_0" [id=126, type=call_module]; +"127 conv2d_10" [id=127, type=conv2d]; +"128 _param_constant44" [id=128, type=get_attr]; +"129 _param_constant45" [id=129, type=get_attr]; +"130 _tensor_constant20" [id=130, type=get_attr]; +"131 _tensor_constant21" [id=131, type=get_attr]; +"132 _native_batch_norm_legit_no_training_10" [id=132, type=_native_batch_norm_legit_no_training]; +"133 getitem_30" [id=133, type=__getitem__]; +"134 relu_10" [id=134, type=relu]; +"135 _param_constant47" [id=135, type=get_attr]; +"136 conv2d_11_updated_constant0" [id=136, type=get_attr]; +"137 symmetric_weights_decompressor_conv2d_11_updated_constant0_0" [id=137, type=call_module]; +"138 conv2d_11" [id=138, type=conv2d]; +"139 _param_constant48" [id=139, type=get_attr]; +"140 _param_constant49" [id=140, type=get_attr]; +"141 _tensor_constant22" [id=141, type=get_attr]; +"142 _tensor_constant23" [id=142, type=get_attr]; +"143 _native_batch_norm_legit_no_training_11" [id=143, type=_native_batch_norm_legit_no_training]; +"144 getitem_33" [id=144, type=__getitem__]; +"145 relu_11" [id=145, type=relu]; +"146 _param_constant51" [id=146, type=get_attr]; +"147 conv_transpose2d_1_updated_constant0" [id=147, type=get_attr]; +"148 symmetric_weights_decompressor_conv_transpose2d_1_updated_constant0_0" [id=148, type=call_module]; +"149 conv_transpose2d_1" [id=149, type=conv_transpose2d]; +"150 slice_5" [id=150, type=slice]; +"151 slice_6" [id=151, type=slice]; +"152 slice_7" [id=152, type=slice]; +"153 slice_8" [id=153, type=slice]; +"154 cat_1" [id=154, type=cat]; +"155 _param_constant53" [id=155, type=get_attr]; +"156 conv2d_12_updated_constant0" [id=156, type=get_attr]; +"157 symmetric_weights_decompressor_conv2d_12_updated_constant0_0" [id=157, type=call_module]; +"158 conv2d_12" [id=158, type=conv2d]; +"159 _param_constant54" [id=159, type=get_attr]; +"160 _param_constant55" [id=160, type=get_attr]; +"161 _tensor_constant24" [id=161, type=get_attr]; +"162 _tensor_constant25" [id=162, type=get_attr]; +"163 _native_batch_norm_legit_no_training_12" [id=163, type=_native_batch_norm_legit_no_training]; +"164 getitem_36" [id=164, type=__getitem__]; +"165 relu_12" [id=165, type=relu]; +"166 _param_constant57" [id=166, type=get_attr]; +"167 conv2d_13_updated_constant0" [id=167, type=get_attr]; +"168 symmetric_weights_decompressor_conv2d_13_updated_constant0_0" [id=168, type=call_module]; +"169 conv2d_13" [id=169, type=conv2d]; +"170 _param_constant58" [id=170, type=get_attr]; +"171 _param_constant59" [id=171, type=get_attr]; +"172 _tensor_constant26" [id=172, type=get_attr]; +"173 _tensor_constant27" [id=173, type=get_attr]; +"174 _native_batch_norm_legit_no_training_13" [id=174, type=_native_batch_norm_legit_no_training]; +"175 getitem_39" [id=175, type=__getitem__]; +"176 relu_13" [id=176, type=relu]; +"177 _param_constant61" [id=177, type=get_attr]; +"178 conv_transpose2d_2_updated_constant0" [id=178, type=get_attr]; +"179 symmetric_weights_decompressor_conv_transpose2d_2_updated_constant0_0" [id=179, type=call_module]; +"180 conv_transpose2d_2" [id=180, type=conv_transpose2d]; +"181 slice_9" [id=181, type=slice]; +"182 slice_10" [id=182, type=slice]; +"183 slice_11" [id=183, type=slice]; +"184 slice_12" [id=184, type=slice]; +"185 cat_2" [id=185, type=cat]; +"186 _param_constant63" [id=186, type=get_attr]; +"187 conv2d_14_updated_constant0" [id=187, type=get_attr]; +"188 symmetric_weights_decompressor_conv2d_14_updated_constant0_0" [id=188, type=call_module]; +"189 conv2d_14" [id=189, type=conv2d]; +"190 _param_constant64" [id=190, type=get_attr]; +"191 _param_constant65" [id=191, type=get_attr]; +"192 _tensor_constant28" [id=192, type=get_attr]; +"193 _tensor_constant29" [id=193, type=get_attr]; +"194 _native_batch_norm_legit_no_training_14" [id=194, type=_native_batch_norm_legit_no_training]; +"195 getitem_42" [id=195, type=__getitem__]; +"196 relu_14" [id=196, type=relu]; +"197 _param_constant67" [id=197, type=get_attr]; +"198 conv2d_15_updated_constant0" [id=198, type=get_attr]; +"199 symmetric_weights_decompressor_conv2d_15_updated_constant0_0" [id=199, type=call_module]; +"200 conv2d_15" [id=200, type=conv2d]; +"201 _param_constant68" [id=201, type=get_attr]; +"202 _param_constant69" [id=202, type=get_attr]; +"203 _tensor_constant30" [id=203, type=get_attr]; +"204 _tensor_constant31" [id=204, type=get_attr]; +"205 _native_batch_norm_legit_no_training_15" [id=205, type=_native_batch_norm_legit_no_training]; +"206 getitem_45" [id=206, type=__getitem__]; +"207 relu_15" [id=207, type=relu]; +"208 _param_constant71" [id=208, type=get_attr]; +"209 conv_transpose2d_3_updated_constant0" [id=209, type=get_attr]; +"210 symmetric_weights_decompressor_conv_transpose2d_3_updated_constant0_0" [id=210, type=call_module]; +"211 conv_transpose2d_3" [id=211, type=conv_transpose2d]; +"212 slice_13" [id=212, type=slice]; +"213 slice_14" [id=213, type=slice]; +"214 slice_15" [id=214, type=slice]; +"215 slice_16" [id=215, type=slice]; +"216 cat_3" [id=216, type=cat]; +"217 _param_constant73" [id=217, type=get_attr]; +"218 conv2d_16_updated_constant0" [id=218, type=get_attr]; +"219 symmetric_weights_decompressor_conv2d_16_updated_constant0_0" [id=219, type=call_module]; +"220 conv2d_16" [id=220, type=conv2d]; +"221 _param_constant74" [id=221, type=get_attr]; +"222 _param_constant75" [id=222, type=get_attr]; +"223 _tensor_constant32" [id=223, type=get_attr]; +"224 _tensor_constant33" [id=224, type=get_attr]; +"225 _native_batch_norm_legit_no_training_16" [id=225, type=_native_batch_norm_legit_no_training]; +"226 getitem_48" [id=226, type=__getitem__]; +"227 relu_16" [id=227, type=relu]; +"228 _param_constant77" [id=228, type=get_attr]; +"229 conv2d_17_updated_constant0" [id=229, type=get_attr]; +"230 symmetric_weights_decompressor_conv2d_17_updated_constant0_0" [id=230, type=call_module]; +"231 conv2d_17" [id=231, type=conv2d]; +"232 _param_constant78" [id=232, type=get_attr]; +"233 _param_constant79" [id=233, type=get_attr]; +"234 _tensor_constant34" [id=234, type=get_attr]; +"235 _tensor_constant35" [id=235, type=get_attr]; +"236 _native_batch_norm_legit_no_training_17" [id=236, type=_native_batch_norm_legit_no_training]; +"237 getitem_51" [id=237, type=__getitem__]; +"238 relu_17" [id=238, type=relu]; +"239 _param_constant81" [id=239, type=get_attr]; +"240 conv2d_18_updated_constant0" [id=240, type=get_attr]; +"241 symmetric_weights_decompressor_conv2d_18_updated_constant0_0" [id=241, type=call_module]; +"242 conv2d_18" [id=242, type=conv2d]; +"243 output" [id=243, type=output]; +"0 arg0_1" -> "4 conv2d"; +"1 _param_constant1" -> "4 conv2d"; +"2 conv2d_updated_constant0" -> "3 symmetric_weights_decompressor_conv2d_updated_constant0_0"; +"3 symmetric_weights_decompressor_conv2d_updated_constant0_0" -> "4 conv2d"; +"4 conv2d" -> "9 _native_batch_norm_legit_no_training"; +"5 _param_constant2" -> "9 _native_batch_norm_legit_no_training"; +"6 _param_constant3" -> "9 _native_batch_norm_legit_no_training"; +"7 _tensor_constant0" -> "9 _native_batch_norm_legit_no_training"; +"8 _tensor_constant1" -> "9 _native_batch_norm_legit_no_training"; +"9 _native_batch_norm_legit_no_training" -> "10 getitem"; +"10 getitem" -> "11 relu"; +"11 relu" -> "15 conv2d_1"; +"12 _param_constant5" -> "15 conv2d_1"; +"13 conv2d_1_updated_constant0" -> "14 symmetric_weights_decompressor_conv2d_1_updated_constant0_0"; +"14 symmetric_weights_decompressor_conv2d_1_updated_constant0_0" -> "15 conv2d_1"; +"15 conv2d_1" -> "20 _native_batch_norm_legit_no_training_1"; +"16 _param_constant6" -> "20 _native_batch_norm_legit_no_training_1"; +"17 _param_constant7" -> "20 _native_batch_norm_legit_no_training_1"; +"18 _tensor_constant2" -> "20 _native_batch_norm_legit_no_training_1"; +"19 _tensor_constant3" -> "20 _native_batch_norm_legit_no_training_1"; +"20 _native_batch_norm_legit_no_training_1" -> "21 getitem_3"; +"21 getitem_3" -> "22 relu_1"; +"22 relu_1" -> "23 max_pool2d"; +"22 relu_1" -> "212 slice_13"; +"23 max_pool2d" -> "27 conv2d_2"; +"24 _param_constant9" -> "27 conv2d_2"; +"25 conv2d_2_updated_constant0" -> "26 symmetric_weights_decompressor_conv2d_2_updated_constant0_0"; +"26 symmetric_weights_decompressor_conv2d_2_updated_constant0_0" -> "27 conv2d_2"; +"27 conv2d_2" -> "32 _native_batch_norm_legit_no_training_2"; +"28 _param_constant10" -> "32 _native_batch_norm_legit_no_training_2"; +"29 _param_constant11" -> "32 _native_batch_norm_legit_no_training_2"; +"30 _tensor_constant4" -> "32 _native_batch_norm_legit_no_training_2"; +"31 _tensor_constant5" -> "32 _native_batch_norm_legit_no_training_2"; +"32 _native_batch_norm_legit_no_training_2" -> "33 getitem_6"; +"33 getitem_6" -> "34 relu_2"; +"34 relu_2" -> "38 conv2d_3"; +"35 _param_constant13" -> "38 conv2d_3"; +"36 conv2d_3_updated_constant0" -> "37 symmetric_weights_decompressor_conv2d_3_updated_constant0_0"; +"37 symmetric_weights_decompressor_conv2d_3_updated_constant0_0" -> "38 conv2d_3"; +"38 conv2d_3" -> "43 _native_batch_norm_legit_no_training_3"; +"39 _param_constant14" -> "43 _native_batch_norm_legit_no_training_3"; +"40 _param_constant15" -> "43 _native_batch_norm_legit_no_training_3"; +"41 _tensor_constant6" -> "43 _native_batch_norm_legit_no_training_3"; +"42 _tensor_constant7" -> "43 _native_batch_norm_legit_no_training_3"; +"43 _native_batch_norm_legit_no_training_3" -> "44 getitem_9"; +"44 getitem_9" -> "45 relu_3"; +"45 relu_3" -> "46 max_pool2d_1"; +"45 relu_3" -> "181 slice_9"; +"46 max_pool2d_1" -> "50 conv2d_4"; +"47 _param_constant17" -> "50 conv2d_4"; +"48 conv2d_4_updated_constant0" -> "49 symmetric_weights_decompressor_conv2d_4_updated_constant0_0"; +"49 symmetric_weights_decompressor_conv2d_4_updated_constant0_0" -> "50 conv2d_4"; +"50 conv2d_4" -> "55 _native_batch_norm_legit_no_training_4"; +"51 _param_constant18" -> "55 _native_batch_norm_legit_no_training_4"; +"52 _param_constant19" -> "55 _native_batch_norm_legit_no_training_4"; +"53 _tensor_constant8" -> "55 _native_batch_norm_legit_no_training_4"; +"54 _tensor_constant9" -> "55 _native_batch_norm_legit_no_training_4"; +"55 _native_batch_norm_legit_no_training_4" -> "56 getitem_12"; +"56 getitem_12" -> "57 relu_4"; +"57 relu_4" -> "61 conv2d_5"; +"58 _param_constant21" -> "61 conv2d_5"; +"59 conv2d_5_updated_constant0" -> "60 symmetric_weights_decompressor_conv2d_5_updated_constant0_0"; +"60 symmetric_weights_decompressor_conv2d_5_updated_constant0_0" -> "61 conv2d_5"; +"61 conv2d_5" -> "66 _native_batch_norm_legit_no_training_5"; +"62 _param_constant22" -> "66 _native_batch_norm_legit_no_training_5"; +"63 _param_constant23" -> "66 _native_batch_norm_legit_no_training_5"; +"64 _tensor_constant10" -> "66 _native_batch_norm_legit_no_training_5"; +"65 _tensor_constant11" -> "66 _native_batch_norm_legit_no_training_5"; +"66 _native_batch_norm_legit_no_training_5" -> "67 getitem_15"; +"67 getitem_15" -> "68 relu_5"; +"68 relu_5" -> "69 max_pool2d_2"; +"68 relu_5" -> "150 slice_5"; +"69 max_pool2d_2" -> "73 conv2d_6"; +"70 _param_constant25" -> "73 conv2d_6"; +"71 conv2d_6_updated_constant0" -> "72 symmetric_weights_decompressor_conv2d_6_updated_constant0_0"; +"72 symmetric_weights_decompressor_conv2d_6_updated_constant0_0" -> "73 conv2d_6"; +"73 conv2d_6" -> "78 _native_batch_norm_legit_no_training_6"; +"74 _param_constant26" -> "78 _native_batch_norm_legit_no_training_6"; +"75 _param_constant27" -> "78 _native_batch_norm_legit_no_training_6"; +"76 _tensor_constant12" -> "78 _native_batch_norm_legit_no_training_6"; +"77 _tensor_constant13" -> "78 _native_batch_norm_legit_no_training_6"; +"78 _native_batch_norm_legit_no_training_6" -> "79 getitem_18"; +"79 getitem_18" -> "80 relu_6"; +"80 relu_6" -> "84 conv2d_7"; +"81 _param_constant29" -> "84 conv2d_7"; +"82 conv2d_7_updated_constant0" -> "83 symmetric_weights_decompressor_conv2d_7_updated_constant0_0"; +"83 symmetric_weights_decompressor_conv2d_7_updated_constant0_0" -> "84 conv2d_7"; +"84 conv2d_7" -> "89 _native_batch_norm_legit_no_training_7"; +"85 _param_constant30" -> "89 _native_batch_norm_legit_no_training_7"; +"86 _param_constant31" -> "89 _native_batch_norm_legit_no_training_7"; +"87 _tensor_constant14" -> "89 _native_batch_norm_legit_no_training_7"; +"88 _tensor_constant15" -> "89 _native_batch_norm_legit_no_training_7"; +"89 _native_batch_norm_legit_no_training_7" -> "90 getitem_21"; +"90 getitem_21" -> "91 relu_7"; +"91 relu_7" -> "92 max_pool2d_3"; +"91 relu_7" -> "119 slice_1"; +"92 max_pool2d_3" -> "96 conv2d_8"; +"93 _param_constant33" -> "96 conv2d_8"; +"94 conv2d_8_updated_constant0" -> "95 symmetric_weights_decompressor_conv2d_8_updated_constant0_0"; +"95 symmetric_weights_decompressor_conv2d_8_updated_constant0_0" -> "96 conv2d_8"; +"96 conv2d_8" -> "101 _native_batch_norm_legit_no_training_8"; +"97 _param_constant34" -> "101 _native_batch_norm_legit_no_training_8"; +"98 _param_constant35" -> "101 _native_batch_norm_legit_no_training_8"; +"99 _tensor_constant16" -> "101 _native_batch_norm_legit_no_training_8"; +"100 _tensor_constant17" -> "101 _native_batch_norm_legit_no_training_8"; +"101 _native_batch_norm_legit_no_training_8" -> "102 getitem_24"; +"102 getitem_24" -> "103 relu_8"; +"103 relu_8" -> "107 conv2d_9"; +"104 _param_constant37" -> "107 conv2d_9"; +"105 conv2d_9_updated_constant0" -> "106 symmetric_weights_decompressor_conv2d_9_updated_constant0_0"; +"106 symmetric_weights_decompressor_conv2d_9_updated_constant0_0" -> "107 conv2d_9"; +"107 conv2d_9" -> "112 _native_batch_norm_legit_no_training_9"; +"108 _param_constant38" -> "112 _native_batch_norm_legit_no_training_9"; +"109 _param_constant39" -> "112 _native_batch_norm_legit_no_training_9"; +"110 _tensor_constant18" -> "112 _native_batch_norm_legit_no_training_9"; +"111 _tensor_constant19" -> "112 _native_batch_norm_legit_no_training_9"; +"112 _native_batch_norm_legit_no_training_9" -> "113 getitem_27"; +"113 getitem_27" -> "114 relu_9"; +"114 relu_9" -> "118 conv_transpose2d"; +"115 _param_constant41" -> "118 conv_transpose2d"; +"116 conv_transpose2d_updated_constant0" -> "117 symmetric_weights_decompressor_conv_transpose2d_updated_constant0_0"; +"117 symmetric_weights_decompressor_conv_transpose2d_updated_constant0_0" -> "118 conv_transpose2d"; +"118 conv_transpose2d" -> "123 cat"; +"119 slice_1" -> "120 slice_2"; +"120 slice_2" -> "121 slice_3"; +"121 slice_3" -> "122 slice_4"; +"122 slice_4" -> "123 cat"; +"123 cat" -> "127 conv2d_10"; +"124 _param_constant43" -> "127 conv2d_10"; +"125 conv2d_10_updated_constant0" -> "126 symmetric_weights_decompressor_conv2d_10_updated_constant0_0"; +"126 symmetric_weights_decompressor_conv2d_10_updated_constant0_0" -> "127 conv2d_10"; +"127 conv2d_10" -> "132 _native_batch_norm_legit_no_training_10"; +"128 _param_constant44" -> "132 _native_batch_norm_legit_no_training_10"; +"129 _param_constant45" -> "132 _native_batch_norm_legit_no_training_10"; +"130 _tensor_constant20" -> "132 _native_batch_norm_legit_no_training_10"; +"131 _tensor_constant21" -> "132 _native_batch_norm_legit_no_training_10"; +"132 _native_batch_norm_legit_no_training_10" -> "133 getitem_30"; +"133 getitem_30" -> "134 relu_10"; +"134 relu_10" -> "138 conv2d_11"; +"135 _param_constant47" -> "138 conv2d_11"; +"136 conv2d_11_updated_constant0" -> "137 symmetric_weights_decompressor_conv2d_11_updated_constant0_0"; +"137 symmetric_weights_decompressor_conv2d_11_updated_constant0_0" -> "138 conv2d_11"; +"138 conv2d_11" -> "143 _native_batch_norm_legit_no_training_11"; +"139 _param_constant48" -> "143 _native_batch_norm_legit_no_training_11"; +"140 _param_constant49" -> "143 _native_batch_norm_legit_no_training_11"; +"141 _tensor_constant22" -> "143 _native_batch_norm_legit_no_training_11"; +"142 _tensor_constant23" -> "143 _native_batch_norm_legit_no_training_11"; +"143 _native_batch_norm_legit_no_training_11" -> "144 getitem_33"; +"144 getitem_33" -> "145 relu_11"; +"145 relu_11" -> "149 conv_transpose2d_1"; +"146 _param_constant51" -> "149 conv_transpose2d_1"; +"147 conv_transpose2d_1_updated_constant0" -> "148 symmetric_weights_decompressor_conv_transpose2d_1_updated_constant0_0"; +"148 symmetric_weights_decompressor_conv_transpose2d_1_updated_constant0_0" -> "149 conv_transpose2d_1"; +"149 conv_transpose2d_1" -> "154 cat_1"; +"150 slice_5" -> "151 slice_6"; +"151 slice_6" -> "152 slice_7"; +"152 slice_7" -> "153 slice_8"; +"153 slice_8" -> "154 cat_1"; +"154 cat_1" -> "158 conv2d_12"; +"155 _param_constant53" -> "158 conv2d_12"; +"156 conv2d_12_updated_constant0" -> "157 symmetric_weights_decompressor_conv2d_12_updated_constant0_0"; +"157 symmetric_weights_decompressor_conv2d_12_updated_constant0_0" -> "158 conv2d_12"; +"158 conv2d_12" -> "163 _native_batch_norm_legit_no_training_12"; +"159 _param_constant54" -> "163 _native_batch_norm_legit_no_training_12"; +"160 _param_constant55" -> "163 _native_batch_norm_legit_no_training_12"; +"161 _tensor_constant24" -> "163 _native_batch_norm_legit_no_training_12"; +"162 _tensor_constant25" -> "163 _native_batch_norm_legit_no_training_12"; +"163 _native_batch_norm_legit_no_training_12" -> "164 getitem_36"; +"164 getitem_36" -> "165 relu_12"; +"165 relu_12" -> "169 conv2d_13"; +"166 _param_constant57" -> "169 conv2d_13"; +"167 conv2d_13_updated_constant0" -> "168 symmetric_weights_decompressor_conv2d_13_updated_constant0_0"; +"168 symmetric_weights_decompressor_conv2d_13_updated_constant0_0" -> "169 conv2d_13"; +"169 conv2d_13" -> "174 _native_batch_norm_legit_no_training_13"; +"170 _param_constant58" -> "174 _native_batch_norm_legit_no_training_13"; +"171 _param_constant59" -> "174 _native_batch_norm_legit_no_training_13"; +"172 _tensor_constant26" -> "174 _native_batch_norm_legit_no_training_13"; +"173 _tensor_constant27" -> "174 _native_batch_norm_legit_no_training_13"; +"174 _native_batch_norm_legit_no_training_13" -> "175 getitem_39"; +"175 getitem_39" -> "176 relu_13"; +"176 relu_13" -> "180 conv_transpose2d_2"; +"177 _param_constant61" -> "180 conv_transpose2d_2"; +"178 conv_transpose2d_2_updated_constant0" -> "179 symmetric_weights_decompressor_conv_transpose2d_2_updated_constant0_0"; +"179 symmetric_weights_decompressor_conv_transpose2d_2_updated_constant0_0" -> "180 conv_transpose2d_2"; +"180 conv_transpose2d_2" -> "185 cat_2"; +"181 slice_9" -> "182 slice_10"; +"182 slice_10" -> "183 slice_11"; +"183 slice_11" -> "184 slice_12"; +"184 slice_12" -> "185 cat_2"; +"185 cat_2" -> "189 conv2d_14"; +"186 _param_constant63" -> "189 conv2d_14"; +"187 conv2d_14_updated_constant0" -> "188 symmetric_weights_decompressor_conv2d_14_updated_constant0_0"; +"188 symmetric_weights_decompressor_conv2d_14_updated_constant0_0" -> "189 conv2d_14"; +"189 conv2d_14" -> "194 _native_batch_norm_legit_no_training_14"; +"190 _param_constant64" -> "194 _native_batch_norm_legit_no_training_14"; +"191 _param_constant65" -> "194 _native_batch_norm_legit_no_training_14"; +"192 _tensor_constant28" -> "194 _native_batch_norm_legit_no_training_14"; +"193 _tensor_constant29" -> "194 _native_batch_norm_legit_no_training_14"; +"194 _native_batch_norm_legit_no_training_14" -> "195 getitem_42"; +"195 getitem_42" -> "196 relu_14"; +"196 relu_14" -> "200 conv2d_15"; +"197 _param_constant67" -> "200 conv2d_15"; +"198 conv2d_15_updated_constant0" -> "199 symmetric_weights_decompressor_conv2d_15_updated_constant0_0"; +"199 symmetric_weights_decompressor_conv2d_15_updated_constant0_0" -> "200 conv2d_15"; +"200 conv2d_15" -> "205 _native_batch_norm_legit_no_training_15"; +"201 _param_constant68" -> "205 _native_batch_norm_legit_no_training_15"; +"202 _param_constant69" -> "205 _native_batch_norm_legit_no_training_15"; +"203 _tensor_constant30" -> "205 _native_batch_norm_legit_no_training_15"; +"204 _tensor_constant31" -> "205 _native_batch_norm_legit_no_training_15"; +"205 _native_batch_norm_legit_no_training_15" -> "206 getitem_45"; +"206 getitem_45" -> "207 relu_15"; +"207 relu_15" -> "211 conv_transpose2d_3"; +"208 _param_constant71" -> "211 conv_transpose2d_3"; +"209 conv_transpose2d_3_updated_constant0" -> "210 symmetric_weights_decompressor_conv_transpose2d_3_updated_constant0_0"; +"210 symmetric_weights_decompressor_conv_transpose2d_3_updated_constant0_0" -> "211 conv_transpose2d_3"; +"211 conv_transpose2d_3" -> "216 cat_3"; +"212 slice_13" -> "213 slice_14"; +"213 slice_14" -> "214 slice_15"; +"214 slice_15" -> "215 slice_16"; +"215 slice_16" -> "216 cat_3"; +"216 cat_3" -> "220 conv2d_16"; +"217 _param_constant73" -> "220 conv2d_16"; +"218 conv2d_16_updated_constant0" -> "219 symmetric_weights_decompressor_conv2d_16_updated_constant0_0"; +"219 symmetric_weights_decompressor_conv2d_16_updated_constant0_0" -> "220 conv2d_16"; +"220 conv2d_16" -> "225 _native_batch_norm_legit_no_training_16"; +"221 _param_constant74" -> "225 _native_batch_norm_legit_no_training_16"; +"222 _param_constant75" -> "225 _native_batch_norm_legit_no_training_16"; +"223 _tensor_constant32" -> "225 _native_batch_norm_legit_no_training_16"; +"224 _tensor_constant33" -> "225 _native_batch_norm_legit_no_training_16"; +"225 _native_batch_norm_legit_no_training_16" -> "226 getitem_48"; +"226 getitem_48" -> "227 relu_16"; +"227 relu_16" -> "231 conv2d_17"; +"228 _param_constant77" -> "231 conv2d_17"; +"229 conv2d_17_updated_constant0" -> "230 symmetric_weights_decompressor_conv2d_17_updated_constant0_0"; +"230 symmetric_weights_decompressor_conv2d_17_updated_constant0_0" -> "231 conv2d_17"; +"231 conv2d_17" -> "236 _native_batch_norm_legit_no_training_17"; +"232 _param_constant78" -> "236 _native_batch_norm_legit_no_training_17"; +"233 _param_constant79" -> "236 _native_batch_norm_legit_no_training_17"; +"234 _tensor_constant34" -> "236 _native_batch_norm_legit_no_training_17"; +"235 _tensor_constant35" -> "236 _native_batch_norm_legit_no_training_17"; +"236 _native_batch_norm_legit_no_training_17" -> "237 getitem_51"; +"237 getitem_51" -> "238 relu_17"; +"238 relu_17" -> "242 conv2d_18"; +"239 _param_constant81" -> "242 conv2d_18"; +"240 conv2d_18_updated_constant0" -> "241 symmetric_weights_decompressor_conv2d_18_updated_constant0_0"; +"241 symmetric_weights_decompressor_conv2d_18_updated_constant0_0" -> "242 conv2d_18"; +"242 conv2d_18" -> "243 output"; +} diff --git a/tests/torch/data/reference_graphs/fx/compressed/vit_b_16_int8_asym.dot b/tests/torch/data/reference_graphs/fx/compressed/vit_b_16_int8_asym.dot new file mode 100644 index 00000000000..036f0156325 --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/compressed/vit_b_16_int8_asym.dot @@ -0,0 +1,1319 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 _param_constant1" [id=1, type=get_attr]; +"2 conv2d_updated_constant0" [id=2, type=get_attr]; +"3 asymmetric_weights_decompressor_conv2d_updated_constant0_0" [id=3, type=call_module]; +"4 conv2d" [id=4, type=conv2d]; +"5 reshape" [id=5, type=reshape]; +"6 permute" [id=6, type=permute]; +"7 _param_constant2" [id=7, type=get_attr]; +"8 expand" [id=8, type=expand]; +"9 cat" [id=9, type=cat]; +"10 _param_constant3" [id=10, type=get_attr]; +"11 add" [id=11, type=add]; +"12 dropout" [id=12, type=dropout]; +"13 _param_constant4" [id=13, type=get_attr]; +"14 _param_constant5" [id=14, type=get_attr]; +"15 layer_norm" [id=15, type=layer_norm]; +"16 transpose" [id=16, type=transpose]; +"17 _param_constant7" [id=17, type=get_attr]; +"18 linear_updated_constant0" [id=18, type=get_attr]; +"19 asymmetric_weights_decompressor_linear_updated_constant0_0" [id=19, type=call_module]; +"20 linear" [id=20, type=linear]; +"21 unflatten" [id=21, type=unflatten]; +"22 unsqueeze" [id=22, type=unsqueeze]; +"23 transpose_1" [id=23, type=transpose]; +"24 squeeze" [id=24, type=squeeze]; +"25 contiguous" [id=25, type=contiguous]; +"26 select" [id=26, type=select]; +"27 select_1" [id=27, type=select]; +"28 select_2" [id=28, type=select]; +"29 view" [id=29, type=view]; +"30 transpose_2" [id=30, type=transpose]; +"31 view_1" [id=31, type=view]; +"32 transpose_3" [id=32, type=transpose]; +"33 view_2" [id=33, type=view]; +"34 transpose_4" [id=34, type=transpose]; +"35 view_3" [id=35, type=view]; +"36 view_4" [id=36, type=view]; +"37 view_5" [id=37, type=view]; +"38 scaled_dot_product_attention" [id=38, type=scaled_dot_product_attention]; +"39 permute_1" [id=39, type=permute]; +"40 view_6" [id=40, type=view]; +"41 _param_constant9" [id=41, type=get_attr]; +"42 linear_1_updated_constant0" [id=42, type=get_attr]; +"43 asymmetric_weights_decompressor_linear_1_updated_constant0_0" [id=43, type=call_module]; +"44 linear_1" [id=44, type=linear]; +"45 view_7" [id=45, type=view]; +"46 transpose_5" [id=46, type=transpose]; +"47 dropout_1" [id=47, type=dropout]; +"48 add_1" [id=48, type=add]; +"49 _param_constant10" [id=49, type=get_attr]; +"50 _param_constant11" [id=50, type=get_attr]; +"51 layer_norm_1" [id=51, type=layer_norm]; +"52 _param_constant13" [id=52, type=get_attr]; +"53 linear_2_updated_constant0" [id=53, type=get_attr]; +"54 asymmetric_weights_decompressor_linear_2_updated_constant0_0" [id=54, type=call_module]; +"55 linear_2" [id=55, type=linear]; +"56 gelu" [id=56, type=gelu]; +"57 dropout_2" [id=57, type=dropout]; +"58 _param_constant15" [id=58, type=get_attr]; +"59 linear_3_updated_constant0" [id=59, type=get_attr]; +"60 asymmetric_weights_decompressor_linear_3_updated_constant0_0" [id=60, type=call_module]; +"61 linear_3" [id=61, type=linear]; +"62 dropout_3" [id=62, type=dropout]; +"63 add_2" [id=63, type=add]; +"64 _param_constant16" [id=64, type=get_attr]; +"65 _param_constant17" [id=65, type=get_attr]; +"66 layer_norm_2" [id=66, type=layer_norm]; +"67 transpose_6" [id=67, type=transpose]; +"68 _param_constant19" [id=68, type=get_attr]; +"69 linear_4_updated_constant0" [id=69, type=get_attr]; +"70 asymmetric_weights_decompressor_linear_4_updated_constant0_0" [id=70, type=call_module]; +"71 linear_4" [id=71, type=linear]; +"72 unflatten_1" [id=72, type=unflatten]; +"73 unsqueeze_1" [id=73, type=unsqueeze]; +"74 transpose_7" [id=74, type=transpose]; +"75 squeeze_1" [id=75, type=squeeze]; +"76 contiguous_1" [id=76, type=contiguous]; +"77 select_3" [id=77, type=select]; +"78 select_4" [id=78, type=select]; +"79 select_5" [id=79, type=select]; +"80 view_8" [id=80, type=view]; +"81 transpose_8" [id=81, type=transpose]; +"82 view_9" [id=82, type=view]; +"83 transpose_9" [id=83, type=transpose]; +"84 view_10" [id=84, type=view]; +"85 transpose_10" [id=85, type=transpose]; +"86 view_11" [id=86, type=view]; +"87 view_12" [id=87, type=view]; +"88 view_13" [id=88, type=view]; +"89 scaled_dot_product_attention_1" [id=89, type=scaled_dot_product_attention]; +"90 permute_2" [id=90, type=permute]; +"91 view_14" [id=91, type=view]; +"92 _param_constant21" [id=92, type=get_attr]; +"93 linear_5_updated_constant0" [id=93, type=get_attr]; +"94 asymmetric_weights_decompressor_linear_5_updated_constant0_0" [id=94, type=call_module]; +"95 linear_5" [id=95, type=linear]; +"96 view_15" [id=96, type=view]; +"97 transpose_11" [id=97, type=transpose]; +"98 dropout_4" [id=98, type=dropout]; +"99 add_3" [id=99, type=add]; +"100 _param_constant22" [id=100, type=get_attr]; +"101 _param_constant23" [id=101, type=get_attr]; +"102 layer_norm_3" [id=102, type=layer_norm]; +"103 _param_constant25" [id=103, type=get_attr]; +"104 linear_6_updated_constant0" [id=104, type=get_attr]; +"105 asymmetric_weights_decompressor_linear_6_updated_constant0_0" [id=105, type=call_module]; +"106 linear_6" [id=106, type=linear]; +"107 gelu_1" [id=107, type=gelu]; +"108 dropout_5" [id=108, type=dropout]; +"109 _param_constant27" [id=109, type=get_attr]; +"110 linear_7_updated_constant0" [id=110, type=get_attr]; +"111 asymmetric_weights_decompressor_linear_7_updated_constant0_0" [id=111, type=call_module]; +"112 linear_7" [id=112, type=linear]; +"113 dropout_6" [id=113, type=dropout]; +"114 add_4" [id=114, type=add]; +"115 _param_constant28" [id=115, type=get_attr]; +"116 _param_constant29" [id=116, type=get_attr]; +"117 layer_norm_4" [id=117, type=layer_norm]; +"118 transpose_12" [id=118, type=transpose]; +"119 _param_constant31" [id=119, type=get_attr]; +"120 linear_8_updated_constant0" [id=120, type=get_attr]; +"121 asymmetric_weights_decompressor_linear_8_updated_constant0_0" [id=121, type=call_module]; +"122 linear_8" [id=122, type=linear]; +"123 unflatten_2" [id=123, type=unflatten]; +"124 unsqueeze_2" [id=124, type=unsqueeze]; +"125 transpose_13" [id=125, type=transpose]; +"126 squeeze_2" [id=126, type=squeeze]; +"127 contiguous_2" [id=127, type=contiguous]; +"128 select_6" [id=128, type=select]; +"129 select_7" [id=129, type=select]; +"130 select_8" [id=130, type=select]; +"131 view_16" [id=131, type=view]; +"132 transpose_14" [id=132, type=transpose]; +"133 view_17" [id=133, type=view]; +"134 transpose_15" [id=134, type=transpose]; +"135 view_18" [id=135, type=view]; +"136 transpose_16" [id=136, type=transpose]; +"137 view_19" [id=137, type=view]; +"138 view_20" [id=138, type=view]; +"139 view_21" [id=139, type=view]; +"140 scaled_dot_product_attention_2" [id=140, type=scaled_dot_product_attention]; +"141 permute_3" [id=141, type=permute]; +"142 view_22" [id=142, type=view]; +"143 _param_constant33" [id=143, type=get_attr]; +"144 linear_9_updated_constant0" [id=144, type=get_attr]; +"145 asymmetric_weights_decompressor_linear_9_updated_constant0_0" [id=145, type=call_module]; +"146 linear_9" [id=146, type=linear]; +"147 view_23" [id=147, type=view]; +"148 transpose_17" [id=148, type=transpose]; +"149 dropout_7" [id=149, type=dropout]; +"150 add_5" [id=150, type=add]; +"151 _param_constant34" [id=151, type=get_attr]; +"152 _param_constant35" [id=152, type=get_attr]; +"153 layer_norm_5" [id=153, type=layer_norm]; +"154 _param_constant37" [id=154, type=get_attr]; +"155 linear_10_updated_constant0" [id=155, type=get_attr]; +"156 asymmetric_weights_decompressor_linear_10_updated_constant0_0" [id=156, type=call_module]; +"157 linear_10" [id=157, type=linear]; +"158 gelu_2" [id=158, type=gelu]; +"159 dropout_8" [id=159, type=dropout]; +"160 _param_constant39" [id=160, type=get_attr]; +"161 linear_11_updated_constant0" [id=161, type=get_attr]; +"162 asymmetric_weights_decompressor_linear_11_updated_constant0_0" [id=162, type=call_module]; +"163 linear_11" [id=163, type=linear]; +"164 dropout_9" [id=164, type=dropout]; +"165 add_6" [id=165, type=add]; +"166 _param_constant40" [id=166, type=get_attr]; +"167 _param_constant41" [id=167, type=get_attr]; +"168 layer_norm_6" [id=168, type=layer_norm]; +"169 transpose_18" [id=169, type=transpose]; +"170 _param_constant43" [id=170, type=get_attr]; +"171 linear_12_updated_constant0" [id=171, type=get_attr]; +"172 asymmetric_weights_decompressor_linear_12_updated_constant0_0" [id=172, type=call_module]; +"173 linear_12" [id=173, type=linear]; +"174 unflatten_3" [id=174, type=unflatten]; +"175 unsqueeze_3" [id=175, type=unsqueeze]; +"176 transpose_19" [id=176, type=transpose]; +"177 squeeze_3" [id=177, type=squeeze]; +"178 contiguous_3" [id=178, type=contiguous]; +"179 select_9" [id=179, type=select]; +"180 select_10" [id=180, type=select]; +"181 select_11" [id=181, type=select]; +"182 view_24" [id=182, type=view]; +"183 transpose_20" [id=183, type=transpose]; +"184 view_25" [id=184, type=view]; +"185 transpose_21" [id=185, type=transpose]; +"186 view_26" [id=186, type=view]; +"187 transpose_22" [id=187, type=transpose]; +"188 view_27" [id=188, type=view]; +"189 view_28" [id=189, type=view]; +"190 view_29" [id=190, type=view]; +"191 scaled_dot_product_attention_3" [id=191, type=scaled_dot_product_attention]; +"192 permute_4" [id=192, type=permute]; +"193 view_30" [id=193, type=view]; +"194 _param_constant45" [id=194, type=get_attr]; +"195 linear_13_updated_constant0" [id=195, type=get_attr]; +"196 asymmetric_weights_decompressor_linear_13_updated_constant0_0" [id=196, type=call_module]; +"197 linear_13" [id=197, type=linear]; +"198 view_31" [id=198, type=view]; +"199 transpose_23" [id=199, type=transpose]; +"200 dropout_10" [id=200, type=dropout]; +"201 add_7" [id=201, type=add]; +"202 _param_constant46" [id=202, type=get_attr]; +"203 _param_constant47" [id=203, type=get_attr]; +"204 layer_norm_7" [id=204, type=layer_norm]; +"205 _param_constant49" [id=205, type=get_attr]; +"206 linear_14_updated_constant0" [id=206, type=get_attr]; +"207 asymmetric_weights_decompressor_linear_14_updated_constant0_0" [id=207, type=call_module]; +"208 linear_14" [id=208, type=linear]; +"209 gelu_3" [id=209, type=gelu]; +"210 dropout_11" [id=210, type=dropout]; +"211 _param_constant51" [id=211, type=get_attr]; +"212 linear_15_updated_constant0" [id=212, type=get_attr]; +"213 asymmetric_weights_decompressor_linear_15_updated_constant0_0" [id=213, type=call_module]; +"214 linear_15" [id=214, type=linear]; +"215 dropout_12" [id=215, type=dropout]; +"216 add_8" [id=216, type=add]; +"217 _param_constant52" [id=217, type=get_attr]; +"218 _param_constant53" [id=218, type=get_attr]; +"219 layer_norm_8" [id=219, type=layer_norm]; +"220 transpose_24" [id=220, type=transpose]; +"221 _param_constant55" [id=221, type=get_attr]; +"222 linear_16_updated_constant0" [id=222, type=get_attr]; +"223 asymmetric_weights_decompressor_linear_16_updated_constant0_0" [id=223, type=call_module]; +"224 linear_16" [id=224, type=linear]; +"225 unflatten_4" [id=225, type=unflatten]; +"226 unsqueeze_4" [id=226, type=unsqueeze]; +"227 transpose_25" [id=227, type=transpose]; +"228 squeeze_4" [id=228, type=squeeze]; +"229 contiguous_4" [id=229, type=contiguous]; +"230 select_12" [id=230, type=select]; +"231 select_13" [id=231, type=select]; +"232 select_14" [id=232, type=select]; +"233 view_32" [id=233, type=view]; +"234 transpose_26" [id=234, type=transpose]; +"235 view_33" [id=235, type=view]; +"236 transpose_27" [id=236, type=transpose]; +"237 view_34" [id=237, type=view]; +"238 transpose_28" [id=238, type=transpose]; +"239 view_35" [id=239, type=view]; +"240 view_36" [id=240, type=view]; +"241 view_37" [id=241, type=view]; +"242 scaled_dot_product_attention_4" [id=242, type=scaled_dot_product_attention]; +"243 permute_5" [id=243, type=permute]; +"244 view_38" [id=244, type=view]; +"245 _param_constant57" [id=245, type=get_attr]; +"246 linear_17_updated_constant0" [id=246, type=get_attr]; +"247 asymmetric_weights_decompressor_linear_17_updated_constant0_0" [id=247, type=call_module]; +"248 linear_17" [id=248, type=linear]; +"249 view_39" [id=249, type=view]; +"250 transpose_29" [id=250, type=transpose]; +"251 dropout_13" [id=251, type=dropout]; +"252 add_9" [id=252, type=add]; +"253 _param_constant58" [id=253, type=get_attr]; +"254 _param_constant59" [id=254, type=get_attr]; +"255 layer_norm_9" [id=255, type=layer_norm]; +"256 _param_constant61" [id=256, type=get_attr]; +"257 linear_18_updated_constant0" [id=257, type=get_attr]; +"258 asymmetric_weights_decompressor_linear_18_updated_constant0_0" [id=258, type=call_module]; +"259 linear_18" [id=259, type=linear]; +"260 gelu_4" [id=260, type=gelu]; +"261 dropout_14" [id=261, type=dropout]; +"262 _param_constant63" [id=262, type=get_attr]; +"263 linear_19_updated_constant0" [id=263, type=get_attr]; +"264 asymmetric_weights_decompressor_linear_19_updated_constant0_0" [id=264, type=call_module]; +"265 linear_19" [id=265, type=linear]; +"266 dropout_15" [id=266, type=dropout]; +"267 add_10" [id=267, type=add]; +"268 _param_constant64" [id=268, type=get_attr]; +"269 _param_constant65" [id=269, type=get_attr]; +"270 layer_norm_10" [id=270, type=layer_norm]; +"271 transpose_30" [id=271, type=transpose]; +"272 _param_constant67" [id=272, type=get_attr]; +"273 linear_20_updated_constant0" [id=273, type=get_attr]; +"274 asymmetric_weights_decompressor_linear_20_updated_constant0_0" [id=274, type=call_module]; +"275 linear_20" [id=275, type=linear]; +"276 unflatten_5" [id=276, type=unflatten]; +"277 unsqueeze_5" [id=277, type=unsqueeze]; +"278 transpose_31" [id=278, type=transpose]; +"279 squeeze_5" [id=279, type=squeeze]; +"280 contiguous_5" [id=280, type=contiguous]; +"281 select_15" [id=281, type=select]; +"282 select_16" [id=282, type=select]; +"283 select_17" [id=283, type=select]; +"284 view_40" [id=284, type=view]; +"285 transpose_32" [id=285, type=transpose]; +"286 view_41" [id=286, type=view]; +"287 transpose_33" [id=287, type=transpose]; +"288 view_42" [id=288, type=view]; +"289 transpose_34" [id=289, type=transpose]; +"290 view_43" [id=290, type=view]; +"291 view_44" [id=291, type=view]; +"292 view_45" [id=292, type=view]; +"293 scaled_dot_product_attention_5" [id=293, type=scaled_dot_product_attention]; +"294 permute_6" [id=294, type=permute]; +"295 view_46" [id=295, type=view]; +"296 _param_constant69" [id=296, type=get_attr]; +"297 linear_21_updated_constant0" [id=297, type=get_attr]; +"298 asymmetric_weights_decompressor_linear_21_updated_constant0_0" [id=298, type=call_module]; +"299 linear_21" [id=299, type=linear]; +"300 view_47" [id=300, type=view]; +"301 transpose_35" [id=301, type=transpose]; +"302 dropout_16" [id=302, type=dropout]; +"303 add_11" [id=303, type=add]; +"304 _param_constant70" [id=304, type=get_attr]; +"305 _param_constant71" [id=305, type=get_attr]; +"306 layer_norm_11" [id=306, type=layer_norm]; +"307 _param_constant73" [id=307, type=get_attr]; +"308 linear_22_updated_constant0" [id=308, type=get_attr]; +"309 asymmetric_weights_decompressor_linear_22_updated_constant0_0" [id=309, type=call_module]; +"310 linear_22" [id=310, type=linear]; +"311 gelu_5" [id=311, type=gelu]; +"312 dropout_17" [id=312, type=dropout]; +"313 _param_constant75" [id=313, type=get_attr]; +"314 linear_23_updated_constant0" [id=314, type=get_attr]; +"315 asymmetric_weights_decompressor_linear_23_updated_constant0_0" [id=315, type=call_module]; +"316 linear_23" [id=316, type=linear]; +"317 dropout_18" [id=317, type=dropout]; +"318 add_12" [id=318, type=add]; +"319 _param_constant76" [id=319, type=get_attr]; +"320 _param_constant77" [id=320, type=get_attr]; +"321 layer_norm_12" [id=321, type=layer_norm]; +"322 transpose_36" [id=322, type=transpose]; +"323 _param_constant79" [id=323, type=get_attr]; +"324 linear_24_updated_constant0" [id=324, type=get_attr]; +"325 asymmetric_weights_decompressor_linear_24_updated_constant0_0" [id=325, type=call_module]; +"326 linear_24" [id=326, type=linear]; +"327 unflatten_6" [id=327, type=unflatten]; +"328 unsqueeze_6" [id=328, type=unsqueeze]; +"329 transpose_37" [id=329, type=transpose]; +"330 squeeze_6" [id=330, type=squeeze]; +"331 contiguous_6" [id=331, type=contiguous]; +"332 select_18" [id=332, type=select]; +"333 select_19" [id=333, type=select]; +"334 select_20" [id=334, type=select]; +"335 view_48" [id=335, type=view]; +"336 transpose_38" [id=336, type=transpose]; +"337 view_49" [id=337, type=view]; +"338 transpose_39" [id=338, type=transpose]; +"339 view_50" [id=339, type=view]; +"340 transpose_40" [id=340, type=transpose]; +"341 view_51" [id=341, type=view]; +"342 view_52" [id=342, type=view]; +"343 view_53" [id=343, type=view]; +"344 scaled_dot_product_attention_6" [id=344, type=scaled_dot_product_attention]; +"345 permute_7" [id=345, type=permute]; +"346 view_54" [id=346, type=view]; +"347 _param_constant81" [id=347, type=get_attr]; +"348 linear_25_updated_constant0" [id=348, type=get_attr]; +"349 asymmetric_weights_decompressor_linear_25_updated_constant0_0" [id=349, type=call_module]; +"350 linear_25" [id=350, type=linear]; +"351 view_55" [id=351, type=view]; +"352 transpose_41" [id=352, type=transpose]; +"353 dropout_19" [id=353, type=dropout]; +"354 add_13" [id=354, type=add]; +"355 _param_constant82" [id=355, type=get_attr]; +"356 _param_constant83" [id=356, type=get_attr]; +"357 layer_norm_13" [id=357, type=layer_norm]; +"358 _param_constant85" [id=358, type=get_attr]; +"359 linear_26_updated_constant0" [id=359, type=get_attr]; +"360 asymmetric_weights_decompressor_linear_26_updated_constant0_0" [id=360, type=call_module]; +"361 linear_26" [id=361, type=linear]; +"362 gelu_6" [id=362, type=gelu]; +"363 dropout_20" [id=363, type=dropout]; +"364 _param_constant87" [id=364, type=get_attr]; +"365 linear_27_updated_constant0" [id=365, type=get_attr]; +"366 asymmetric_weights_decompressor_linear_27_updated_constant0_0" [id=366, type=call_module]; +"367 linear_27" [id=367, type=linear]; +"368 dropout_21" [id=368, type=dropout]; +"369 add_14" [id=369, type=add]; +"370 _param_constant88" [id=370, type=get_attr]; +"371 _param_constant89" [id=371, type=get_attr]; +"372 layer_norm_14" [id=372, type=layer_norm]; +"373 transpose_42" [id=373, type=transpose]; +"374 _param_constant91" [id=374, type=get_attr]; +"375 linear_28_updated_constant0" [id=375, type=get_attr]; +"376 asymmetric_weights_decompressor_linear_28_updated_constant0_0" [id=376, type=call_module]; +"377 linear_28" [id=377, type=linear]; +"378 unflatten_7" [id=378, type=unflatten]; +"379 unsqueeze_7" [id=379, type=unsqueeze]; +"380 transpose_43" [id=380, type=transpose]; +"381 squeeze_7" [id=381, type=squeeze]; +"382 contiguous_7" [id=382, type=contiguous]; +"383 select_21" [id=383, type=select]; +"384 select_22" [id=384, type=select]; +"385 select_23" [id=385, type=select]; +"386 view_56" [id=386, type=view]; +"387 transpose_44" [id=387, type=transpose]; +"388 view_57" [id=388, type=view]; +"389 transpose_45" [id=389, type=transpose]; +"390 view_58" [id=390, type=view]; +"391 transpose_46" [id=391, type=transpose]; +"392 view_59" [id=392, type=view]; +"393 view_60" [id=393, type=view]; +"394 view_61" [id=394, type=view]; +"395 scaled_dot_product_attention_7" [id=395, type=scaled_dot_product_attention]; +"396 permute_8" [id=396, type=permute]; +"397 view_62" [id=397, type=view]; +"398 _param_constant93" [id=398, type=get_attr]; +"399 linear_29_updated_constant0" [id=399, type=get_attr]; +"400 asymmetric_weights_decompressor_linear_29_updated_constant0_0" [id=400, type=call_module]; +"401 linear_29" [id=401, type=linear]; +"402 view_63" [id=402, type=view]; +"403 transpose_47" [id=403, type=transpose]; +"404 dropout_22" [id=404, type=dropout]; +"405 add_15" [id=405, type=add]; +"406 _param_constant94" [id=406, type=get_attr]; +"407 _param_constant95" [id=407, type=get_attr]; +"408 layer_norm_15" [id=408, type=layer_norm]; +"409 _param_constant97" [id=409, type=get_attr]; +"410 linear_30_updated_constant0" [id=410, type=get_attr]; +"411 asymmetric_weights_decompressor_linear_30_updated_constant0_0" [id=411, type=call_module]; +"412 linear_30" [id=412, type=linear]; +"413 gelu_7" [id=413, type=gelu]; +"414 dropout_23" [id=414, type=dropout]; +"415 _param_constant99" [id=415, type=get_attr]; +"416 linear_31_updated_constant0" [id=416, type=get_attr]; +"417 asymmetric_weights_decompressor_linear_31_updated_constant0_0" [id=417, type=call_module]; +"418 linear_31" [id=418, type=linear]; +"419 dropout_24" [id=419, type=dropout]; +"420 add_16" [id=420, type=add]; +"421 _param_constant100" [id=421, type=get_attr]; +"422 _param_constant101" [id=422, type=get_attr]; +"423 layer_norm_16" [id=423, type=layer_norm]; +"424 transpose_48" [id=424, type=transpose]; +"425 _param_constant103" [id=425, type=get_attr]; +"426 linear_32_updated_constant0" [id=426, type=get_attr]; +"427 asymmetric_weights_decompressor_linear_32_updated_constant0_0" [id=427, type=call_module]; +"428 linear_32" [id=428, type=linear]; +"429 unflatten_8" [id=429, type=unflatten]; +"430 unsqueeze_8" [id=430, type=unsqueeze]; +"431 transpose_49" [id=431, type=transpose]; +"432 squeeze_8" [id=432, type=squeeze]; +"433 contiguous_8" [id=433, type=contiguous]; +"434 select_24" [id=434, type=select]; +"435 select_25" [id=435, type=select]; +"436 select_26" [id=436, type=select]; +"437 view_64" [id=437, type=view]; +"438 transpose_50" [id=438, type=transpose]; +"439 view_65" [id=439, type=view]; +"440 transpose_51" [id=440, type=transpose]; +"441 view_66" [id=441, type=view]; +"442 transpose_52" [id=442, type=transpose]; +"443 view_67" [id=443, type=view]; +"444 view_68" [id=444, type=view]; +"445 view_69" [id=445, type=view]; +"446 scaled_dot_product_attention_8" [id=446, type=scaled_dot_product_attention]; +"447 permute_9" [id=447, type=permute]; +"448 view_70" [id=448, type=view]; +"449 _param_constant105" [id=449, type=get_attr]; +"450 linear_33_updated_constant0" [id=450, type=get_attr]; +"451 asymmetric_weights_decompressor_linear_33_updated_constant0_0" [id=451, type=call_module]; +"452 linear_33" [id=452, type=linear]; +"453 view_71" [id=453, type=view]; +"454 transpose_53" [id=454, type=transpose]; +"455 dropout_25" [id=455, type=dropout]; +"456 add_17" [id=456, type=add]; +"457 _param_constant106" [id=457, type=get_attr]; +"458 _param_constant107" [id=458, type=get_attr]; +"459 layer_norm_17" [id=459, type=layer_norm]; +"460 _param_constant109" [id=460, type=get_attr]; +"461 linear_34_updated_constant0" [id=461, type=get_attr]; +"462 asymmetric_weights_decompressor_linear_34_updated_constant0_0" [id=462, type=call_module]; +"463 linear_34" [id=463, type=linear]; +"464 gelu_8" [id=464, type=gelu]; +"465 dropout_26" [id=465, type=dropout]; +"466 _param_constant111" [id=466, type=get_attr]; +"467 linear_35_updated_constant0" [id=467, type=get_attr]; +"468 asymmetric_weights_decompressor_linear_35_updated_constant0_0" [id=468, type=call_module]; +"469 linear_35" [id=469, type=linear]; +"470 dropout_27" [id=470, type=dropout]; +"471 add_18" [id=471, type=add]; +"472 _param_constant112" [id=472, type=get_attr]; +"473 _param_constant113" [id=473, type=get_attr]; +"474 layer_norm_18" [id=474, type=layer_norm]; +"475 transpose_54" [id=475, type=transpose]; +"476 _param_constant115" [id=476, type=get_attr]; +"477 linear_36_updated_constant0" [id=477, type=get_attr]; +"478 asymmetric_weights_decompressor_linear_36_updated_constant0_0" [id=478, type=call_module]; +"479 linear_36" [id=479, type=linear]; +"480 unflatten_9" [id=480, type=unflatten]; +"481 unsqueeze_9" [id=481, type=unsqueeze]; +"482 transpose_55" [id=482, type=transpose]; +"483 squeeze_9" [id=483, type=squeeze]; +"484 contiguous_9" [id=484, type=contiguous]; +"485 select_27" [id=485, type=select]; +"486 select_28" [id=486, type=select]; +"487 select_29" [id=487, type=select]; +"488 view_72" [id=488, type=view]; +"489 transpose_56" [id=489, type=transpose]; +"490 view_73" [id=490, type=view]; +"491 transpose_57" [id=491, type=transpose]; +"492 view_74" [id=492, type=view]; +"493 transpose_58" [id=493, type=transpose]; +"494 view_75" [id=494, type=view]; +"495 view_76" [id=495, type=view]; +"496 view_77" [id=496, type=view]; +"497 scaled_dot_product_attention_9" [id=497, type=scaled_dot_product_attention]; +"498 permute_10" [id=498, type=permute]; +"499 view_78" [id=499, type=view]; +"500 _param_constant117" [id=500, type=get_attr]; +"501 linear_37_updated_constant0" [id=501, type=get_attr]; +"502 asymmetric_weights_decompressor_linear_37_updated_constant0_0" [id=502, type=call_module]; +"503 linear_37" [id=503, type=linear]; +"504 view_79" [id=504, type=view]; +"505 transpose_59" [id=505, type=transpose]; +"506 dropout_28" [id=506, type=dropout]; +"507 add_19" [id=507, type=add]; +"508 _param_constant118" [id=508, type=get_attr]; +"509 _param_constant119" [id=509, type=get_attr]; +"510 layer_norm_19" [id=510, type=layer_norm]; +"511 _param_constant121" [id=511, type=get_attr]; +"512 linear_38_updated_constant0" [id=512, type=get_attr]; +"513 asymmetric_weights_decompressor_linear_38_updated_constant0_0" [id=513, type=call_module]; +"514 linear_38" [id=514, type=linear]; +"515 gelu_9" [id=515, type=gelu]; +"516 dropout_29" [id=516, type=dropout]; +"517 _param_constant123" [id=517, type=get_attr]; +"518 linear_39_updated_constant0" [id=518, type=get_attr]; +"519 asymmetric_weights_decompressor_linear_39_updated_constant0_0" [id=519, type=call_module]; +"520 linear_39" [id=520, type=linear]; +"521 dropout_30" [id=521, type=dropout]; +"522 add_20" [id=522, type=add]; +"523 _param_constant124" [id=523, type=get_attr]; +"524 _param_constant125" [id=524, type=get_attr]; +"525 layer_norm_20" [id=525, type=layer_norm]; +"526 transpose_60" [id=526, type=transpose]; +"527 _param_constant127" [id=527, type=get_attr]; +"528 linear_40_updated_constant0" [id=528, type=get_attr]; +"529 asymmetric_weights_decompressor_linear_40_updated_constant0_0" [id=529, type=call_module]; +"530 linear_40" [id=530, type=linear]; +"531 unflatten_10" [id=531, type=unflatten]; +"532 unsqueeze_10" [id=532, type=unsqueeze]; +"533 transpose_61" [id=533, type=transpose]; +"534 squeeze_10" [id=534, type=squeeze]; +"535 contiguous_10" [id=535, type=contiguous]; +"536 select_30" [id=536, type=select]; +"537 select_31" [id=537, type=select]; +"538 select_32" [id=538, type=select]; +"539 view_80" [id=539, type=view]; +"540 transpose_62" [id=540, type=transpose]; +"541 view_81" [id=541, type=view]; +"542 transpose_63" [id=542, type=transpose]; +"543 view_82" [id=543, type=view]; +"544 transpose_64" [id=544, type=transpose]; +"545 view_83" [id=545, type=view]; +"546 view_84" [id=546, type=view]; +"547 view_85" [id=547, type=view]; +"548 scaled_dot_product_attention_10" [id=548, type=scaled_dot_product_attention]; +"549 permute_11" [id=549, type=permute]; +"550 view_86" [id=550, type=view]; +"551 _param_constant129" [id=551, type=get_attr]; +"552 linear_41_updated_constant0" [id=552, type=get_attr]; +"553 asymmetric_weights_decompressor_linear_41_updated_constant0_0" [id=553, type=call_module]; +"554 linear_41" [id=554, type=linear]; +"555 view_87" [id=555, type=view]; +"556 transpose_65" [id=556, type=transpose]; +"557 dropout_31" [id=557, type=dropout]; +"558 add_21" [id=558, type=add]; +"559 _param_constant130" [id=559, type=get_attr]; +"560 _param_constant131" [id=560, type=get_attr]; +"561 layer_norm_21" [id=561, type=layer_norm]; +"562 _param_constant133" [id=562, type=get_attr]; +"563 linear_42_updated_constant0" [id=563, type=get_attr]; +"564 asymmetric_weights_decompressor_linear_42_updated_constant0_0" [id=564, type=call_module]; +"565 linear_42" [id=565, type=linear]; +"566 gelu_10" [id=566, type=gelu]; +"567 dropout_32" [id=567, type=dropout]; +"568 _param_constant135" [id=568, type=get_attr]; +"569 linear_43_updated_constant0" [id=569, type=get_attr]; +"570 asymmetric_weights_decompressor_linear_43_updated_constant0_0" [id=570, type=call_module]; +"571 linear_43" [id=571, type=linear]; +"572 dropout_33" [id=572, type=dropout]; +"573 add_22" [id=573, type=add]; +"574 _param_constant136" [id=574, type=get_attr]; +"575 _param_constant137" [id=575, type=get_attr]; +"576 layer_norm_22" [id=576, type=layer_norm]; +"577 transpose_66" [id=577, type=transpose]; +"578 _param_constant139" [id=578, type=get_attr]; +"579 linear_44_updated_constant0" [id=579, type=get_attr]; +"580 asymmetric_weights_decompressor_linear_44_updated_constant0_0" [id=580, type=call_module]; +"581 linear_44" [id=581, type=linear]; +"582 unflatten_11" [id=582, type=unflatten]; +"583 unsqueeze_11" [id=583, type=unsqueeze]; +"584 transpose_67" [id=584, type=transpose]; +"585 squeeze_11" [id=585, type=squeeze]; +"586 contiguous_11" [id=586, type=contiguous]; +"587 select_33" [id=587, type=select]; +"588 select_34" [id=588, type=select]; +"589 select_35" [id=589, type=select]; +"590 view_88" [id=590, type=view]; +"591 transpose_68" [id=591, type=transpose]; +"592 view_89" [id=592, type=view]; +"593 transpose_69" [id=593, type=transpose]; +"594 view_90" [id=594, type=view]; +"595 transpose_70" [id=595, type=transpose]; +"596 view_91" [id=596, type=view]; +"597 view_92" [id=597, type=view]; +"598 view_93" [id=598, type=view]; +"599 scaled_dot_product_attention_11" [id=599, type=scaled_dot_product_attention]; +"600 permute_12" [id=600, type=permute]; +"601 view_94" [id=601, type=view]; +"602 _param_constant141" [id=602, type=get_attr]; +"603 linear_45_updated_constant0" [id=603, type=get_attr]; +"604 asymmetric_weights_decompressor_linear_45_updated_constant0_0" [id=604, type=call_module]; +"605 linear_45" [id=605, type=linear]; +"606 view_95" [id=606, type=view]; +"607 transpose_71" [id=607, type=transpose]; +"608 dropout_34" [id=608, type=dropout]; +"609 add_23" [id=609, type=add]; +"610 _param_constant142" [id=610, type=get_attr]; +"611 _param_constant143" [id=611, type=get_attr]; +"612 layer_norm_23" [id=612, type=layer_norm]; +"613 _param_constant145" [id=613, type=get_attr]; +"614 linear_46_updated_constant0" [id=614, type=get_attr]; +"615 asymmetric_weights_decompressor_linear_46_updated_constant0_0" [id=615, type=call_module]; +"616 linear_46" [id=616, type=linear]; +"617 gelu_11" [id=617, type=gelu]; +"618 dropout_35" [id=618, type=dropout]; +"619 _param_constant147" [id=619, type=get_attr]; +"620 linear_47_updated_constant0" [id=620, type=get_attr]; +"621 asymmetric_weights_decompressor_linear_47_updated_constant0_0" [id=621, type=call_module]; +"622 linear_47" [id=622, type=linear]; +"623 dropout_36" [id=623, type=dropout]; +"624 add_24" [id=624, type=add]; +"625 _param_constant148" [id=625, type=get_attr]; +"626 _param_constant149" [id=626, type=get_attr]; +"627 layer_norm_24" [id=627, type=layer_norm]; +"628 slice_1" [id=628, type=slice]; +"629 select_36" [id=629, type=select]; +"630 _param_constant151" [id=630, type=get_attr]; +"631 linear_48_updated_constant0" [id=631, type=get_attr]; +"632 asymmetric_weights_decompressor_linear_48_updated_constant0_0" [id=632, type=call_module]; +"633 linear_48" [id=633, type=linear]; +"634 output" [id=634, type=output]; +"0 arg0_1" -> "4 conv2d"; +"1 _param_constant1" -> "4 conv2d"; +"2 conv2d_updated_constant0" -> "3 asymmetric_weights_decompressor_conv2d_updated_constant0_0"; +"3 asymmetric_weights_decompressor_conv2d_updated_constant0_0" -> "4 conv2d"; +"4 conv2d" -> "5 reshape"; +"5 reshape" -> "6 permute"; +"6 permute" -> "9 cat"; +"7 _param_constant2" -> "8 expand"; +"8 expand" -> "9 cat"; +"9 cat" -> "11 add"; +"10 _param_constant3" -> "11 add"; +"11 add" -> "12 dropout"; +"12 dropout" -> "15 layer_norm"; +"12 dropout" -> "48 add_1"; +"13 _param_constant4" -> "15 layer_norm"; +"14 _param_constant5" -> "15 layer_norm"; +"15 layer_norm" -> "16 transpose"; +"16 transpose" -> "20 linear"; +"17 _param_constant7" -> "20 linear"; +"18 linear_updated_constant0" -> "19 asymmetric_weights_decompressor_linear_updated_constant0_0"; +"19 asymmetric_weights_decompressor_linear_updated_constant0_0" -> "20 linear"; +"20 linear" -> "21 unflatten"; +"21 unflatten" -> "22 unsqueeze"; +"22 unsqueeze" -> "23 transpose_1"; +"23 transpose_1" -> "24 squeeze"; +"24 squeeze" -> "25 contiguous"; +"25 contiguous" -> "26 select"; +"25 contiguous" -> "27 select_1"; +"25 contiguous" -> "28 select_2"; +"26 select" -> "29 view"; +"27 select_1" -> "31 view_1"; +"28 select_2" -> "33 view_2"; +"29 view" -> "30 transpose_2"; +"30 transpose_2" -> "35 view_3"; +"31 view_1" -> "32 transpose_3"; +"32 transpose_3" -> "36 view_4"; +"33 view_2" -> "34 transpose_4"; +"34 transpose_4" -> "37 view_5"; +"35 view_3" -> "38 scaled_dot_product_attention"; +"36 view_4" -> "38 scaled_dot_product_attention"; +"37 view_5" -> "38 scaled_dot_product_attention"; +"38 scaled_dot_product_attention" -> "39 permute_1"; +"39 permute_1" -> "40 view_6"; +"40 view_6" -> "44 linear_1"; +"41 _param_constant9" -> "44 linear_1"; +"42 linear_1_updated_constant0" -> "43 asymmetric_weights_decompressor_linear_1_updated_constant0_0"; +"43 asymmetric_weights_decompressor_linear_1_updated_constant0_0" -> "44 linear_1"; +"44 linear_1" -> "45 view_7"; +"45 view_7" -> "46 transpose_5"; +"46 transpose_5" -> "47 dropout_1"; +"47 dropout_1" -> "48 add_1"; +"48 add_1" -> "51 layer_norm_1"; +"48 add_1" -> "63 add_2"; +"49 _param_constant10" -> "51 layer_norm_1"; +"50 _param_constant11" -> "51 layer_norm_1"; +"51 layer_norm_1" -> "55 linear_2"; +"52 _param_constant13" -> "55 linear_2"; +"53 linear_2_updated_constant0" -> "54 asymmetric_weights_decompressor_linear_2_updated_constant0_0"; +"54 asymmetric_weights_decompressor_linear_2_updated_constant0_0" -> "55 linear_2"; +"55 linear_2" -> "56 gelu"; +"56 gelu" -> "57 dropout_2"; +"57 dropout_2" -> "61 linear_3"; +"58 _param_constant15" -> "61 linear_3"; +"59 linear_3_updated_constant0" -> "60 asymmetric_weights_decompressor_linear_3_updated_constant0_0"; +"60 asymmetric_weights_decompressor_linear_3_updated_constant0_0" -> "61 linear_3"; +"61 linear_3" -> "62 dropout_3"; +"62 dropout_3" -> "63 add_2"; +"63 add_2" -> "66 layer_norm_2"; +"63 add_2" -> "99 add_3"; +"64 _param_constant16" -> "66 layer_norm_2"; +"65 _param_constant17" -> "66 layer_norm_2"; +"66 layer_norm_2" -> "67 transpose_6"; +"67 transpose_6" -> "71 linear_4"; +"68 _param_constant19" -> "71 linear_4"; +"69 linear_4_updated_constant0" -> "70 asymmetric_weights_decompressor_linear_4_updated_constant0_0"; +"70 asymmetric_weights_decompressor_linear_4_updated_constant0_0" -> "71 linear_4"; +"71 linear_4" -> "72 unflatten_1"; +"72 unflatten_1" -> "73 unsqueeze_1"; +"73 unsqueeze_1" -> "74 transpose_7"; +"74 transpose_7" -> "75 squeeze_1"; +"75 squeeze_1" -> "76 contiguous_1"; +"76 contiguous_1" -> "77 select_3"; +"76 contiguous_1" -> "78 select_4"; +"76 contiguous_1" -> "79 select_5"; +"77 select_3" -> "80 view_8"; +"78 select_4" -> "82 view_9"; +"79 select_5" -> "84 view_10"; +"80 view_8" -> "81 transpose_8"; +"81 transpose_8" -> "86 view_11"; +"82 view_9" -> "83 transpose_9"; +"83 transpose_9" -> "87 view_12"; +"84 view_10" -> "85 transpose_10"; +"85 transpose_10" -> "88 view_13"; +"86 view_11" -> "89 scaled_dot_product_attention_1"; +"87 view_12" -> "89 scaled_dot_product_attention_1"; +"88 view_13" -> "89 scaled_dot_product_attention_1"; +"89 scaled_dot_product_attention_1" -> "90 permute_2"; +"90 permute_2" -> "91 view_14"; +"91 view_14" -> "95 linear_5"; +"92 _param_constant21" -> "95 linear_5"; +"93 linear_5_updated_constant0" -> "94 asymmetric_weights_decompressor_linear_5_updated_constant0_0"; +"94 asymmetric_weights_decompressor_linear_5_updated_constant0_0" -> "95 linear_5"; +"95 linear_5" -> "96 view_15"; +"96 view_15" -> "97 transpose_11"; +"97 transpose_11" -> "98 dropout_4"; +"98 dropout_4" -> "99 add_3"; +"99 add_3" -> "102 layer_norm_3"; +"99 add_3" -> "114 add_4"; +"100 _param_constant22" -> "102 layer_norm_3"; +"101 _param_constant23" -> "102 layer_norm_3"; +"102 layer_norm_3" -> "106 linear_6"; +"103 _param_constant25" -> "106 linear_6"; +"104 linear_6_updated_constant0" -> "105 asymmetric_weights_decompressor_linear_6_updated_constant0_0"; +"105 asymmetric_weights_decompressor_linear_6_updated_constant0_0" -> "106 linear_6"; +"106 linear_6" -> "107 gelu_1"; +"107 gelu_1" -> "108 dropout_5"; +"108 dropout_5" -> "112 linear_7"; +"109 _param_constant27" -> "112 linear_7"; +"110 linear_7_updated_constant0" -> "111 asymmetric_weights_decompressor_linear_7_updated_constant0_0"; +"111 asymmetric_weights_decompressor_linear_7_updated_constant0_0" -> "112 linear_7"; +"112 linear_7" -> "113 dropout_6"; +"113 dropout_6" -> "114 add_4"; +"114 add_4" -> "117 layer_norm_4"; +"114 add_4" -> "150 add_5"; +"115 _param_constant28" -> "117 layer_norm_4"; +"116 _param_constant29" -> "117 layer_norm_4"; +"117 layer_norm_4" -> "118 transpose_12"; +"118 transpose_12" -> "122 linear_8"; +"119 _param_constant31" -> "122 linear_8"; +"120 linear_8_updated_constant0" -> "121 asymmetric_weights_decompressor_linear_8_updated_constant0_0"; +"121 asymmetric_weights_decompressor_linear_8_updated_constant0_0" -> "122 linear_8"; +"122 linear_8" -> "123 unflatten_2"; +"123 unflatten_2" -> "124 unsqueeze_2"; +"124 unsqueeze_2" -> "125 transpose_13"; +"125 transpose_13" -> "126 squeeze_2"; +"126 squeeze_2" -> "127 contiguous_2"; +"127 contiguous_2" -> "128 select_6"; +"127 contiguous_2" -> "129 select_7"; +"127 contiguous_2" -> "130 select_8"; +"128 select_6" -> "131 view_16"; +"129 select_7" -> "133 view_17"; +"130 select_8" -> "135 view_18"; +"131 view_16" -> "132 transpose_14"; +"132 transpose_14" -> "137 view_19"; +"133 view_17" -> "134 transpose_15"; +"134 transpose_15" -> "138 view_20"; +"135 view_18" -> "136 transpose_16"; +"136 transpose_16" -> "139 view_21"; +"137 view_19" -> "140 scaled_dot_product_attention_2"; +"138 view_20" -> "140 scaled_dot_product_attention_2"; +"139 view_21" -> "140 scaled_dot_product_attention_2"; +"140 scaled_dot_product_attention_2" -> "141 permute_3"; +"141 permute_3" -> "142 view_22"; +"142 view_22" -> "146 linear_9"; +"143 _param_constant33" -> "146 linear_9"; +"144 linear_9_updated_constant0" -> "145 asymmetric_weights_decompressor_linear_9_updated_constant0_0"; +"145 asymmetric_weights_decompressor_linear_9_updated_constant0_0" -> "146 linear_9"; +"146 linear_9" -> "147 view_23"; +"147 view_23" -> "148 transpose_17"; +"148 transpose_17" -> "149 dropout_7"; +"149 dropout_7" -> "150 add_5"; +"150 add_5" -> "153 layer_norm_5"; +"150 add_5" -> "165 add_6"; +"151 _param_constant34" -> "153 layer_norm_5"; +"152 _param_constant35" -> "153 layer_norm_5"; +"153 layer_norm_5" -> "157 linear_10"; +"154 _param_constant37" -> "157 linear_10"; +"155 linear_10_updated_constant0" -> "156 asymmetric_weights_decompressor_linear_10_updated_constant0_0"; +"156 asymmetric_weights_decompressor_linear_10_updated_constant0_0" -> "157 linear_10"; +"157 linear_10" -> "158 gelu_2"; +"158 gelu_2" -> "159 dropout_8"; +"159 dropout_8" -> "163 linear_11"; +"160 _param_constant39" -> "163 linear_11"; +"161 linear_11_updated_constant0" -> "162 asymmetric_weights_decompressor_linear_11_updated_constant0_0"; +"162 asymmetric_weights_decompressor_linear_11_updated_constant0_0" -> "163 linear_11"; +"163 linear_11" -> "164 dropout_9"; +"164 dropout_9" -> "165 add_6"; +"165 add_6" -> "168 layer_norm_6"; +"165 add_6" -> "201 add_7"; +"166 _param_constant40" -> "168 layer_norm_6"; +"167 _param_constant41" -> "168 layer_norm_6"; +"168 layer_norm_6" -> "169 transpose_18"; +"169 transpose_18" -> "173 linear_12"; +"170 _param_constant43" -> "173 linear_12"; +"171 linear_12_updated_constant0" -> "172 asymmetric_weights_decompressor_linear_12_updated_constant0_0"; +"172 asymmetric_weights_decompressor_linear_12_updated_constant0_0" -> "173 linear_12"; +"173 linear_12" -> "174 unflatten_3"; +"174 unflatten_3" -> "175 unsqueeze_3"; +"175 unsqueeze_3" -> "176 transpose_19"; +"176 transpose_19" -> "177 squeeze_3"; +"177 squeeze_3" -> "178 contiguous_3"; +"178 contiguous_3" -> "179 select_9"; +"178 contiguous_3" -> "180 select_10"; +"178 contiguous_3" -> "181 select_11"; +"179 select_9" -> "182 view_24"; +"180 select_10" -> "184 view_25"; +"181 select_11" -> "186 view_26"; +"182 view_24" -> "183 transpose_20"; +"183 transpose_20" -> "188 view_27"; +"184 view_25" -> "185 transpose_21"; +"185 transpose_21" -> "189 view_28"; +"186 view_26" -> "187 transpose_22"; +"187 transpose_22" -> "190 view_29"; +"188 view_27" -> "191 scaled_dot_product_attention_3"; +"189 view_28" -> "191 scaled_dot_product_attention_3"; +"190 view_29" -> "191 scaled_dot_product_attention_3"; +"191 scaled_dot_product_attention_3" -> "192 permute_4"; +"192 permute_4" -> "193 view_30"; +"193 view_30" -> "197 linear_13"; +"194 _param_constant45" -> "197 linear_13"; +"195 linear_13_updated_constant0" -> "196 asymmetric_weights_decompressor_linear_13_updated_constant0_0"; +"196 asymmetric_weights_decompressor_linear_13_updated_constant0_0" -> "197 linear_13"; +"197 linear_13" -> "198 view_31"; +"198 view_31" -> "199 transpose_23"; +"199 transpose_23" -> "200 dropout_10"; +"200 dropout_10" -> "201 add_7"; +"201 add_7" -> "204 layer_norm_7"; +"201 add_7" -> "216 add_8"; +"202 _param_constant46" -> "204 layer_norm_7"; +"203 _param_constant47" -> "204 layer_norm_7"; +"204 layer_norm_7" -> "208 linear_14"; +"205 _param_constant49" -> "208 linear_14"; +"206 linear_14_updated_constant0" -> "207 asymmetric_weights_decompressor_linear_14_updated_constant0_0"; +"207 asymmetric_weights_decompressor_linear_14_updated_constant0_0" -> "208 linear_14"; +"208 linear_14" -> "209 gelu_3"; +"209 gelu_3" -> "210 dropout_11"; +"210 dropout_11" -> "214 linear_15"; +"211 _param_constant51" -> "214 linear_15"; +"212 linear_15_updated_constant0" -> "213 asymmetric_weights_decompressor_linear_15_updated_constant0_0"; +"213 asymmetric_weights_decompressor_linear_15_updated_constant0_0" -> "214 linear_15"; +"214 linear_15" -> "215 dropout_12"; +"215 dropout_12" -> "216 add_8"; +"216 add_8" -> "219 layer_norm_8"; +"216 add_8" -> "252 add_9"; +"217 _param_constant52" -> "219 layer_norm_8"; +"218 _param_constant53" -> "219 layer_norm_8"; +"219 layer_norm_8" -> "220 transpose_24"; +"220 transpose_24" -> "224 linear_16"; +"221 _param_constant55" -> "224 linear_16"; +"222 linear_16_updated_constant0" -> "223 asymmetric_weights_decompressor_linear_16_updated_constant0_0"; +"223 asymmetric_weights_decompressor_linear_16_updated_constant0_0" -> "224 linear_16"; +"224 linear_16" -> "225 unflatten_4"; +"225 unflatten_4" -> "226 unsqueeze_4"; +"226 unsqueeze_4" -> "227 transpose_25"; +"227 transpose_25" -> "228 squeeze_4"; +"228 squeeze_4" -> "229 contiguous_4"; +"229 contiguous_4" -> "230 select_12"; +"229 contiguous_4" -> "231 select_13"; +"229 contiguous_4" -> "232 select_14"; +"230 select_12" -> "233 view_32"; +"231 select_13" -> "235 view_33"; +"232 select_14" -> "237 view_34"; +"233 view_32" -> "234 transpose_26"; +"234 transpose_26" -> "239 view_35"; +"235 view_33" -> "236 transpose_27"; +"236 transpose_27" -> "240 view_36"; +"237 view_34" -> "238 transpose_28"; +"238 transpose_28" -> "241 view_37"; +"239 view_35" -> "242 scaled_dot_product_attention_4"; +"240 view_36" -> "242 scaled_dot_product_attention_4"; +"241 view_37" -> "242 scaled_dot_product_attention_4"; +"242 scaled_dot_product_attention_4" -> "243 permute_5"; +"243 permute_5" -> "244 view_38"; +"244 view_38" -> "248 linear_17"; +"245 _param_constant57" -> "248 linear_17"; +"246 linear_17_updated_constant0" -> "247 asymmetric_weights_decompressor_linear_17_updated_constant0_0"; +"247 asymmetric_weights_decompressor_linear_17_updated_constant0_0" -> "248 linear_17"; +"248 linear_17" -> "249 view_39"; +"249 view_39" -> "250 transpose_29"; +"250 transpose_29" -> "251 dropout_13"; +"251 dropout_13" -> "252 add_9"; +"252 add_9" -> "255 layer_norm_9"; +"252 add_9" -> "267 add_10"; +"253 _param_constant58" -> "255 layer_norm_9"; +"254 _param_constant59" -> "255 layer_norm_9"; +"255 layer_norm_9" -> "259 linear_18"; +"256 _param_constant61" -> "259 linear_18"; +"257 linear_18_updated_constant0" -> "258 asymmetric_weights_decompressor_linear_18_updated_constant0_0"; +"258 asymmetric_weights_decompressor_linear_18_updated_constant0_0" -> "259 linear_18"; +"259 linear_18" -> "260 gelu_4"; +"260 gelu_4" -> "261 dropout_14"; +"261 dropout_14" -> "265 linear_19"; +"262 _param_constant63" -> "265 linear_19"; +"263 linear_19_updated_constant0" -> "264 asymmetric_weights_decompressor_linear_19_updated_constant0_0"; +"264 asymmetric_weights_decompressor_linear_19_updated_constant0_0" -> "265 linear_19"; +"265 linear_19" -> "266 dropout_15"; +"266 dropout_15" -> "267 add_10"; +"267 add_10" -> "270 layer_norm_10"; +"267 add_10" -> "303 add_11"; +"268 _param_constant64" -> "270 layer_norm_10"; +"269 _param_constant65" -> "270 layer_norm_10"; +"270 layer_norm_10" -> "271 transpose_30"; +"271 transpose_30" -> "275 linear_20"; +"272 _param_constant67" -> "275 linear_20"; +"273 linear_20_updated_constant0" -> "274 asymmetric_weights_decompressor_linear_20_updated_constant0_0"; +"274 asymmetric_weights_decompressor_linear_20_updated_constant0_0" -> "275 linear_20"; +"275 linear_20" -> "276 unflatten_5"; +"276 unflatten_5" -> "277 unsqueeze_5"; +"277 unsqueeze_5" -> "278 transpose_31"; +"278 transpose_31" -> "279 squeeze_5"; +"279 squeeze_5" -> "280 contiguous_5"; +"280 contiguous_5" -> "281 select_15"; +"280 contiguous_5" -> "282 select_16"; +"280 contiguous_5" -> "283 select_17"; +"281 select_15" -> "284 view_40"; +"282 select_16" -> "286 view_41"; +"283 select_17" -> "288 view_42"; +"284 view_40" -> "285 transpose_32"; +"285 transpose_32" -> "290 view_43"; +"286 view_41" -> "287 transpose_33"; +"287 transpose_33" -> "291 view_44"; +"288 view_42" -> "289 transpose_34"; +"289 transpose_34" -> "292 view_45"; +"290 view_43" -> "293 scaled_dot_product_attention_5"; +"291 view_44" -> "293 scaled_dot_product_attention_5"; +"292 view_45" -> "293 scaled_dot_product_attention_5"; +"293 scaled_dot_product_attention_5" -> "294 permute_6"; +"294 permute_6" -> "295 view_46"; +"295 view_46" -> "299 linear_21"; +"296 _param_constant69" -> "299 linear_21"; +"297 linear_21_updated_constant0" -> "298 asymmetric_weights_decompressor_linear_21_updated_constant0_0"; +"298 asymmetric_weights_decompressor_linear_21_updated_constant0_0" -> "299 linear_21"; +"299 linear_21" -> "300 view_47"; +"300 view_47" -> "301 transpose_35"; +"301 transpose_35" -> "302 dropout_16"; +"302 dropout_16" -> "303 add_11"; +"303 add_11" -> "306 layer_norm_11"; +"303 add_11" -> "318 add_12"; +"304 _param_constant70" -> "306 layer_norm_11"; +"305 _param_constant71" -> "306 layer_norm_11"; +"306 layer_norm_11" -> "310 linear_22"; +"307 _param_constant73" -> "310 linear_22"; +"308 linear_22_updated_constant0" -> "309 asymmetric_weights_decompressor_linear_22_updated_constant0_0"; +"309 asymmetric_weights_decompressor_linear_22_updated_constant0_0" -> "310 linear_22"; +"310 linear_22" -> "311 gelu_5"; +"311 gelu_5" -> "312 dropout_17"; +"312 dropout_17" -> "316 linear_23"; +"313 _param_constant75" -> "316 linear_23"; +"314 linear_23_updated_constant0" -> "315 asymmetric_weights_decompressor_linear_23_updated_constant0_0"; +"315 asymmetric_weights_decompressor_linear_23_updated_constant0_0" -> "316 linear_23"; +"316 linear_23" -> "317 dropout_18"; +"317 dropout_18" -> "318 add_12"; +"318 add_12" -> "321 layer_norm_12"; +"318 add_12" -> "354 add_13"; +"319 _param_constant76" -> "321 layer_norm_12"; +"320 _param_constant77" -> "321 layer_norm_12"; +"321 layer_norm_12" -> "322 transpose_36"; +"322 transpose_36" -> "326 linear_24"; +"323 _param_constant79" -> "326 linear_24"; +"324 linear_24_updated_constant0" -> "325 asymmetric_weights_decompressor_linear_24_updated_constant0_0"; +"325 asymmetric_weights_decompressor_linear_24_updated_constant0_0" -> "326 linear_24"; +"326 linear_24" -> "327 unflatten_6"; +"327 unflatten_6" -> "328 unsqueeze_6"; +"328 unsqueeze_6" -> "329 transpose_37"; +"329 transpose_37" -> "330 squeeze_6"; +"330 squeeze_6" -> "331 contiguous_6"; +"331 contiguous_6" -> "332 select_18"; +"331 contiguous_6" -> "333 select_19"; +"331 contiguous_6" -> "334 select_20"; +"332 select_18" -> "335 view_48"; +"333 select_19" -> "337 view_49"; +"334 select_20" -> "339 view_50"; +"335 view_48" -> "336 transpose_38"; +"336 transpose_38" -> "341 view_51"; +"337 view_49" -> "338 transpose_39"; +"338 transpose_39" -> "342 view_52"; +"339 view_50" -> "340 transpose_40"; +"340 transpose_40" -> "343 view_53"; +"341 view_51" -> "344 scaled_dot_product_attention_6"; +"342 view_52" -> "344 scaled_dot_product_attention_6"; +"343 view_53" -> "344 scaled_dot_product_attention_6"; +"344 scaled_dot_product_attention_6" -> "345 permute_7"; +"345 permute_7" -> "346 view_54"; +"346 view_54" -> "350 linear_25"; +"347 _param_constant81" -> "350 linear_25"; +"348 linear_25_updated_constant0" -> "349 asymmetric_weights_decompressor_linear_25_updated_constant0_0"; +"349 asymmetric_weights_decompressor_linear_25_updated_constant0_0" -> "350 linear_25"; +"350 linear_25" -> "351 view_55"; +"351 view_55" -> "352 transpose_41"; +"352 transpose_41" -> "353 dropout_19"; +"353 dropout_19" -> "354 add_13"; +"354 add_13" -> "357 layer_norm_13"; +"354 add_13" -> "369 add_14"; +"355 _param_constant82" -> "357 layer_norm_13"; +"356 _param_constant83" -> "357 layer_norm_13"; +"357 layer_norm_13" -> "361 linear_26"; +"358 _param_constant85" -> "361 linear_26"; +"359 linear_26_updated_constant0" -> "360 asymmetric_weights_decompressor_linear_26_updated_constant0_0"; +"360 asymmetric_weights_decompressor_linear_26_updated_constant0_0" -> "361 linear_26"; +"361 linear_26" -> "362 gelu_6"; +"362 gelu_6" -> "363 dropout_20"; +"363 dropout_20" -> "367 linear_27"; +"364 _param_constant87" -> "367 linear_27"; +"365 linear_27_updated_constant0" -> "366 asymmetric_weights_decompressor_linear_27_updated_constant0_0"; +"366 asymmetric_weights_decompressor_linear_27_updated_constant0_0" -> "367 linear_27"; +"367 linear_27" -> "368 dropout_21"; +"368 dropout_21" -> "369 add_14"; +"369 add_14" -> "372 layer_norm_14"; +"369 add_14" -> "405 add_15"; +"370 _param_constant88" -> "372 layer_norm_14"; +"371 _param_constant89" -> "372 layer_norm_14"; +"372 layer_norm_14" -> "373 transpose_42"; +"373 transpose_42" -> "377 linear_28"; +"374 _param_constant91" -> "377 linear_28"; +"375 linear_28_updated_constant0" -> "376 asymmetric_weights_decompressor_linear_28_updated_constant0_0"; +"376 asymmetric_weights_decompressor_linear_28_updated_constant0_0" -> "377 linear_28"; +"377 linear_28" -> "378 unflatten_7"; +"378 unflatten_7" -> "379 unsqueeze_7"; +"379 unsqueeze_7" -> "380 transpose_43"; +"380 transpose_43" -> "381 squeeze_7"; +"381 squeeze_7" -> "382 contiguous_7"; +"382 contiguous_7" -> "383 select_21"; +"382 contiguous_7" -> "384 select_22"; +"382 contiguous_7" -> "385 select_23"; +"383 select_21" -> "386 view_56"; +"384 select_22" -> "388 view_57"; +"385 select_23" -> "390 view_58"; +"386 view_56" -> "387 transpose_44"; +"387 transpose_44" -> "392 view_59"; +"388 view_57" -> "389 transpose_45"; +"389 transpose_45" -> "393 view_60"; +"390 view_58" -> "391 transpose_46"; +"391 transpose_46" -> "394 view_61"; +"392 view_59" -> "395 scaled_dot_product_attention_7"; +"393 view_60" -> "395 scaled_dot_product_attention_7"; +"394 view_61" -> "395 scaled_dot_product_attention_7"; +"395 scaled_dot_product_attention_7" -> "396 permute_8"; +"396 permute_8" -> "397 view_62"; +"397 view_62" -> "401 linear_29"; +"398 _param_constant93" -> "401 linear_29"; +"399 linear_29_updated_constant0" -> "400 asymmetric_weights_decompressor_linear_29_updated_constant0_0"; +"400 asymmetric_weights_decompressor_linear_29_updated_constant0_0" -> "401 linear_29"; +"401 linear_29" -> "402 view_63"; +"402 view_63" -> "403 transpose_47"; +"403 transpose_47" -> "404 dropout_22"; +"404 dropout_22" -> "405 add_15"; +"405 add_15" -> "408 layer_norm_15"; +"405 add_15" -> "420 add_16"; +"406 _param_constant94" -> "408 layer_norm_15"; +"407 _param_constant95" -> "408 layer_norm_15"; +"408 layer_norm_15" -> "412 linear_30"; +"409 _param_constant97" -> "412 linear_30"; +"410 linear_30_updated_constant0" -> "411 asymmetric_weights_decompressor_linear_30_updated_constant0_0"; +"411 asymmetric_weights_decompressor_linear_30_updated_constant0_0" -> "412 linear_30"; +"412 linear_30" -> "413 gelu_7"; +"413 gelu_7" -> "414 dropout_23"; +"414 dropout_23" -> "418 linear_31"; +"415 _param_constant99" -> "418 linear_31"; +"416 linear_31_updated_constant0" -> "417 asymmetric_weights_decompressor_linear_31_updated_constant0_0"; +"417 asymmetric_weights_decompressor_linear_31_updated_constant0_0" -> "418 linear_31"; +"418 linear_31" -> "419 dropout_24"; +"419 dropout_24" -> "420 add_16"; +"420 add_16" -> "423 layer_norm_16"; +"420 add_16" -> "456 add_17"; +"421 _param_constant100" -> "423 layer_norm_16"; +"422 _param_constant101" -> "423 layer_norm_16"; +"423 layer_norm_16" -> "424 transpose_48"; +"424 transpose_48" -> "428 linear_32"; +"425 _param_constant103" -> "428 linear_32"; +"426 linear_32_updated_constant0" -> "427 asymmetric_weights_decompressor_linear_32_updated_constant0_0"; +"427 asymmetric_weights_decompressor_linear_32_updated_constant0_0" -> "428 linear_32"; +"428 linear_32" -> "429 unflatten_8"; +"429 unflatten_8" -> "430 unsqueeze_8"; +"430 unsqueeze_8" -> "431 transpose_49"; +"431 transpose_49" -> "432 squeeze_8"; +"432 squeeze_8" -> "433 contiguous_8"; +"433 contiguous_8" -> "434 select_24"; +"433 contiguous_8" -> "435 select_25"; +"433 contiguous_8" -> "436 select_26"; +"434 select_24" -> "437 view_64"; +"435 select_25" -> "439 view_65"; +"436 select_26" -> "441 view_66"; +"437 view_64" -> "438 transpose_50"; +"438 transpose_50" -> "443 view_67"; +"439 view_65" -> "440 transpose_51"; +"440 transpose_51" -> "444 view_68"; +"441 view_66" -> "442 transpose_52"; +"442 transpose_52" -> "445 view_69"; +"443 view_67" -> "446 scaled_dot_product_attention_8"; +"444 view_68" -> "446 scaled_dot_product_attention_8"; +"445 view_69" -> "446 scaled_dot_product_attention_8"; +"446 scaled_dot_product_attention_8" -> "447 permute_9"; +"447 permute_9" -> "448 view_70"; +"448 view_70" -> "452 linear_33"; +"449 _param_constant105" -> "452 linear_33"; +"450 linear_33_updated_constant0" -> "451 asymmetric_weights_decompressor_linear_33_updated_constant0_0"; +"451 asymmetric_weights_decompressor_linear_33_updated_constant0_0" -> "452 linear_33"; +"452 linear_33" -> "453 view_71"; +"453 view_71" -> "454 transpose_53"; +"454 transpose_53" -> "455 dropout_25"; +"455 dropout_25" -> "456 add_17"; +"456 add_17" -> "459 layer_norm_17"; +"456 add_17" -> "471 add_18"; +"457 _param_constant106" -> "459 layer_norm_17"; +"458 _param_constant107" -> "459 layer_norm_17"; +"459 layer_norm_17" -> "463 linear_34"; +"460 _param_constant109" -> "463 linear_34"; +"461 linear_34_updated_constant0" -> "462 asymmetric_weights_decompressor_linear_34_updated_constant0_0"; +"462 asymmetric_weights_decompressor_linear_34_updated_constant0_0" -> "463 linear_34"; +"463 linear_34" -> "464 gelu_8"; +"464 gelu_8" -> "465 dropout_26"; +"465 dropout_26" -> "469 linear_35"; +"466 _param_constant111" -> "469 linear_35"; +"467 linear_35_updated_constant0" -> "468 asymmetric_weights_decompressor_linear_35_updated_constant0_0"; +"468 asymmetric_weights_decompressor_linear_35_updated_constant0_0" -> "469 linear_35"; +"469 linear_35" -> "470 dropout_27"; +"470 dropout_27" -> "471 add_18"; +"471 add_18" -> "474 layer_norm_18"; +"471 add_18" -> "507 add_19"; +"472 _param_constant112" -> "474 layer_norm_18"; +"473 _param_constant113" -> "474 layer_norm_18"; +"474 layer_norm_18" -> "475 transpose_54"; +"475 transpose_54" -> "479 linear_36"; +"476 _param_constant115" -> "479 linear_36"; +"477 linear_36_updated_constant0" -> "478 asymmetric_weights_decompressor_linear_36_updated_constant0_0"; +"478 asymmetric_weights_decompressor_linear_36_updated_constant0_0" -> "479 linear_36"; +"479 linear_36" -> "480 unflatten_9"; +"480 unflatten_9" -> "481 unsqueeze_9"; +"481 unsqueeze_9" -> "482 transpose_55"; +"482 transpose_55" -> "483 squeeze_9"; +"483 squeeze_9" -> "484 contiguous_9"; +"484 contiguous_9" -> "485 select_27"; +"484 contiguous_9" -> "486 select_28"; +"484 contiguous_9" -> "487 select_29"; +"485 select_27" -> "488 view_72"; +"486 select_28" -> "490 view_73"; +"487 select_29" -> "492 view_74"; +"488 view_72" -> "489 transpose_56"; +"489 transpose_56" -> "494 view_75"; +"490 view_73" -> "491 transpose_57"; +"491 transpose_57" -> "495 view_76"; +"492 view_74" -> "493 transpose_58"; +"493 transpose_58" -> "496 view_77"; +"494 view_75" -> "497 scaled_dot_product_attention_9"; +"495 view_76" -> "497 scaled_dot_product_attention_9"; +"496 view_77" -> "497 scaled_dot_product_attention_9"; +"497 scaled_dot_product_attention_9" -> "498 permute_10"; +"498 permute_10" -> "499 view_78"; +"499 view_78" -> "503 linear_37"; +"500 _param_constant117" -> "503 linear_37"; +"501 linear_37_updated_constant0" -> "502 asymmetric_weights_decompressor_linear_37_updated_constant0_0"; +"502 asymmetric_weights_decompressor_linear_37_updated_constant0_0" -> "503 linear_37"; +"503 linear_37" -> "504 view_79"; +"504 view_79" -> "505 transpose_59"; +"505 transpose_59" -> "506 dropout_28"; +"506 dropout_28" -> "507 add_19"; +"507 add_19" -> "510 layer_norm_19"; +"507 add_19" -> "522 add_20"; +"508 _param_constant118" -> "510 layer_norm_19"; +"509 _param_constant119" -> "510 layer_norm_19"; +"510 layer_norm_19" -> "514 linear_38"; +"511 _param_constant121" -> "514 linear_38"; +"512 linear_38_updated_constant0" -> "513 asymmetric_weights_decompressor_linear_38_updated_constant0_0"; +"513 asymmetric_weights_decompressor_linear_38_updated_constant0_0" -> "514 linear_38"; +"514 linear_38" -> "515 gelu_9"; +"515 gelu_9" -> "516 dropout_29"; +"516 dropout_29" -> "520 linear_39"; +"517 _param_constant123" -> "520 linear_39"; +"518 linear_39_updated_constant0" -> "519 asymmetric_weights_decompressor_linear_39_updated_constant0_0"; +"519 asymmetric_weights_decompressor_linear_39_updated_constant0_0" -> "520 linear_39"; +"520 linear_39" -> "521 dropout_30"; +"521 dropout_30" -> "522 add_20"; +"522 add_20" -> "525 layer_norm_20"; +"522 add_20" -> "558 add_21"; +"523 _param_constant124" -> "525 layer_norm_20"; +"524 _param_constant125" -> "525 layer_norm_20"; +"525 layer_norm_20" -> "526 transpose_60"; +"526 transpose_60" -> "530 linear_40"; +"527 _param_constant127" -> "530 linear_40"; +"528 linear_40_updated_constant0" -> "529 asymmetric_weights_decompressor_linear_40_updated_constant0_0"; +"529 asymmetric_weights_decompressor_linear_40_updated_constant0_0" -> "530 linear_40"; +"530 linear_40" -> "531 unflatten_10"; +"531 unflatten_10" -> "532 unsqueeze_10"; +"532 unsqueeze_10" -> "533 transpose_61"; +"533 transpose_61" -> "534 squeeze_10"; +"534 squeeze_10" -> "535 contiguous_10"; +"535 contiguous_10" -> "536 select_30"; +"535 contiguous_10" -> "537 select_31"; +"535 contiguous_10" -> "538 select_32"; +"536 select_30" -> "539 view_80"; +"537 select_31" -> "541 view_81"; +"538 select_32" -> "543 view_82"; +"539 view_80" -> "540 transpose_62"; +"540 transpose_62" -> "545 view_83"; +"541 view_81" -> "542 transpose_63"; +"542 transpose_63" -> "546 view_84"; +"543 view_82" -> "544 transpose_64"; +"544 transpose_64" -> "547 view_85"; +"545 view_83" -> "548 scaled_dot_product_attention_10"; +"546 view_84" -> "548 scaled_dot_product_attention_10"; +"547 view_85" -> "548 scaled_dot_product_attention_10"; +"548 scaled_dot_product_attention_10" -> "549 permute_11"; +"549 permute_11" -> "550 view_86"; +"550 view_86" -> "554 linear_41"; +"551 _param_constant129" -> "554 linear_41"; +"552 linear_41_updated_constant0" -> "553 asymmetric_weights_decompressor_linear_41_updated_constant0_0"; +"553 asymmetric_weights_decompressor_linear_41_updated_constant0_0" -> "554 linear_41"; +"554 linear_41" -> "555 view_87"; +"555 view_87" -> "556 transpose_65"; +"556 transpose_65" -> "557 dropout_31"; +"557 dropout_31" -> "558 add_21"; +"558 add_21" -> "561 layer_norm_21"; +"558 add_21" -> "573 add_22"; +"559 _param_constant130" -> "561 layer_norm_21"; +"560 _param_constant131" -> "561 layer_norm_21"; +"561 layer_norm_21" -> "565 linear_42"; +"562 _param_constant133" -> "565 linear_42"; +"563 linear_42_updated_constant0" -> "564 asymmetric_weights_decompressor_linear_42_updated_constant0_0"; +"564 asymmetric_weights_decompressor_linear_42_updated_constant0_0" -> "565 linear_42"; +"565 linear_42" -> "566 gelu_10"; +"566 gelu_10" -> "567 dropout_32"; +"567 dropout_32" -> "571 linear_43"; +"568 _param_constant135" -> "571 linear_43"; +"569 linear_43_updated_constant0" -> "570 asymmetric_weights_decompressor_linear_43_updated_constant0_0"; +"570 asymmetric_weights_decompressor_linear_43_updated_constant0_0" -> "571 linear_43"; +"571 linear_43" -> "572 dropout_33"; +"572 dropout_33" -> "573 add_22"; +"573 add_22" -> "576 layer_norm_22"; +"573 add_22" -> "609 add_23"; +"574 _param_constant136" -> "576 layer_norm_22"; +"575 _param_constant137" -> "576 layer_norm_22"; +"576 layer_norm_22" -> "577 transpose_66"; +"577 transpose_66" -> "581 linear_44"; +"578 _param_constant139" -> "581 linear_44"; +"579 linear_44_updated_constant0" -> "580 asymmetric_weights_decompressor_linear_44_updated_constant0_0"; +"580 asymmetric_weights_decompressor_linear_44_updated_constant0_0" -> "581 linear_44"; +"581 linear_44" -> "582 unflatten_11"; +"582 unflatten_11" -> "583 unsqueeze_11"; +"583 unsqueeze_11" -> "584 transpose_67"; +"584 transpose_67" -> "585 squeeze_11"; +"585 squeeze_11" -> "586 contiguous_11"; +"586 contiguous_11" -> "587 select_33"; +"586 contiguous_11" -> "588 select_34"; +"586 contiguous_11" -> "589 select_35"; +"587 select_33" -> "590 view_88"; +"588 select_34" -> "592 view_89"; +"589 select_35" -> "594 view_90"; +"590 view_88" -> "591 transpose_68"; +"591 transpose_68" -> "596 view_91"; +"592 view_89" -> "593 transpose_69"; +"593 transpose_69" -> "597 view_92"; +"594 view_90" -> "595 transpose_70"; +"595 transpose_70" -> "598 view_93"; +"596 view_91" -> "599 scaled_dot_product_attention_11"; +"597 view_92" -> "599 scaled_dot_product_attention_11"; +"598 view_93" -> "599 scaled_dot_product_attention_11"; +"599 scaled_dot_product_attention_11" -> "600 permute_12"; +"600 permute_12" -> "601 view_94"; +"601 view_94" -> "605 linear_45"; +"602 _param_constant141" -> "605 linear_45"; +"603 linear_45_updated_constant0" -> "604 asymmetric_weights_decompressor_linear_45_updated_constant0_0"; +"604 asymmetric_weights_decompressor_linear_45_updated_constant0_0" -> "605 linear_45"; +"605 linear_45" -> "606 view_95"; +"606 view_95" -> "607 transpose_71"; +"607 transpose_71" -> "608 dropout_34"; +"608 dropout_34" -> "609 add_23"; +"609 add_23" -> "612 layer_norm_23"; +"609 add_23" -> "624 add_24"; +"610 _param_constant142" -> "612 layer_norm_23"; +"611 _param_constant143" -> "612 layer_norm_23"; +"612 layer_norm_23" -> "616 linear_46"; +"613 _param_constant145" -> "616 linear_46"; +"614 linear_46_updated_constant0" -> "615 asymmetric_weights_decompressor_linear_46_updated_constant0_0"; +"615 asymmetric_weights_decompressor_linear_46_updated_constant0_0" -> "616 linear_46"; +"616 linear_46" -> "617 gelu_11"; +"617 gelu_11" -> "618 dropout_35"; +"618 dropout_35" -> "622 linear_47"; +"619 _param_constant147" -> "622 linear_47"; +"620 linear_47_updated_constant0" -> "621 asymmetric_weights_decompressor_linear_47_updated_constant0_0"; +"621 asymmetric_weights_decompressor_linear_47_updated_constant0_0" -> "622 linear_47"; +"622 linear_47" -> "623 dropout_36"; +"623 dropout_36" -> "624 add_24"; +"624 add_24" -> "627 layer_norm_24"; +"625 _param_constant148" -> "627 layer_norm_24"; +"626 _param_constant149" -> "627 layer_norm_24"; +"627 layer_norm_24" -> "628 slice_1"; +"628 slice_1" -> "629 select_36"; +"629 select_36" -> "633 linear_48"; +"630 _param_constant151" -> "633 linear_48"; +"631 linear_48_updated_constant0" -> "632 asymmetric_weights_decompressor_linear_48_updated_constant0_0"; +"632 asymmetric_weights_decompressor_linear_48_updated_constant0_0" -> "633 linear_48"; +"633 linear_48" -> "634 output"; +} diff --git a/tests/torch/data/reference_graphs/fx/compressed/vit_b_16_int8_sym.dot b/tests/torch/data/reference_graphs/fx/compressed/vit_b_16_int8_sym.dot new file mode 100644 index 00000000000..ea4e175f289 --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/compressed/vit_b_16_int8_sym.dot @@ -0,0 +1,1319 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 _param_constant1" [id=1, type=get_attr]; +"2 conv2d_updated_constant0" [id=2, type=get_attr]; +"3 symmetric_weights_decompressor_conv2d_updated_constant0_0" [id=3, type=call_module]; +"4 conv2d" [id=4, type=conv2d]; +"5 reshape" [id=5, type=reshape]; +"6 permute" [id=6, type=permute]; +"7 _param_constant2" [id=7, type=get_attr]; +"8 expand" [id=8, type=expand]; +"9 cat" [id=9, type=cat]; +"10 _param_constant3" [id=10, type=get_attr]; +"11 add" [id=11, type=add]; +"12 dropout" [id=12, type=dropout]; +"13 _param_constant4" [id=13, type=get_attr]; +"14 _param_constant5" [id=14, type=get_attr]; +"15 layer_norm" [id=15, type=layer_norm]; +"16 transpose" [id=16, type=transpose]; +"17 _param_constant7" [id=17, type=get_attr]; +"18 linear_updated_constant0" [id=18, type=get_attr]; +"19 symmetric_weights_decompressor_linear_updated_constant0_0" [id=19, type=call_module]; +"20 linear" [id=20, type=linear]; +"21 unflatten" [id=21, type=unflatten]; +"22 unsqueeze" [id=22, type=unsqueeze]; +"23 transpose_1" [id=23, type=transpose]; +"24 squeeze" [id=24, type=squeeze]; +"25 contiguous" [id=25, type=contiguous]; +"26 select" [id=26, type=select]; +"27 select_1" [id=27, type=select]; +"28 select_2" [id=28, type=select]; +"29 view" [id=29, type=view]; +"30 transpose_2" [id=30, type=transpose]; +"31 view_1" [id=31, type=view]; +"32 transpose_3" [id=32, type=transpose]; +"33 view_2" [id=33, type=view]; +"34 transpose_4" [id=34, type=transpose]; +"35 view_3" [id=35, type=view]; +"36 view_4" [id=36, type=view]; +"37 view_5" [id=37, type=view]; +"38 scaled_dot_product_attention" [id=38, type=scaled_dot_product_attention]; +"39 permute_1" [id=39, type=permute]; +"40 view_6" [id=40, type=view]; +"41 _param_constant9" [id=41, type=get_attr]; +"42 linear_1_updated_constant0" [id=42, type=get_attr]; +"43 symmetric_weights_decompressor_linear_1_updated_constant0_0" [id=43, type=call_module]; +"44 linear_1" [id=44, type=linear]; +"45 view_7" [id=45, type=view]; +"46 transpose_5" [id=46, type=transpose]; +"47 dropout_1" [id=47, type=dropout]; +"48 add_1" [id=48, type=add]; +"49 _param_constant10" [id=49, type=get_attr]; +"50 _param_constant11" [id=50, type=get_attr]; +"51 layer_norm_1" [id=51, type=layer_norm]; +"52 _param_constant13" [id=52, type=get_attr]; +"53 linear_2_updated_constant0" [id=53, type=get_attr]; +"54 symmetric_weights_decompressor_linear_2_updated_constant0_0" [id=54, type=call_module]; +"55 linear_2" [id=55, type=linear]; +"56 gelu" [id=56, type=gelu]; +"57 dropout_2" [id=57, type=dropout]; +"58 _param_constant15" [id=58, type=get_attr]; +"59 linear_3_updated_constant0" [id=59, type=get_attr]; +"60 symmetric_weights_decompressor_linear_3_updated_constant0_0" [id=60, type=call_module]; +"61 linear_3" [id=61, type=linear]; +"62 dropout_3" [id=62, type=dropout]; +"63 add_2" [id=63, type=add]; +"64 _param_constant16" [id=64, type=get_attr]; +"65 _param_constant17" [id=65, type=get_attr]; +"66 layer_norm_2" [id=66, type=layer_norm]; +"67 transpose_6" [id=67, type=transpose]; +"68 _param_constant19" [id=68, type=get_attr]; +"69 linear_4_updated_constant0" [id=69, type=get_attr]; +"70 symmetric_weights_decompressor_linear_4_updated_constant0_0" [id=70, type=call_module]; +"71 linear_4" [id=71, type=linear]; +"72 unflatten_1" [id=72, type=unflatten]; +"73 unsqueeze_1" [id=73, type=unsqueeze]; +"74 transpose_7" [id=74, type=transpose]; +"75 squeeze_1" [id=75, type=squeeze]; +"76 contiguous_1" [id=76, type=contiguous]; +"77 select_3" [id=77, type=select]; +"78 select_4" [id=78, type=select]; +"79 select_5" [id=79, type=select]; +"80 view_8" [id=80, type=view]; +"81 transpose_8" [id=81, type=transpose]; +"82 view_9" [id=82, type=view]; +"83 transpose_9" [id=83, type=transpose]; +"84 view_10" [id=84, type=view]; +"85 transpose_10" [id=85, type=transpose]; +"86 view_11" [id=86, type=view]; +"87 view_12" [id=87, type=view]; +"88 view_13" [id=88, type=view]; +"89 scaled_dot_product_attention_1" [id=89, type=scaled_dot_product_attention]; +"90 permute_2" [id=90, type=permute]; +"91 view_14" [id=91, type=view]; +"92 _param_constant21" [id=92, type=get_attr]; +"93 linear_5_updated_constant0" [id=93, type=get_attr]; +"94 symmetric_weights_decompressor_linear_5_updated_constant0_0" [id=94, type=call_module]; +"95 linear_5" [id=95, type=linear]; +"96 view_15" [id=96, type=view]; +"97 transpose_11" [id=97, type=transpose]; +"98 dropout_4" [id=98, type=dropout]; +"99 add_3" [id=99, type=add]; +"100 _param_constant22" [id=100, type=get_attr]; +"101 _param_constant23" [id=101, type=get_attr]; +"102 layer_norm_3" [id=102, type=layer_norm]; +"103 _param_constant25" [id=103, type=get_attr]; +"104 linear_6_updated_constant0" [id=104, type=get_attr]; +"105 symmetric_weights_decompressor_linear_6_updated_constant0_0" [id=105, type=call_module]; +"106 linear_6" [id=106, type=linear]; +"107 gelu_1" [id=107, type=gelu]; +"108 dropout_5" [id=108, type=dropout]; +"109 _param_constant27" [id=109, type=get_attr]; +"110 linear_7_updated_constant0" [id=110, type=get_attr]; +"111 symmetric_weights_decompressor_linear_7_updated_constant0_0" [id=111, type=call_module]; +"112 linear_7" [id=112, type=linear]; +"113 dropout_6" [id=113, type=dropout]; +"114 add_4" [id=114, type=add]; +"115 _param_constant28" [id=115, type=get_attr]; +"116 _param_constant29" [id=116, type=get_attr]; +"117 layer_norm_4" [id=117, type=layer_norm]; +"118 transpose_12" [id=118, type=transpose]; +"119 _param_constant31" [id=119, type=get_attr]; +"120 linear_8_updated_constant0" [id=120, type=get_attr]; +"121 symmetric_weights_decompressor_linear_8_updated_constant0_0" [id=121, type=call_module]; +"122 linear_8" [id=122, type=linear]; +"123 unflatten_2" [id=123, type=unflatten]; +"124 unsqueeze_2" [id=124, type=unsqueeze]; +"125 transpose_13" [id=125, type=transpose]; +"126 squeeze_2" [id=126, type=squeeze]; +"127 contiguous_2" [id=127, type=contiguous]; +"128 select_6" [id=128, type=select]; +"129 select_7" [id=129, type=select]; +"130 select_8" [id=130, type=select]; +"131 view_16" [id=131, type=view]; +"132 transpose_14" [id=132, type=transpose]; +"133 view_17" [id=133, type=view]; +"134 transpose_15" [id=134, type=transpose]; +"135 view_18" [id=135, type=view]; +"136 transpose_16" [id=136, type=transpose]; +"137 view_19" [id=137, type=view]; +"138 view_20" [id=138, type=view]; +"139 view_21" [id=139, type=view]; +"140 scaled_dot_product_attention_2" [id=140, type=scaled_dot_product_attention]; +"141 permute_3" [id=141, type=permute]; +"142 view_22" [id=142, type=view]; +"143 _param_constant33" [id=143, type=get_attr]; +"144 linear_9_updated_constant0" [id=144, type=get_attr]; +"145 symmetric_weights_decompressor_linear_9_updated_constant0_0" [id=145, type=call_module]; +"146 linear_9" [id=146, type=linear]; +"147 view_23" [id=147, type=view]; +"148 transpose_17" [id=148, type=transpose]; +"149 dropout_7" [id=149, type=dropout]; +"150 add_5" [id=150, type=add]; +"151 _param_constant34" [id=151, type=get_attr]; +"152 _param_constant35" [id=152, type=get_attr]; +"153 layer_norm_5" [id=153, type=layer_norm]; +"154 _param_constant37" [id=154, type=get_attr]; +"155 linear_10_updated_constant0" [id=155, type=get_attr]; +"156 symmetric_weights_decompressor_linear_10_updated_constant0_0" [id=156, type=call_module]; +"157 linear_10" [id=157, type=linear]; +"158 gelu_2" [id=158, type=gelu]; +"159 dropout_8" [id=159, type=dropout]; +"160 _param_constant39" [id=160, type=get_attr]; +"161 linear_11_updated_constant0" [id=161, type=get_attr]; +"162 symmetric_weights_decompressor_linear_11_updated_constant0_0" [id=162, type=call_module]; +"163 linear_11" [id=163, type=linear]; +"164 dropout_9" [id=164, type=dropout]; +"165 add_6" [id=165, type=add]; +"166 _param_constant40" [id=166, type=get_attr]; +"167 _param_constant41" [id=167, type=get_attr]; +"168 layer_norm_6" [id=168, type=layer_norm]; +"169 transpose_18" [id=169, type=transpose]; +"170 _param_constant43" [id=170, type=get_attr]; +"171 linear_12_updated_constant0" [id=171, type=get_attr]; +"172 symmetric_weights_decompressor_linear_12_updated_constant0_0" [id=172, type=call_module]; +"173 linear_12" [id=173, type=linear]; +"174 unflatten_3" [id=174, type=unflatten]; +"175 unsqueeze_3" [id=175, type=unsqueeze]; +"176 transpose_19" [id=176, type=transpose]; +"177 squeeze_3" [id=177, type=squeeze]; +"178 contiguous_3" [id=178, type=contiguous]; +"179 select_9" [id=179, type=select]; +"180 select_10" [id=180, type=select]; +"181 select_11" [id=181, type=select]; +"182 view_24" [id=182, type=view]; +"183 transpose_20" [id=183, type=transpose]; +"184 view_25" [id=184, type=view]; +"185 transpose_21" [id=185, type=transpose]; +"186 view_26" [id=186, type=view]; +"187 transpose_22" [id=187, type=transpose]; +"188 view_27" [id=188, type=view]; +"189 view_28" [id=189, type=view]; +"190 view_29" [id=190, type=view]; +"191 scaled_dot_product_attention_3" [id=191, type=scaled_dot_product_attention]; +"192 permute_4" [id=192, type=permute]; +"193 view_30" [id=193, type=view]; +"194 _param_constant45" [id=194, type=get_attr]; +"195 linear_13_updated_constant0" [id=195, type=get_attr]; +"196 symmetric_weights_decompressor_linear_13_updated_constant0_0" [id=196, type=call_module]; +"197 linear_13" [id=197, type=linear]; +"198 view_31" [id=198, type=view]; +"199 transpose_23" [id=199, type=transpose]; +"200 dropout_10" [id=200, type=dropout]; +"201 add_7" [id=201, type=add]; +"202 _param_constant46" [id=202, type=get_attr]; +"203 _param_constant47" [id=203, type=get_attr]; +"204 layer_norm_7" [id=204, type=layer_norm]; +"205 _param_constant49" [id=205, type=get_attr]; +"206 linear_14_updated_constant0" [id=206, type=get_attr]; +"207 symmetric_weights_decompressor_linear_14_updated_constant0_0" [id=207, type=call_module]; +"208 linear_14" [id=208, type=linear]; +"209 gelu_3" [id=209, type=gelu]; +"210 dropout_11" [id=210, type=dropout]; +"211 _param_constant51" [id=211, type=get_attr]; +"212 linear_15_updated_constant0" [id=212, type=get_attr]; +"213 symmetric_weights_decompressor_linear_15_updated_constant0_0" [id=213, type=call_module]; +"214 linear_15" [id=214, type=linear]; +"215 dropout_12" [id=215, type=dropout]; +"216 add_8" [id=216, type=add]; +"217 _param_constant52" [id=217, type=get_attr]; +"218 _param_constant53" [id=218, type=get_attr]; +"219 layer_norm_8" [id=219, type=layer_norm]; +"220 transpose_24" [id=220, type=transpose]; +"221 _param_constant55" [id=221, type=get_attr]; +"222 linear_16_updated_constant0" [id=222, type=get_attr]; +"223 symmetric_weights_decompressor_linear_16_updated_constant0_0" [id=223, type=call_module]; +"224 linear_16" [id=224, type=linear]; +"225 unflatten_4" [id=225, type=unflatten]; +"226 unsqueeze_4" [id=226, type=unsqueeze]; +"227 transpose_25" [id=227, type=transpose]; +"228 squeeze_4" [id=228, type=squeeze]; +"229 contiguous_4" [id=229, type=contiguous]; +"230 select_12" [id=230, type=select]; +"231 select_13" [id=231, type=select]; +"232 select_14" [id=232, type=select]; +"233 view_32" [id=233, type=view]; +"234 transpose_26" [id=234, type=transpose]; +"235 view_33" [id=235, type=view]; +"236 transpose_27" [id=236, type=transpose]; +"237 view_34" [id=237, type=view]; +"238 transpose_28" [id=238, type=transpose]; +"239 view_35" [id=239, type=view]; +"240 view_36" [id=240, type=view]; +"241 view_37" [id=241, type=view]; +"242 scaled_dot_product_attention_4" [id=242, type=scaled_dot_product_attention]; +"243 permute_5" [id=243, type=permute]; +"244 view_38" [id=244, type=view]; +"245 _param_constant57" [id=245, type=get_attr]; +"246 linear_17_updated_constant0" [id=246, type=get_attr]; +"247 symmetric_weights_decompressor_linear_17_updated_constant0_0" [id=247, type=call_module]; +"248 linear_17" [id=248, type=linear]; +"249 view_39" [id=249, type=view]; +"250 transpose_29" [id=250, type=transpose]; +"251 dropout_13" [id=251, type=dropout]; +"252 add_9" [id=252, type=add]; +"253 _param_constant58" [id=253, type=get_attr]; +"254 _param_constant59" [id=254, type=get_attr]; +"255 layer_norm_9" [id=255, type=layer_norm]; +"256 _param_constant61" [id=256, type=get_attr]; +"257 linear_18_updated_constant0" [id=257, type=get_attr]; +"258 symmetric_weights_decompressor_linear_18_updated_constant0_0" [id=258, type=call_module]; +"259 linear_18" [id=259, type=linear]; +"260 gelu_4" [id=260, type=gelu]; +"261 dropout_14" [id=261, type=dropout]; +"262 _param_constant63" [id=262, type=get_attr]; +"263 linear_19_updated_constant0" [id=263, type=get_attr]; +"264 symmetric_weights_decompressor_linear_19_updated_constant0_0" [id=264, type=call_module]; +"265 linear_19" [id=265, type=linear]; +"266 dropout_15" [id=266, type=dropout]; +"267 add_10" [id=267, type=add]; +"268 _param_constant64" [id=268, type=get_attr]; +"269 _param_constant65" [id=269, type=get_attr]; +"270 layer_norm_10" [id=270, type=layer_norm]; +"271 transpose_30" [id=271, type=transpose]; +"272 _param_constant67" [id=272, type=get_attr]; +"273 linear_20_updated_constant0" [id=273, type=get_attr]; +"274 symmetric_weights_decompressor_linear_20_updated_constant0_0" [id=274, type=call_module]; +"275 linear_20" [id=275, type=linear]; +"276 unflatten_5" [id=276, type=unflatten]; +"277 unsqueeze_5" [id=277, type=unsqueeze]; +"278 transpose_31" [id=278, type=transpose]; +"279 squeeze_5" [id=279, type=squeeze]; +"280 contiguous_5" [id=280, type=contiguous]; +"281 select_15" [id=281, type=select]; +"282 select_16" [id=282, type=select]; +"283 select_17" [id=283, type=select]; +"284 view_40" [id=284, type=view]; +"285 transpose_32" [id=285, type=transpose]; +"286 view_41" [id=286, type=view]; +"287 transpose_33" [id=287, type=transpose]; +"288 view_42" [id=288, type=view]; +"289 transpose_34" [id=289, type=transpose]; +"290 view_43" [id=290, type=view]; +"291 view_44" [id=291, type=view]; +"292 view_45" [id=292, type=view]; +"293 scaled_dot_product_attention_5" [id=293, type=scaled_dot_product_attention]; +"294 permute_6" [id=294, type=permute]; +"295 view_46" [id=295, type=view]; +"296 _param_constant69" [id=296, type=get_attr]; +"297 linear_21_updated_constant0" [id=297, type=get_attr]; +"298 symmetric_weights_decompressor_linear_21_updated_constant0_0" [id=298, type=call_module]; +"299 linear_21" [id=299, type=linear]; +"300 view_47" [id=300, type=view]; +"301 transpose_35" [id=301, type=transpose]; +"302 dropout_16" [id=302, type=dropout]; +"303 add_11" [id=303, type=add]; +"304 _param_constant70" [id=304, type=get_attr]; +"305 _param_constant71" [id=305, type=get_attr]; +"306 layer_norm_11" [id=306, type=layer_norm]; +"307 _param_constant73" [id=307, type=get_attr]; +"308 linear_22_updated_constant0" [id=308, type=get_attr]; +"309 symmetric_weights_decompressor_linear_22_updated_constant0_0" [id=309, type=call_module]; +"310 linear_22" [id=310, type=linear]; +"311 gelu_5" [id=311, type=gelu]; +"312 dropout_17" [id=312, type=dropout]; +"313 _param_constant75" [id=313, type=get_attr]; +"314 linear_23_updated_constant0" [id=314, type=get_attr]; +"315 symmetric_weights_decompressor_linear_23_updated_constant0_0" [id=315, type=call_module]; +"316 linear_23" [id=316, type=linear]; +"317 dropout_18" [id=317, type=dropout]; +"318 add_12" [id=318, type=add]; +"319 _param_constant76" [id=319, type=get_attr]; +"320 _param_constant77" [id=320, type=get_attr]; +"321 layer_norm_12" [id=321, type=layer_norm]; +"322 transpose_36" [id=322, type=transpose]; +"323 _param_constant79" [id=323, type=get_attr]; +"324 linear_24_updated_constant0" [id=324, type=get_attr]; +"325 symmetric_weights_decompressor_linear_24_updated_constant0_0" [id=325, type=call_module]; +"326 linear_24" [id=326, type=linear]; +"327 unflatten_6" [id=327, type=unflatten]; +"328 unsqueeze_6" [id=328, type=unsqueeze]; +"329 transpose_37" [id=329, type=transpose]; +"330 squeeze_6" [id=330, type=squeeze]; +"331 contiguous_6" [id=331, type=contiguous]; +"332 select_18" [id=332, type=select]; +"333 select_19" [id=333, type=select]; +"334 select_20" [id=334, type=select]; +"335 view_48" [id=335, type=view]; +"336 transpose_38" [id=336, type=transpose]; +"337 view_49" [id=337, type=view]; +"338 transpose_39" [id=338, type=transpose]; +"339 view_50" [id=339, type=view]; +"340 transpose_40" [id=340, type=transpose]; +"341 view_51" [id=341, type=view]; +"342 view_52" [id=342, type=view]; +"343 view_53" [id=343, type=view]; +"344 scaled_dot_product_attention_6" [id=344, type=scaled_dot_product_attention]; +"345 permute_7" [id=345, type=permute]; +"346 view_54" [id=346, type=view]; +"347 _param_constant81" [id=347, type=get_attr]; +"348 linear_25_updated_constant0" [id=348, type=get_attr]; +"349 symmetric_weights_decompressor_linear_25_updated_constant0_0" [id=349, type=call_module]; +"350 linear_25" [id=350, type=linear]; +"351 view_55" [id=351, type=view]; +"352 transpose_41" [id=352, type=transpose]; +"353 dropout_19" [id=353, type=dropout]; +"354 add_13" [id=354, type=add]; +"355 _param_constant82" [id=355, type=get_attr]; +"356 _param_constant83" [id=356, type=get_attr]; +"357 layer_norm_13" [id=357, type=layer_norm]; +"358 _param_constant85" [id=358, type=get_attr]; +"359 linear_26_updated_constant0" [id=359, type=get_attr]; +"360 symmetric_weights_decompressor_linear_26_updated_constant0_0" [id=360, type=call_module]; +"361 linear_26" [id=361, type=linear]; +"362 gelu_6" [id=362, type=gelu]; +"363 dropout_20" [id=363, type=dropout]; +"364 _param_constant87" [id=364, type=get_attr]; +"365 linear_27_updated_constant0" [id=365, type=get_attr]; +"366 symmetric_weights_decompressor_linear_27_updated_constant0_0" [id=366, type=call_module]; +"367 linear_27" [id=367, type=linear]; +"368 dropout_21" [id=368, type=dropout]; +"369 add_14" [id=369, type=add]; +"370 _param_constant88" [id=370, type=get_attr]; +"371 _param_constant89" [id=371, type=get_attr]; +"372 layer_norm_14" [id=372, type=layer_norm]; +"373 transpose_42" [id=373, type=transpose]; +"374 _param_constant91" [id=374, type=get_attr]; +"375 linear_28_updated_constant0" [id=375, type=get_attr]; +"376 symmetric_weights_decompressor_linear_28_updated_constant0_0" [id=376, type=call_module]; +"377 linear_28" [id=377, type=linear]; +"378 unflatten_7" [id=378, type=unflatten]; +"379 unsqueeze_7" [id=379, type=unsqueeze]; +"380 transpose_43" [id=380, type=transpose]; +"381 squeeze_7" [id=381, type=squeeze]; +"382 contiguous_7" [id=382, type=contiguous]; +"383 select_21" [id=383, type=select]; +"384 select_22" [id=384, type=select]; +"385 select_23" [id=385, type=select]; +"386 view_56" [id=386, type=view]; +"387 transpose_44" [id=387, type=transpose]; +"388 view_57" [id=388, type=view]; +"389 transpose_45" [id=389, type=transpose]; +"390 view_58" [id=390, type=view]; +"391 transpose_46" [id=391, type=transpose]; +"392 view_59" [id=392, type=view]; +"393 view_60" [id=393, type=view]; +"394 view_61" [id=394, type=view]; +"395 scaled_dot_product_attention_7" [id=395, type=scaled_dot_product_attention]; +"396 permute_8" [id=396, type=permute]; +"397 view_62" [id=397, type=view]; +"398 _param_constant93" [id=398, type=get_attr]; +"399 linear_29_updated_constant0" [id=399, type=get_attr]; +"400 symmetric_weights_decompressor_linear_29_updated_constant0_0" [id=400, type=call_module]; +"401 linear_29" [id=401, type=linear]; +"402 view_63" [id=402, type=view]; +"403 transpose_47" [id=403, type=transpose]; +"404 dropout_22" [id=404, type=dropout]; +"405 add_15" [id=405, type=add]; +"406 _param_constant94" [id=406, type=get_attr]; +"407 _param_constant95" [id=407, type=get_attr]; +"408 layer_norm_15" [id=408, type=layer_norm]; +"409 _param_constant97" [id=409, type=get_attr]; +"410 linear_30_updated_constant0" [id=410, type=get_attr]; +"411 symmetric_weights_decompressor_linear_30_updated_constant0_0" [id=411, type=call_module]; +"412 linear_30" [id=412, type=linear]; +"413 gelu_7" [id=413, type=gelu]; +"414 dropout_23" [id=414, type=dropout]; +"415 _param_constant99" [id=415, type=get_attr]; +"416 linear_31_updated_constant0" [id=416, type=get_attr]; +"417 symmetric_weights_decompressor_linear_31_updated_constant0_0" [id=417, type=call_module]; +"418 linear_31" [id=418, type=linear]; +"419 dropout_24" [id=419, type=dropout]; +"420 add_16" [id=420, type=add]; +"421 _param_constant100" [id=421, type=get_attr]; +"422 _param_constant101" [id=422, type=get_attr]; +"423 layer_norm_16" [id=423, type=layer_norm]; +"424 transpose_48" [id=424, type=transpose]; +"425 _param_constant103" [id=425, type=get_attr]; +"426 linear_32_updated_constant0" [id=426, type=get_attr]; +"427 symmetric_weights_decompressor_linear_32_updated_constant0_0" [id=427, type=call_module]; +"428 linear_32" [id=428, type=linear]; +"429 unflatten_8" [id=429, type=unflatten]; +"430 unsqueeze_8" [id=430, type=unsqueeze]; +"431 transpose_49" [id=431, type=transpose]; +"432 squeeze_8" [id=432, type=squeeze]; +"433 contiguous_8" [id=433, type=contiguous]; +"434 select_24" [id=434, type=select]; +"435 select_25" [id=435, type=select]; +"436 select_26" [id=436, type=select]; +"437 view_64" [id=437, type=view]; +"438 transpose_50" [id=438, type=transpose]; +"439 view_65" [id=439, type=view]; +"440 transpose_51" [id=440, type=transpose]; +"441 view_66" [id=441, type=view]; +"442 transpose_52" [id=442, type=transpose]; +"443 view_67" [id=443, type=view]; +"444 view_68" [id=444, type=view]; +"445 view_69" [id=445, type=view]; +"446 scaled_dot_product_attention_8" [id=446, type=scaled_dot_product_attention]; +"447 permute_9" [id=447, type=permute]; +"448 view_70" [id=448, type=view]; +"449 _param_constant105" [id=449, type=get_attr]; +"450 linear_33_updated_constant0" [id=450, type=get_attr]; +"451 symmetric_weights_decompressor_linear_33_updated_constant0_0" [id=451, type=call_module]; +"452 linear_33" [id=452, type=linear]; +"453 view_71" [id=453, type=view]; +"454 transpose_53" [id=454, type=transpose]; +"455 dropout_25" [id=455, type=dropout]; +"456 add_17" [id=456, type=add]; +"457 _param_constant106" [id=457, type=get_attr]; +"458 _param_constant107" [id=458, type=get_attr]; +"459 layer_norm_17" [id=459, type=layer_norm]; +"460 _param_constant109" [id=460, type=get_attr]; +"461 linear_34_updated_constant0" [id=461, type=get_attr]; +"462 symmetric_weights_decompressor_linear_34_updated_constant0_0" [id=462, type=call_module]; +"463 linear_34" [id=463, type=linear]; +"464 gelu_8" [id=464, type=gelu]; +"465 dropout_26" [id=465, type=dropout]; +"466 _param_constant111" [id=466, type=get_attr]; +"467 linear_35_updated_constant0" [id=467, type=get_attr]; +"468 symmetric_weights_decompressor_linear_35_updated_constant0_0" [id=468, type=call_module]; +"469 linear_35" [id=469, type=linear]; +"470 dropout_27" [id=470, type=dropout]; +"471 add_18" [id=471, type=add]; +"472 _param_constant112" [id=472, type=get_attr]; +"473 _param_constant113" [id=473, type=get_attr]; +"474 layer_norm_18" [id=474, type=layer_norm]; +"475 transpose_54" [id=475, type=transpose]; +"476 _param_constant115" [id=476, type=get_attr]; +"477 linear_36_updated_constant0" [id=477, type=get_attr]; +"478 symmetric_weights_decompressor_linear_36_updated_constant0_0" [id=478, type=call_module]; +"479 linear_36" [id=479, type=linear]; +"480 unflatten_9" [id=480, type=unflatten]; +"481 unsqueeze_9" [id=481, type=unsqueeze]; +"482 transpose_55" [id=482, type=transpose]; +"483 squeeze_9" [id=483, type=squeeze]; +"484 contiguous_9" [id=484, type=contiguous]; +"485 select_27" [id=485, type=select]; +"486 select_28" [id=486, type=select]; +"487 select_29" [id=487, type=select]; +"488 view_72" [id=488, type=view]; +"489 transpose_56" [id=489, type=transpose]; +"490 view_73" [id=490, type=view]; +"491 transpose_57" [id=491, type=transpose]; +"492 view_74" [id=492, type=view]; +"493 transpose_58" [id=493, type=transpose]; +"494 view_75" [id=494, type=view]; +"495 view_76" [id=495, type=view]; +"496 view_77" [id=496, type=view]; +"497 scaled_dot_product_attention_9" [id=497, type=scaled_dot_product_attention]; +"498 permute_10" [id=498, type=permute]; +"499 view_78" [id=499, type=view]; +"500 _param_constant117" [id=500, type=get_attr]; +"501 linear_37_updated_constant0" [id=501, type=get_attr]; +"502 symmetric_weights_decompressor_linear_37_updated_constant0_0" [id=502, type=call_module]; +"503 linear_37" [id=503, type=linear]; +"504 view_79" [id=504, type=view]; +"505 transpose_59" [id=505, type=transpose]; +"506 dropout_28" [id=506, type=dropout]; +"507 add_19" [id=507, type=add]; +"508 _param_constant118" [id=508, type=get_attr]; +"509 _param_constant119" [id=509, type=get_attr]; +"510 layer_norm_19" [id=510, type=layer_norm]; +"511 _param_constant121" [id=511, type=get_attr]; +"512 linear_38_updated_constant0" [id=512, type=get_attr]; +"513 symmetric_weights_decompressor_linear_38_updated_constant0_0" [id=513, type=call_module]; +"514 linear_38" [id=514, type=linear]; +"515 gelu_9" [id=515, type=gelu]; +"516 dropout_29" [id=516, type=dropout]; +"517 _param_constant123" [id=517, type=get_attr]; +"518 linear_39_updated_constant0" [id=518, type=get_attr]; +"519 symmetric_weights_decompressor_linear_39_updated_constant0_0" [id=519, type=call_module]; +"520 linear_39" [id=520, type=linear]; +"521 dropout_30" [id=521, type=dropout]; +"522 add_20" [id=522, type=add]; +"523 _param_constant124" [id=523, type=get_attr]; +"524 _param_constant125" [id=524, type=get_attr]; +"525 layer_norm_20" [id=525, type=layer_norm]; +"526 transpose_60" [id=526, type=transpose]; +"527 _param_constant127" [id=527, type=get_attr]; +"528 linear_40_updated_constant0" [id=528, type=get_attr]; +"529 symmetric_weights_decompressor_linear_40_updated_constant0_0" [id=529, type=call_module]; +"530 linear_40" [id=530, type=linear]; +"531 unflatten_10" [id=531, type=unflatten]; +"532 unsqueeze_10" [id=532, type=unsqueeze]; +"533 transpose_61" [id=533, type=transpose]; +"534 squeeze_10" [id=534, type=squeeze]; +"535 contiguous_10" [id=535, type=contiguous]; +"536 select_30" [id=536, type=select]; +"537 select_31" [id=537, type=select]; +"538 select_32" [id=538, type=select]; +"539 view_80" [id=539, type=view]; +"540 transpose_62" [id=540, type=transpose]; +"541 view_81" [id=541, type=view]; +"542 transpose_63" [id=542, type=transpose]; +"543 view_82" [id=543, type=view]; +"544 transpose_64" [id=544, type=transpose]; +"545 view_83" [id=545, type=view]; +"546 view_84" [id=546, type=view]; +"547 view_85" [id=547, type=view]; +"548 scaled_dot_product_attention_10" [id=548, type=scaled_dot_product_attention]; +"549 permute_11" [id=549, type=permute]; +"550 view_86" [id=550, type=view]; +"551 _param_constant129" [id=551, type=get_attr]; +"552 linear_41_updated_constant0" [id=552, type=get_attr]; +"553 symmetric_weights_decompressor_linear_41_updated_constant0_0" [id=553, type=call_module]; +"554 linear_41" [id=554, type=linear]; +"555 view_87" [id=555, type=view]; +"556 transpose_65" [id=556, type=transpose]; +"557 dropout_31" [id=557, type=dropout]; +"558 add_21" [id=558, type=add]; +"559 _param_constant130" [id=559, type=get_attr]; +"560 _param_constant131" [id=560, type=get_attr]; +"561 layer_norm_21" [id=561, type=layer_norm]; +"562 _param_constant133" [id=562, type=get_attr]; +"563 linear_42_updated_constant0" [id=563, type=get_attr]; +"564 symmetric_weights_decompressor_linear_42_updated_constant0_0" [id=564, type=call_module]; +"565 linear_42" [id=565, type=linear]; +"566 gelu_10" [id=566, type=gelu]; +"567 dropout_32" [id=567, type=dropout]; +"568 _param_constant135" [id=568, type=get_attr]; +"569 linear_43_updated_constant0" [id=569, type=get_attr]; +"570 symmetric_weights_decompressor_linear_43_updated_constant0_0" [id=570, type=call_module]; +"571 linear_43" [id=571, type=linear]; +"572 dropout_33" [id=572, type=dropout]; +"573 add_22" [id=573, type=add]; +"574 _param_constant136" [id=574, type=get_attr]; +"575 _param_constant137" [id=575, type=get_attr]; +"576 layer_norm_22" [id=576, type=layer_norm]; +"577 transpose_66" [id=577, type=transpose]; +"578 _param_constant139" [id=578, type=get_attr]; +"579 linear_44_updated_constant0" [id=579, type=get_attr]; +"580 symmetric_weights_decompressor_linear_44_updated_constant0_0" [id=580, type=call_module]; +"581 linear_44" [id=581, type=linear]; +"582 unflatten_11" [id=582, type=unflatten]; +"583 unsqueeze_11" [id=583, type=unsqueeze]; +"584 transpose_67" [id=584, type=transpose]; +"585 squeeze_11" [id=585, type=squeeze]; +"586 contiguous_11" [id=586, type=contiguous]; +"587 select_33" [id=587, type=select]; +"588 select_34" [id=588, type=select]; +"589 select_35" [id=589, type=select]; +"590 view_88" [id=590, type=view]; +"591 transpose_68" [id=591, type=transpose]; +"592 view_89" [id=592, type=view]; +"593 transpose_69" [id=593, type=transpose]; +"594 view_90" [id=594, type=view]; +"595 transpose_70" [id=595, type=transpose]; +"596 view_91" [id=596, type=view]; +"597 view_92" [id=597, type=view]; +"598 view_93" [id=598, type=view]; +"599 scaled_dot_product_attention_11" [id=599, type=scaled_dot_product_attention]; +"600 permute_12" [id=600, type=permute]; +"601 view_94" [id=601, type=view]; +"602 _param_constant141" [id=602, type=get_attr]; +"603 linear_45_updated_constant0" [id=603, type=get_attr]; +"604 symmetric_weights_decompressor_linear_45_updated_constant0_0" [id=604, type=call_module]; +"605 linear_45" [id=605, type=linear]; +"606 view_95" [id=606, type=view]; +"607 transpose_71" [id=607, type=transpose]; +"608 dropout_34" [id=608, type=dropout]; +"609 add_23" [id=609, type=add]; +"610 _param_constant142" [id=610, type=get_attr]; +"611 _param_constant143" [id=611, type=get_attr]; +"612 layer_norm_23" [id=612, type=layer_norm]; +"613 _param_constant145" [id=613, type=get_attr]; +"614 linear_46_updated_constant0" [id=614, type=get_attr]; +"615 symmetric_weights_decompressor_linear_46_updated_constant0_0" [id=615, type=call_module]; +"616 linear_46" [id=616, type=linear]; +"617 gelu_11" [id=617, type=gelu]; +"618 dropout_35" [id=618, type=dropout]; +"619 _param_constant147" [id=619, type=get_attr]; +"620 linear_47_updated_constant0" [id=620, type=get_attr]; +"621 symmetric_weights_decompressor_linear_47_updated_constant0_0" [id=621, type=call_module]; +"622 linear_47" [id=622, type=linear]; +"623 dropout_36" [id=623, type=dropout]; +"624 add_24" [id=624, type=add]; +"625 _param_constant148" [id=625, type=get_attr]; +"626 _param_constant149" [id=626, type=get_attr]; +"627 layer_norm_24" [id=627, type=layer_norm]; +"628 slice_1" [id=628, type=slice]; +"629 select_36" [id=629, type=select]; +"630 _param_constant151" [id=630, type=get_attr]; +"631 linear_48_updated_constant0" [id=631, type=get_attr]; +"632 symmetric_weights_decompressor_linear_48_updated_constant0_0" [id=632, type=call_module]; +"633 linear_48" [id=633, type=linear]; +"634 output" [id=634, type=output]; +"0 arg0_1" -> "4 conv2d"; +"1 _param_constant1" -> "4 conv2d"; +"2 conv2d_updated_constant0" -> "3 symmetric_weights_decompressor_conv2d_updated_constant0_0"; +"3 symmetric_weights_decompressor_conv2d_updated_constant0_0" -> "4 conv2d"; +"4 conv2d" -> "5 reshape"; +"5 reshape" -> "6 permute"; +"6 permute" -> "9 cat"; +"7 _param_constant2" -> "8 expand"; +"8 expand" -> "9 cat"; +"9 cat" -> "11 add"; +"10 _param_constant3" -> "11 add"; +"11 add" -> "12 dropout"; +"12 dropout" -> "15 layer_norm"; +"12 dropout" -> "48 add_1"; +"13 _param_constant4" -> "15 layer_norm"; +"14 _param_constant5" -> "15 layer_norm"; +"15 layer_norm" -> "16 transpose"; +"16 transpose" -> "20 linear"; +"17 _param_constant7" -> "20 linear"; +"18 linear_updated_constant0" -> "19 symmetric_weights_decompressor_linear_updated_constant0_0"; +"19 symmetric_weights_decompressor_linear_updated_constant0_0" -> "20 linear"; +"20 linear" -> "21 unflatten"; +"21 unflatten" -> "22 unsqueeze"; +"22 unsqueeze" -> "23 transpose_1"; +"23 transpose_1" -> "24 squeeze"; +"24 squeeze" -> "25 contiguous"; +"25 contiguous" -> "26 select"; +"25 contiguous" -> "27 select_1"; +"25 contiguous" -> "28 select_2"; +"26 select" -> "29 view"; +"27 select_1" -> "31 view_1"; +"28 select_2" -> "33 view_2"; +"29 view" -> "30 transpose_2"; +"30 transpose_2" -> "35 view_3"; +"31 view_1" -> "32 transpose_3"; +"32 transpose_3" -> "36 view_4"; +"33 view_2" -> "34 transpose_4"; +"34 transpose_4" -> "37 view_5"; +"35 view_3" -> "38 scaled_dot_product_attention"; +"36 view_4" -> "38 scaled_dot_product_attention"; +"37 view_5" -> "38 scaled_dot_product_attention"; +"38 scaled_dot_product_attention" -> "39 permute_1"; +"39 permute_1" -> "40 view_6"; +"40 view_6" -> "44 linear_1"; +"41 _param_constant9" -> "44 linear_1"; +"42 linear_1_updated_constant0" -> "43 symmetric_weights_decompressor_linear_1_updated_constant0_0"; +"43 symmetric_weights_decompressor_linear_1_updated_constant0_0" -> "44 linear_1"; +"44 linear_1" -> "45 view_7"; +"45 view_7" -> "46 transpose_5"; +"46 transpose_5" -> "47 dropout_1"; +"47 dropout_1" -> "48 add_1"; +"48 add_1" -> "51 layer_norm_1"; +"48 add_1" -> "63 add_2"; +"49 _param_constant10" -> "51 layer_norm_1"; +"50 _param_constant11" -> "51 layer_norm_1"; +"51 layer_norm_1" -> "55 linear_2"; +"52 _param_constant13" -> "55 linear_2"; +"53 linear_2_updated_constant0" -> "54 symmetric_weights_decompressor_linear_2_updated_constant0_0"; +"54 symmetric_weights_decompressor_linear_2_updated_constant0_0" -> "55 linear_2"; +"55 linear_2" -> "56 gelu"; +"56 gelu" -> "57 dropout_2"; +"57 dropout_2" -> "61 linear_3"; +"58 _param_constant15" -> "61 linear_3"; +"59 linear_3_updated_constant0" -> "60 symmetric_weights_decompressor_linear_3_updated_constant0_0"; +"60 symmetric_weights_decompressor_linear_3_updated_constant0_0" -> "61 linear_3"; +"61 linear_3" -> "62 dropout_3"; +"62 dropout_3" -> "63 add_2"; +"63 add_2" -> "66 layer_norm_2"; +"63 add_2" -> "99 add_3"; +"64 _param_constant16" -> "66 layer_norm_2"; +"65 _param_constant17" -> "66 layer_norm_2"; +"66 layer_norm_2" -> "67 transpose_6"; +"67 transpose_6" -> "71 linear_4"; +"68 _param_constant19" -> "71 linear_4"; +"69 linear_4_updated_constant0" -> "70 symmetric_weights_decompressor_linear_4_updated_constant0_0"; +"70 symmetric_weights_decompressor_linear_4_updated_constant0_0" -> "71 linear_4"; +"71 linear_4" -> "72 unflatten_1"; +"72 unflatten_1" -> "73 unsqueeze_1"; +"73 unsqueeze_1" -> "74 transpose_7"; +"74 transpose_7" -> "75 squeeze_1"; +"75 squeeze_1" -> "76 contiguous_1"; +"76 contiguous_1" -> "77 select_3"; +"76 contiguous_1" -> "78 select_4"; +"76 contiguous_1" -> "79 select_5"; +"77 select_3" -> "80 view_8"; +"78 select_4" -> "82 view_9"; +"79 select_5" -> "84 view_10"; +"80 view_8" -> "81 transpose_8"; +"81 transpose_8" -> "86 view_11"; +"82 view_9" -> "83 transpose_9"; +"83 transpose_9" -> "87 view_12"; +"84 view_10" -> "85 transpose_10"; +"85 transpose_10" -> "88 view_13"; +"86 view_11" -> "89 scaled_dot_product_attention_1"; +"87 view_12" -> "89 scaled_dot_product_attention_1"; +"88 view_13" -> "89 scaled_dot_product_attention_1"; +"89 scaled_dot_product_attention_1" -> "90 permute_2"; +"90 permute_2" -> "91 view_14"; +"91 view_14" -> "95 linear_5"; +"92 _param_constant21" -> "95 linear_5"; +"93 linear_5_updated_constant0" -> "94 symmetric_weights_decompressor_linear_5_updated_constant0_0"; +"94 symmetric_weights_decompressor_linear_5_updated_constant0_0" -> "95 linear_5"; +"95 linear_5" -> "96 view_15"; +"96 view_15" -> "97 transpose_11"; +"97 transpose_11" -> "98 dropout_4"; +"98 dropout_4" -> "99 add_3"; +"99 add_3" -> "102 layer_norm_3"; +"99 add_3" -> "114 add_4"; +"100 _param_constant22" -> "102 layer_norm_3"; +"101 _param_constant23" -> "102 layer_norm_3"; +"102 layer_norm_3" -> "106 linear_6"; +"103 _param_constant25" -> "106 linear_6"; +"104 linear_6_updated_constant0" -> "105 symmetric_weights_decompressor_linear_6_updated_constant0_0"; +"105 symmetric_weights_decompressor_linear_6_updated_constant0_0" -> "106 linear_6"; +"106 linear_6" -> "107 gelu_1"; +"107 gelu_1" -> "108 dropout_5"; +"108 dropout_5" -> "112 linear_7"; +"109 _param_constant27" -> "112 linear_7"; +"110 linear_7_updated_constant0" -> "111 symmetric_weights_decompressor_linear_7_updated_constant0_0"; +"111 symmetric_weights_decompressor_linear_7_updated_constant0_0" -> "112 linear_7"; +"112 linear_7" -> "113 dropout_6"; +"113 dropout_6" -> "114 add_4"; +"114 add_4" -> "117 layer_norm_4"; +"114 add_4" -> "150 add_5"; +"115 _param_constant28" -> "117 layer_norm_4"; +"116 _param_constant29" -> "117 layer_norm_4"; +"117 layer_norm_4" -> "118 transpose_12"; +"118 transpose_12" -> "122 linear_8"; +"119 _param_constant31" -> "122 linear_8"; +"120 linear_8_updated_constant0" -> "121 symmetric_weights_decompressor_linear_8_updated_constant0_0"; +"121 symmetric_weights_decompressor_linear_8_updated_constant0_0" -> "122 linear_8"; +"122 linear_8" -> "123 unflatten_2"; +"123 unflatten_2" -> "124 unsqueeze_2"; +"124 unsqueeze_2" -> "125 transpose_13"; +"125 transpose_13" -> "126 squeeze_2"; +"126 squeeze_2" -> "127 contiguous_2"; +"127 contiguous_2" -> "128 select_6"; +"127 contiguous_2" -> "129 select_7"; +"127 contiguous_2" -> "130 select_8"; +"128 select_6" -> "131 view_16"; +"129 select_7" -> "133 view_17"; +"130 select_8" -> "135 view_18"; +"131 view_16" -> "132 transpose_14"; +"132 transpose_14" -> "137 view_19"; +"133 view_17" -> "134 transpose_15"; +"134 transpose_15" -> "138 view_20"; +"135 view_18" -> "136 transpose_16"; +"136 transpose_16" -> "139 view_21"; +"137 view_19" -> "140 scaled_dot_product_attention_2"; +"138 view_20" -> "140 scaled_dot_product_attention_2"; +"139 view_21" -> "140 scaled_dot_product_attention_2"; +"140 scaled_dot_product_attention_2" -> "141 permute_3"; +"141 permute_3" -> "142 view_22"; +"142 view_22" -> "146 linear_9"; +"143 _param_constant33" -> "146 linear_9"; +"144 linear_9_updated_constant0" -> "145 symmetric_weights_decompressor_linear_9_updated_constant0_0"; +"145 symmetric_weights_decompressor_linear_9_updated_constant0_0" -> "146 linear_9"; +"146 linear_9" -> "147 view_23"; +"147 view_23" -> "148 transpose_17"; +"148 transpose_17" -> "149 dropout_7"; +"149 dropout_7" -> "150 add_5"; +"150 add_5" -> "153 layer_norm_5"; +"150 add_5" -> "165 add_6"; +"151 _param_constant34" -> "153 layer_norm_5"; +"152 _param_constant35" -> "153 layer_norm_5"; +"153 layer_norm_5" -> "157 linear_10"; +"154 _param_constant37" -> "157 linear_10"; +"155 linear_10_updated_constant0" -> "156 symmetric_weights_decompressor_linear_10_updated_constant0_0"; +"156 symmetric_weights_decompressor_linear_10_updated_constant0_0" -> "157 linear_10"; +"157 linear_10" -> "158 gelu_2"; +"158 gelu_2" -> "159 dropout_8"; +"159 dropout_8" -> "163 linear_11"; +"160 _param_constant39" -> "163 linear_11"; +"161 linear_11_updated_constant0" -> "162 symmetric_weights_decompressor_linear_11_updated_constant0_0"; +"162 symmetric_weights_decompressor_linear_11_updated_constant0_0" -> "163 linear_11"; +"163 linear_11" -> "164 dropout_9"; +"164 dropout_9" -> "165 add_6"; +"165 add_6" -> "168 layer_norm_6"; +"165 add_6" -> "201 add_7"; +"166 _param_constant40" -> "168 layer_norm_6"; +"167 _param_constant41" -> "168 layer_norm_6"; +"168 layer_norm_6" -> "169 transpose_18"; +"169 transpose_18" -> "173 linear_12"; +"170 _param_constant43" -> "173 linear_12"; +"171 linear_12_updated_constant0" -> "172 symmetric_weights_decompressor_linear_12_updated_constant0_0"; +"172 symmetric_weights_decompressor_linear_12_updated_constant0_0" -> "173 linear_12"; +"173 linear_12" -> "174 unflatten_3"; +"174 unflatten_3" -> "175 unsqueeze_3"; +"175 unsqueeze_3" -> "176 transpose_19"; +"176 transpose_19" -> "177 squeeze_3"; +"177 squeeze_3" -> "178 contiguous_3"; +"178 contiguous_3" -> "179 select_9"; +"178 contiguous_3" -> "180 select_10"; +"178 contiguous_3" -> "181 select_11"; +"179 select_9" -> "182 view_24"; +"180 select_10" -> "184 view_25"; +"181 select_11" -> "186 view_26"; +"182 view_24" -> "183 transpose_20"; +"183 transpose_20" -> "188 view_27"; +"184 view_25" -> "185 transpose_21"; +"185 transpose_21" -> "189 view_28"; +"186 view_26" -> "187 transpose_22"; +"187 transpose_22" -> "190 view_29"; +"188 view_27" -> "191 scaled_dot_product_attention_3"; +"189 view_28" -> "191 scaled_dot_product_attention_3"; +"190 view_29" -> "191 scaled_dot_product_attention_3"; +"191 scaled_dot_product_attention_3" -> "192 permute_4"; +"192 permute_4" -> "193 view_30"; +"193 view_30" -> "197 linear_13"; +"194 _param_constant45" -> "197 linear_13"; +"195 linear_13_updated_constant0" -> "196 symmetric_weights_decompressor_linear_13_updated_constant0_0"; +"196 symmetric_weights_decompressor_linear_13_updated_constant0_0" -> "197 linear_13"; +"197 linear_13" -> "198 view_31"; +"198 view_31" -> "199 transpose_23"; +"199 transpose_23" -> "200 dropout_10"; +"200 dropout_10" -> "201 add_7"; +"201 add_7" -> "204 layer_norm_7"; +"201 add_7" -> "216 add_8"; +"202 _param_constant46" -> "204 layer_norm_7"; +"203 _param_constant47" -> "204 layer_norm_7"; +"204 layer_norm_7" -> "208 linear_14"; +"205 _param_constant49" -> "208 linear_14"; +"206 linear_14_updated_constant0" -> "207 symmetric_weights_decompressor_linear_14_updated_constant0_0"; +"207 symmetric_weights_decompressor_linear_14_updated_constant0_0" -> "208 linear_14"; +"208 linear_14" -> "209 gelu_3"; +"209 gelu_3" -> "210 dropout_11"; +"210 dropout_11" -> "214 linear_15"; +"211 _param_constant51" -> "214 linear_15"; +"212 linear_15_updated_constant0" -> "213 symmetric_weights_decompressor_linear_15_updated_constant0_0"; +"213 symmetric_weights_decompressor_linear_15_updated_constant0_0" -> "214 linear_15"; +"214 linear_15" -> "215 dropout_12"; +"215 dropout_12" -> "216 add_8"; +"216 add_8" -> "219 layer_norm_8"; +"216 add_8" -> "252 add_9"; +"217 _param_constant52" -> "219 layer_norm_8"; +"218 _param_constant53" -> "219 layer_norm_8"; +"219 layer_norm_8" -> "220 transpose_24"; +"220 transpose_24" -> "224 linear_16"; +"221 _param_constant55" -> "224 linear_16"; +"222 linear_16_updated_constant0" -> "223 symmetric_weights_decompressor_linear_16_updated_constant0_0"; +"223 symmetric_weights_decompressor_linear_16_updated_constant0_0" -> "224 linear_16"; +"224 linear_16" -> "225 unflatten_4"; +"225 unflatten_4" -> "226 unsqueeze_4"; +"226 unsqueeze_4" -> "227 transpose_25"; +"227 transpose_25" -> "228 squeeze_4"; +"228 squeeze_4" -> "229 contiguous_4"; +"229 contiguous_4" -> "230 select_12"; +"229 contiguous_4" -> "231 select_13"; +"229 contiguous_4" -> "232 select_14"; +"230 select_12" -> "233 view_32"; +"231 select_13" -> "235 view_33"; +"232 select_14" -> "237 view_34"; +"233 view_32" -> "234 transpose_26"; +"234 transpose_26" -> "239 view_35"; +"235 view_33" -> "236 transpose_27"; +"236 transpose_27" -> "240 view_36"; +"237 view_34" -> "238 transpose_28"; +"238 transpose_28" -> "241 view_37"; +"239 view_35" -> "242 scaled_dot_product_attention_4"; +"240 view_36" -> "242 scaled_dot_product_attention_4"; +"241 view_37" -> "242 scaled_dot_product_attention_4"; +"242 scaled_dot_product_attention_4" -> "243 permute_5"; +"243 permute_5" -> "244 view_38"; +"244 view_38" -> "248 linear_17"; +"245 _param_constant57" -> "248 linear_17"; +"246 linear_17_updated_constant0" -> "247 symmetric_weights_decompressor_linear_17_updated_constant0_0"; +"247 symmetric_weights_decompressor_linear_17_updated_constant0_0" -> "248 linear_17"; +"248 linear_17" -> "249 view_39"; +"249 view_39" -> "250 transpose_29"; +"250 transpose_29" -> "251 dropout_13"; +"251 dropout_13" -> "252 add_9"; +"252 add_9" -> "255 layer_norm_9"; +"252 add_9" -> "267 add_10"; +"253 _param_constant58" -> "255 layer_norm_9"; +"254 _param_constant59" -> "255 layer_norm_9"; +"255 layer_norm_9" -> "259 linear_18"; +"256 _param_constant61" -> "259 linear_18"; +"257 linear_18_updated_constant0" -> "258 symmetric_weights_decompressor_linear_18_updated_constant0_0"; +"258 symmetric_weights_decompressor_linear_18_updated_constant0_0" -> "259 linear_18"; +"259 linear_18" -> "260 gelu_4"; +"260 gelu_4" -> "261 dropout_14"; +"261 dropout_14" -> "265 linear_19"; +"262 _param_constant63" -> "265 linear_19"; +"263 linear_19_updated_constant0" -> "264 symmetric_weights_decompressor_linear_19_updated_constant0_0"; +"264 symmetric_weights_decompressor_linear_19_updated_constant0_0" -> "265 linear_19"; +"265 linear_19" -> "266 dropout_15"; +"266 dropout_15" -> "267 add_10"; +"267 add_10" -> "270 layer_norm_10"; +"267 add_10" -> "303 add_11"; +"268 _param_constant64" -> "270 layer_norm_10"; +"269 _param_constant65" -> "270 layer_norm_10"; +"270 layer_norm_10" -> "271 transpose_30"; +"271 transpose_30" -> "275 linear_20"; +"272 _param_constant67" -> "275 linear_20"; +"273 linear_20_updated_constant0" -> "274 symmetric_weights_decompressor_linear_20_updated_constant0_0"; +"274 symmetric_weights_decompressor_linear_20_updated_constant0_0" -> "275 linear_20"; +"275 linear_20" -> "276 unflatten_5"; +"276 unflatten_5" -> "277 unsqueeze_5"; +"277 unsqueeze_5" -> "278 transpose_31"; +"278 transpose_31" -> "279 squeeze_5"; +"279 squeeze_5" -> "280 contiguous_5"; +"280 contiguous_5" -> "281 select_15"; +"280 contiguous_5" -> "282 select_16"; +"280 contiguous_5" -> "283 select_17"; +"281 select_15" -> "284 view_40"; +"282 select_16" -> "286 view_41"; +"283 select_17" -> "288 view_42"; +"284 view_40" -> "285 transpose_32"; +"285 transpose_32" -> "290 view_43"; +"286 view_41" -> "287 transpose_33"; +"287 transpose_33" -> "291 view_44"; +"288 view_42" -> "289 transpose_34"; +"289 transpose_34" -> "292 view_45"; +"290 view_43" -> "293 scaled_dot_product_attention_5"; +"291 view_44" -> "293 scaled_dot_product_attention_5"; +"292 view_45" -> "293 scaled_dot_product_attention_5"; +"293 scaled_dot_product_attention_5" -> "294 permute_6"; +"294 permute_6" -> "295 view_46"; +"295 view_46" -> "299 linear_21"; +"296 _param_constant69" -> "299 linear_21"; +"297 linear_21_updated_constant0" -> "298 symmetric_weights_decompressor_linear_21_updated_constant0_0"; +"298 symmetric_weights_decompressor_linear_21_updated_constant0_0" -> "299 linear_21"; +"299 linear_21" -> "300 view_47"; +"300 view_47" -> "301 transpose_35"; +"301 transpose_35" -> "302 dropout_16"; +"302 dropout_16" -> "303 add_11"; +"303 add_11" -> "306 layer_norm_11"; +"303 add_11" -> "318 add_12"; +"304 _param_constant70" -> "306 layer_norm_11"; +"305 _param_constant71" -> "306 layer_norm_11"; +"306 layer_norm_11" -> "310 linear_22"; +"307 _param_constant73" -> "310 linear_22"; +"308 linear_22_updated_constant0" -> "309 symmetric_weights_decompressor_linear_22_updated_constant0_0"; +"309 symmetric_weights_decompressor_linear_22_updated_constant0_0" -> "310 linear_22"; +"310 linear_22" -> "311 gelu_5"; +"311 gelu_5" -> "312 dropout_17"; +"312 dropout_17" -> "316 linear_23"; +"313 _param_constant75" -> "316 linear_23"; +"314 linear_23_updated_constant0" -> "315 symmetric_weights_decompressor_linear_23_updated_constant0_0"; +"315 symmetric_weights_decompressor_linear_23_updated_constant0_0" -> "316 linear_23"; +"316 linear_23" -> "317 dropout_18"; +"317 dropout_18" -> "318 add_12"; +"318 add_12" -> "321 layer_norm_12"; +"318 add_12" -> "354 add_13"; +"319 _param_constant76" -> "321 layer_norm_12"; +"320 _param_constant77" -> "321 layer_norm_12"; +"321 layer_norm_12" -> "322 transpose_36"; +"322 transpose_36" -> "326 linear_24"; +"323 _param_constant79" -> "326 linear_24"; +"324 linear_24_updated_constant0" -> "325 symmetric_weights_decompressor_linear_24_updated_constant0_0"; +"325 symmetric_weights_decompressor_linear_24_updated_constant0_0" -> "326 linear_24"; +"326 linear_24" -> "327 unflatten_6"; +"327 unflatten_6" -> "328 unsqueeze_6"; +"328 unsqueeze_6" -> "329 transpose_37"; +"329 transpose_37" -> "330 squeeze_6"; +"330 squeeze_6" -> "331 contiguous_6"; +"331 contiguous_6" -> "332 select_18"; +"331 contiguous_6" -> "333 select_19"; +"331 contiguous_6" -> "334 select_20"; +"332 select_18" -> "335 view_48"; +"333 select_19" -> "337 view_49"; +"334 select_20" -> "339 view_50"; +"335 view_48" -> "336 transpose_38"; +"336 transpose_38" -> "341 view_51"; +"337 view_49" -> "338 transpose_39"; +"338 transpose_39" -> "342 view_52"; +"339 view_50" -> "340 transpose_40"; +"340 transpose_40" -> "343 view_53"; +"341 view_51" -> "344 scaled_dot_product_attention_6"; +"342 view_52" -> "344 scaled_dot_product_attention_6"; +"343 view_53" -> "344 scaled_dot_product_attention_6"; +"344 scaled_dot_product_attention_6" -> "345 permute_7"; +"345 permute_7" -> "346 view_54"; +"346 view_54" -> "350 linear_25"; +"347 _param_constant81" -> "350 linear_25"; +"348 linear_25_updated_constant0" -> "349 symmetric_weights_decompressor_linear_25_updated_constant0_0"; +"349 symmetric_weights_decompressor_linear_25_updated_constant0_0" -> "350 linear_25"; +"350 linear_25" -> "351 view_55"; +"351 view_55" -> "352 transpose_41"; +"352 transpose_41" -> "353 dropout_19"; +"353 dropout_19" -> "354 add_13"; +"354 add_13" -> "357 layer_norm_13"; +"354 add_13" -> "369 add_14"; +"355 _param_constant82" -> "357 layer_norm_13"; +"356 _param_constant83" -> "357 layer_norm_13"; +"357 layer_norm_13" -> "361 linear_26"; +"358 _param_constant85" -> "361 linear_26"; +"359 linear_26_updated_constant0" -> "360 symmetric_weights_decompressor_linear_26_updated_constant0_0"; +"360 symmetric_weights_decompressor_linear_26_updated_constant0_0" -> "361 linear_26"; +"361 linear_26" -> "362 gelu_6"; +"362 gelu_6" -> "363 dropout_20"; +"363 dropout_20" -> "367 linear_27"; +"364 _param_constant87" -> "367 linear_27"; +"365 linear_27_updated_constant0" -> "366 symmetric_weights_decompressor_linear_27_updated_constant0_0"; +"366 symmetric_weights_decompressor_linear_27_updated_constant0_0" -> "367 linear_27"; +"367 linear_27" -> "368 dropout_21"; +"368 dropout_21" -> "369 add_14"; +"369 add_14" -> "372 layer_norm_14"; +"369 add_14" -> "405 add_15"; +"370 _param_constant88" -> "372 layer_norm_14"; +"371 _param_constant89" -> "372 layer_norm_14"; +"372 layer_norm_14" -> "373 transpose_42"; +"373 transpose_42" -> "377 linear_28"; +"374 _param_constant91" -> "377 linear_28"; +"375 linear_28_updated_constant0" -> "376 symmetric_weights_decompressor_linear_28_updated_constant0_0"; +"376 symmetric_weights_decompressor_linear_28_updated_constant0_0" -> "377 linear_28"; +"377 linear_28" -> "378 unflatten_7"; +"378 unflatten_7" -> "379 unsqueeze_7"; +"379 unsqueeze_7" -> "380 transpose_43"; +"380 transpose_43" -> "381 squeeze_7"; +"381 squeeze_7" -> "382 contiguous_7"; +"382 contiguous_7" -> "383 select_21"; +"382 contiguous_7" -> "384 select_22"; +"382 contiguous_7" -> "385 select_23"; +"383 select_21" -> "386 view_56"; +"384 select_22" -> "388 view_57"; +"385 select_23" -> "390 view_58"; +"386 view_56" -> "387 transpose_44"; +"387 transpose_44" -> "392 view_59"; +"388 view_57" -> "389 transpose_45"; +"389 transpose_45" -> "393 view_60"; +"390 view_58" -> "391 transpose_46"; +"391 transpose_46" -> "394 view_61"; +"392 view_59" -> "395 scaled_dot_product_attention_7"; +"393 view_60" -> "395 scaled_dot_product_attention_7"; +"394 view_61" -> "395 scaled_dot_product_attention_7"; +"395 scaled_dot_product_attention_7" -> "396 permute_8"; +"396 permute_8" -> "397 view_62"; +"397 view_62" -> "401 linear_29"; +"398 _param_constant93" -> "401 linear_29"; +"399 linear_29_updated_constant0" -> "400 symmetric_weights_decompressor_linear_29_updated_constant0_0"; +"400 symmetric_weights_decompressor_linear_29_updated_constant0_0" -> "401 linear_29"; +"401 linear_29" -> "402 view_63"; +"402 view_63" -> "403 transpose_47"; +"403 transpose_47" -> "404 dropout_22"; +"404 dropout_22" -> "405 add_15"; +"405 add_15" -> "408 layer_norm_15"; +"405 add_15" -> "420 add_16"; +"406 _param_constant94" -> "408 layer_norm_15"; +"407 _param_constant95" -> "408 layer_norm_15"; +"408 layer_norm_15" -> "412 linear_30"; +"409 _param_constant97" -> "412 linear_30"; +"410 linear_30_updated_constant0" -> "411 symmetric_weights_decompressor_linear_30_updated_constant0_0"; +"411 symmetric_weights_decompressor_linear_30_updated_constant0_0" -> "412 linear_30"; +"412 linear_30" -> "413 gelu_7"; +"413 gelu_7" -> "414 dropout_23"; +"414 dropout_23" -> "418 linear_31"; +"415 _param_constant99" -> "418 linear_31"; +"416 linear_31_updated_constant0" -> "417 symmetric_weights_decompressor_linear_31_updated_constant0_0"; +"417 symmetric_weights_decompressor_linear_31_updated_constant0_0" -> "418 linear_31"; +"418 linear_31" -> "419 dropout_24"; +"419 dropout_24" -> "420 add_16"; +"420 add_16" -> "423 layer_norm_16"; +"420 add_16" -> "456 add_17"; +"421 _param_constant100" -> "423 layer_norm_16"; +"422 _param_constant101" -> "423 layer_norm_16"; +"423 layer_norm_16" -> "424 transpose_48"; +"424 transpose_48" -> "428 linear_32"; +"425 _param_constant103" -> "428 linear_32"; +"426 linear_32_updated_constant0" -> "427 symmetric_weights_decompressor_linear_32_updated_constant0_0"; +"427 symmetric_weights_decompressor_linear_32_updated_constant0_0" -> "428 linear_32"; +"428 linear_32" -> "429 unflatten_8"; +"429 unflatten_8" -> "430 unsqueeze_8"; +"430 unsqueeze_8" -> "431 transpose_49"; +"431 transpose_49" -> "432 squeeze_8"; +"432 squeeze_8" -> "433 contiguous_8"; +"433 contiguous_8" -> "434 select_24"; +"433 contiguous_8" -> "435 select_25"; +"433 contiguous_8" -> "436 select_26"; +"434 select_24" -> "437 view_64"; +"435 select_25" -> "439 view_65"; +"436 select_26" -> "441 view_66"; +"437 view_64" -> "438 transpose_50"; +"438 transpose_50" -> "443 view_67"; +"439 view_65" -> "440 transpose_51"; +"440 transpose_51" -> "444 view_68"; +"441 view_66" -> "442 transpose_52"; +"442 transpose_52" -> "445 view_69"; +"443 view_67" -> "446 scaled_dot_product_attention_8"; +"444 view_68" -> "446 scaled_dot_product_attention_8"; +"445 view_69" -> "446 scaled_dot_product_attention_8"; +"446 scaled_dot_product_attention_8" -> "447 permute_9"; +"447 permute_9" -> "448 view_70"; +"448 view_70" -> "452 linear_33"; +"449 _param_constant105" -> "452 linear_33"; +"450 linear_33_updated_constant0" -> "451 symmetric_weights_decompressor_linear_33_updated_constant0_0"; +"451 symmetric_weights_decompressor_linear_33_updated_constant0_0" -> "452 linear_33"; +"452 linear_33" -> "453 view_71"; +"453 view_71" -> "454 transpose_53"; +"454 transpose_53" -> "455 dropout_25"; +"455 dropout_25" -> "456 add_17"; +"456 add_17" -> "459 layer_norm_17"; +"456 add_17" -> "471 add_18"; +"457 _param_constant106" -> "459 layer_norm_17"; +"458 _param_constant107" -> "459 layer_norm_17"; +"459 layer_norm_17" -> "463 linear_34"; +"460 _param_constant109" -> "463 linear_34"; +"461 linear_34_updated_constant0" -> "462 symmetric_weights_decompressor_linear_34_updated_constant0_0"; +"462 symmetric_weights_decompressor_linear_34_updated_constant0_0" -> "463 linear_34"; +"463 linear_34" -> "464 gelu_8"; +"464 gelu_8" -> "465 dropout_26"; +"465 dropout_26" -> "469 linear_35"; +"466 _param_constant111" -> "469 linear_35"; +"467 linear_35_updated_constant0" -> "468 symmetric_weights_decompressor_linear_35_updated_constant0_0"; +"468 symmetric_weights_decompressor_linear_35_updated_constant0_0" -> "469 linear_35"; +"469 linear_35" -> "470 dropout_27"; +"470 dropout_27" -> "471 add_18"; +"471 add_18" -> "474 layer_norm_18"; +"471 add_18" -> "507 add_19"; +"472 _param_constant112" -> "474 layer_norm_18"; +"473 _param_constant113" -> "474 layer_norm_18"; +"474 layer_norm_18" -> "475 transpose_54"; +"475 transpose_54" -> "479 linear_36"; +"476 _param_constant115" -> "479 linear_36"; +"477 linear_36_updated_constant0" -> "478 symmetric_weights_decompressor_linear_36_updated_constant0_0"; +"478 symmetric_weights_decompressor_linear_36_updated_constant0_0" -> "479 linear_36"; +"479 linear_36" -> "480 unflatten_9"; +"480 unflatten_9" -> "481 unsqueeze_9"; +"481 unsqueeze_9" -> "482 transpose_55"; +"482 transpose_55" -> "483 squeeze_9"; +"483 squeeze_9" -> "484 contiguous_9"; +"484 contiguous_9" -> "485 select_27"; +"484 contiguous_9" -> "486 select_28"; +"484 contiguous_9" -> "487 select_29"; +"485 select_27" -> "488 view_72"; +"486 select_28" -> "490 view_73"; +"487 select_29" -> "492 view_74"; +"488 view_72" -> "489 transpose_56"; +"489 transpose_56" -> "494 view_75"; +"490 view_73" -> "491 transpose_57"; +"491 transpose_57" -> "495 view_76"; +"492 view_74" -> "493 transpose_58"; +"493 transpose_58" -> "496 view_77"; +"494 view_75" -> "497 scaled_dot_product_attention_9"; +"495 view_76" -> "497 scaled_dot_product_attention_9"; +"496 view_77" -> "497 scaled_dot_product_attention_9"; +"497 scaled_dot_product_attention_9" -> "498 permute_10"; +"498 permute_10" -> "499 view_78"; +"499 view_78" -> "503 linear_37"; +"500 _param_constant117" -> "503 linear_37"; +"501 linear_37_updated_constant0" -> "502 symmetric_weights_decompressor_linear_37_updated_constant0_0"; +"502 symmetric_weights_decompressor_linear_37_updated_constant0_0" -> "503 linear_37"; +"503 linear_37" -> "504 view_79"; +"504 view_79" -> "505 transpose_59"; +"505 transpose_59" -> "506 dropout_28"; +"506 dropout_28" -> "507 add_19"; +"507 add_19" -> "510 layer_norm_19"; +"507 add_19" -> "522 add_20"; +"508 _param_constant118" -> "510 layer_norm_19"; +"509 _param_constant119" -> "510 layer_norm_19"; +"510 layer_norm_19" -> "514 linear_38"; +"511 _param_constant121" -> "514 linear_38"; +"512 linear_38_updated_constant0" -> "513 symmetric_weights_decompressor_linear_38_updated_constant0_0"; +"513 symmetric_weights_decompressor_linear_38_updated_constant0_0" -> "514 linear_38"; +"514 linear_38" -> "515 gelu_9"; +"515 gelu_9" -> "516 dropout_29"; +"516 dropout_29" -> "520 linear_39"; +"517 _param_constant123" -> "520 linear_39"; +"518 linear_39_updated_constant0" -> "519 symmetric_weights_decompressor_linear_39_updated_constant0_0"; +"519 symmetric_weights_decompressor_linear_39_updated_constant0_0" -> "520 linear_39"; +"520 linear_39" -> "521 dropout_30"; +"521 dropout_30" -> "522 add_20"; +"522 add_20" -> "525 layer_norm_20"; +"522 add_20" -> "558 add_21"; +"523 _param_constant124" -> "525 layer_norm_20"; +"524 _param_constant125" -> "525 layer_norm_20"; +"525 layer_norm_20" -> "526 transpose_60"; +"526 transpose_60" -> "530 linear_40"; +"527 _param_constant127" -> "530 linear_40"; +"528 linear_40_updated_constant0" -> "529 symmetric_weights_decompressor_linear_40_updated_constant0_0"; +"529 symmetric_weights_decompressor_linear_40_updated_constant0_0" -> "530 linear_40"; +"530 linear_40" -> "531 unflatten_10"; +"531 unflatten_10" -> "532 unsqueeze_10"; +"532 unsqueeze_10" -> "533 transpose_61"; +"533 transpose_61" -> "534 squeeze_10"; +"534 squeeze_10" -> "535 contiguous_10"; +"535 contiguous_10" -> "536 select_30"; +"535 contiguous_10" -> "537 select_31"; +"535 contiguous_10" -> "538 select_32"; +"536 select_30" -> "539 view_80"; +"537 select_31" -> "541 view_81"; +"538 select_32" -> "543 view_82"; +"539 view_80" -> "540 transpose_62"; +"540 transpose_62" -> "545 view_83"; +"541 view_81" -> "542 transpose_63"; +"542 transpose_63" -> "546 view_84"; +"543 view_82" -> "544 transpose_64"; +"544 transpose_64" -> "547 view_85"; +"545 view_83" -> "548 scaled_dot_product_attention_10"; +"546 view_84" -> "548 scaled_dot_product_attention_10"; +"547 view_85" -> "548 scaled_dot_product_attention_10"; +"548 scaled_dot_product_attention_10" -> "549 permute_11"; +"549 permute_11" -> "550 view_86"; +"550 view_86" -> "554 linear_41"; +"551 _param_constant129" -> "554 linear_41"; +"552 linear_41_updated_constant0" -> "553 symmetric_weights_decompressor_linear_41_updated_constant0_0"; +"553 symmetric_weights_decompressor_linear_41_updated_constant0_0" -> "554 linear_41"; +"554 linear_41" -> "555 view_87"; +"555 view_87" -> "556 transpose_65"; +"556 transpose_65" -> "557 dropout_31"; +"557 dropout_31" -> "558 add_21"; +"558 add_21" -> "561 layer_norm_21"; +"558 add_21" -> "573 add_22"; +"559 _param_constant130" -> "561 layer_norm_21"; +"560 _param_constant131" -> "561 layer_norm_21"; +"561 layer_norm_21" -> "565 linear_42"; +"562 _param_constant133" -> "565 linear_42"; +"563 linear_42_updated_constant0" -> "564 symmetric_weights_decompressor_linear_42_updated_constant0_0"; +"564 symmetric_weights_decompressor_linear_42_updated_constant0_0" -> "565 linear_42"; +"565 linear_42" -> "566 gelu_10"; +"566 gelu_10" -> "567 dropout_32"; +"567 dropout_32" -> "571 linear_43"; +"568 _param_constant135" -> "571 linear_43"; +"569 linear_43_updated_constant0" -> "570 symmetric_weights_decompressor_linear_43_updated_constant0_0"; +"570 symmetric_weights_decompressor_linear_43_updated_constant0_0" -> "571 linear_43"; +"571 linear_43" -> "572 dropout_33"; +"572 dropout_33" -> "573 add_22"; +"573 add_22" -> "576 layer_norm_22"; +"573 add_22" -> "609 add_23"; +"574 _param_constant136" -> "576 layer_norm_22"; +"575 _param_constant137" -> "576 layer_norm_22"; +"576 layer_norm_22" -> "577 transpose_66"; +"577 transpose_66" -> "581 linear_44"; +"578 _param_constant139" -> "581 linear_44"; +"579 linear_44_updated_constant0" -> "580 symmetric_weights_decompressor_linear_44_updated_constant0_0"; +"580 symmetric_weights_decompressor_linear_44_updated_constant0_0" -> "581 linear_44"; +"581 linear_44" -> "582 unflatten_11"; +"582 unflatten_11" -> "583 unsqueeze_11"; +"583 unsqueeze_11" -> "584 transpose_67"; +"584 transpose_67" -> "585 squeeze_11"; +"585 squeeze_11" -> "586 contiguous_11"; +"586 contiguous_11" -> "587 select_33"; +"586 contiguous_11" -> "588 select_34"; +"586 contiguous_11" -> "589 select_35"; +"587 select_33" -> "590 view_88"; +"588 select_34" -> "592 view_89"; +"589 select_35" -> "594 view_90"; +"590 view_88" -> "591 transpose_68"; +"591 transpose_68" -> "596 view_91"; +"592 view_89" -> "593 transpose_69"; +"593 transpose_69" -> "597 view_92"; +"594 view_90" -> "595 transpose_70"; +"595 transpose_70" -> "598 view_93"; +"596 view_91" -> "599 scaled_dot_product_attention_11"; +"597 view_92" -> "599 scaled_dot_product_attention_11"; +"598 view_93" -> "599 scaled_dot_product_attention_11"; +"599 scaled_dot_product_attention_11" -> "600 permute_12"; +"600 permute_12" -> "601 view_94"; +"601 view_94" -> "605 linear_45"; +"602 _param_constant141" -> "605 linear_45"; +"603 linear_45_updated_constant0" -> "604 symmetric_weights_decompressor_linear_45_updated_constant0_0"; +"604 symmetric_weights_decompressor_linear_45_updated_constant0_0" -> "605 linear_45"; +"605 linear_45" -> "606 view_95"; +"606 view_95" -> "607 transpose_71"; +"607 transpose_71" -> "608 dropout_34"; +"608 dropout_34" -> "609 add_23"; +"609 add_23" -> "612 layer_norm_23"; +"609 add_23" -> "624 add_24"; +"610 _param_constant142" -> "612 layer_norm_23"; +"611 _param_constant143" -> "612 layer_norm_23"; +"612 layer_norm_23" -> "616 linear_46"; +"613 _param_constant145" -> "616 linear_46"; +"614 linear_46_updated_constant0" -> "615 symmetric_weights_decompressor_linear_46_updated_constant0_0"; +"615 symmetric_weights_decompressor_linear_46_updated_constant0_0" -> "616 linear_46"; +"616 linear_46" -> "617 gelu_11"; +"617 gelu_11" -> "618 dropout_35"; +"618 dropout_35" -> "622 linear_47"; +"619 _param_constant147" -> "622 linear_47"; +"620 linear_47_updated_constant0" -> "621 symmetric_weights_decompressor_linear_47_updated_constant0_0"; +"621 symmetric_weights_decompressor_linear_47_updated_constant0_0" -> "622 linear_47"; +"622 linear_47" -> "623 dropout_36"; +"623 dropout_36" -> "624 add_24"; +"624 add_24" -> "627 layer_norm_24"; +"625 _param_constant148" -> "627 layer_norm_24"; +"626 _param_constant149" -> "627 layer_norm_24"; +"627 layer_norm_24" -> "628 slice_1"; +"628 slice_1" -> "629 select_36"; +"629 select_36" -> "633 linear_48"; +"630 _param_constant151" -> "633 linear_48"; +"631 linear_48_updated_constant0" -> "632 symmetric_weights_decompressor_linear_48_updated_constant0_0"; +"632 symmetric_weights_decompressor_linear_48_updated_constant0_0" -> "633 linear_48"; +"633 linear_48" -> "634 output"; +} diff --git a/tests/torch/fx/test_models.py b/tests/torch/fx/test_models.py index 3c135a77415..ac8eeeea86a 100644 --- a/tests/torch/fx/test_models.py +++ b/tests/torch/fx/test_models.py @@ -160,24 +160,24 @@ def transform_fn(data_item): check_graph(nncf_graph, get_dot_filename(model_case.model_id), FX_QUANTIZED_DIR_NAME) -MODEL_COMRPESSION_MODES = [CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8] +MODEL_COMRPESSION_MODES = [CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM] + TEST_MODELS_COMPRESSED = ( - (ModelCase(test_models.UNet, "unet", [1, 3, 224, 224]), MODEL_COMRPESSION_MODES), - (torchvision_model_case("resnet18", (1, 3, 224, 224)), MODEL_COMRPESSION_MODES), - (torchvision_model_case("mobilenet_v3_small", (1, 3, 224, 224)), MODEL_COMRPESSION_MODES), - (torchvision_model_case("vit_b_16", (1, 3, 224, 224)), MODEL_COMRPESSION_MODES), - (torchvision_model_case("swin_v2_s", (1, 3, 224, 224)), MODEL_COMRPESSION_MODES), + ModelCase(test_models.UNet, "unet", [1, 3, 224, 224]), + torchvision_model_case("resnet18", (1, 3, 224, 224)), + torchvision_model_case("mobilenet_v3_small", (1, 3, 224, 224)), + torchvision_model_case("vit_b_16", (1, 3, 224, 224)), + torchvision_model_case("swin_v2_s", (1, 3, 224, 224)), ) -@pytest.mark.parametrize( - ("test_case", "model_compression_modes"), TEST_MODELS_COMPRESSED, ids=[m.model_id for m in TEST_MODELS] -) -def test_compressed_model(test_case: ModelCase, model_compression_modes: List[CompressWeightsMode]): +@pytest.mark.parametrize("test_case", TEST_MODELS_COMPRESSED, ids=[m.model_id for m in TEST_MODELS_COMPRESSED]) +@pytest.mark.parametrize("compression_mode", MODEL_COMRPESSION_MODES, ids=[mode.name for mode in MODEL_COMRPESSION_MODES]) +def test_compressed_model(test_case: ModelCase, compression_mode: CompressWeightsMode): with disable_patching(): device = torch.device("cpu") - model_name = test_case.model_id + model_name = '_'.join([test_case.model_id, str(compression_mode)]) model = test_case.model_builder() model.to(device) @@ -185,8 +185,7 @@ def test_compressed_model(test_case: ModelCase, model_compression_modes: List[Co ex_input = torch.ones(test_case.input_shape) model.eval() exported_model = capture_pre_autograd_graph(model, args=(ex_input,)) - for mode in model_compression_modes: - compressed_model = nncf.compress_weights(exported_model, mode=CompressWeightsMode.INT8_SYM) - nncf_graph = GraphConverter.create_nncf_graph(compressed_model) + compressed_model = nncf.compress_weights(exported_model, mode=compression_mode) + nncf_graph = GraphConverter.create_nncf_graph(compressed_model) - check_graph(nncf_graph, get_dot_filename(model_name), FX_COMPRESSED_DIR_NAME) + check_graph(nncf_graph, get_dot_filename(model_name), FX_COMPRESSED_DIR_NAME) From 0172ad1c3c10192bd794728433f47d2d9158f284 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Wed, 28 Aug 2024 18:29:06 +0400 Subject: [PATCH 24/69] pre commit fix --- tests/torch/fx/test_models.py | 8 +++++--- 1 file changed, 5 insertions(+), 3 deletions(-) diff --git a/tests/torch/fx/test_models.py b/tests/torch/fx/test_models.py index ac8eeeea86a..51382098123 100644 --- a/tests/torch/fx/test_models.py +++ b/tests/torch/fx/test_models.py @@ -14,7 +14,7 @@ from dataclasses import dataclass from functools import partial from pathlib import Path -from typing import Callable, Dict, List, Tuple, Type +from typing import Callable, Dict, Tuple, Type import openvino.torch # noqa import pytest @@ -173,11 +173,13 @@ def transform_fn(data_item): @pytest.mark.parametrize("test_case", TEST_MODELS_COMPRESSED, ids=[m.model_id for m in TEST_MODELS_COMPRESSED]) -@pytest.mark.parametrize("compression_mode", MODEL_COMRPESSION_MODES, ids=[mode.name for mode in MODEL_COMRPESSION_MODES]) +@pytest.mark.parametrize( + "compression_mode", MODEL_COMRPESSION_MODES, ids=[mode.name for mode in MODEL_COMRPESSION_MODES] +) def test_compressed_model(test_case: ModelCase, compression_mode: CompressWeightsMode): with disable_patching(): device = torch.device("cpu") - model_name = '_'.join([test_case.model_id, str(compression_mode)]) + model_name = "_".join([test_case.model_id, str(compression_mode)]) model = test_case.model_builder() model.to(device) From f590200c30a9ed3060038dba51efbe8d3432b8c6 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Thu, 29 Aug 2024 14:51:01 +0400 Subject: [PATCH 25/69] 1. Moved Embedding FX metatype from `experimental/torch/fx` to torch operator metatypes and initialized a new FX metatype registry. 2. Refactored fx weights compression backend for reusability. 3. Include Fx embedding metatype in Torch weights compression backend for reusability in both backends. --- .../torch/fx/nncf_graph_builder.py | 3 +- .../torch/fx/operator_metatypes.py | 25 --------- .../weight_compression/torch_backend.py | 2 +- .../weight_compression/torch_fx_backend.py | 56 +++---------------- nncf/torch/graph/operator_metatypes.py | 9 +++ tests/torch/fx/test_compress_weights.py | 8 ++- tests/torch/fx/test_models.py | 34 ----------- 7 files changed, 25 insertions(+), 112 deletions(-) delete mode 100644 nncf/experimental/torch/fx/operator_metatypes.py diff --git a/nncf/experimental/torch/fx/nncf_graph_builder.py b/nncf/experimental/torch/fx/nncf_graph_builder.py index d406773ea8e..d829fb3963c 100644 --- a/nncf/experimental/torch/fx/nncf_graph_builder.py +++ b/nncf/experimental/torch/fx/nncf_graph_builder.py @@ -20,7 +20,6 @@ from nncf.common.graph.layer_attributes import Dtype from nncf.common.graph.operator_metatypes import UnknownMetatype from nncf.common.logging import nncf_logger -from nncf.experimental.torch.fx import operator_metatypes as fx_om 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 @@ -77,7 +76,7 @@ def _map_fx_unique_metatypes(node: torch.fx.Node, metatype: om.OperatorMetatype) if metatype in [om.PTEmbeddingMetatype]: weight_node = node.args[0] if weight_node.op == "get_attr": - return fx_om.FXEmbeddingMetatype + return om.FXEmbeddingMetatype return metatype diff --git a/nncf/experimental/torch/fx/operator_metatypes.py b/nncf/experimental/torch/fx/operator_metatypes.py deleted file mode 100644 index 0d89961774e..00000000000 --- a/nncf/experimental/torch/fx/operator_metatypes.py +++ /dev/null @@ -1,25 +0,0 @@ -# Copyright (c) 2024 Intel Corporation -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# http://www.apache.org/licenses/LICENSE-2.0 -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -from nncf.common.graph.operator_metatypes import OperatorMetatype -from nncf.common.graph.operator_metatypes import OperatorMetatypeRegistry -from nncf.common.hardware.opset import HWConfigOpName -from nncf.torch.dynamic_graph.structs import NamespaceTarget - -FX_OPERATOR_METATYPES = OperatorMetatypeRegistry("operator_metatypes") - - -@FX_OPERATOR_METATYPES.register() -class FXEmbeddingMetatype(OperatorMetatype): - name = "EmbeddingOp" - module_to_function_names = {NamespaceTarget.TORCH_NN_FUNCTIONAL: ["embedding"]} - hw_config_names = [HWConfigOpName.EMBEDDING] - weight_port_ids = [0] diff --git a/nncf/quantization/algorithms/weight_compression/torch_backend.py b/nncf/quantization/algorithms/weight_compression/torch_backend.py index eacdc5e1028..68d453de461 100644 --- a/nncf/quantization/algorithms/weight_compression/torch_backend.py +++ b/nncf/quantization/algorithms/weight_compression/torch_backend.py @@ -50,7 +50,7 @@ class PTWeightCompressionAlgoBackend(WeightCompressionAlgoBackend): TargetType.POST_LAYER_OPERATION: TargetType.OPERATOR_POST_HOOK, } MATMUL_METATYPES = [om.PTLinearMetatype, om.PTMatMulMetatype, om.PTAddmmMetatype] - EMBEDDING_METATYPES = [om.PTEmbeddingMetatype] + EMBEDDING_METATYPES = [om.PTEmbeddingMetatype, om.FXEmbeddingMetatype] CONVOLUTION_METATYPES = [ om.PTConv1dMetatype, om.PTConv2dMetatype, diff --git a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py index b10980d2c31..764ca457ef0 100644 --- a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py +++ b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py @@ -17,15 +17,12 @@ import nncf import nncf.errors import nncf.tensor -from nncf.common.graph.definitions import NNCFGraphNodeType from nncf.common.graph.graph import NNCFGraph from nncf.common.graph.graph import NNCFNode -from nncf.common.graph.operator_metatypes import CONST_NOOP_METATYPES from nncf.common.graph.operator_metatypes import OperatorMetatype from nncf.common.graph.transformations.commands import TargetType from nncf.common.graph.transformations.layout import TransformationLayout from nncf.experimental.common.tensor_statistics.collectors import TensorCollector -from nncf.experimental.torch.fx import operator_metatypes as fx_om from nncf.experimental.torch.fx.commands import FXApplyTransformationCommand from nncf.experimental.torch.fx.model_transformer import FXModelTransformer from nncf.experimental.torch.fx.node_utils import get_graph_node_by_name @@ -36,6 +33,7 @@ from nncf.quantization.algorithms.weight_compression.backend import WeightCompressionAlgoBackend from nncf.quantization.algorithms.weight_compression.config import WeightCompressionParameters from nncf.quantization.algorithms.weight_compression.lora_correction import LoraCorrectionAlgorithm +from nncf.quantization.algorithms.weight_compression.torch_backend import PTWeightCompressionAlgoBackend from nncf.quantization.algorithms.weight_compression.weight_lowering import compress_weight from nncf.tensor import Tensor from nncf.tensor.definitions import TensorDataType @@ -49,23 +47,9 @@ class FXWeightCompressionAlgoBackend(WeightCompressionAlgoBackend): - TARGET_TYPE_TO_PT_INS_TYPE_MAP = { - TargetType.PRE_LAYER_OPERATION: TargetType.OPERATOR_PRE_HOOK, - TargetType.POST_LAYER_OPERATION: TargetType.OPERATOR_POST_HOOK, - } - MATMUL_METATYPES = [om.PTLinearMetatype, om.PTMatMulMetatype, om.PTAddmmMetatype] - EMBEDDING_METATYPES = [fx_om.FXEmbeddingMetatype] - CONVOLUTION_METATYPES = [ - om.PTConv1dMetatype, - om.PTConv2dMetatype, - om.PTConv3dMetatype, - om.PTDepthwiseConv1dSubtype, - om.PTDepthwiseConv2dSubtype, - om.PTDepthwiseConv3dSubtype, - om.PTConvTranspose1dMetatype, - om.PTConvTranspose2dMetatype, - om.PTConvTranspose3dMetatype, - ] + MATMUL_METATYPES = PTWeightCompressionAlgoBackend.MATMUL_METATYPES + EMBEDDING_METATYPES = PTWeightCompressionAlgoBackend.EMBEDDING_METATYPES + CONVOLUTION_METATYPES = PTWeightCompressionAlgoBackend.CONVOLUTION_METATYPES @property def matmul_metatypes(self) -> List[OperatorMetatype]: @@ -81,20 +65,7 @@ def convolution_metatypes(self) -> List[OperatorMetatype]: @staticmethod def is_node_with_weights(node: NNCFNode, graph: NNCFGraph) -> bool: - if ( - node.metatype not in FXWeightCompressionAlgoBackend.MATMUL_METATYPES - and node.metatype not in FXWeightCompressionAlgoBackend.EMBEDDING_METATYPES - and node.metatype not in FXWeightCompressionAlgoBackend.CONVOLUTION_METATYPES - ): - return False - for prev_node in graph.get_previous_nodes(node): - edge = graph.get_edge(prev_node, node) - if edge.input_port_id not in node.metatype.weight_port_ids: - continue - weight_node = find_const_node_in_constant_subgraph(prev_node, graph) - if weight_node is not None: - return True - return False + return PTWeightCompressionAlgoBackend.is_node_with_weights(node, graph) @staticmethod def get_weight_names_and_port_ids(node: NNCFNode, graph: NNCFGraph) -> List[Tuple[str, int]]: @@ -115,7 +86,7 @@ def get_reduction_axes(node_with_weight: NNCFNode, weight_port_id: int, graph: N ndims = len(edge.tensor_shape) reduction_axes = None - if node_with_weight.metatype == fx_om.FXEmbeddingMetatype: + if node_with_weight.metatype == om.FXEmbeddingMetatype: reduction_axes = [1] elif node_with_weight.metatype == om.PTLinearMetatype: reduction_axes = [ndims - 1] @@ -141,11 +112,7 @@ def get_reduction_axes(node_with_weight: NNCFNode, weight_port_id: int, graph: N @staticmethod def target_point(target_type: TargetType, target_node_name: str, port_id: int) -> PTTargetPoint: - if NNCFGraphNodeType.INPUT_NODE in target_node_name or target_type == TargetType.POST_LAYER_OPERATION: - port_id = None - if target_type in FXWeightCompressionAlgoBackend.TARGET_TYPE_TO_PT_INS_TYPE_MAP: - target_type = FXWeightCompressionAlgoBackend.TARGET_TYPE_TO_PT_INS_TYPE_MAP[target_type] - return PTTargetPoint(target_type, target_node_name, input_port_id=port_id) + return PTWeightCompressionAlgoBackend.target_point(target_type, target_node_name, port_id) @staticmethod def raw_statistic_collector(num_samples: Optional[int] = None) -> TensorCollector: @@ -153,14 +120,7 @@ def raw_statistic_collector(num_samples: Optional[int] = None) -> TensorCollecto @staticmethod def get_activation_port_id(node: NNCFNode, graph: NNCFGraph) -> int: - activation_ports = [] - for prev_node in graph.get_previous_nodes(node): - if prev_node.metatype in CONST_NOOP_METATYPES: - continue - edge = graph.get_edge(prev_node, node) - activation_ports.append(edge.input_port_id) - assert len(activation_ports) == 1 - return activation_ports[0] + return PTWeightCompressionAlgoBackend.get_activation_port_id(node, graph) def get_weight( self, node_with_weight: NNCFNode, weight_port_id: int, model: torch.fx.GraphModule, graph: NNCFGraph diff --git a/nncf/torch/graph/operator_metatypes.py b/nncf/torch/graph/operator_metatypes.py index 15966d62130..69bd47dbdd8 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): @@ -918,6 +919,14 @@ class PTEmbeddingMetatype(PTOperatorMetatype): weight_port_ids = [1] +@FX_OPERATOR_METATYPES.register() +class FXEmbeddingMetatype(OperatorMetatype): + name = "EmbeddingOp" + module_to_function_names = {NamespaceTarget.ATEN: ["embedding"]} + hw_config_names = [HWConfigOpName.EMBEDDING] + weight_port_ids = [0] + + @PT_OPERATOR_METATYPES.register(is_subtype=True) class PTModuleEmbeddingBagMetatype(PTModuleOperatorSubtype): name = "EmbeddingBagOp" diff --git a/tests/torch/fx/test_compress_weights.py b/tests/torch/fx/test_compress_weights.py index 17941aa4612..d48bfbcddf0 100644 --- a/tests/torch/fx/test_compress_weights.py +++ b/tests/torch/fx/test_compress_weights.py @@ -68,11 +68,15 @@ def get_compressed_modules_weights( @pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) def test_compress_weights(mode): with disable_patching(): - model = ShortTransformer(5, 10) + model = ShortTransformer(5, 10, share_weights=True) input_ids = torch.randint(0, 10, (5,)) exported_model = capture_pre_autograd_graph(model, args=(input_ids,)) compressed_model = compress_weights(exported_model, mode=mode) - + # from nncf.common.factory import NNCFGraphFactory + # from nncf.common.utils.dot_file_rw import write_dot_graph + # nncf_graph = NNCFGraphFactory.create(exported_model) + # structureal_graph = nncf_graph.get_graph_for_structure_analysis() + # write_dot_graph(structureal_graph, "graph.dot") dtype = torch.int8 if mode == CompressWeightsMode.INT8_SYM else torch.uint8 n_compressed_weights = 0 n_target_modules = 0 diff --git a/tests/torch/fx/test_models.py b/tests/torch/fx/test_models.py index 51382098123..86f781ce1c9 100644 --- a/tests/torch/fx/test_models.py +++ b/tests/torch/fx/test_models.py @@ -28,7 +28,6 @@ from torch._export import capture_pre_autograd_graph import nncf -from nncf import CompressWeightsMode from nncf.common.graph.graph import NNCFNodeName from nncf.common.graph.operator_metatypes import OperatorMetatype from nncf.common.utils.os import safe_open @@ -158,36 +157,3 @@ def transform_fn(data_item): nncf_graph = GraphConverter.create_nncf_graph(quantized_model) check_graph(nncf_graph, get_dot_filename(model_case.model_id), FX_QUANTIZED_DIR_NAME) - - -MODEL_COMRPESSION_MODES = [CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM] - - -TEST_MODELS_COMPRESSED = ( - ModelCase(test_models.UNet, "unet", [1, 3, 224, 224]), - torchvision_model_case("resnet18", (1, 3, 224, 224)), - torchvision_model_case("mobilenet_v3_small", (1, 3, 224, 224)), - torchvision_model_case("vit_b_16", (1, 3, 224, 224)), - torchvision_model_case("swin_v2_s", (1, 3, 224, 224)), -) - - -@pytest.mark.parametrize("test_case", TEST_MODELS_COMPRESSED, ids=[m.model_id for m in TEST_MODELS_COMPRESSED]) -@pytest.mark.parametrize( - "compression_mode", MODEL_COMRPESSION_MODES, ids=[mode.name for mode in MODEL_COMRPESSION_MODES] -) -def test_compressed_model(test_case: ModelCase, compression_mode: CompressWeightsMode): - with disable_patching(): - device = torch.device("cpu") - model_name = "_".join([test_case.model_id, str(compression_mode)]) - model = test_case.model_builder() - model.to(device) - - with torch.no_grad(): - ex_input = torch.ones(test_case.input_shape) - model.eval() - exported_model = capture_pre_autograd_graph(model, args=(ex_input,)) - compressed_model = nncf.compress_weights(exported_model, mode=compression_mode) - nncf_graph = GraphConverter.create_nncf_graph(compressed_model) - - check_graph(nncf_graph, get_dot_filename(model_name), FX_COMPRESSED_DIR_NAME) From 0c7be620c72d4ff42188cdf67db028ced7486984 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Thu, 29 Aug 2024 17:29:59 +0400 Subject: [PATCH 26/69] shared weights support in torch fx graph builder and constant update function --- nncf/experimental/torch/fx/nncf_graph_builder.py | 14 ++++++++++++-- nncf/experimental/torch/fx/transformations.py | 5 ++++- .../weight_compression/torch_fx_backend.py | 4 ---- tests/torch/fx/test_compress_weights.py | 7 +------ 4 files changed, 17 insertions(+), 13 deletions(-) diff --git a/nncf/experimental/torch/fx/nncf_graph_builder.py b/nncf/experimental/torch/fx/nncf_graph_builder.py index d829fb3963c..73c0c37a4da 100644 --- a/nncf/experimental/torch/fx/nncf_graph_builder.py +++ b/nncf/experimental/torch/fx/nncf_graph_builder.py @@ -71,7 +71,7 @@ def _map_fx_unique_metatypes(node: torch.fx.Node, metatype: om.OperatorMetatype) :param node: Given node. :param metatype: Given node metatype. :param model: Target GraphModule instance. - :return: Correct subtype of the given node if it is exist or the original node metatype otherwise. + :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] @@ -121,6 +121,14 @@ def _get_node_type_and_metatype( node_metatype = node_subtype or node_metatype return node_type, node_metatype + @staticmethod + def _replace_shared_weights(node: torch.fx.Node, prev_targets): + dist_node = list(node.users.keys()) + if node.target in prev_targets and node.op in ("get_attr",): + dist_node[0].replace_input_with(node, prev_targets[node.target]) + else: + prev_targets[node.target] = node + @staticmethod def create_nncf_graph(model: torch.fx.GraphModule) -> PTNNCFGraph: """ @@ -133,15 +141,17 @@ def create_nncf_graph(model: torch.fx.GraphModule) -> PTNNCFGraph: """ nncf_graph = PTNNCFGraph() - + prev_targets = {} 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) + GraphConverter._replace_shared_weights(source_node, prev_targets) nncf_graph.add_nncf_node( node_name=source_node.name, node_type=node_type, node_metatype=node_metatype, ) + model.graph.eliminate_dead_code() for source_node in model.graph.nodes: source_nncf_node = nncf_graph.get_node_by_name(source_node.name) diff --git a/nncf/experimental/torch/fx/transformations.py b/nncf/experimental/torch/fx/transformations.py index e8a6aea870b..24e1a1cc1a8 100644 --- a/nncf/experimental/torch/fx/transformations.py +++ b/nncf/experimental/torch/fx/transformations.py @@ -175,8 +175,11 @@ def constant_update_fn(model: torch.fx.GraphModule, node: torch.fx.Node, value: f"Constant on input port {input_port_id} for {node} is expected," f" but node {args[input_port_id]} is present." ) + weight_node = args[input_port_id] + consumer_nodes = list(weight_node.users.keys()) args[input_port_id] = new_constant - node.args = tuple(args) + for node in consumer_nodes: + node.replace_input_with(weight_node, new_constant) graph.eliminate_dead_code() diff --git a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py index 764ca457ef0..f1982643daf 100644 --- a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py +++ b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py @@ -171,7 +171,6 @@ def transform_model( raise ValueError(f"{compression_config.mode.value} is not supported.") weight_node = get_const_node(wc_params.node_with_weight, wc_params.weight_port_id, graph) weight_name = weight_node.node_name - consumer_nodes = graph.get_next_nodes(weight_node) weight = self.get_weight(wc_params.node_with_weight, wc_params.weight_port_id, model, graph) if weight is None or not isinstance(weight, Tensor): raise nncf.InternalError(f"Could not find a nncf.tensor in the model by name {weight_name}.") @@ -195,9 +194,6 @@ def transform_model( self.set_weight(wc_params.node_with_weight, wc_params.weight_port_id, model, graph, packed_tensor) - if len(consumer_nodes) > 1: - raise nncf.InternalError("Shared weights not supported in compression for TorchFX models") - # creates weight decompressor if compression_config.mode == CompressWeightsMode.INT8_SYM: decompressor = SymmetricWeightsDecompressor( diff --git a/tests/torch/fx/test_compress_weights.py b/tests/torch/fx/test_compress_weights.py index d48bfbcddf0..53890cf596f 100644 --- a/tests/torch/fx/test_compress_weights.py +++ b/tests/torch/fx/test_compress_weights.py @@ -68,15 +68,10 @@ def get_compressed_modules_weights( @pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) def test_compress_weights(mode): with disable_patching(): - model = ShortTransformer(5, 10, share_weights=True) + model = ShortTransformer(5, 10) input_ids = torch.randint(0, 10, (5,)) exported_model = capture_pre_autograd_graph(model, args=(input_ids,)) compressed_model = compress_weights(exported_model, mode=mode) - # from nncf.common.factory import NNCFGraphFactory - # from nncf.common.utils.dot_file_rw import write_dot_graph - # nncf_graph = NNCFGraphFactory.create(exported_model) - # structureal_graph = nncf_graph.get_graph_for_structure_analysis() - # write_dot_graph(structureal_graph, "graph.dot") dtype = torch.int8 if mode == CompressWeightsMode.INT8_SYM else torch.uint8 n_compressed_weights = 0 n_target_modules = 0 From 0a1157d258e49efd9b150f1ea5323ec478d2dff8 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Thu, 29 Aug 2024 19:18:01 +0400 Subject: [PATCH 27/69] Update tests for more description --- .../weight_compression/torch_fx_backend.py | 1 - tests/torch/fx/test_compress_weights.py | 25 ++++++++++++++++--- 2 files changed, 22 insertions(+), 4 deletions(-) diff --git a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py index f1982643daf..25da7ce5a8c 100644 --- a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py +++ b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py @@ -127,7 +127,6 @@ def get_weight( ) -> Tensor: weight_edge = graph.get_input_edge_by_port_id(node_with_weight, weight_port_id) weight_node = weight_edge.from_node - # TODO(dlyakhov): make a node_name_vs_node map to speed up the process graph_weight_node = get_graph_node_by_name(model.graph, weight_node.node_name) weight = get_tensor_constant_from_node(graph_weight_node, model).data if weight is None: diff --git a/tests/torch/fx/test_compress_weights.py b/tests/torch/fx/test_compress_weights.py index 53890cf596f..43c3e575896 100644 --- a/tests/torch/fx/test_compress_weights.py +++ b/tests/torch/fx/test_compress_weights.py @@ -83,24 +83,43 @@ def test_compress_weights(mode): assert n_target_modules == n_compressed_weights +@pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) +def test_compress_weights_shared_weights(mode): + with disable_patching(): + model = ShortTransformer(5, 10, share_weights=True) + input_ids = torch.randint(0, 10, (5,)) + exported_model = capture_pre_autograd_graph(model, args=(input_ids,)) + compressed_model = compress_weights(exported_model, mode=mode) + dtype = torch.int8 if mode == CompressWeightsMode.INT8_SYM else torch.uint8 + n_compressed_weights = 0 + n_target_modules = 0 + compressed_node_weight_port = {"linear": 1, "embedding": 0} + + n_target_modules, n_compressed_weights = get_compressed_modules_weights( + compressed_model, dtype, compressed_node_weight_port + ) + assert n_target_modules == n_compressed_weights + + @pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) def test_compressed_model_inference(mode): torch.manual_seed(42) with disable_patching(): - model = ShortTransformer(5, 10) + model = ShortTransformer(5, 10, share_weights=True) input_ids = torch.randint(0, 10, (5,)) exported_model = capture_pre_autograd_graph(model, args=(input_ids,)) exported_model_output = exported_model(input_ids) compressed_model = compress_weights(exported_model, mode=mode) compressed_model_outputs = compressed_model(input_ids) + print(compressed_model_outputs, exported_model_output) assert ( exported_model_output.shape == compressed_model_outputs.shape ), "Compressed model output shape is not equal to the model output shape" - assert torch.all(torch.isclose(exported_model_output, compressed_model_outputs, atol=0.1)).item() + assert torch.all(torch.isclose(exported_model_output, compressed_model_outputs, atol=1)).item() @pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) -def test_compress_weights_conv(mode): +def test_compress_weights_model_size_conv(mode): dtype = torch.int8 if mode == CompressWeightsMode.INT8_SYM else torch.uint8 model = ConvolutionModel() From 93ecc4e0d0fca2309e53afd725065ad0717ac1b9 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Fri, 30 Aug 2024 14:13:02 +0400 Subject: [PATCH 28/69] add torch fx in supported backends --- nncf/quantization/algorithms/weight_compression/algorithm.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/nncf/quantization/algorithms/weight_compression/algorithm.py b/nncf/quantization/algorithms/weight_compression/algorithm.py index 74400bd1d14..51b2950225f 100644 --- a/nncf/quantization/algorithms/weight_compression/algorithm.py +++ b/nncf/quantization/algorithms/weight_compression/algorithm.py @@ -129,7 +129,7 @@ def __init__( @property def available_backends(self) -> List[BackendType]: - return [BackendType.OPENVINO, BackendType.TORCH] + return [BackendType.OPENVINO, BackendType.TORCH, BackendType.TORCH_FX] def _set_backend_entity(self, model: TModel) -> None: """ From b6ad4580a786110e915e09f861f4c3e42e6a518f Mon Sep 17 00:00:00 2001 From: anzr299 Date: Fri, 30 Aug 2024 14:13:44 +0400 Subject: [PATCH 29/69] Remove Compressed reference graphs --- .../fx/compressed/mobilenet_v3_small.dot | 930 ---- .../mobilenet_v3_small_int8_asym.dot | 930 ---- .../mobilenet_v3_small_int8_sym.dot | 930 ---- .../fx/compressed/resnet18.dot | 437 -- .../fx/compressed/resnet18_int8_asym.dot | 437 -- .../fx/compressed/resnet18_int8_sym.dot | 437 -- .../fx/compressed/swin_v2_s.dot | 4822 ----------------- .../fx/compressed/swin_v2_s_int8_asym.dot | 4822 ----------------- .../fx/compressed/swin_v2_s_int8_sym.dot | 4822 ----------------- .../reference_graphs/fx/compressed/unet.dot | 493 -- .../fx/compressed/unet_int8_asym.dot | 493 -- .../fx/compressed/unet_int8_sym.dot | 493 -- .../fx/compressed/vit_b_16.dot | 1319 ----- .../fx/compressed/vit_b_16_int8_asym.dot | 1319 ----- .../fx/compressed/vit_b_16_int8_sym.dot | 1319 ----- 15 files changed, 24003 deletions(-) delete mode 100644 tests/torch/data/reference_graphs/fx/compressed/mobilenet_v3_small.dot delete mode 100644 tests/torch/data/reference_graphs/fx/compressed/mobilenet_v3_small_int8_asym.dot delete mode 100644 tests/torch/data/reference_graphs/fx/compressed/mobilenet_v3_small_int8_sym.dot delete mode 100644 tests/torch/data/reference_graphs/fx/compressed/resnet18.dot delete mode 100644 tests/torch/data/reference_graphs/fx/compressed/resnet18_int8_asym.dot delete mode 100644 tests/torch/data/reference_graphs/fx/compressed/resnet18_int8_sym.dot delete mode 100644 tests/torch/data/reference_graphs/fx/compressed/swin_v2_s.dot delete mode 100644 tests/torch/data/reference_graphs/fx/compressed/swin_v2_s_int8_asym.dot delete mode 100644 tests/torch/data/reference_graphs/fx/compressed/swin_v2_s_int8_sym.dot delete mode 100644 tests/torch/data/reference_graphs/fx/compressed/unet.dot delete mode 100644 tests/torch/data/reference_graphs/fx/compressed/unet_int8_asym.dot delete mode 100644 tests/torch/data/reference_graphs/fx/compressed/unet_int8_sym.dot delete mode 100644 tests/torch/data/reference_graphs/fx/compressed/vit_b_16.dot delete mode 100644 tests/torch/data/reference_graphs/fx/compressed/vit_b_16_int8_asym.dot delete mode 100644 tests/torch/data/reference_graphs/fx/compressed/vit_b_16_int8_sym.dot diff --git a/tests/torch/data/reference_graphs/fx/compressed/mobilenet_v3_small.dot b/tests/torch/data/reference_graphs/fx/compressed/mobilenet_v3_small.dot deleted file mode 100644 index accaa81c6d2..00000000000 --- a/tests/torch/data/reference_graphs/fx/compressed/mobilenet_v3_small.dot +++ /dev/null @@ -1,930 +0,0 @@ -strict digraph { -"0 arg0_1" [id=0, type=input]; -"1 conv2d_updated_constant0" [id=1, type=get_attr]; -"2 symmetric_weights_decompressor_conv2d_updated_constant0_0" [id=2, type=call_module]; -"3 conv2d" [id=3, type=conv2d]; -"4 _param_constant1" [id=4, type=get_attr]; -"5 _param_constant2" [id=5, type=get_attr]; -"6 _tensor_constant0" [id=6, type=get_attr]; -"7 _tensor_constant1" [id=7, type=get_attr]; -"8 _native_batch_norm_legit_no_training" [id=8, type=_native_batch_norm_legit_no_training]; -"9 getitem" [id=9, type=__getitem__]; -"10 hardswish_" [id=10, type=hardswish_]; -"11 conv2d_1_updated_constant0" [id=11, type=get_attr]; -"12 symmetric_weights_decompressor_conv2d_1_updated_constant0_0" [id=12, type=call_module]; -"13 conv2d_1" [id=13, type=conv2d]; -"14 _param_constant4" [id=14, type=get_attr]; -"15 _param_constant5" [id=15, type=get_attr]; -"16 _tensor_constant2" [id=16, type=get_attr]; -"17 _tensor_constant3" [id=17, type=get_attr]; -"18 _native_batch_norm_legit_no_training_1" [id=18, type=_native_batch_norm_legit_no_training]; -"19 getitem_3" [id=19, type=__getitem__]; -"20 relu_" [id=20, type=relu_]; -"21 adaptive_avg_pool2d" [id=21, type=adaptive_avg_pool2d]; -"22 _param_constant7" [id=22, type=get_attr]; -"23 conv2d_2_updated_constant0" [id=23, type=get_attr]; -"24 symmetric_weights_decompressor_conv2d_2_updated_constant0_0" [id=24, type=call_module]; -"25 conv2d_2" [id=25, type=conv2d]; -"26 relu" [id=26, type=relu]; -"27 _param_constant9" [id=27, type=get_attr]; -"28 conv2d_3_updated_constant0" [id=28, type=get_attr]; -"29 symmetric_weights_decompressor_conv2d_3_updated_constant0_0" [id=29, type=call_module]; -"30 conv2d_3" [id=30, type=conv2d]; -"31 hardsigmoid" [id=31, type=hardsigmoid]; -"32 mul" [id=32, type=mul]; -"33 conv2d_4_updated_constant0" [id=33, type=get_attr]; -"34 symmetric_weights_decompressor_conv2d_4_updated_constant0_0" [id=34, type=call_module]; -"35 conv2d_4" [id=35, type=conv2d]; -"36 _param_constant11" [id=36, type=get_attr]; -"37 _param_constant12" [id=37, type=get_attr]; -"38 _tensor_constant4" [id=38, type=get_attr]; -"39 _tensor_constant5" [id=39, type=get_attr]; -"40 _native_batch_norm_legit_no_training_2" [id=40, type=_native_batch_norm_legit_no_training]; -"41 getitem_6" [id=41, type=__getitem__]; -"42 conv2d_5_updated_constant0" [id=42, type=get_attr]; -"43 symmetric_weights_decompressor_conv2d_5_updated_constant0_0" [id=43, type=call_module]; -"44 conv2d_5" [id=44, type=conv2d]; -"45 _param_constant14" [id=45, type=get_attr]; -"46 _param_constant15" [id=46, type=get_attr]; -"47 _tensor_constant6" [id=47, type=get_attr]; -"48 _tensor_constant7" [id=48, type=get_attr]; -"49 _native_batch_norm_legit_no_training_3" [id=49, type=_native_batch_norm_legit_no_training]; -"50 getitem_9" [id=50, type=__getitem__]; -"51 relu__1" [id=51, type=relu_]; -"52 conv2d_6_updated_constant0" [id=52, type=get_attr]; -"53 symmetric_weights_decompressor_conv2d_6_updated_constant0_0" [id=53, type=call_module]; -"54 conv2d_6" [id=54, type=conv2d]; -"55 _param_constant17" [id=55, type=get_attr]; -"56 _param_constant18" [id=56, type=get_attr]; -"57 _tensor_constant8" [id=57, type=get_attr]; -"58 _tensor_constant9" [id=58, type=get_attr]; -"59 _native_batch_norm_legit_no_training_4" [id=59, type=_native_batch_norm_legit_no_training]; -"60 getitem_12" [id=60, type=__getitem__]; -"61 relu__2" [id=61, type=relu_]; -"62 conv2d_7_updated_constant0" [id=62, type=get_attr]; -"63 symmetric_weights_decompressor_conv2d_7_updated_constant0_0" [id=63, type=call_module]; -"64 conv2d_7" [id=64, type=conv2d]; -"65 _param_constant20" [id=65, type=get_attr]; -"66 _param_constant21" [id=66, type=get_attr]; -"67 _tensor_constant10" [id=67, type=get_attr]; -"68 _tensor_constant11" [id=68, type=get_attr]; -"69 _native_batch_norm_legit_no_training_5" [id=69, type=_native_batch_norm_legit_no_training]; -"70 getitem_15" [id=70, type=__getitem__]; -"71 conv2d_8_updated_constant0" [id=71, type=get_attr]; -"72 symmetric_weights_decompressor_conv2d_8_updated_constant0_0" [id=72, type=call_module]; -"73 conv2d_8" [id=73, type=conv2d]; -"74 _param_constant23" [id=74, type=get_attr]; -"75 _param_constant24" [id=75, type=get_attr]; -"76 _tensor_constant12" [id=76, type=get_attr]; -"77 _tensor_constant13" [id=77, type=get_attr]; -"78 _native_batch_norm_legit_no_training_6" [id=78, type=_native_batch_norm_legit_no_training]; -"79 getitem_18" [id=79, type=__getitem__]; -"80 relu__3" [id=80, type=relu_]; -"81 conv2d_9_updated_constant0" [id=81, type=get_attr]; -"82 symmetric_weights_decompressor_conv2d_9_updated_constant0_0" [id=82, type=call_module]; -"83 conv2d_9" [id=83, type=conv2d]; -"84 _param_constant26" [id=84, type=get_attr]; -"85 _param_constant27" [id=85, type=get_attr]; -"86 _tensor_constant14" [id=86, type=get_attr]; -"87 _tensor_constant15" [id=87, type=get_attr]; -"88 _native_batch_norm_legit_no_training_7" [id=88, type=_native_batch_norm_legit_no_training]; -"89 getitem_21" [id=89, type=__getitem__]; -"90 relu__4" [id=90, type=relu_]; -"91 conv2d_10_updated_constant0" [id=91, type=get_attr]; -"92 symmetric_weights_decompressor_conv2d_10_updated_constant0_0" [id=92, type=call_module]; -"93 conv2d_10" [id=93, type=conv2d]; -"94 _param_constant29" [id=94, type=get_attr]; -"95 _param_constant30" [id=95, type=get_attr]; -"96 _tensor_constant16" [id=96, type=get_attr]; -"97 _tensor_constant17" [id=97, type=get_attr]; -"98 _native_batch_norm_legit_no_training_8" [id=98, type=_native_batch_norm_legit_no_training]; -"99 getitem_24" [id=99, type=__getitem__]; -"100 add_" [id=100, type=add_]; -"101 conv2d_11_updated_constant0" [id=101, type=get_attr]; -"102 symmetric_weights_decompressor_conv2d_11_updated_constant0_0" [id=102, type=call_module]; -"103 conv2d_11" [id=103, type=conv2d]; -"104 _param_constant32" [id=104, type=get_attr]; -"105 _param_constant33" [id=105, type=get_attr]; -"106 _tensor_constant18" [id=106, type=get_attr]; -"107 _tensor_constant19" [id=107, type=get_attr]; -"108 _native_batch_norm_legit_no_training_9" [id=108, type=_native_batch_norm_legit_no_training]; -"109 getitem_27" [id=109, type=__getitem__]; -"110 hardswish__1" [id=110, type=hardswish_]; -"111 conv2d_12_updated_constant0" [id=111, type=get_attr]; -"112 symmetric_weights_decompressor_conv2d_12_updated_constant0_0" [id=112, type=call_module]; -"113 conv2d_12" [id=113, type=conv2d]; -"114 _param_constant35" [id=114, type=get_attr]; -"115 _param_constant36" [id=115, type=get_attr]; -"116 _tensor_constant20" [id=116, type=get_attr]; -"117 _tensor_constant21" [id=117, type=get_attr]; -"118 _native_batch_norm_legit_no_training_10" [id=118, type=_native_batch_norm_legit_no_training]; -"119 getitem_30" [id=119, type=__getitem__]; -"120 hardswish__2" [id=120, type=hardswish_]; -"121 adaptive_avg_pool2d_1" [id=121, type=adaptive_avg_pool2d]; -"122 _param_constant38" [id=122, type=get_attr]; -"123 conv2d_13_updated_constant0" [id=123, type=get_attr]; -"124 symmetric_weights_decompressor_conv2d_13_updated_constant0_0" [id=124, type=call_module]; -"125 conv2d_13" [id=125, type=conv2d]; -"126 relu_1" [id=126, type=relu]; -"127 _param_constant40" [id=127, type=get_attr]; -"128 conv2d_14_updated_constant0" [id=128, type=get_attr]; -"129 symmetric_weights_decompressor_conv2d_14_updated_constant0_0" [id=129, type=call_module]; -"130 conv2d_14" [id=130, type=conv2d]; -"131 hardsigmoid_1" [id=131, type=hardsigmoid]; -"132 mul_1" [id=132, type=mul]; -"133 conv2d_15_updated_constant0" [id=133, type=get_attr]; -"134 symmetric_weights_decompressor_conv2d_15_updated_constant0_0" [id=134, type=call_module]; -"135 conv2d_15" [id=135, type=conv2d]; -"136 _param_constant42" [id=136, type=get_attr]; -"137 _param_constant43" [id=137, type=get_attr]; -"138 _tensor_constant22" [id=138, type=get_attr]; -"139 _tensor_constant23" [id=139, type=get_attr]; -"140 _native_batch_norm_legit_no_training_11" [id=140, type=_native_batch_norm_legit_no_training]; -"141 getitem_33" [id=141, type=__getitem__]; -"142 conv2d_16_updated_constant0" [id=142, type=get_attr]; -"143 symmetric_weights_decompressor_conv2d_16_updated_constant0_0" [id=143, type=call_module]; -"144 conv2d_16" [id=144, type=conv2d]; -"145 _param_constant45" [id=145, type=get_attr]; -"146 _param_constant46" [id=146, type=get_attr]; -"147 _tensor_constant24" [id=147, type=get_attr]; -"148 _tensor_constant25" [id=148, type=get_attr]; -"149 _native_batch_norm_legit_no_training_12" [id=149, type=_native_batch_norm_legit_no_training]; -"150 getitem_36" [id=150, type=__getitem__]; -"151 hardswish__3" [id=151, type=hardswish_]; -"152 conv2d_17_updated_constant0" [id=152, type=get_attr]; -"153 symmetric_weights_decompressor_conv2d_17_updated_constant0_0" [id=153, type=call_module]; -"154 conv2d_17" [id=154, type=conv2d]; -"155 _param_constant48" [id=155, type=get_attr]; -"156 _param_constant49" [id=156, type=get_attr]; -"157 _tensor_constant26" [id=157, type=get_attr]; -"158 _tensor_constant27" [id=158, type=get_attr]; -"159 _native_batch_norm_legit_no_training_13" [id=159, type=_native_batch_norm_legit_no_training]; -"160 getitem_39" [id=160, type=__getitem__]; -"161 hardswish__4" [id=161, type=hardswish_]; -"162 adaptive_avg_pool2d_2" [id=162, type=adaptive_avg_pool2d]; -"163 _param_constant51" [id=163, type=get_attr]; -"164 conv2d_18_updated_constant0" [id=164, type=get_attr]; -"165 symmetric_weights_decompressor_conv2d_18_updated_constant0_0" [id=165, type=call_module]; -"166 conv2d_18" [id=166, type=conv2d]; -"167 relu_2" [id=167, type=relu]; -"168 _param_constant53" [id=168, type=get_attr]; -"169 conv2d_19_updated_constant0" [id=169, type=get_attr]; -"170 symmetric_weights_decompressor_conv2d_19_updated_constant0_0" [id=170, type=call_module]; -"171 conv2d_19" [id=171, type=conv2d]; -"172 hardsigmoid_2" [id=172, type=hardsigmoid]; -"173 mul_2" [id=173, type=mul]; -"174 conv2d_20_updated_constant0" [id=174, type=get_attr]; -"175 symmetric_weights_decompressor_conv2d_20_updated_constant0_0" [id=175, type=call_module]; -"176 conv2d_20" [id=176, type=conv2d]; -"177 _param_constant55" [id=177, type=get_attr]; -"178 _param_constant56" [id=178, type=get_attr]; -"179 _tensor_constant28" [id=179, type=get_attr]; -"180 _tensor_constant29" [id=180, type=get_attr]; -"181 _native_batch_norm_legit_no_training_14" [id=181, type=_native_batch_norm_legit_no_training]; -"182 getitem_42" [id=182, type=__getitem__]; -"183 add__1" [id=183, type=add_]; -"184 conv2d_21_updated_constant0" [id=184, type=get_attr]; -"185 symmetric_weights_decompressor_conv2d_21_updated_constant0_0" [id=185, type=call_module]; -"186 conv2d_21" [id=186, type=conv2d]; -"187 _param_constant58" [id=187, type=get_attr]; -"188 _param_constant59" [id=188, type=get_attr]; -"189 _tensor_constant30" [id=189, type=get_attr]; -"190 _tensor_constant31" [id=190, type=get_attr]; -"191 _native_batch_norm_legit_no_training_15" [id=191, type=_native_batch_norm_legit_no_training]; -"192 getitem_45" [id=192, type=__getitem__]; -"193 hardswish__5" [id=193, type=hardswish_]; -"194 conv2d_22_updated_constant0" [id=194, type=get_attr]; -"195 symmetric_weights_decompressor_conv2d_22_updated_constant0_0" [id=195, type=call_module]; -"196 conv2d_22" [id=196, type=conv2d]; -"197 _param_constant61" [id=197, type=get_attr]; -"198 _param_constant62" [id=198, type=get_attr]; -"199 _tensor_constant32" [id=199, type=get_attr]; -"200 _tensor_constant33" [id=200, type=get_attr]; -"201 _native_batch_norm_legit_no_training_16" [id=201, type=_native_batch_norm_legit_no_training]; -"202 getitem_48" [id=202, type=__getitem__]; -"203 hardswish__6" [id=203, type=hardswish_]; -"204 adaptive_avg_pool2d_3" [id=204, type=adaptive_avg_pool2d]; -"205 _param_constant64" [id=205, type=get_attr]; -"206 conv2d_23_updated_constant0" [id=206, type=get_attr]; -"207 symmetric_weights_decompressor_conv2d_23_updated_constant0_0" [id=207, type=call_module]; -"208 conv2d_23" [id=208, type=conv2d]; -"209 relu_3" [id=209, type=relu]; -"210 _param_constant66" [id=210, type=get_attr]; -"211 conv2d_24_updated_constant0" [id=211, type=get_attr]; -"212 symmetric_weights_decompressor_conv2d_24_updated_constant0_0" [id=212, type=call_module]; -"213 conv2d_24" [id=213, type=conv2d]; -"214 hardsigmoid_3" [id=214, type=hardsigmoid]; -"215 mul_3" [id=215, type=mul]; -"216 conv2d_25_updated_constant0" [id=216, type=get_attr]; -"217 symmetric_weights_decompressor_conv2d_25_updated_constant0_0" [id=217, type=call_module]; -"218 conv2d_25" [id=218, type=conv2d]; -"219 _param_constant68" [id=219, type=get_attr]; -"220 _param_constant69" [id=220, type=get_attr]; -"221 _tensor_constant34" [id=221, type=get_attr]; -"222 _tensor_constant35" [id=222, type=get_attr]; -"223 _native_batch_norm_legit_no_training_17" [id=223, type=_native_batch_norm_legit_no_training]; -"224 getitem_51" [id=224, type=__getitem__]; -"225 add__2" [id=225, type=add_]; -"226 conv2d_26_updated_constant0" [id=226, type=get_attr]; -"227 symmetric_weights_decompressor_conv2d_26_updated_constant0_0" [id=227, type=call_module]; -"228 conv2d_26" [id=228, type=conv2d]; -"229 _param_constant71" [id=229, type=get_attr]; -"230 _param_constant72" [id=230, type=get_attr]; -"231 _tensor_constant36" [id=231, type=get_attr]; -"232 _tensor_constant37" [id=232, type=get_attr]; -"233 _native_batch_norm_legit_no_training_18" [id=233, type=_native_batch_norm_legit_no_training]; -"234 getitem_54" [id=234, type=__getitem__]; -"235 hardswish__7" [id=235, type=hardswish_]; -"236 conv2d_27_updated_constant0" [id=236, type=get_attr]; -"237 symmetric_weights_decompressor_conv2d_27_updated_constant0_0" [id=237, type=call_module]; -"238 conv2d_27" [id=238, type=conv2d]; -"239 _param_constant74" [id=239, type=get_attr]; -"240 _param_constant75" [id=240, type=get_attr]; -"241 _tensor_constant38" [id=241, type=get_attr]; -"242 _tensor_constant39" [id=242, type=get_attr]; -"243 _native_batch_norm_legit_no_training_19" [id=243, type=_native_batch_norm_legit_no_training]; -"244 getitem_57" [id=244, type=__getitem__]; -"245 hardswish__8" [id=245, type=hardswish_]; -"246 adaptive_avg_pool2d_4" [id=246, type=adaptive_avg_pool2d]; -"247 _param_constant77" [id=247, type=get_attr]; -"248 conv2d_28_updated_constant0" [id=248, type=get_attr]; -"249 symmetric_weights_decompressor_conv2d_28_updated_constant0_0" [id=249, type=call_module]; -"250 conv2d_28" [id=250, type=conv2d]; -"251 relu_4" [id=251, type=relu]; -"252 _param_constant79" [id=252, type=get_attr]; -"253 conv2d_29_updated_constant0" [id=253, type=get_attr]; -"254 symmetric_weights_decompressor_conv2d_29_updated_constant0_0" [id=254, type=call_module]; -"255 conv2d_29" [id=255, type=conv2d]; -"256 hardsigmoid_4" [id=256, type=hardsigmoid]; -"257 mul_4" [id=257, type=mul]; -"258 conv2d_30_updated_constant0" [id=258, type=get_attr]; -"259 symmetric_weights_decompressor_conv2d_30_updated_constant0_0" [id=259, type=call_module]; -"260 conv2d_30" [id=260, type=conv2d]; -"261 _param_constant81" [id=261, type=get_attr]; -"262 _param_constant82" [id=262, type=get_attr]; -"263 _tensor_constant40" [id=263, type=get_attr]; -"264 _tensor_constant41" [id=264, type=get_attr]; -"265 _native_batch_norm_legit_no_training_20" [id=265, type=_native_batch_norm_legit_no_training]; -"266 getitem_60" [id=266, type=__getitem__]; -"267 conv2d_31_updated_constant0" [id=267, type=get_attr]; -"268 symmetric_weights_decompressor_conv2d_31_updated_constant0_0" [id=268, type=call_module]; -"269 conv2d_31" [id=269, type=conv2d]; -"270 _param_constant84" [id=270, type=get_attr]; -"271 _param_constant85" [id=271, type=get_attr]; -"272 _tensor_constant42" [id=272, type=get_attr]; -"273 _tensor_constant43" [id=273, type=get_attr]; -"274 _native_batch_norm_legit_no_training_21" [id=274, type=_native_batch_norm_legit_no_training]; -"275 getitem_63" [id=275, type=__getitem__]; -"276 hardswish__9" [id=276, type=hardswish_]; -"277 conv2d_32_updated_constant0" [id=277, type=get_attr]; -"278 symmetric_weights_decompressor_conv2d_32_updated_constant0_0" [id=278, type=call_module]; -"279 conv2d_32" [id=279, type=conv2d]; -"280 _param_constant87" [id=280, type=get_attr]; -"281 _param_constant88" [id=281, type=get_attr]; -"282 _tensor_constant44" [id=282, type=get_attr]; -"283 _tensor_constant45" [id=283, type=get_attr]; -"284 _native_batch_norm_legit_no_training_22" [id=284, type=_native_batch_norm_legit_no_training]; -"285 getitem_66" [id=285, type=__getitem__]; -"286 hardswish__10" [id=286, type=hardswish_]; -"287 adaptive_avg_pool2d_5" [id=287, type=adaptive_avg_pool2d]; -"288 _param_constant90" [id=288, type=get_attr]; -"289 conv2d_33_updated_constant0" [id=289, type=get_attr]; -"290 symmetric_weights_decompressor_conv2d_33_updated_constant0_0" [id=290, type=call_module]; -"291 conv2d_33" [id=291, type=conv2d]; -"292 relu_5" [id=292, type=relu]; -"293 _param_constant92" [id=293, type=get_attr]; -"294 conv2d_34_updated_constant0" [id=294, type=get_attr]; -"295 symmetric_weights_decompressor_conv2d_34_updated_constant0_0" [id=295, type=call_module]; -"296 conv2d_34" [id=296, type=conv2d]; -"297 hardsigmoid_5" [id=297, type=hardsigmoid]; -"298 mul_5" [id=298, type=mul]; -"299 conv2d_35_updated_constant0" [id=299, type=get_attr]; -"300 symmetric_weights_decompressor_conv2d_35_updated_constant0_0" [id=300, type=call_module]; -"301 conv2d_35" [id=301, type=conv2d]; -"302 _param_constant94" [id=302, type=get_attr]; -"303 _param_constant95" [id=303, type=get_attr]; -"304 _tensor_constant46" [id=304, type=get_attr]; -"305 _tensor_constant47" [id=305, type=get_attr]; -"306 _native_batch_norm_legit_no_training_23" [id=306, type=_native_batch_norm_legit_no_training]; -"307 getitem_69" [id=307, type=__getitem__]; -"308 add__3" [id=308, type=add_]; -"309 conv2d_36_updated_constant0" [id=309, type=get_attr]; -"310 symmetric_weights_decompressor_conv2d_36_updated_constant0_0" [id=310, type=call_module]; -"311 conv2d_36" [id=311, type=conv2d]; -"312 _param_constant97" [id=312, type=get_attr]; -"313 _param_constant98" [id=313, type=get_attr]; -"314 _tensor_constant48" [id=314, type=get_attr]; -"315 _tensor_constant49" [id=315, type=get_attr]; -"316 _native_batch_norm_legit_no_training_24" [id=316, type=_native_batch_norm_legit_no_training]; -"317 getitem_72" [id=317, type=__getitem__]; -"318 hardswish__11" [id=318, type=hardswish_]; -"319 conv2d_37_updated_constant0" [id=319, type=get_attr]; -"320 symmetric_weights_decompressor_conv2d_37_updated_constant0_0" [id=320, type=call_module]; -"321 conv2d_37" [id=321, type=conv2d]; -"322 _param_constant100" [id=322, type=get_attr]; -"323 _param_constant101" [id=323, type=get_attr]; -"324 _tensor_constant50" [id=324, type=get_attr]; -"325 _tensor_constant51" [id=325, type=get_attr]; -"326 _native_batch_norm_legit_no_training_25" [id=326, type=_native_batch_norm_legit_no_training]; -"327 getitem_75" [id=327, type=__getitem__]; -"328 hardswish__12" [id=328, type=hardswish_]; -"329 adaptive_avg_pool2d_6" [id=329, type=adaptive_avg_pool2d]; -"330 _param_constant103" [id=330, type=get_attr]; -"331 conv2d_38_updated_constant0" [id=331, type=get_attr]; -"332 symmetric_weights_decompressor_conv2d_38_updated_constant0_0" [id=332, type=call_module]; -"333 conv2d_38" [id=333, type=conv2d]; -"334 relu_6" [id=334, type=relu]; -"335 _param_constant105" [id=335, type=get_attr]; -"336 conv2d_39_updated_constant0" [id=336, type=get_attr]; -"337 symmetric_weights_decompressor_conv2d_39_updated_constant0_0" [id=337, type=call_module]; -"338 conv2d_39" [id=338, type=conv2d]; -"339 hardsigmoid_6" [id=339, type=hardsigmoid]; -"340 mul_6" [id=340, type=mul]; -"341 conv2d_40_updated_constant0" [id=341, type=get_attr]; -"342 symmetric_weights_decompressor_conv2d_40_updated_constant0_0" [id=342, type=call_module]; -"343 conv2d_40" [id=343, type=conv2d]; -"344 _param_constant107" [id=344, type=get_attr]; -"345 _param_constant108" [id=345, type=get_attr]; -"346 _tensor_constant52" [id=346, type=get_attr]; -"347 _tensor_constant53" [id=347, type=get_attr]; -"348 _native_batch_norm_legit_no_training_26" [id=348, type=_native_batch_norm_legit_no_training]; -"349 getitem_78" [id=349, type=__getitem__]; -"350 conv2d_41_updated_constant0" [id=350, type=get_attr]; -"351 symmetric_weights_decompressor_conv2d_41_updated_constant0_0" [id=351, type=call_module]; -"352 conv2d_41" [id=352, type=conv2d]; -"353 _param_constant110" [id=353, type=get_attr]; -"354 _param_constant111" [id=354, type=get_attr]; -"355 _tensor_constant54" [id=355, type=get_attr]; -"356 _tensor_constant55" [id=356, type=get_attr]; -"357 _native_batch_norm_legit_no_training_27" [id=357, type=_native_batch_norm_legit_no_training]; -"358 getitem_81" [id=358, type=__getitem__]; -"359 hardswish__13" [id=359, type=hardswish_]; -"360 conv2d_42_updated_constant0" [id=360, type=get_attr]; -"361 symmetric_weights_decompressor_conv2d_42_updated_constant0_0" [id=361, type=call_module]; -"362 conv2d_42" [id=362, type=conv2d]; -"363 _param_constant113" [id=363, type=get_attr]; -"364 _param_constant114" [id=364, type=get_attr]; -"365 _tensor_constant56" [id=365, type=get_attr]; -"366 _tensor_constant57" [id=366, type=get_attr]; -"367 _native_batch_norm_legit_no_training_28" [id=367, type=_native_batch_norm_legit_no_training]; -"368 getitem_84" [id=368, type=__getitem__]; -"369 hardswish__14" [id=369, type=hardswish_]; -"370 adaptive_avg_pool2d_7" [id=370, type=adaptive_avg_pool2d]; -"371 _param_constant116" [id=371, type=get_attr]; -"372 conv2d_43_updated_constant0" [id=372, type=get_attr]; -"373 symmetric_weights_decompressor_conv2d_43_updated_constant0_0" [id=373, type=call_module]; -"374 conv2d_43" [id=374, type=conv2d]; -"375 relu_7" [id=375, type=relu]; -"376 _param_constant118" [id=376, type=get_attr]; -"377 conv2d_44_updated_constant0" [id=377, type=get_attr]; -"378 symmetric_weights_decompressor_conv2d_44_updated_constant0_0" [id=378, type=call_module]; -"379 conv2d_44" [id=379, type=conv2d]; -"380 hardsigmoid_7" [id=380, type=hardsigmoid]; -"381 mul_7" [id=381, type=mul]; -"382 conv2d_45_updated_constant0" [id=382, type=get_attr]; -"383 symmetric_weights_decompressor_conv2d_45_updated_constant0_0" [id=383, type=call_module]; -"384 conv2d_45" [id=384, type=conv2d]; -"385 _param_constant120" [id=385, type=get_attr]; -"386 _param_constant121" [id=386, type=get_attr]; -"387 _tensor_constant58" [id=387, type=get_attr]; -"388 _tensor_constant59" [id=388, type=get_attr]; -"389 _native_batch_norm_legit_no_training_29" [id=389, type=_native_batch_norm_legit_no_training]; -"390 getitem_87" [id=390, type=__getitem__]; -"391 add__4" [id=391, type=add_]; -"392 conv2d_46_updated_constant0" [id=392, type=get_attr]; -"393 symmetric_weights_decompressor_conv2d_46_updated_constant0_0" [id=393, type=call_module]; -"394 conv2d_46" [id=394, type=conv2d]; -"395 _param_constant123" [id=395, type=get_attr]; -"396 _param_constant124" [id=396, type=get_attr]; -"397 _tensor_constant60" [id=397, type=get_attr]; -"398 _tensor_constant61" [id=398, type=get_attr]; -"399 _native_batch_norm_legit_no_training_30" [id=399, type=_native_batch_norm_legit_no_training]; -"400 getitem_90" [id=400, type=__getitem__]; -"401 hardswish__15" [id=401, type=hardswish_]; -"402 conv2d_47_updated_constant0" [id=402, type=get_attr]; -"403 symmetric_weights_decompressor_conv2d_47_updated_constant0_0" [id=403, type=call_module]; -"404 conv2d_47" [id=404, type=conv2d]; -"405 _param_constant126" [id=405, type=get_attr]; -"406 _param_constant127" [id=406, type=get_attr]; -"407 _tensor_constant62" [id=407, type=get_attr]; -"408 _tensor_constant63" [id=408, type=get_attr]; -"409 _native_batch_norm_legit_no_training_31" [id=409, type=_native_batch_norm_legit_no_training]; -"410 getitem_93" [id=410, type=__getitem__]; -"411 hardswish__16" [id=411, type=hardswish_]; -"412 adaptive_avg_pool2d_8" [id=412, type=adaptive_avg_pool2d]; -"413 _param_constant129" [id=413, type=get_attr]; -"414 conv2d_48_updated_constant0" [id=414, type=get_attr]; -"415 symmetric_weights_decompressor_conv2d_48_updated_constant0_0" [id=415, type=call_module]; -"416 conv2d_48" [id=416, type=conv2d]; -"417 relu_8" [id=417, type=relu]; -"418 _param_constant131" [id=418, type=get_attr]; -"419 conv2d_49_updated_constant0" [id=419, type=get_attr]; -"420 symmetric_weights_decompressor_conv2d_49_updated_constant0_0" [id=420, type=call_module]; -"421 conv2d_49" [id=421, type=conv2d]; -"422 hardsigmoid_8" [id=422, type=hardsigmoid]; -"423 mul_8" [id=423, type=mul]; -"424 conv2d_50_updated_constant0" [id=424, type=get_attr]; -"425 symmetric_weights_decompressor_conv2d_50_updated_constant0_0" [id=425, type=call_module]; -"426 conv2d_50" [id=426, type=conv2d]; -"427 _param_constant133" [id=427, type=get_attr]; -"428 _param_constant134" [id=428, type=get_attr]; -"429 _tensor_constant64" [id=429, type=get_attr]; -"430 _tensor_constant65" [id=430, type=get_attr]; -"431 _native_batch_norm_legit_no_training_32" [id=431, type=_native_batch_norm_legit_no_training]; -"432 getitem_96" [id=432, type=__getitem__]; -"433 add__5" [id=433, type=add_]; -"434 conv2d_51_updated_constant0" [id=434, type=get_attr]; -"435 symmetric_weights_decompressor_conv2d_51_updated_constant0_0" [id=435, type=call_module]; -"436 conv2d_51" [id=436, type=conv2d]; -"437 _param_constant136" [id=437, type=get_attr]; -"438 _param_constant137" [id=438, type=get_attr]; -"439 _tensor_constant66" [id=439, type=get_attr]; -"440 _tensor_constant67" [id=440, type=get_attr]; -"441 _native_batch_norm_legit_no_training_33" [id=441, type=_native_batch_norm_legit_no_training]; -"442 getitem_99" [id=442, type=__getitem__]; -"443 hardswish__17" [id=443, type=hardswish_]; -"444 adaptive_avg_pool2d_9" [id=444, type=adaptive_avg_pool2d]; -"445 flatten" [id=445, type=flatten]; -"446 _param_constant139" [id=446, type=get_attr]; -"447 linear_updated_constant0" [id=447, type=get_attr]; -"448 symmetric_weights_decompressor_linear_updated_constant0_0" [id=448, type=call_module]; -"449 linear" [id=449, type=linear]; -"450 hardswish__18" [id=450, type=hardswish_]; -"451 dropout_" [id=451, type=dropout_]; -"452 _param_constant141" [id=452, type=get_attr]; -"453 linear_1_updated_constant0" [id=453, type=get_attr]; -"454 symmetric_weights_decompressor_linear_1_updated_constant0_0" [id=454, type=call_module]; -"455 linear_1" [id=455, type=linear]; -"456 output" [id=456, type=output]; -"0 arg0_1" -> "3 conv2d"; -"1 conv2d_updated_constant0" -> "2 symmetric_weights_decompressor_conv2d_updated_constant0_0"; -"2 symmetric_weights_decompressor_conv2d_updated_constant0_0" -> "3 conv2d"; -"3 conv2d" -> "8 _native_batch_norm_legit_no_training"; -"4 _param_constant1" -> "8 _native_batch_norm_legit_no_training"; -"5 _param_constant2" -> "8 _native_batch_norm_legit_no_training"; -"6 _tensor_constant0" -> "8 _native_batch_norm_legit_no_training"; -"7 _tensor_constant1" -> "8 _native_batch_norm_legit_no_training"; -"8 _native_batch_norm_legit_no_training" -> "9 getitem"; -"9 getitem" -> "10 hardswish_"; -"10 hardswish_" -> "13 conv2d_1"; -"11 conv2d_1_updated_constant0" -> "12 symmetric_weights_decompressor_conv2d_1_updated_constant0_0"; -"12 symmetric_weights_decompressor_conv2d_1_updated_constant0_0" -> "13 conv2d_1"; -"13 conv2d_1" -> "18 _native_batch_norm_legit_no_training_1"; -"14 _param_constant4" -> "18 _native_batch_norm_legit_no_training_1"; -"15 _param_constant5" -> "18 _native_batch_norm_legit_no_training_1"; -"16 _tensor_constant2" -> "18 _native_batch_norm_legit_no_training_1"; -"17 _tensor_constant3" -> "18 _native_batch_norm_legit_no_training_1"; -"18 _native_batch_norm_legit_no_training_1" -> "19 getitem_3"; -"19 getitem_3" -> "20 relu_"; -"20 relu_" -> "21 adaptive_avg_pool2d"; -"20 relu_" -> "32 mul"; -"21 adaptive_avg_pool2d" -> "25 conv2d_2"; -"22 _param_constant7" -> "25 conv2d_2"; -"23 conv2d_2_updated_constant0" -> "24 symmetric_weights_decompressor_conv2d_2_updated_constant0_0"; -"24 symmetric_weights_decompressor_conv2d_2_updated_constant0_0" -> "25 conv2d_2"; -"25 conv2d_2" -> "26 relu"; -"26 relu" -> "30 conv2d_3"; -"27 _param_constant9" -> "30 conv2d_3"; -"28 conv2d_3_updated_constant0" -> "29 symmetric_weights_decompressor_conv2d_3_updated_constant0_0"; -"29 symmetric_weights_decompressor_conv2d_3_updated_constant0_0" -> "30 conv2d_3"; -"30 conv2d_3" -> "31 hardsigmoid"; -"31 hardsigmoid" -> "32 mul"; -"32 mul" -> "35 conv2d_4"; -"33 conv2d_4_updated_constant0" -> "34 symmetric_weights_decompressor_conv2d_4_updated_constant0_0"; -"34 symmetric_weights_decompressor_conv2d_4_updated_constant0_0" -> "35 conv2d_4"; -"35 conv2d_4" -> "40 _native_batch_norm_legit_no_training_2"; -"36 _param_constant11" -> "40 _native_batch_norm_legit_no_training_2"; -"37 _param_constant12" -> "40 _native_batch_norm_legit_no_training_2"; -"38 _tensor_constant4" -> "40 _native_batch_norm_legit_no_training_2"; -"39 _tensor_constant5" -> "40 _native_batch_norm_legit_no_training_2"; -"40 _native_batch_norm_legit_no_training_2" -> "41 getitem_6"; -"41 getitem_6" -> "44 conv2d_5"; -"42 conv2d_5_updated_constant0" -> "43 symmetric_weights_decompressor_conv2d_5_updated_constant0_0"; -"43 symmetric_weights_decompressor_conv2d_5_updated_constant0_0" -> "44 conv2d_5"; -"44 conv2d_5" -> "49 _native_batch_norm_legit_no_training_3"; -"45 _param_constant14" -> "49 _native_batch_norm_legit_no_training_3"; -"46 _param_constant15" -> "49 _native_batch_norm_legit_no_training_3"; -"47 _tensor_constant6" -> "49 _native_batch_norm_legit_no_training_3"; -"48 _tensor_constant7" -> "49 _native_batch_norm_legit_no_training_3"; -"49 _native_batch_norm_legit_no_training_3" -> "50 getitem_9"; -"50 getitem_9" -> "51 relu__1"; -"51 relu__1" -> "54 conv2d_6"; -"52 conv2d_6_updated_constant0" -> "53 symmetric_weights_decompressor_conv2d_6_updated_constant0_0"; -"53 symmetric_weights_decompressor_conv2d_6_updated_constant0_0" -> "54 conv2d_6"; -"54 conv2d_6" -> "59 _native_batch_norm_legit_no_training_4"; -"55 _param_constant17" -> "59 _native_batch_norm_legit_no_training_4"; -"56 _param_constant18" -> "59 _native_batch_norm_legit_no_training_4"; -"57 _tensor_constant8" -> "59 _native_batch_norm_legit_no_training_4"; -"58 _tensor_constant9" -> "59 _native_batch_norm_legit_no_training_4"; -"59 _native_batch_norm_legit_no_training_4" -> "60 getitem_12"; -"60 getitem_12" -> "61 relu__2"; -"61 relu__2" -> "64 conv2d_7"; -"62 conv2d_7_updated_constant0" -> "63 symmetric_weights_decompressor_conv2d_7_updated_constant0_0"; -"63 symmetric_weights_decompressor_conv2d_7_updated_constant0_0" -> "64 conv2d_7"; -"64 conv2d_7" -> "69 _native_batch_norm_legit_no_training_5"; -"65 _param_constant20" -> "69 _native_batch_norm_legit_no_training_5"; -"66 _param_constant21" -> "69 _native_batch_norm_legit_no_training_5"; -"67 _tensor_constant10" -> "69 _native_batch_norm_legit_no_training_5"; -"68 _tensor_constant11" -> "69 _native_batch_norm_legit_no_training_5"; -"69 _native_batch_norm_legit_no_training_5" -> "70 getitem_15"; -"70 getitem_15" -> "73 conv2d_8"; -"70 getitem_15" -> "100 add_"; -"71 conv2d_8_updated_constant0" -> "72 symmetric_weights_decompressor_conv2d_8_updated_constant0_0"; -"72 symmetric_weights_decompressor_conv2d_8_updated_constant0_0" -> "73 conv2d_8"; -"73 conv2d_8" -> "78 _native_batch_norm_legit_no_training_6"; -"74 _param_constant23" -> "78 _native_batch_norm_legit_no_training_6"; -"75 _param_constant24" -> "78 _native_batch_norm_legit_no_training_6"; -"76 _tensor_constant12" -> "78 _native_batch_norm_legit_no_training_6"; -"77 _tensor_constant13" -> "78 _native_batch_norm_legit_no_training_6"; -"78 _native_batch_norm_legit_no_training_6" -> "79 getitem_18"; -"79 getitem_18" -> "80 relu__3"; -"80 relu__3" -> "83 conv2d_9"; -"81 conv2d_9_updated_constant0" -> "82 symmetric_weights_decompressor_conv2d_9_updated_constant0_0"; -"82 symmetric_weights_decompressor_conv2d_9_updated_constant0_0" -> "83 conv2d_9"; -"83 conv2d_9" -> "88 _native_batch_norm_legit_no_training_7"; -"84 _param_constant26" -> "88 _native_batch_norm_legit_no_training_7"; -"85 _param_constant27" -> "88 _native_batch_norm_legit_no_training_7"; -"86 _tensor_constant14" -> "88 _native_batch_norm_legit_no_training_7"; -"87 _tensor_constant15" -> "88 _native_batch_norm_legit_no_training_7"; -"88 _native_batch_norm_legit_no_training_7" -> "89 getitem_21"; -"89 getitem_21" -> "90 relu__4"; -"90 relu__4" -> "93 conv2d_10"; -"91 conv2d_10_updated_constant0" -> "92 symmetric_weights_decompressor_conv2d_10_updated_constant0_0"; -"92 symmetric_weights_decompressor_conv2d_10_updated_constant0_0" -> "93 conv2d_10"; -"93 conv2d_10" -> "98 _native_batch_norm_legit_no_training_8"; -"94 _param_constant29" -> "98 _native_batch_norm_legit_no_training_8"; -"95 _param_constant30" -> "98 _native_batch_norm_legit_no_training_8"; -"96 _tensor_constant16" -> "98 _native_batch_norm_legit_no_training_8"; -"97 _tensor_constant17" -> "98 _native_batch_norm_legit_no_training_8"; -"98 _native_batch_norm_legit_no_training_8" -> "99 getitem_24"; -"99 getitem_24" -> "100 add_"; -"100 add_" -> "103 conv2d_11"; -"101 conv2d_11_updated_constant0" -> "102 symmetric_weights_decompressor_conv2d_11_updated_constant0_0"; -"102 symmetric_weights_decompressor_conv2d_11_updated_constant0_0" -> "103 conv2d_11"; -"103 conv2d_11" -> "108 _native_batch_norm_legit_no_training_9"; -"104 _param_constant32" -> "108 _native_batch_norm_legit_no_training_9"; -"105 _param_constant33" -> "108 _native_batch_norm_legit_no_training_9"; -"106 _tensor_constant18" -> "108 _native_batch_norm_legit_no_training_9"; -"107 _tensor_constant19" -> "108 _native_batch_norm_legit_no_training_9"; -"108 _native_batch_norm_legit_no_training_9" -> "109 getitem_27"; -"109 getitem_27" -> "110 hardswish__1"; -"110 hardswish__1" -> "113 conv2d_12"; -"111 conv2d_12_updated_constant0" -> "112 symmetric_weights_decompressor_conv2d_12_updated_constant0_0"; -"112 symmetric_weights_decompressor_conv2d_12_updated_constant0_0" -> "113 conv2d_12"; -"113 conv2d_12" -> "118 _native_batch_norm_legit_no_training_10"; -"114 _param_constant35" -> "118 _native_batch_norm_legit_no_training_10"; -"115 _param_constant36" -> "118 _native_batch_norm_legit_no_training_10"; -"116 _tensor_constant20" -> "118 _native_batch_norm_legit_no_training_10"; -"117 _tensor_constant21" -> "118 _native_batch_norm_legit_no_training_10"; -"118 _native_batch_norm_legit_no_training_10" -> "119 getitem_30"; -"119 getitem_30" -> "120 hardswish__2"; -"120 hardswish__2" -> "121 adaptive_avg_pool2d_1"; -"120 hardswish__2" -> "132 mul_1"; -"121 adaptive_avg_pool2d_1" -> "125 conv2d_13"; -"122 _param_constant38" -> "125 conv2d_13"; -"123 conv2d_13_updated_constant0" -> "124 symmetric_weights_decompressor_conv2d_13_updated_constant0_0"; -"124 symmetric_weights_decompressor_conv2d_13_updated_constant0_0" -> "125 conv2d_13"; -"125 conv2d_13" -> "126 relu_1"; -"126 relu_1" -> "130 conv2d_14"; -"127 _param_constant40" -> "130 conv2d_14"; -"128 conv2d_14_updated_constant0" -> "129 symmetric_weights_decompressor_conv2d_14_updated_constant0_0"; -"129 symmetric_weights_decompressor_conv2d_14_updated_constant0_0" -> "130 conv2d_14"; -"130 conv2d_14" -> "131 hardsigmoid_1"; -"131 hardsigmoid_1" -> "132 mul_1"; -"132 mul_1" -> "135 conv2d_15"; -"133 conv2d_15_updated_constant0" -> "134 symmetric_weights_decompressor_conv2d_15_updated_constant0_0"; -"134 symmetric_weights_decompressor_conv2d_15_updated_constant0_0" -> "135 conv2d_15"; -"135 conv2d_15" -> "140 _native_batch_norm_legit_no_training_11"; -"136 _param_constant42" -> "140 _native_batch_norm_legit_no_training_11"; -"137 _param_constant43" -> "140 _native_batch_norm_legit_no_training_11"; -"138 _tensor_constant22" -> "140 _native_batch_norm_legit_no_training_11"; -"139 _tensor_constant23" -> "140 _native_batch_norm_legit_no_training_11"; -"140 _native_batch_norm_legit_no_training_11" -> "141 getitem_33"; -"141 getitem_33" -> "144 conv2d_16"; -"141 getitem_33" -> "183 add__1"; -"142 conv2d_16_updated_constant0" -> "143 symmetric_weights_decompressor_conv2d_16_updated_constant0_0"; -"143 symmetric_weights_decompressor_conv2d_16_updated_constant0_0" -> "144 conv2d_16"; -"144 conv2d_16" -> "149 _native_batch_norm_legit_no_training_12"; -"145 _param_constant45" -> "149 _native_batch_norm_legit_no_training_12"; -"146 _param_constant46" -> "149 _native_batch_norm_legit_no_training_12"; -"147 _tensor_constant24" -> "149 _native_batch_norm_legit_no_training_12"; -"148 _tensor_constant25" -> "149 _native_batch_norm_legit_no_training_12"; -"149 _native_batch_norm_legit_no_training_12" -> "150 getitem_36"; -"150 getitem_36" -> "151 hardswish__3"; -"151 hardswish__3" -> "154 conv2d_17"; -"152 conv2d_17_updated_constant0" -> "153 symmetric_weights_decompressor_conv2d_17_updated_constant0_0"; -"153 symmetric_weights_decompressor_conv2d_17_updated_constant0_0" -> "154 conv2d_17"; -"154 conv2d_17" -> "159 _native_batch_norm_legit_no_training_13"; -"155 _param_constant48" -> "159 _native_batch_norm_legit_no_training_13"; -"156 _param_constant49" -> "159 _native_batch_norm_legit_no_training_13"; -"157 _tensor_constant26" -> "159 _native_batch_norm_legit_no_training_13"; -"158 _tensor_constant27" -> "159 _native_batch_norm_legit_no_training_13"; -"159 _native_batch_norm_legit_no_training_13" -> "160 getitem_39"; -"160 getitem_39" -> "161 hardswish__4"; -"161 hardswish__4" -> "162 adaptive_avg_pool2d_2"; -"161 hardswish__4" -> "173 mul_2"; -"162 adaptive_avg_pool2d_2" -> "166 conv2d_18"; -"163 _param_constant51" -> "166 conv2d_18"; -"164 conv2d_18_updated_constant0" -> "165 symmetric_weights_decompressor_conv2d_18_updated_constant0_0"; -"165 symmetric_weights_decompressor_conv2d_18_updated_constant0_0" -> "166 conv2d_18"; -"166 conv2d_18" -> "167 relu_2"; -"167 relu_2" -> "171 conv2d_19"; -"168 _param_constant53" -> "171 conv2d_19"; -"169 conv2d_19_updated_constant0" -> "170 symmetric_weights_decompressor_conv2d_19_updated_constant0_0"; -"170 symmetric_weights_decompressor_conv2d_19_updated_constant0_0" -> "171 conv2d_19"; -"171 conv2d_19" -> "172 hardsigmoid_2"; -"172 hardsigmoid_2" -> "173 mul_2"; -"173 mul_2" -> "176 conv2d_20"; -"174 conv2d_20_updated_constant0" -> "175 symmetric_weights_decompressor_conv2d_20_updated_constant0_0"; -"175 symmetric_weights_decompressor_conv2d_20_updated_constant0_0" -> "176 conv2d_20"; -"176 conv2d_20" -> "181 _native_batch_norm_legit_no_training_14"; -"177 _param_constant55" -> "181 _native_batch_norm_legit_no_training_14"; -"178 _param_constant56" -> "181 _native_batch_norm_legit_no_training_14"; -"179 _tensor_constant28" -> "181 _native_batch_norm_legit_no_training_14"; -"180 _tensor_constant29" -> "181 _native_batch_norm_legit_no_training_14"; -"181 _native_batch_norm_legit_no_training_14" -> "182 getitem_42"; -"182 getitem_42" -> "183 add__1"; -"183 add__1" -> "186 conv2d_21"; -"183 add__1" -> "225 add__2"; -"184 conv2d_21_updated_constant0" -> "185 symmetric_weights_decompressor_conv2d_21_updated_constant0_0"; -"185 symmetric_weights_decompressor_conv2d_21_updated_constant0_0" -> "186 conv2d_21"; -"186 conv2d_21" -> "191 _native_batch_norm_legit_no_training_15"; -"187 _param_constant58" -> "191 _native_batch_norm_legit_no_training_15"; -"188 _param_constant59" -> "191 _native_batch_norm_legit_no_training_15"; -"189 _tensor_constant30" -> "191 _native_batch_norm_legit_no_training_15"; -"190 _tensor_constant31" -> "191 _native_batch_norm_legit_no_training_15"; -"191 _native_batch_norm_legit_no_training_15" -> "192 getitem_45"; -"192 getitem_45" -> "193 hardswish__5"; -"193 hardswish__5" -> "196 conv2d_22"; -"194 conv2d_22_updated_constant0" -> "195 symmetric_weights_decompressor_conv2d_22_updated_constant0_0"; -"195 symmetric_weights_decompressor_conv2d_22_updated_constant0_0" -> "196 conv2d_22"; -"196 conv2d_22" -> "201 _native_batch_norm_legit_no_training_16"; -"197 _param_constant61" -> "201 _native_batch_norm_legit_no_training_16"; -"198 _param_constant62" -> "201 _native_batch_norm_legit_no_training_16"; -"199 _tensor_constant32" -> "201 _native_batch_norm_legit_no_training_16"; -"200 _tensor_constant33" -> "201 _native_batch_norm_legit_no_training_16"; -"201 _native_batch_norm_legit_no_training_16" -> "202 getitem_48"; -"202 getitem_48" -> "203 hardswish__6"; -"203 hardswish__6" -> "204 adaptive_avg_pool2d_3"; -"203 hardswish__6" -> "215 mul_3"; -"204 adaptive_avg_pool2d_3" -> "208 conv2d_23"; -"205 _param_constant64" -> "208 conv2d_23"; -"206 conv2d_23_updated_constant0" -> "207 symmetric_weights_decompressor_conv2d_23_updated_constant0_0"; -"207 symmetric_weights_decompressor_conv2d_23_updated_constant0_0" -> "208 conv2d_23"; -"208 conv2d_23" -> "209 relu_3"; -"209 relu_3" -> "213 conv2d_24"; -"210 _param_constant66" -> "213 conv2d_24"; -"211 conv2d_24_updated_constant0" -> "212 symmetric_weights_decompressor_conv2d_24_updated_constant0_0"; -"212 symmetric_weights_decompressor_conv2d_24_updated_constant0_0" -> "213 conv2d_24"; -"213 conv2d_24" -> "214 hardsigmoid_3"; -"214 hardsigmoid_3" -> "215 mul_3"; -"215 mul_3" -> "218 conv2d_25"; -"216 conv2d_25_updated_constant0" -> "217 symmetric_weights_decompressor_conv2d_25_updated_constant0_0"; -"217 symmetric_weights_decompressor_conv2d_25_updated_constant0_0" -> "218 conv2d_25"; -"218 conv2d_25" -> "223 _native_batch_norm_legit_no_training_17"; -"219 _param_constant68" -> "223 _native_batch_norm_legit_no_training_17"; -"220 _param_constant69" -> "223 _native_batch_norm_legit_no_training_17"; -"221 _tensor_constant34" -> "223 _native_batch_norm_legit_no_training_17"; -"222 _tensor_constant35" -> "223 _native_batch_norm_legit_no_training_17"; -"223 _native_batch_norm_legit_no_training_17" -> "224 getitem_51"; -"224 getitem_51" -> "225 add__2"; -"225 add__2" -> "228 conv2d_26"; -"226 conv2d_26_updated_constant0" -> "227 symmetric_weights_decompressor_conv2d_26_updated_constant0_0"; -"227 symmetric_weights_decompressor_conv2d_26_updated_constant0_0" -> "228 conv2d_26"; -"228 conv2d_26" -> "233 _native_batch_norm_legit_no_training_18"; -"229 _param_constant71" -> "233 _native_batch_norm_legit_no_training_18"; -"230 _param_constant72" -> "233 _native_batch_norm_legit_no_training_18"; -"231 _tensor_constant36" -> "233 _native_batch_norm_legit_no_training_18"; -"232 _tensor_constant37" -> "233 _native_batch_norm_legit_no_training_18"; -"233 _native_batch_norm_legit_no_training_18" -> "234 getitem_54"; -"234 getitem_54" -> "235 hardswish__7"; -"235 hardswish__7" -> "238 conv2d_27"; -"236 conv2d_27_updated_constant0" -> "237 symmetric_weights_decompressor_conv2d_27_updated_constant0_0"; -"237 symmetric_weights_decompressor_conv2d_27_updated_constant0_0" -> "238 conv2d_27"; -"238 conv2d_27" -> "243 _native_batch_norm_legit_no_training_19"; -"239 _param_constant74" -> "243 _native_batch_norm_legit_no_training_19"; -"240 _param_constant75" -> "243 _native_batch_norm_legit_no_training_19"; -"241 _tensor_constant38" -> "243 _native_batch_norm_legit_no_training_19"; -"242 _tensor_constant39" -> "243 _native_batch_norm_legit_no_training_19"; -"243 _native_batch_norm_legit_no_training_19" -> "244 getitem_57"; -"244 getitem_57" -> "245 hardswish__8"; -"245 hardswish__8" -> "246 adaptive_avg_pool2d_4"; -"245 hardswish__8" -> "257 mul_4"; -"246 adaptive_avg_pool2d_4" -> "250 conv2d_28"; -"247 _param_constant77" -> "250 conv2d_28"; -"248 conv2d_28_updated_constant0" -> "249 symmetric_weights_decompressor_conv2d_28_updated_constant0_0"; -"249 symmetric_weights_decompressor_conv2d_28_updated_constant0_0" -> "250 conv2d_28"; -"250 conv2d_28" -> "251 relu_4"; -"251 relu_4" -> "255 conv2d_29"; -"252 _param_constant79" -> "255 conv2d_29"; -"253 conv2d_29_updated_constant0" -> "254 symmetric_weights_decompressor_conv2d_29_updated_constant0_0"; -"254 symmetric_weights_decompressor_conv2d_29_updated_constant0_0" -> "255 conv2d_29"; -"255 conv2d_29" -> "256 hardsigmoid_4"; -"256 hardsigmoid_4" -> "257 mul_4"; -"257 mul_4" -> "260 conv2d_30"; -"258 conv2d_30_updated_constant0" -> "259 symmetric_weights_decompressor_conv2d_30_updated_constant0_0"; -"259 symmetric_weights_decompressor_conv2d_30_updated_constant0_0" -> "260 conv2d_30"; -"260 conv2d_30" -> "265 _native_batch_norm_legit_no_training_20"; -"261 _param_constant81" -> "265 _native_batch_norm_legit_no_training_20"; -"262 _param_constant82" -> "265 _native_batch_norm_legit_no_training_20"; -"263 _tensor_constant40" -> "265 _native_batch_norm_legit_no_training_20"; -"264 _tensor_constant41" -> "265 _native_batch_norm_legit_no_training_20"; -"265 _native_batch_norm_legit_no_training_20" -> "266 getitem_60"; -"266 getitem_60" -> "269 conv2d_31"; -"266 getitem_60" -> "308 add__3"; -"267 conv2d_31_updated_constant0" -> "268 symmetric_weights_decompressor_conv2d_31_updated_constant0_0"; -"268 symmetric_weights_decompressor_conv2d_31_updated_constant0_0" -> "269 conv2d_31"; -"269 conv2d_31" -> "274 _native_batch_norm_legit_no_training_21"; -"270 _param_constant84" -> "274 _native_batch_norm_legit_no_training_21"; -"271 _param_constant85" -> "274 _native_batch_norm_legit_no_training_21"; -"272 _tensor_constant42" -> "274 _native_batch_norm_legit_no_training_21"; -"273 _tensor_constant43" -> "274 _native_batch_norm_legit_no_training_21"; -"274 _native_batch_norm_legit_no_training_21" -> "275 getitem_63"; -"275 getitem_63" -> "276 hardswish__9"; -"276 hardswish__9" -> "279 conv2d_32"; -"277 conv2d_32_updated_constant0" -> "278 symmetric_weights_decompressor_conv2d_32_updated_constant0_0"; -"278 symmetric_weights_decompressor_conv2d_32_updated_constant0_0" -> "279 conv2d_32"; -"279 conv2d_32" -> "284 _native_batch_norm_legit_no_training_22"; -"280 _param_constant87" -> "284 _native_batch_norm_legit_no_training_22"; -"281 _param_constant88" -> "284 _native_batch_norm_legit_no_training_22"; -"282 _tensor_constant44" -> "284 _native_batch_norm_legit_no_training_22"; -"283 _tensor_constant45" -> "284 _native_batch_norm_legit_no_training_22"; -"284 _native_batch_norm_legit_no_training_22" -> "285 getitem_66"; -"285 getitem_66" -> "286 hardswish__10"; -"286 hardswish__10" -> "287 adaptive_avg_pool2d_5"; -"286 hardswish__10" -> "298 mul_5"; -"287 adaptive_avg_pool2d_5" -> "291 conv2d_33"; -"288 _param_constant90" -> "291 conv2d_33"; -"289 conv2d_33_updated_constant0" -> "290 symmetric_weights_decompressor_conv2d_33_updated_constant0_0"; -"290 symmetric_weights_decompressor_conv2d_33_updated_constant0_0" -> "291 conv2d_33"; -"291 conv2d_33" -> "292 relu_5"; -"292 relu_5" -> "296 conv2d_34"; -"293 _param_constant92" -> "296 conv2d_34"; -"294 conv2d_34_updated_constant0" -> "295 symmetric_weights_decompressor_conv2d_34_updated_constant0_0"; -"295 symmetric_weights_decompressor_conv2d_34_updated_constant0_0" -> "296 conv2d_34"; -"296 conv2d_34" -> "297 hardsigmoid_5"; -"297 hardsigmoid_5" -> "298 mul_5"; -"298 mul_5" -> "301 conv2d_35"; -"299 conv2d_35_updated_constant0" -> "300 symmetric_weights_decompressor_conv2d_35_updated_constant0_0"; -"300 symmetric_weights_decompressor_conv2d_35_updated_constant0_0" -> "301 conv2d_35"; -"301 conv2d_35" -> "306 _native_batch_norm_legit_no_training_23"; -"302 _param_constant94" -> "306 _native_batch_norm_legit_no_training_23"; -"303 _param_constant95" -> "306 _native_batch_norm_legit_no_training_23"; -"304 _tensor_constant46" -> "306 _native_batch_norm_legit_no_training_23"; -"305 _tensor_constant47" -> "306 _native_batch_norm_legit_no_training_23"; -"306 _native_batch_norm_legit_no_training_23" -> "307 getitem_69"; -"307 getitem_69" -> "308 add__3"; -"308 add__3" -> "311 conv2d_36"; -"309 conv2d_36_updated_constant0" -> "310 symmetric_weights_decompressor_conv2d_36_updated_constant0_0"; -"310 symmetric_weights_decompressor_conv2d_36_updated_constant0_0" -> "311 conv2d_36"; -"311 conv2d_36" -> "316 _native_batch_norm_legit_no_training_24"; -"312 _param_constant97" -> "316 _native_batch_norm_legit_no_training_24"; -"313 _param_constant98" -> "316 _native_batch_norm_legit_no_training_24"; -"314 _tensor_constant48" -> "316 _native_batch_norm_legit_no_training_24"; -"315 _tensor_constant49" -> "316 _native_batch_norm_legit_no_training_24"; -"316 _native_batch_norm_legit_no_training_24" -> "317 getitem_72"; -"317 getitem_72" -> "318 hardswish__11"; -"318 hardswish__11" -> "321 conv2d_37"; -"319 conv2d_37_updated_constant0" -> "320 symmetric_weights_decompressor_conv2d_37_updated_constant0_0"; -"320 symmetric_weights_decompressor_conv2d_37_updated_constant0_0" -> "321 conv2d_37"; -"321 conv2d_37" -> "326 _native_batch_norm_legit_no_training_25"; -"322 _param_constant100" -> "326 _native_batch_norm_legit_no_training_25"; -"323 _param_constant101" -> "326 _native_batch_norm_legit_no_training_25"; -"324 _tensor_constant50" -> "326 _native_batch_norm_legit_no_training_25"; -"325 _tensor_constant51" -> "326 _native_batch_norm_legit_no_training_25"; -"326 _native_batch_norm_legit_no_training_25" -> "327 getitem_75"; -"327 getitem_75" -> "328 hardswish__12"; -"328 hardswish__12" -> "329 adaptive_avg_pool2d_6"; -"328 hardswish__12" -> "340 mul_6"; -"329 adaptive_avg_pool2d_6" -> "333 conv2d_38"; -"330 _param_constant103" -> "333 conv2d_38"; -"331 conv2d_38_updated_constant0" -> "332 symmetric_weights_decompressor_conv2d_38_updated_constant0_0"; -"332 symmetric_weights_decompressor_conv2d_38_updated_constant0_0" -> "333 conv2d_38"; -"333 conv2d_38" -> "334 relu_6"; -"334 relu_6" -> "338 conv2d_39"; -"335 _param_constant105" -> "338 conv2d_39"; -"336 conv2d_39_updated_constant0" -> "337 symmetric_weights_decompressor_conv2d_39_updated_constant0_0"; -"337 symmetric_weights_decompressor_conv2d_39_updated_constant0_0" -> "338 conv2d_39"; -"338 conv2d_39" -> "339 hardsigmoid_6"; -"339 hardsigmoid_6" -> "340 mul_6"; -"340 mul_6" -> "343 conv2d_40"; -"341 conv2d_40_updated_constant0" -> "342 symmetric_weights_decompressor_conv2d_40_updated_constant0_0"; -"342 symmetric_weights_decompressor_conv2d_40_updated_constant0_0" -> "343 conv2d_40"; -"343 conv2d_40" -> "348 _native_batch_norm_legit_no_training_26"; -"344 _param_constant107" -> "348 _native_batch_norm_legit_no_training_26"; -"345 _param_constant108" -> "348 _native_batch_norm_legit_no_training_26"; -"346 _tensor_constant52" -> "348 _native_batch_norm_legit_no_training_26"; -"347 _tensor_constant53" -> "348 _native_batch_norm_legit_no_training_26"; -"348 _native_batch_norm_legit_no_training_26" -> "349 getitem_78"; -"349 getitem_78" -> "352 conv2d_41"; -"349 getitem_78" -> "391 add__4"; -"350 conv2d_41_updated_constant0" -> "351 symmetric_weights_decompressor_conv2d_41_updated_constant0_0"; -"351 symmetric_weights_decompressor_conv2d_41_updated_constant0_0" -> "352 conv2d_41"; -"352 conv2d_41" -> "357 _native_batch_norm_legit_no_training_27"; -"353 _param_constant110" -> "357 _native_batch_norm_legit_no_training_27"; -"354 _param_constant111" -> "357 _native_batch_norm_legit_no_training_27"; -"355 _tensor_constant54" -> "357 _native_batch_norm_legit_no_training_27"; -"356 _tensor_constant55" -> "357 _native_batch_norm_legit_no_training_27"; -"357 _native_batch_norm_legit_no_training_27" -> "358 getitem_81"; -"358 getitem_81" -> "359 hardswish__13"; -"359 hardswish__13" -> "362 conv2d_42"; -"360 conv2d_42_updated_constant0" -> "361 symmetric_weights_decompressor_conv2d_42_updated_constant0_0"; -"361 symmetric_weights_decompressor_conv2d_42_updated_constant0_0" -> "362 conv2d_42"; -"362 conv2d_42" -> "367 _native_batch_norm_legit_no_training_28"; -"363 _param_constant113" -> "367 _native_batch_norm_legit_no_training_28"; -"364 _param_constant114" -> "367 _native_batch_norm_legit_no_training_28"; -"365 _tensor_constant56" -> "367 _native_batch_norm_legit_no_training_28"; -"366 _tensor_constant57" -> "367 _native_batch_norm_legit_no_training_28"; -"367 _native_batch_norm_legit_no_training_28" -> "368 getitem_84"; -"368 getitem_84" -> "369 hardswish__14"; -"369 hardswish__14" -> "370 adaptive_avg_pool2d_7"; -"369 hardswish__14" -> "381 mul_7"; -"370 adaptive_avg_pool2d_7" -> "374 conv2d_43"; -"371 _param_constant116" -> "374 conv2d_43"; -"372 conv2d_43_updated_constant0" -> "373 symmetric_weights_decompressor_conv2d_43_updated_constant0_0"; -"373 symmetric_weights_decompressor_conv2d_43_updated_constant0_0" -> "374 conv2d_43"; -"374 conv2d_43" -> "375 relu_7"; -"375 relu_7" -> "379 conv2d_44"; -"376 _param_constant118" -> "379 conv2d_44"; -"377 conv2d_44_updated_constant0" -> "378 symmetric_weights_decompressor_conv2d_44_updated_constant0_0"; -"378 symmetric_weights_decompressor_conv2d_44_updated_constant0_0" -> "379 conv2d_44"; -"379 conv2d_44" -> "380 hardsigmoid_7"; -"380 hardsigmoid_7" -> "381 mul_7"; -"381 mul_7" -> "384 conv2d_45"; -"382 conv2d_45_updated_constant0" -> "383 symmetric_weights_decompressor_conv2d_45_updated_constant0_0"; -"383 symmetric_weights_decompressor_conv2d_45_updated_constant0_0" -> "384 conv2d_45"; -"384 conv2d_45" -> "389 _native_batch_norm_legit_no_training_29"; -"385 _param_constant120" -> "389 _native_batch_norm_legit_no_training_29"; -"386 _param_constant121" -> "389 _native_batch_norm_legit_no_training_29"; -"387 _tensor_constant58" -> "389 _native_batch_norm_legit_no_training_29"; -"388 _tensor_constant59" -> "389 _native_batch_norm_legit_no_training_29"; -"389 _native_batch_norm_legit_no_training_29" -> "390 getitem_87"; -"390 getitem_87" -> "391 add__4"; -"391 add__4" -> "394 conv2d_46"; -"391 add__4" -> "433 add__5"; -"392 conv2d_46_updated_constant0" -> "393 symmetric_weights_decompressor_conv2d_46_updated_constant0_0"; -"393 symmetric_weights_decompressor_conv2d_46_updated_constant0_0" -> "394 conv2d_46"; -"394 conv2d_46" -> "399 _native_batch_norm_legit_no_training_30"; -"395 _param_constant123" -> "399 _native_batch_norm_legit_no_training_30"; -"396 _param_constant124" -> "399 _native_batch_norm_legit_no_training_30"; -"397 _tensor_constant60" -> "399 _native_batch_norm_legit_no_training_30"; -"398 _tensor_constant61" -> "399 _native_batch_norm_legit_no_training_30"; -"399 _native_batch_norm_legit_no_training_30" -> "400 getitem_90"; -"400 getitem_90" -> "401 hardswish__15"; -"401 hardswish__15" -> "404 conv2d_47"; -"402 conv2d_47_updated_constant0" -> "403 symmetric_weights_decompressor_conv2d_47_updated_constant0_0"; -"403 symmetric_weights_decompressor_conv2d_47_updated_constant0_0" -> "404 conv2d_47"; -"404 conv2d_47" -> "409 _native_batch_norm_legit_no_training_31"; -"405 _param_constant126" -> "409 _native_batch_norm_legit_no_training_31"; -"406 _param_constant127" -> "409 _native_batch_norm_legit_no_training_31"; -"407 _tensor_constant62" -> "409 _native_batch_norm_legit_no_training_31"; -"408 _tensor_constant63" -> "409 _native_batch_norm_legit_no_training_31"; -"409 _native_batch_norm_legit_no_training_31" -> "410 getitem_93"; -"410 getitem_93" -> "411 hardswish__16"; -"411 hardswish__16" -> "412 adaptive_avg_pool2d_8"; -"411 hardswish__16" -> "423 mul_8"; -"412 adaptive_avg_pool2d_8" -> "416 conv2d_48"; -"413 _param_constant129" -> "416 conv2d_48"; -"414 conv2d_48_updated_constant0" -> "415 symmetric_weights_decompressor_conv2d_48_updated_constant0_0"; -"415 symmetric_weights_decompressor_conv2d_48_updated_constant0_0" -> "416 conv2d_48"; -"416 conv2d_48" -> "417 relu_8"; -"417 relu_8" -> "421 conv2d_49"; -"418 _param_constant131" -> "421 conv2d_49"; -"419 conv2d_49_updated_constant0" -> "420 symmetric_weights_decompressor_conv2d_49_updated_constant0_0"; -"420 symmetric_weights_decompressor_conv2d_49_updated_constant0_0" -> "421 conv2d_49"; -"421 conv2d_49" -> "422 hardsigmoid_8"; -"422 hardsigmoid_8" -> "423 mul_8"; -"423 mul_8" -> "426 conv2d_50"; -"424 conv2d_50_updated_constant0" -> "425 symmetric_weights_decompressor_conv2d_50_updated_constant0_0"; -"425 symmetric_weights_decompressor_conv2d_50_updated_constant0_0" -> "426 conv2d_50"; -"426 conv2d_50" -> "431 _native_batch_norm_legit_no_training_32"; -"427 _param_constant133" -> "431 _native_batch_norm_legit_no_training_32"; -"428 _param_constant134" -> "431 _native_batch_norm_legit_no_training_32"; -"429 _tensor_constant64" -> "431 _native_batch_norm_legit_no_training_32"; -"430 _tensor_constant65" -> "431 _native_batch_norm_legit_no_training_32"; -"431 _native_batch_norm_legit_no_training_32" -> "432 getitem_96"; -"432 getitem_96" -> "433 add__5"; -"433 add__5" -> "436 conv2d_51"; -"434 conv2d_51_updated_constant0" -> "435 symmetric_weights_decompressor_conv2d_51_updated_constant0_0"; -"435 symmetric_weights_decompressor_conv2d_51_updated_constant0_0" -> "436 conv2d_51"; -"436 conv2d_51" -> "441 _native_batch_norm_legit_no_training_33"; -"437 _param_constant136" -> "441 _native_batch_norm_legit_no_training_33"; -"438 _param_constant137" -> "441 _native_batch_norm_legit_no_training_33"; -"439 _tensor_constant66" -> "441 _native_batch_norm_legit_no_training_33"; -"440 _tensor_constant67" -> "441 _native_batch_norm_legit_no_training_33"; -"441 _native_batch_norm_legit_no_training_33" -> "442 getitem_99"; -"442 getitem_99" -> "443 hardswish__17"; -"443 hardswish__17" -> "444 adaptive_avg_pool2d_9"; -"444 adaptive_avg_pool2d_9" -> "445 flatten"; -"445 flatten" -> "449 linear"; -"446 _param_constant139" -> "449 linear"; -"447 linear_updated_constant0" -> "448 symmetric_weights_decompressor_linear_updated_constant0_0"; -"448 symmetric_weights_decompressor_linear_updated_constant0_0" -> "449 linear"; -"449 linear" -> "450 hardswish__18"; -"450 hardswish__18" -> "451 dropout_"; -"451 dropout_" -> "455 linear_1"; -"452 _param_constant141" -> "455 linear_1"; -"453 linear_1_updated_constant0" -> "454 symmetric_weights_decompressor_linear_1_updated_constant0_0"; -"454 symmetric_weights_decompressor_linear_1_updated_constant0_0" -> "455 linear_1"; -"455 linear_1" -> "456 output"; -} diff --git a/tests/torch/data/reference_graphs/fx/compressed/mobilenet_v3_small_int8_asym.dot b/tests/torch/data/reference_graphs/fx/compressed/mobilenet_v3_small_int8_asym.dot deleted file mode 100644 index e4cd5dbfd73..00000000000 --- a/tests/torch/data/reference_graphs/fx/compressed/mobilenet_v3_small_int8_asym.dot +++ /dev/null @@ -1,930 +0,0 @@ -strict digraph { -"0 arg0_1" [id=0, type=input]; -"1 conv2d_updated_constant0" [id=1, type=get_attr]; -"2 asymmetric_weights_decompressor_conv2d_updated_constant0_0" [id=2, type=call_module]; -"3 conv2d" [id=3, type=conv2d]; -"4 _param_constant1" [id=4, type=get_attr]; -"5 _param_constant2" [id=5, type=get_attr]; -"6 _tensor_constant0" [id=6, type=get_attr]; -"7 _tensor_constant1" [id=7, type=get_attr]; -"8 _native_batch_norm_legit_no_training" [id=8, type=_native_batch_norm_legit_no_training]; -"9 getitem" [id=9, type=__getitem__]; -"10 hardswish_" [id=10, type=hardswish_]; -"11 conv2d_1_updated_constant0" [id=11, type=get_attr]; -"12 asymmetric_weights_decompressor_conv2d_1_updated_constant0_0" [id=12, type=call_module]; -"13 conv2d_1" [id=13, type=conv2d]; -"14 _param_constant4" [id=14, type=get_attr]; -"15 _param_constant5" [id=15, type=get_attr]; -"16 _tensor_constant2" [id=16, type=get_attr]; -"17 _tensor_constant3" [id=17, type=get_attr]; -"18 _native_batch_norm_legit_no_training_1" [id=18, type=_native_batch_norm_legit_no_training]; -"19 getitem_3" [id=19, type=__getitem__]; -"20 relu_" [id=20, type=relu_]; -"21 adaptive_avg_pool2d" [id=21, type=adaptive_avg_pool2d]; -"22 _param_constant7" [id=22, type=get_attr]; -"23 conv2d_2_updated_constant0" [id=23, type=get_attr]; -"24 asymmetric_weights_decompressor_conv2d_2_updated_constant0_0" [id=24, type=call_module]; -"25 conv2d_2" [id=25, type=conv2d]; -"26 relu" [id=26, type=relu]; -"27 _param_constant9" [id=27, type=get_attr]; -"28 conv2d_3_updated_constant0" [id=28, type=get_attr]; -"29 asymmetric_weights_decompressor_conv2d_3_updated_constant0_0" [id=29, type=call_module]; -"30 conv2d_3" [id=30, type=conv2d]; -"31 hardsigmoid" [id=31, type=hardsigmoid]; -"32 mul" [id=32, type=mul]; -"33 conv2d_4_updated_constant0" [id=33, type=get_attr]; -"34 asymmetric_weights_decompressor_conv2d_4_updated_constant0_0" [id=34, type=call_module]; -"35 conv2d_4" [id=35, type=conv2d]; -"36 _param_constant11" [id=36, type=get_attr]; -"37 _param_constant12" [id=37, type=get_attr]; -"38 _tensor_constant4" [id=38, type=get_attr]; -"39 _tensor_constant5" [id=39, type=get_attr]; -"40 _native_batch_norm_legit_no_training_2" [id=40, type=_native_batch_norm_legit_no_training]; -"41 getitem_6" [id=41, type=__getitem__]; -"42 conv2d_5_updated_constant0" [id=42, type=get_attr]; -"43 asymmetric_weights_decompressor_conv2d_5_updated_constant0_0" [id=43, type=call_module]; -"44 conv2d_5" [id=44, type=conv2d]; -"45 _param_constant14" [id=45, type=get_attr]; -"46 _param_constant15" [id=46, type=get_attr]; -"47 _tensor_constant6" [id=47, type=get_attr]; -"48 _tensor_constant7" [id=48, type=get_attr]; -"49 _native_batch_norm_legit_no_training_3" [id=49, type=_native_batch_norm_legit_no_training]; -"50 getitem_9" [id=50, type=__getitem__]; -"51 relu__1" [id=51, type=relu_]; -"52 conv2d_6_updated_constant0" [id=52, type=get_attr]; -"53 asymmetric_weights_decompressor_conv2d_6_updated_constant0_0" [id=53, type=call_module]; -"54 conv2d_6" [id=54, type=conv2d]; -"55 _param_constant17" [id=55, type=get_attr]; -"56 _param_constant18" [id=56, type=get_attr]; -"57 _tensor_constant8" [id=57, type=get_attr]; -"58 _tensor_constant9" [id=58, type=get_attr]; -"59 _native_batch_norm_legit_no_training_4" [id=59, type=_native_batch_norm_legit_no_training]; -"60 getitem_12" [id=60, type=__getitem__]; -"61 relu__2" [id=61, type=relu_]; -"62 conv2d_7_updated_constant0" [id=62, type=get_attr]; -"63 asymmetric_weights_decompressor_conv2d_7_updated_constant0_0" [id=63, type=call_module]; -"64 conv2d_7" [id=64, type=conv2d]; -"65 _param_constant20" [id=65, type=get_attr]; -"66 _param_constant21" [id=66, type=get_attr]; -"67 _tensor_constant10" [id=67, type=get_attr]; -"68 _tensor_constant11" [id=68, type=get_attr]; -"69 _native_batch_norm_legit_no_training_5" [id=69, type=_native_batch_norm_legit_no_training]; -"70 getitem_15" [id=70, type=__getitem__]; -"71 conv2d_8_updated_constant0" [id=71, type=get_attr]; -"72 asymmetric_weights_decompressor_conv2d_8_updated_constant0_0" [id=72, type=call_module]; -"73 conv2d_8" [id=73, type=conv2d]; -"74 _param_constant23" [id=74, type=get_attr]; -"75 _param_constant24" [id=75, type=get_attr]; -"76 _tensor_constant12" [id=76, type=get_attr]; -"77 _tensor_constant13" [id=77, type=get_attr]; -"78 _native_batch_norm_legit_no_training_6" [id=78, type=_native_batch_norm_legit_no_training]; -"79 getitem_18" [id=79, type=__getitem__]; -"80 relu__3" [id=80, type=relu_]; -"81 conv2d_9_updated_constant0" [id=81, type=get_attr]; -"82 asymmetric_weights_decompressor_conv2d_9_updated_constant0_0" [id=82, type=call_module]; -"83 conv2d_9" [id=83, type=conv2d]; -"84 _param_constant26" [id=84, type=get_attr]; -"85 _param_constant27" [id=85, type=get_attr]; -"86 _tensor_constant14" [id=86, type=get_attr]; -"87 _tensor_constant15" [id=87, type=get_attr]; -"88 _native_batch_norm_legit_no_training_7" [id=88, type=_native_batch_norm_legit_no_training]; -"89 getitem_21" [id=89, type=__getitem__]; -"90 relu__4" [id=90, type=relu_]; -"91 conv2d_10_updated_constant0" [id=91, type=get_attr]; -"92 asymmetric_weights_decompressor_conv2d_10_updated_constant0_0" [id=92, type=call_module]; -"93 conv2d_10" [id=93, type=conv2d]; -"94 _param_constant29" [id=94, type=get_attr]; -"95 _param_constant30" [id=95, type=get_attr]; -"96 _tensor_constant16" [id=96, type=get_attr]; -"97 _tensor_constant17" [id=97, type=get_attr]; -"98 _native_batch_norm_legit_no_training_8" [id=98, type=_native_batch_norm_legit_no_training]; -"99 getitem_24" [id=99, type=__getitem__]; -"100 add_" [id=100, type=add_]; -"101 conv2d_11_updated_constant0" [id=101, type=get_attr]; -"102 asymmetric_weights_decompressor_conv2d_11_updated_constant0_0" [id=102, type=call_module]; -"103 conv2d_11" [id=103, type=conv2d]; -"104 _param_constant32" [id=104, type=get_attr]; -"105 _param_constant33" [id=105, type=get_attr]; -"106 _tensor_constant18" [id=106, type=get_attr]; -"107 _tensor_constant19" [id=107, type=get_attr]; -"108 _native_batch_norm_legit_no_training_9" [id=108, type=_native_batch_norm_legit_no_training]; -"109 getitem_27" [id=109, type=__getitem__]; -"110 hardswish__1" [id=110, type=hardswish_]; -"111 conv2d_12_updated_constant0" [id=111, type=get_attr]; -"112 asymmetric_weights_decompressor_conv2d_12_updated_constant0_0" [id=112, type=call_module]; -"113 conv2d_12" [id=113, type=conv2d]; -"114 _param_constant35" [id=114, type=get_attr]; -"115 _param_constant36" [id=115, type=get_attr]; -"116 _tensor_constant20" [id=116, type=get_attr]; -"117 _tensor_constant21" [id=117, type=get_attr]; -"118 _native_batch_norm_legit_no_training_10" [id=118, type=_native_batch_norm_legit_no_training]; -"119 getitem_30" [id=119, type=__getitem__]; -"120 hardswish__2" [id=120, type=hardswish_]; -"121 adaptive_avg_pool2d_1" [id=121, type=adaptive_avg_pool2d]; -"122 _param_constant38" [id=122, type=get_attr]; -"123 conv2d_13_updated_constant0" [id=123, type=get_attr]; -"124 asymmetric_weights_decompressor_conv2d_13_updated_constant0_0" [id=124, type=call_module]; -"125 conv2d_13" [id=125, type=conv2d]; -"126 relu_1" [id=126, type=relu]; -"127 _param_constant40" [id=127, type=get_attr]; -"128 conv2d_14_updated_constant0" [id=128, type=get_attr]; -"129 asymmetric_weights_decompressor_conv2d_14_updated_constant0_0" [id=129, type=call_module]; -"130 conv2d_14" [id=130, type=conv2d]; -"131 hardsigmoid_1" [id=131, type=hardsigmoid]; -"132 mul_1" [id=132, type=mul]; -"133 conv2d_15_updated_constant0" [id=133, type=get_attr]; -"134 asymmetric_weights_decompressor_conv2d_15_updated_constant0_0" [id=134, type=call_module]; -"135 conv2d_15" [id=135, type=conv2d]; -"136 _param_constant42" [id=136, type=get_attr]; -"137 _param_constant43" [id=137, type=get_attr]; -"138 _tensor_constant22" [id=138, type=get_attr]; -"139 _tensor_constant23" [id=139, type=get_attr]; -"140 _native_batch_norm_legit_no_training_11" [id=140, type=_native_batch_norm_legit_no_training]; -"141 getitem_33" [id=141, type=__getitem__]; -"142 conv2d_16_updated_constant0" [id=142, type=get_attr]; -"143 asymmetric_weights_decompressor_conv2d_16_updated_constant0_0" [id=143, type=call_module]; -"144 conv2d_16" [id=144, type=conv2d]; -"145 _param_constant45" [id=145, type=get_attr]; -"146 _param_constant46" [id=146, type=get_attr]; -"147 _tensor_constant24" [id=147, type=get_attr]; -"148 _tensor_constant25" [id=148, type=get_attr]; -"149 _native_batch_norm_legit_no_training_12" [id=149, type=_native_batch_norm_legit_no_training]; -"150 getitem_36" [id=150, type=__getitem__]; -"151 hardswish__3" [id=151, type=hardswish_]; -"152 conv2d_17_updated_constant0" [id=152, type=get_attr]; -"153 asymmetric_weights_decompressor_conv2d_17_updated_constant0_0" [id=153, type=call_module]; -"154 conv2d_17" [id=154, type=conv2d]; -"155 _param_constant48" [id=155, type=get_attr]; -"156 _param_constant49" [id=156, type=get_attr]; -"157 _tensor_constant26" [id=157, type=get_attr]; -"158 _tensor_constant27" [id=158, type=get_attr]; -"159 _native_batch_norm_legit_no_training_13" [id=159, type=_native_batch_norm_legit_no_training]; -"160 getitem_39" [id=160, type=__getitem__]; -"161 hardswish__4" [id=161, type=hardswish_]; -"162 adaptive_avg_pool2d_2" [id=162, type=adaptive_avg_pool2d]; -"163 _param_constant51" [id=163, type=get_attr]; -"164 conv2d_18_updated_constant0" [id=164, type=get_attr]; -"165 asymmetric_weights_decompressor_conv2d_18_updated_constant0_0" [id=165, type=call_module]; -"166 conv2d_18" [id=166, type=conv2d]; -"167 relu_2" [id=167, type=relu]; -"168 _param_constant53" [id=168, type=get_attr]; -"169 conv2d_19_updated_constant0" [id=169, type=get_attr]; -"170 asymmetric_weights_decompressor_conv2d_19_updated_constant0_0" [id=170, type=call_module]; -"171 conv2d_19" [id=171, type=conv2d]; -"172 hardsigmoid_2" [id=172, type=hardsigmoid]; -"173 mul_2" [id=173, type=mul]; -"174 conv2d_20_updated_constant0" [id=174, type=get_attr]; -"175 asymmetric_weights_decompressor_conv2d_20_updated_constant0_0" [id=175, type=call_module]; -"176 conv2d_20" [id=176, type=conv2d]; -"177 _param_constant55" [id=177, type=get_attr]; -"178 _param_constant56" [id=178, type=get_attr]; -"179 _tensor_constant28" [id=179, type=get_attr]; -"180 _tensor_constant29" [id=180, type=get_attr]; -"181 _native_batch_norm_legit_no_training_14" [id=181, type=_native_batch_norm_legit_no_training]; -"182 getitem_42" [id=182, type=__getitem__]; -"183 add__1" [id=183, type=add_]; -"184 conv2d_21_updated_constant0" [id=184, type=get_attr]; -"185 asymmetric_weights_decompressor_conv2d_21_updated_constant0_0" [id=185, type=call_module]; -"186 conv2d_21" [id=186, type=conv2d]; -"187 _param_constant58" [id=187, type=get_attr]; -"188 _param_constant59" [id=188, type=get_attr]; -"189 _tensor_constant30" [id=189, type=get_attr]; -"190 _tensor_constant31" [id=190, type=get_attr]; -"191 _native_batch_norm_legit_no_training_15" [id=191, type=_native_batch_norm_legit_no_training]; -"192 getitem_45" [id=192, type=__getitem__]; -"193 hardswish__5" [id=193, type=hardswish_]; -"194 conv2d_22_updated_constant0" [id=194, type=get_attr]; -"195 asymmetric_weights_decompressor_conv2d_22_updated_constant0_0" [id=195, type=call_module]; -"196 conv2d_22" [id=196, type=conv2d]; -"197 _param_constant61" [id=197, type=get_attr]; -"198 _param_constant62" [id=198, type=get_attr]; -"199 _tensor_constant32" [id=199, type=get_attr]; -"200 _tensor_constant33" [id=200, type=get_attr]; -"201 _native_batch_norm_legit_no_training_16" [id=201, type=_native_batch_norm_legit_no_training]; -"202 getitem_48" [id=202, type=__getitem__]; -"203 hardswish__6" [id=203, type=hardswish_]; -"204 adaptive_avg_pool2d_3" [id=204, type=adaptive_avg_pool2d]; -"205 _param_constant64" [id=205, type=get_attr]; -"206 conv2d_23_updated_constant0" [id=206, type=get_attr]; -"207 asymmetric_weights_decompressor_conv2d_23_updated_constant0_0" [id=207, type=call_module]; -"208 conv2d_23" [id=208, type=conv2d]; -"209 relu_3" [id=209, type=relu]; -"210 _param_constant66" [id=210, type=get_attr]; -"211 conv2d_24_updated_constant0" [id=211, type=get_attr]; -"212 asymmetric_weights_decompressor_conv2d_24_updated_constant0_0" [id=212, type=call_module]; -"213 conv2d_24" [id=213, type=conv2d]; -"214 hardsigmoid_3" [id=214, type=hardsigmoid]; -"215 mul_3" [id=215, type=mul]; -"216 conv2d_25_updated_constant0" [id=216, type=get_attr]; -"217 asymmetric_weights_decompressor_conv2d_25_updated_constant0_0" [id=217, type=call_module]; -"218 conv2d_25" [id=218, type=conv2d]; -"219 _param_constant68" [id=219, type=get_attr]; -"220 _param_constant69" [id=220, type=get_attr]; -"221 _tensor_constant34" [id=221, type=get_attr]; -"222 _tensor_constant35" [id=222, type=get_attr]; -"223 _native_batch_norm_legit_no_training_17" [id=223, type=_native_batch_norm_legit_no_training]; -"224 getitem_51" [id=224, type=__getitem__]; -"225 add__2" [id=225, type=add_]; -"226 conv2d_26_updated_constant0" [id=226, type=get_attr]; -"227 asymmetric_weights_decompressor_conv2d_26_updated_constant0_0" [id=227, type=call_module]; -"228 conv2d_26" [id=228, type=conv2d]; -"229 _param_constant71" [id=229, type=get_attr]; -"230 _param_constant72" [id=230, type=get_attr]; -"231 _tensor_constant36" [id=231, type=get_attr]; -"232 _tensor_constant37" [id=232, type=get_attr]; -"233 _native_batch_norm_legit_no_training_18" [id=233, type=_native_batch_norm_legit_no_training]; -"234 getitem_54" [id=234, type=__getitem__]; -"235 hardswish__7" [id=235, type=hardswish_]; -"236 conv2d_27_updated_constant0" [id=236, type=get_attr]; -"237 asymmetric_weights_decompressor_conv2d_27_updated_constant0_0" [id=237, type=call_module]; -"238 conv2d_27" [id=238, type=conv2d]; -"239 _param_constant74" [id=239, type=get_attr]; -"240 _param_constant75" [id=240, type=get_attr]; -"241 _tensor_constant38" [id=241, type=get_attr]; -"242 _tensor_constant39" [id=242, type=get_attr]; -"243 _native_batch_norm_legit_no_training_19" [id=243, type=_native_batch_norm_legit_no_training]; -"244 getitem_57" [id=244, type=__getitem__]; -"245 hardswish__8" [id=245, type=hardswish_]; -"246 adaptive_avg_pool2d_4" [id=246, type=adaptive_avg_pool2d]; -"247 _param_constant77" [id=247, type=get_attr]; -"248 conv2d_28_updated_constant0" [id=248, type=get_attr]; -"249 asymmetric_weights_decompressor_conv2d_28_updated_constant0_0" [id=249, type=call_module]; -"250 conv2d_28" [id=250, type=conv2d]; -"251 relu_4" [id=251, type=relu]; -"252 _param_constant79" [id=252, type=get_attr]; -"253 conv2d_29_updated_constant0" [id=253, type=get_attr]; -"254 asymmetric_weights_decompressor_conv2d_29_updated_constant0_0" [id=254, type=call_module]; -"255 conv2d_29" [id=255, type=conv2d]; -"256 hardsigmoid_4" [id=256, type=hardsigmoid]; -"257 mul_4" [id=257, type=mul]; -"258 conv2d_30_updated_constant0" [id=258, type=get_attr]; -"259 asymmetric_weights_decompressor_conv2d_30_updated_constant0_0" [id=259, type=call_module]; -"260 conv2d_30" [id=260, type=conv2d]; -"261 _param_constant81" [id=261, type=get_attr]; -"262 _param_constant82" [id=262, type=get_attr]; -"263 _tensor_constant40" [id=263, type=get_attr]; -"264 _tensor_constant41" [id=264, type=get_attr]; -"265 _native_batch_norm_legit_no_training_20" [id=265, type=_native_batch_norm_legit_no_training]; -"266 getitem_60" [id=266, type=__getitem__]; -"267 conv2d_31_updated_constant0" [id=267, type=get_attr]; -"268 asymmetric_weights_decompressor_conv2d_31_updated_constant0_0" [id=268, type=call_module]; -"269 conv2d_31" [id=269, type=conv2d]; -"270 _param_constant84" [id=270, type=get_attr]; -"271 _param_constant85" [id=271, type=get_attr]; -"272 _tensor_constant42" [id=272, type=get_attr]; -"273 _tensor_constant43" [id=273, type=get_attr]; -"274 _native_batch_norm_legit_no_training_21" [id=274, type=_native_batch_norm_legit_no_training]; -"275 getitem_63" [id=275, type=__getitem__]; -"276 hardswish__9" [id=276, type=hardswish_]; -"277 conv2d_32_updated_constant0" [id=277, type=get_attr]; -"278 asymmetric_weights_decompressor_conv2d_32_updated_constant0_0" [id=278, type=call_module]; -"279 conv2d_32" [id=279, type=conv2d]; -"280 _param_constant87" [id=280, type=get_attr]; -"281 _param_constant88" [id=281, type=get_attr]; -"282 _tensor_constant44" [id=282, type=get_attr]; -"283 _tensor_constant45" [id=283, type=get_attr]; -"284 _native_batch_norm_legit_no_training_22" [id=284, type=_native_batch_norm_legit_no_training]; -"285 getitem_66" [id=285, type=__getitem__]; -"286 hardswish__10" [id=286, type=hardswish_]; -"287 adaptive_avg_pool2d_5" [id=287, type=adaptive_avg_pool2d]; -"288 _param_constant90" [id=288, type=get_attr]; -"289 conv2d_33_updated_constant0" [id=289, type=get_attr]; -"290 asymmetric_weights_decompressor_conv2d_33_updated_constant0_0" [id=290, type=call_module]; -"291 conv2d_33" [id=291, type=conv2d]; -"292 relu_5" [id=292, type=relu]; -"293 _param_constant92" [id=293, type=get_attr]; -"294 conv2d_34_updated_constant0" [id=294, type=get_attr]; -"295 asymmetric_weights_decompressor_conv2d_34_updated_constant0_0" [id=295, type=call_module]; -"296 conv2d_34" [id=296, type=conv2d]; -"297 hardsigmoid_5" [id=297, type=hardsigmoid]; -"298 mul_5" [id=298, type=mul]; -"299 conv2d_35_updated_constant0" [id=299, type=get_attr]; -"300 asymmetric_weights_decompressor_conv2d_35_updated_constant0_0" [id=300, type=call_module]; -"301 conv2d_35" [id=301, type=conv2d]; -"302 _param_constant94" [id=302, type=get_attr]; -"303 _param_constant95" [id=303, type=get_attr]; -"304 _tensor_constant46" [id=304, type=get_attr]; -"305 _tensor_constant47" [id=305, type=get_attr]; -"306 _native_batch_norm_legit_no_training_23" [id=306, type=_native_batch_norm_legit_no_training]; -"307 getitem_69" [id=307, type=__getitem__]; -"308 add__3" [id=308, type=add_]; -"309 conv2d_36_updated_constant0" [id=309, type=get_attr]; -"310 asymmetric_weights_decompressor_conv2d_36_updated_constant0_0" [id=310, type=call_module]; -"311 conv2d_36" [id=311, type=conv2d]; -"312 _param_constant97" [id=312, type=get_attr]; -"313 _param_constant98" [id=313, type=get_attr]; -"314 _tensor_constant48" [id=314, type=get_attr]; -"315 _tensor_constant49" [id=315, type=get_attr]; -"316 _native_batch_norm_legit_no_training_24" [id=316, type=_native_batch_norm_legit_no_training]; -"317 getitem_72" [id=317, type=__getitem__]; -"318 hardswish__11" [id=318, type=hardswish_]; -"319 conv2d_37_updated_constant0" [id=319, type=get_attr]; -"320 asymmetric_weights_decompressor_conv2d_37_updated_constant0_0" [id=320, type=call_module]; -"321 conv2d_37" [id=321, type=conv2d]; -"322 _param_constant100" [id=322, type=get_attr]; -"323 _param_constant101" [id=323, type=get_attr]; -"324 _tensor_constant50" [id=324, type=get_attr]; -"325 _tensor_constant51" [id=325, type=get_attr]; -"326 _native_batch_norm_legit_no_training_25" [id=326, type=_native_batch_norm_legit_no_training]; -"327 getitem_75" [id=327, type=__getitem__]; -"328 hardswish__12" [id=328, type=hardswish_]; -"329 adaptive_avg_pool2d_6" [id=329, type=adaptive_avg_pool2d]; -"330 _param_constant103" [id=330, type=get_attr]; -"331 conv2d_38_updated_constant0" [id=331, type=get_attr]; -"332 asymmetric_weights_decompressor_conv2d_38_updated_constant0_0" [id=332, type=call_module]; -"333 conv2d_38" [id=333, type=conv2d]; -"334 relu_6" [id=334, type=relu]; -"335 _param_constant105" [id=335, type=get_attr]; -"336 conv2d_39_updated_constant0" [id=336, type=get_attr]; -"337 asymmetric_weights_decompressor_conv2d_39_updated_constant0_0" [id=337, type=call_module]; -"338 conv2d_39" [id=338, type=conv2d]; -"339 hardsigmoid_6" [id=339, type=hardsigmoid]; -"340 mul_6" [id=340, type=mul]; -"341 conv2d_40_updated_constant0" [id=341, type=get_attr]; -"342 asymmetric_weights_decompressor_conv2d_40_updated_constant0_0" [id=342, type=call_module]; -"343 conv2d_40" [id=343, type=conv2d]; -"344 _param_constant107" [id=344, type=get_attr]; -"345 _param_constant108" [id=345, type=get_attr]; -"346 _tensor_constant52" [id=346, type=get_attr]; -"347 _tensor_constant53" [id=347, type=get_attr]; -"348 _native_batch_norm_legit_no_training_26" [id=348, type=_native_batch_norm_legit_no_training]; -"349 getitem_78" [id=349, type=__getitem__]; -"350 conv2d_41_updated_constant0" [id=350, type=get_attr]; -"351 asymmetric_weights_decompressor_conv2d_41_updated_constant0_0" [id=351, type=call_module]; -"352 conv2d_41" [id=352, type=conv2d]; -"353 _param_constant110" [id=353, type=get_attr]; -"354 _param_constant111" [id=354, type=get_attr]; -"355 _tensor_constant54" [id=355, type=get_attr]; -"356 _tensor_constant55" [id=356, type=get_attr]; -"357 _native_batch_norm_legit_no_training_27" [id=357, type=_native_batch_norm_legit_no_training]; -"358 getitem_81" [id=358, type=__getitem__]; -"359 hardswish__13" [id=359, type=hardswish_]; -"360 conv2d_42_updated_constant0" [id=360, type=get_attr]; -"361 asymmetric_weights_decompressor_conv2d_42_updated_constant0_0" [id=361, type=call_module]; -"362 conv2d_42" [id=362, type=conv2d]; -"363 _param_constant113" [id=363, type=get_attr]; -"364 _param_constant114" [id=364, type=get_attr]; -"365 _tensor_constant56" [id=365, type=get_attr]; -"366 _tensor_constant57" [id=366, type=get_attr]; -"367 _native_batch_norm_legit_no_training_28" [id=367, type=_native_batch_norm_legit_no_training]; -"368 getitem_84" [id=368, type=__getitem__]; -"369 hardswish__14" [id=369, type=hardswish_]; -"370 adaptive_avg_pool2d_7" [id=370, type=adaptive_avg_pool2d]; -"371 _param_constant116" [id=371, type=get_attr]; -"372 conv2d_43_updated_constant0" [id=372, type=get_attr]; -"373 asymmetric_weights_decompressor_conv2d_43_updated_constant0_0" [id=373, type=call_module]; -"374 conv2d_43" [id=374, type=conv2d]; -"375 relu_7" [id=375, type=relu]; -"376 _param_constant118" [id=376, type=get_attr]; -"377 conv2d_44_updated_constant0" [id=377, type=get_attr]; -"378 asymmetric_weights_decompressor_conv2d_44_updated_constant0_0" [id=378, type=call_module]; -"379 conv2d_44" [id=379, type=conv2d]; -"380 hardsigmoid_7" [id=380, type=hardsigmoid]; -"381 mul_7" [id=381, type=mul]; -"382 conv2d_45_updated_constant0" [id=382, type=get_attr]; -"383 asymmetric_weights_decompressor_conv2d_45_updated_constant0_0" [id=383, type=call_module]; -"384 conv2d_45" [id=384, type=conv2d]; -"385 _param_constant120" [id=385, type=get_attr]; -"386 _param_constant121" [id=386, type=get_attr]; -"387 _tensor_constant58" [id=387, type=get_attr]; -"388 _tensor_constant59" [id=388, type=get_attr]; -"389 _native_batch_norm_legit_no_training_29" [id=389, type=_native_batch_norm_legit_no_training]; -"390 getitem_87" [id=390, type=__getitem__]; -"391 add__4" [id=391, type=add_]; -"392 conv2d_46_updated_constant0" [id=392, type=get_attr]; -"393 asymmetric_weights_decompressor_conv2d_46_updated_constant0_0" [id=393, type=call_module]; -"394 conv2d_46" [id=394, type=conv2d]; -"395 _param_constant123" [id=395, type=get_attr]; -"396 _param_constant124" [id=396, type=get_attr]; -"397 _tensor_constant60" [id=397, type=get_attr]; -"398 _tensor_constant61" [id=398, type=get_attr]; -"399 _native_batch_norm_legit_no_training_30" [id=399, type=_native_batch_norm_legit_no_training]; -"400 getitem_90" [id=400, type=__getitem__]; -"401 hardswish__15" [id=401, type=hardswish_]; -"402 conv2d_47_updated_constant0" [id=402, type=get_attr]; -"403 asymmetric_weights_decompressor_conv2d_47_updated_constant0_0" [id=403, type=call_module]; -"404 conv2d_47" [id=404, type=conv2d]; -"405 _param_constant126" [id=405, type=get_attr]; -"406 _param_constant127" [id=406, type=get_attr]; -"407 _tensor_constant62" [id=407, type=get_attr]; -"408 _tensor_constant63" [id=408, type=get_attr]; -"409 _native_batch_norm_legit_no_training_31" [id=409, type=_native_batch_norm_legit_no_training]; -"410 getitem_93" [id=410, type=__getitem__]; -"411 hardswish__16" [id=411, type=hardswish_]; -"412 adaptive_avg_pool2d_8" [id=412, type=adaptive_avg_pool2d]; -"413 _param_constant129" [id=413, type=get_attr]; -"414 conv2d_48_updated_constant0" [id=414, type=get_attr]; -"415 asymmetric_weights_decompressor_conv2d_48_updated_constant0_0" [id=415, type=call_module]; -"416 conv2d_48" [id=416, type=conv2d]; -"417 relu_8" [id=417, type=relu]; -"418 _param_constant131" [id=418, type=get_attr]; -"419 conv2d_49_updated_constant0" [id=419, type=get_attr]; -"420 asymmetric_weights_decompressor_conv2d_49_updated_constant0_0" [id=420, type=call_module]; -"421 conv2d_49" [id=421, type=conv2d]; -"422 hardsigmoid_8" [id=422, type=hardsigmoid]; -"423 mul_8" [id=423, type=mul]; -"424 conv2d_50_updated_constant0" [id=424, type=get_attr]; -"425 asymmetric_weights_decompressor_conv2d_50_updated_constant0_0" [id=425, type=call_module]; -"426 conv2d_50" [id=426, type=conv2d]; -"427 _param_constant133" [id=427, type=get_attr]; -"428 _param_constant134" [id=428, type=get_attr]; -"429 _tensor_constant64" [id=429, type=get_attr]; -"430 _tensor_constant65" [id=430, type=get_attr]; -"431 _native_batch_norm_legit_no_training_32" [id=431, type=_native_batch_norm_legit_no_training]; -"432 getitem_96" [id=432, type=__getitem__]; -"433 add__5" [id=433, type=add_]; -"434 conv2d_51_updated_constant0" [id=434, type=get_attr]; -"435 asymmetric_weights_decompressor_conv2d_51_updated_constant0_0" [id=435, type=call_module]; -"436 conv2d_51" [id=436, type=conv2d]; -"437 _param_constant136" [id=437, type=get_attr]; -"438 _param_constant137" [id=438, type=get_attr]; -"439 _tensor_constant66" [id=439, type=get_attr]; -"440 _tensor_constant67" [id=440, type=get_attr]; -"441 _native_batch_norm_legit_no_training_33" [id=441, type=_native_batch_norm_legit_no_training]; -"442 getitem_99" [id=442, type=__getitem__]; -"443 hardswish__17" [id=443, type=hardswish_]; -"444 adaptive_avg_pool2d_9" [id=444, type=adaptive_avg_pool2d]; -"445 flatten" [id=445, type=flatten]; -"446 _param_constant139" [id=446, type=get_attr]; -"447 linear_updated_constant0" [id=447, type=get_attr]; -"448 asymmetric_weights_decompressor_linear_updated_constant0_0" [id=448, type=call_module]; -"449 linear" [id=449, type=linear]; -"450 hardswish__18" [id=450, type=hardswish_]; -"451 dropout_" [id=451, type=dropout_]; -"452 _param_constant141" [id=452, type=get_attr]; -"453 linear_1_updated_constant0" [id=453, type=get_attr]; -"454 asymmetric_weights_decompressor_linear_1_updated_constant0_0" [id=454, type=call_module]; -"455 linear_1" [id=455, type=linear]; -"456 output" [id=456, type=output]; -"0 arg0_1" -> "3 conv2d"; -"1 conv2d_updated_constant0" -> "2 asymmetric_weights_decompressor_conv2d_updated_constant0_0"; -"2 asymmetric_weights_decompressor_conv2d_updated_constant0_0" -> "3 conv2d"; -"3 conv2d" -> "8 _native_batch_norm_legit_no_training"; -"4 _param_constant1" -> "8 _native_batch_norm_legit_no_training"; -"5 _param_constant2" -> "8 _native_batch_norm_legit_no_training"; -"6 _tensor_constant0" -> "8 _native_batch_norm_legit_no_training"; -"7 _tensor_constant1" -> "8 _native_batch_norm_legit_no_training"; -"8 _native_batch_norm_legit_no_training" -> "9 getitem"; -"9 getitem" -> "10 hardswish_"; -"10 hardswish_" -> "13 conv2d_1"; -"11 conv2d_1_updated_constant0" -> "12 asymmetric_weights_decompressor_conv2d_1_updated_constant0_0"; -"12 asymmetric_weights_decompressor_conv2d_1_updated_constant0_0" -> "13 conv2d_1"; -"13 conv2d_1" -> "18 _native_batch_norm_legit_no_training_1"; -"14 _param_constant4" -> "18 _native_batch_norm_legit_no_training_1"; -"15 _param_constant5" -> "18 _native_batch_norm_legit_no_training_1"; -"16 _tensor_constant2" -> "18 _native_batch_norm_legit_no_training_1"; -"17 _tensor_constant3" -> "18 _native_batch_norm_legit_no_training_1"; -"18 _native_batch_norm_legit_no_training_1" -> "19 getitem_3"; -"19 getitem_3" -> "20 relu_"; -"20 relu_" -> "21 adaptive_avg_pool2d"; -"20 relu_" -> "32 mul"; -"21 adaptive_avg_pool2d" -> "25 conv2d_2"; -"22 _param_constant7" -> "25 conv2d_2"; -"23 conv2d_2_updated_constant0" -> "24 asymmetric_weights_decompressor_conv2d_2_updated_constant0_0"; -"24 asymmetric_weights_decompressor_conv2d_2_updated_constant0_0" -> "25 conv2d_2"; -"25 conv2d_2" -> "26 relu"; -"26 relu" -> "30 conv2d_3"; -"27 _param_constant9" -> "30 conv2d_3"; -"28 conv2d_3_updated_constant0" -> "29 asymmetric_weights_decompressor_conv2d_3_updated_constant0_0"; -"29 asymmetric_weights_decompressor_conv2d_3_updated_constant0_0" -> "30 conv2d_3"; -"30 conv2d_3" -> "31 hardsigmoid"; -"31 hardsigmoid" -> "32 mul"; -"32 mul" -> "35 conv2d_4"; -"33 conv2d_4_updated_constant0" -> "34 asymmetric_weights_decompressor_conv2d_4_updated_constant0_0"; -"34 asymmetric_weights_decompressor_conv2d_4_updated_constant0_0" -> "35 conv2d_4"; -"35 conv2d_4" -> "40 _native_batch_norm_legit_no_training_2"; -"36 _param_constant11" -> "40 _native_batch_norm_legit_no_training_2"; -"37 _param_constant12" -> "40 _native_batch_norm_legit_no_training_2"; -"38 _tensor_constant4" -> "40 _native_batch_norm_legit_no_training_2"; -"39 _tensor_constant5" -> "40 _native_batch_norm_legit_no_training_2"; -"40 _native_batch_norm_legit_no_training_2" -> "41 getitem_6"; -"41 getitem_6" -> "44 conv2d_5"; -"42 conv2d_5_updated_constant0" -> "43 asymmetric_weights_decompressor_conv2d_5_updated_constant0_0"; -"43 asymmetric_weights_decompressor_conv2d_5_updated_constant0_0" -> "44 conv2d_5"; -"44 conv2d_5" -> "49 _native_batch_norm_legit_no_training_3"; -"45 _param_constant14" -> "49 _native_batch_norm_legit_no_training_3"; -"46 _param_constant15" -> "49 _native_batch_norm_legit_no_training_3"; -"47 _tensor_constant6" -> "49 _native_batch_norm_legit_no_training_3"; -"48 _tensor_constant7" -> "49 _native_batch_norm_legit_no_training_3"; -"49 _native_batch_norm_legit_no_training_3" -> "50 getitem_9"; -"50 getitem_9" -> "51 relu__1"; -"51 relu__1" -> "54 conv2d_6"; -"52 conv2d_6_updated_constant0" -> "53 asymmetric_weights_decompressor_conv2d_6_updated_constant0_0"; -"53 asymmetric_weights_decompressor_conv2d_6_updated_constant0_0" -> "54 conv2d_6"; -"54 conv2d_6" -> "59 _native_batch_norm_legit_no_training_4"; -"55 _param_constant17" -> "59 _native_batch_norm_legit_no_training_4"; -"56 _param_constant18" -> "59 _native_batch_norm_legit_no_training_4"; -"57 _tensor_constant8" -> "59 _native_batch_norm_legit_no_training_4"; -"58 _tensor_constant9" -> "59 _native_batch_norm_legit_no_training_4"; -"59 _native_batch_norm_legit_no_training_4" -> "60 getitem_12"; -"60 getitem_12" -> "61 relu__2"; -"61 relu__2" -> "64 conv2d_7"; -"62 conv2d_7_updated_constant0" -> "63 asymmetric_weights_decompressor_conv2d_7_updated_constant0_0"; -"63 asymmetric_weights_decompressor_conv2d_7_updated_constant0_0" -> "64 conv2d_7"; -"64 conv2d_7" -> "69 _native_batch_norm_legit_no_training_5"; -"65 _param_constant20" -> "69 _native_batch_norm_legit_no_training_5"; -"66 _param_constant21" -> "69 _native_batch_norm_legit_no_training_5"; -"67 _tensor_constant10" -> "69 _native_batch_norm_legit_no_training_5"; -"68 _tensor_constant11" -> "69 _native_batch_norm_legit_no_training_5"; -"69 _native_batch_norm_legit_no_training_5" -> "70 getitem_15"; -"70 getitem_15" -> "73 conv2d_8"; -"70 getitem_15" -> "100 add_"; -"71 conv2d_8_updated_constant0" -> "72 asymmetric_weights_decompressor_conv2d_8_updated_constant0_0"; -"72 asymmetric_weights_decompressor_conv2d_8_updated_constant0_0" -> "73 conv2d_8"; -"73 conv2d_8" -> "78 _native_batch_norm_legit_no_training_6"; -"74 _param_constant23" -> "78 _native_batch_norm_legit_no_training_6"; -"75 _param_constant24" -> "78 _native_batch_norm_legit_no_training_6"; -"76 _tensor_constant12" -> "78 _native_batch_norm_legit_no_training_6"; -"77 _tensor_constant13" -> "78 _native_batch_norm_legit_no_training_6"; -"78 _native_batch_norm_legit_no_training_6" -> "79 getitem_18"; -"79 getitem_18" -> "80 relu__3"; -"80 relu__3" -> "83 conv2d_9"; -"81 conv2d_9_updated_constant0" -> "82 asymmetric_weights_decompressor_conv2d_9_updated_constant0_0"; -"82 asymmetric_weights_decompressor_conv2d_9_updated_constant0_0" -> "83 conv2d_9"; -"83 conv2d_9" -> "88 _native_batch_norm_legit_no_training_7"; -"84 _param_constant26" -> "88 _native_batch_norm_legit_no_training_7"; -"85 _param_constant27" -> "88 _native_batch_norm_legit_no_training_7"; -"86 _tensor_constant14" -> "88 _native_batch_norm_legit_no_training_7"; -"87 _tensor_constant15" -> "88 _native_batch_norm_legit_no_training_7"; -"88 _native_batch_norm_legit_no_training_7" -> "89 getitem_21"; -"89 getitem_21" -> "90 relu__4"; -"90 relu__4" -> "93 conv2d_10"; -"91 conv2d_10_updated_constant0" -> "92 asymmetric_weights_decompressor_conv2d_10_updated_constant0_0"; -"92 asymmetric_weights_decompressor_conv2d_10_updated_constant0_0" -> "93 conv2d_10"; -"93 conv2d_10" -> "98 _native_batch_norm_legit_no_training_8"; -"94 _param_constant29" -> "98 _native_batch_norm_legit_no_training_8"; -"95 _param_constant30" -> "98 _native_batch_norm_legit_no_training_8"; -"96 _tensor_constant16" -> "98 _native_batch_norm_legit_no_training_8"; -"97 _tensor_constant17" -> "98 _native_batch_norm_legit_no_training_8"; -"98 _native_batch_norm_legit_no_training_8" -> "99 getitem_24"; -"99 getitem_24" -> "100 add_"; -"100 add_" -> "103 conv2d_11"; -"101 conv2d_11_updated_constant0" -> "102 asymmetric_weights_decompressor_conv2d_11_updated_constant0_0"; -"102 asymmetric_weights_decompressor_conv2d_11_updated_constant0_0" -> "103 conv2d_11"; -"103 conv2d_11" -> "108 _native_batch_norm_legit_no_training_9"; -"104 _param_constant32" -> "108 _native_batch_norm_legit_no_training_9"; -"105 _param_constant33" -> "108 _native_batch_norm_legit_no_training_9"; -"106 _tensor_constant18" -> "108 _native_batch_norm_legit_no_training_9"; -"107 _tensor_constant19" -> "108 _native_batch_norm_legit_no_training_9"; -"108 _native_batch_norm_legit_no_training_9" -> "109 getitem_27"; -"109 getitem_27" -> "110 hardswish__1"; -"110 hardswish__1" -> "113 conv2d_12"; -"111 conv2d_12_updated_constant0" -> "112 asymmetric_weights_decompressor_conv2d_12_updated_constant0_0"; -"112 asymmetric_weights_decompressor_conv2d_12_updated_constant0_0" -> "113 conv2d_12"; -"113 conv2d_12" -> "118 _native_batch_norm_legit_no_training_10"; -"114 _param_constant35" -> "118 _native_batch_norm_legit_no_training_10"; -"115 _param_constant36" -> "118 _native_batch_norm_legit_no_training_10"; -"116 _tensor_constant20" -> "118 _native_batch_norm_legit_no_training_10"; -"117 _tensor_constant21" -> "118 _native_batch_norm_legit_no_training_10"; -"118 _native_batch_norm_legit_no_training_10" -> "119 getitem_30"; -"119 getitem_30" -> "120 hardswish__2"; -"120 hardswish__2" -> "121 adaptive_avg_pool2d_1"; -"120 hardswish__2" -> "132 mul_1"; -"121 adaptive_avg_pool2d_1" -> "125 conv2d_13"; -"122 _param_constant38" -> "125 conv2d_13"; -"123 conv2d_13_updated_constant0" -> "124 asymmetric_weights_decompressor_conv2d_13_updated_constant0_0"; -"124 asymmetric_weights_decompressor_conv2d_13_updated_constant0_0" -> "125 conv2d_13"; -"125 conv2d_13" -> "126 relu_1"; -"126 relu_1" -> "130 conv2d_14"; -"127 _param_constant40" -> "130 conv2d_14"; -"128 conv2d_14_updated_constant0" -> "129 asymmetric_weights_decompressor_conv2d_14_updated_constant0_0"; -"129 asymmetric_weights_decompressor_conv2d_14_updated_constant0_0" -> "130 conv2d_14"; -"130 conv2d_14" -> "131 hardsigmoid_1"; -"131 hardsigmoid_1" -> "132 mul_1"; -"132 mul_1" -> "135 conv2d_15"; -"133 conv2d_15_updated_constant0" -> "134 asymmetric_weights_decompressor_conv2d_15_updated_constant0_0"; -"134 asymmetric_weights_decompressor_conv2d_15_updated_constant0_0" -> "135 conv2d_15"; -"135 conv2d_15" -> "140 _native_batch_norm_legit_no_training_11"; -"136 _param_constant42" -> "140 _native_batch_norm_legit_no_training_11"; -"137 _param_constant43" -> "140 _native_batch_norm_legit_no_training_11"; -"138 _tensor_constant22" -> "140 _native_batch_norm_legit_no_training_11"; -"139 _tensor_constant23" -> "140 _native_batch_norm_legit_no_training_11"; -"140 _native_batch_norm_legit_no_training_11" -> "141 getitem_33"; -"141 getitem_33" -> "144 conv2d_16"; -"141 getitem_33" -> "183 add__1"; -"142 conv2d_16_updated_constant0" -> "143 asymmetric_weights_decompressor_conv2d_16_updated_constant0_0"; -"143 asymmetric_weights_decompressor_conv2d_16_updated_constant0_0" -> "144 conv2d_16"; -"144 conv2d_16" -> "149 _native_batch_norm_legit_no_training_12"; -"145 _param_constant45" -> "149 _native_batch_norm_legit_no_training_12"; -"146 _param_constant46" -> "149 _native_batch_norm_legit_no_training_12"; -"147 _tensor_constant24" -> "149 _native_batch_norm_legit_no_training_12"; -"148 _tensor_constant25" -> "149 _native_batch_norm_legit_no_training_12"; -"149 _native_batch_norm_legit_no_training_12" -> "150 getitem_36"; -"150 getitem_36" -> "151 hardswish__3"; -"151 hardswish__3" -> "154 conv2d_17"; -"152 conv2d_17_updated_constant0" -> "153 asymmetric_weights_decompressor_conv2d_17_updated_constant0_0"; -"153 asymmetric_weights_decompressor_conv2d_17_updated_constant0_0" -> "154 conv2d_17"; -"154 conv2d_17" -> "159 _native_batch_norm_legit_no_training_13"; -"155 _param_constant48" -> "159 _native_batch_norm_legit_no_training_13"; -"156 _param_constant49" -> "159 _native_batch_norm_legit_no_training_13"; -"157 _tensor_constant26" -> "159 _native_batch_norm_legit_no_training_13"; -"158 _tensor_constant27" -> "159 _native_batch_norm_legit_no_training_13"; -"159 _native_batch_norm_legit_no_training_13" -> "160 getitem_39"; -"160 getitem_39" -> "161 hardswish__4"; -"161 hardswish__4" -> "162 adaptive_avg_pool2d_2"; -"161 hardswish__4" -> "173 mul_2"; -"162 adaptive_avg_pool2d_2" -> "166 conv2d_18"; -"163 _param_constant51" -> "166 conv2d_18"; -"164 conv2d_18_updated_constant0" -> "165 asymmetric_weights_decompressor_conv2d_18_updated_constant0_0"; -"165 asymmetric_weights_decompressor_conv2d_18_updated_constant0_0" -> "166 conv2d_18"; -"166 conv2d_18" -> "167 relu_2"; -"167 relu_2" -> "171 conv2d_19"; -"168 _param_constant53" -> "171 conv2d_19"; -"169 conv2d_19_updated_constant0" -> "170 asymmetric_weights_decompressor_conv2d_19_updated_constant0_0"; -"170 asymmetric_weights_decompressor_conv2d_19_updated_constant0_0" -> "171 conv2d_19"; -"171 conv2d_19" -> "172 hardsigmoid_2"; -"172 hardsigmoid_2" -> "173 mul_2"; -"173 mul_2" -> "176 conv2d_20"; -"174 conv2d_20_updated_constant0" -> "175 asymmetric_weights_decompressor_conv2d_20_updated_constant0_0"; -"175 asymmetric_weights_decompressor_conv2d_20_updated_constant0_0" -> "176 conv2d_20"; -"176 conv2d_20" -> "181 _native_batch_norm_legit_no_training_14"; -"177 _param_constant55" -> "181 _native_batch_norm_legit_no_training_14"; -"178 _param_constant56" -> "181 _native_batch_norm_legit_no_training_14"; -"179 _tensor_constant28" -> "181 _native_batch_norm_legit_no_training_14"; -"180 _tensor_constant29" -> "181 _native_batch_norm_legit_no_training_14"; -"181 _native_batch_norm_legit_no_training_14" -> "182 getitem_42"; -"182 getitem_42" -> "183 add__1"; -"183 add__1" -> "186 conv2d_21"; -"183 add__1" -> "225 add__2"; -"184 conv2d_21_updated_constant0" -> "185 asymmetric_weights_decompressor_conv2d_21_updated_constant0_0"; -"185 asymmetric_weights_decompressor_conv2d_21_updated_constant0_0" -> "186 conv2d_21"; -"186 conv2d_21" -> "191 _native_batch_norm_legit_no_training_15"; -"187 _param_constant58" -> "191 _native_batch_norm_legit_no_training_15"; -"188 _param_constant59" -> "191 _native_batch_norm_legit_no_training_15"; -"189 _tensor_constant30" -> "191 _native_batch_norm_legit_no_training_15"; -"190 _tensor_constant31" -> "191 _native_batch_norm_legit_no_training_15"; -"191 _native_batch_norm_legit_no_training_15" -> "192 getitem_45"; -"192 getitem_45" -> "193 hardswish__5"; -"193 hardswish__5" -> "196 conv2d_22"; -"194 conv2d_22_updated_constant0" -> "195 asymmetric_weights_decompressor_conv2d_22_updated_constant0_0"; -"195 asymmetric_weights_decompressor_conv2d_22_updated_constant0_0" -> "196 conv2d_22"; -"196 conv2d_22" -> "201 _native_batch_norm_legit_no_training_16"; -"197 _param_constant61" -> "201 _native_batch_norm_legit_no_training_16"; -"198 _param_constant62" -> "201 _native_batch_norm_legit_no_training_16"; -"199 _tensor_constant32" -> "201 _native_batch_norm_legit_no_training_16"; -"200 _tensor_constant33" -> "201 _native_batch_norm_legit_no_training_16"; -"201 _native_batch_norm_legit_no_training_16" -> "202 getitem_48"; -"202 getitem_48" -> "203 hardswish__6"; -"203 hardswish__6" -> "204 adaptive_avg_pool2d_3"; -"203 hardswish__6" -> "215 mul_3"; -"204 adaptive_avg_pool2d_3" -> "208 conv2d_23"; -"205 _param_constant64" -> "208 conv2d_23"; -"206 conv2d_23_updated_constant0" -> "207 asymmetric_weights_decompressor_conv2d_23_updated_constant0_0"; -"207 asymmetric_weights_decompressor_conv2d_23_updated_constant0_0" -> "208 conv2d_23"; -"208 conv2d_23" -> "209 relu_3"; -"209 relu_3" -> "213 conv2d_24"; -"210 _param_constant66" -> "213 conv2d_24"; -"211 conv2d_24_updated_constant0" -> "212 asymmetric_weights_decompressor_conv2d_24_updated_constant0_0"; -"212 asymmetric_weights_decompressor_conv2d_24_updated_constant0_0" -> "213 conv2d_24"; -"213 conv2d_24" -> "214 hardsigmoid_3"; -"214 hardsigmoid_3" -> "215 mul_3"; -"215 mul_3" -> "218 conv2d_25"; -"216 conv2d_25_updated_constant0" -> "217 asymmetric_weights_decompressor_conv2d_25_updated_constant0_0"; -"217 asymmetric_weights_decompressor_conv2d_25_updated_constant0_0" -> "218 conv2d_25"; -"218 conv2d_25" -> "223 _native_batch_norm_legit_no_training_17"; -"219 _param_constant68" -> "223 _native_batch_norm_legit_no_training_17"; -"220 _param_constant69" -> "223 _native_batch_norm_legit_no_training_17"; -"221 _tensor_constant34" -> "223 _native_batch_norm_legit_no_training_17"; -"222 _tensor_constant35" -> "223 _native_batch_norm_legit_no_training_17"; -"223 _native_batch_norm_legit_no_training_17" -> "224 getitem_51"; -"224 getitem_51" -> "225 add__2"; -"225 add__2" -> "228 conv2d_26"; -"226 conv2d_26_updated_constant0" -> "227 asymmetric_weights_decompressor_conv2d_26_updated_constant0_0"; -"227 asymmetric_weights_decompressor_conv2d_26_updated_constant0_0" -> "228 conv2d_26"; -"228 conv2d_26" -> "233 _native_batch_norm_legit_no_training_18"; -"229 _param_constant71" -> "233 _native_batch_norm_legit_no_training_18"; -"230 _param_constant72" -> "233 _native_batch_norm_legit_no_training_18"; -"231 _tensor_constant36" -> "233 _native_batch_norm_legit_no_training_18"; -"232 _tensor_constant37" -> "233 _native_batch_norm_legit_no_training_18"; -"233 _native_batch_norm_legit_no_training_18" -> "234 getitem_54"; -"234 getitem_54" -> "235 hardswish__7"; -"235 hardswish__7" -> "238 conv2d_27"; -"236 conv2d_27_updated_constant0" -> "237 asymmetric_weights_decompressor_conv2d_27_updated_constant0_0"; -"237 asymmetric_weights_decompressor_conv2d_27_updated_constant0_0" -> "238 conv2d_27"; -"238 conv2d_27" -> "243 _native_batch_norm_legit_no_training_19"; -"239 _param_constant74" -> "243 _native_batch_norm_legit_no_training_19"; -"240 _param_constant75" -> "243 _native_batch_norm_legit_no_training_19"; -"241 _tensor_constant38" -> "243 _native_batch_norm_legit_no_training_19"; -"242 _tensor_constant39" -> "243 _native_batch_norm_legit_no_training_19"; -"243 _native_batch_norm_legit_no_training_19" -> "244 getitem_57"; -"244 getitem_57" -> "245 hardswish__8"; -"245 hardswish__8" -> "246 adaptive_avg_pool2d_4"; -"245 hardswish__8" -> "257 mul_4"; -"246 adaptive_avg_pool2d_4" -> "250 conv2d_28"; -"247 _param_constant77" -> "250 conv2d_28"; -"248 conv2d_28_updated_constant0" -> "249 asymmetric_weights_decompressor_conv2d_28_updated_constant0_0"; -"249 asymmetric_weights_decompressor_conv2d_28_updated_constant0_0" -> "250 conv2d_28"; -"250 conv2d_28" -> "251 relu_4"; -"251 relu_4" -> "255 conv2d_29"; -"252 _param_constant79" -> "255 conv2d_29"; -"253 conv2d_29_updated_constant0" -> "254 asymmetric_weights_decompressor_conv2d_29_updated_constant0_0"; -"254 asymmetric_weights_decompressor_conv2d_29_updated_constant0_0" -> "255 conv2d_29"; -"255 conv2d_29" -> "256 hardsigmoid_4"; -"256 hardsigmoid_4" -> "257 mul_4"; -"257 mul_4" -> "260 conv2d_30"; -"258 conv2d_30_updated_constant0" -> "259 asymmetric_weights_decompressor_conv2d_30_updated_constant0_0"; -"259 asymmetric_weights_decompressor_conv2d_30_updated_constant0_0" -> "260 conv2d_30"; -"260 conv2d_30" -> "265 _native_batch_norm_legit_no_training_20"; -"261 _param_constant81" -> "265 _native_batch_norm_legit_no_training_20"; -"262 _param_constant82" -> "265 _native_batch_norm_legit_no_training_20"; -"263 _tensor_constant40" -> "265 _native_batch_norm_legit_no_training_20"; -"264 _tensor_constant41" -> "265 _native_batch_norm_legit_no_training_20"; -"265 _native_batch_norm_legit_no_training_20" -> "266 getitem_60"; -"266 getitem_60" -> "269 conv2d_31"; -"266 getitem_60" -> "308 add__3"; -"267 conv2d_31_updated_constant0" -> "268 asymmetric_weights_decompressor_conv2d_31_updated_constant0_0"; -"268 asymmetric_weights_decompressor_conv2d_31_updated_constant0_0" -> "269 conv2d_31"; -"269 conv2d_31" -> "274 _native_batch_norm_legit_no_training_21"; -"270 _param_constant84" -> "274 _native_batch_norm_legit_no_training_21"; -"271 _param_constant85" -> "274 _native_batch_norm_legit_no_training_21"; -"272 _tensor_constant42" -> "274 _native_batch_norm_legit_no_training_21"; -"273 _tensor_constant43" -> "274 _native_batch_norm_legit_no_training_21"; -"274 _native_batch_norm_legit_no_training_21" -> "275 getitem_63"; -"275 getitem_63" -> "276 hardswish__9"; -"276 hardswish__9" -> "279 conv2d_32"; -"277 conv2d_32_updated_constant0" -> "278 asymmetric_weights_decompressor_conv2d_32_updated_constant0_0"; -"278 asymmetric_weights_decompressor_conv2d_32_updated_constant0_0" -> "279 conv2d_32"; -"279 conv2d_32" -> "284 _native_batch_norm_legit_no_training_22"; -"280 _param_constant87" -> "284 _native_batch_norm_legit_no_training_22"; -"281 _param_constant88" -> "284 _native_batch_norm_legit_no_training_22"; -"282 _tensor_constant44" -> "284 _native_batch_norm_legit_no_training_22"; -"283 _tensor_constant45" -> "284 _native_batch_norm_legit_no_training_22"; -"284 _native_batch_norm_legit_no_training_22" -> "285 getitem_66"; -"285 getitem_66" -> "286 hardswish__10"; -"286 hardswish__10" -> "287 adaptive_avg_pool2d_5"; -"286 hardswish__10" -> "298 mul_5"; -"287 adaptive_avg_pool2d_5" -> "291 conv2d_33"; -"288 _param_constant90" -> "291 conv2d_33"; -"289 conv2d_33_updated_constant0" -> "290 asymmetric_weights_decompressor_conv2d_33_updated_constant0_0"; -"290 asymmetric_weights_decompressor_conv2d_33_updated_constant0_0" -> "291 conv2d_33"; -"291 conv2d_33" -> "292 relu_5"; -"292 relu_5" -> "296 conv2d_34"; -"293 _param_constant92" -> "296 conv2d_34"; -"294 conv2d_34_updated_constant0" -> "295 asymmetric_weights_decompressor_conv2d_34_updated_constant0_0"; -"295 asymmetric_weights_decompressor_conv2d_34_updated_constant0_0" -> "296 conv2d_34"; -"296 conv2d_34" -> "297 hardsigmoid_5"; -"297 hardsigmoid_5" -> "298 mul_5"; -"298 mul_5" -> "301 conv2d_35"; -"299 conv2d_35_updated_constant0" -> "300 asymmetric_weights_decompressor_conv2d_35_updated_constant0_0"; -"300 asymmetric_weights_decompressor_conv2d_35_updated_constant0_0" -> "301 conv2d_35"; -"301 conv2d_35" -> "306 _native_batch_norm_legit_no_training_23"; -"302 _param_constant94" -> "306 _native_batch_norm_legit_no_training_23"; -"303 _param_constant95" -> "306 _native_batch_norm_legit_no_training_23"; -"304 _tensor_constant46" -> "306 _native_batch_norm_legit_no_training_23"; -"305 _tensor_constant47" -> "306 _native_batch_norm_legit_no_training_23"; -"306 _native_batch_norm_legit_no_training_23" -> "307 getitem_69"; -"307 getitem_69" -> "308 add__3"; -"308 add__3" -> "311 conv2d_36"; -"309 conv2d_36_updated_constant0" -> "310 asymmetric_weights_decompressor_conv2d_36_updated_constant0_0"; -"310 asymmetric_weights_decompressor_conv2d_36_updated_constant0_0" -> "311 conv2d_36"; -"311 conv2d_36" -> "316 _native_batch_norm_legit_no_training_24"; -"312 _param_constant97" -> "316 _native_batch_norm_legit_no_training_24"; -"313 _param_constant98" -> "316 _native_batch_norm_legit_no_training_24"; -"314 _tensor_constant48" -> "316 _native_batch_norm_legit_no_training_24"; -"315 _tensor_constant49" -> "316 _native_batch_norm_legit_no_training_24"; -"316 _native_batch_norm_legit_no_training_24" -> "317 getitem_72"; -"317 getitem_72" -> "318 hardswish__11"; -"318 hardswish__11" -> "321 conv2d_37"; -"319 conv2d_37_updated_constant0" -> "320 asymmetric_weights_decompressor_conv2d_37_updated_constant0_0"; -"320 asymmetric_weights_decompressor_conv2d_37_updated_constant0_0" -> "321 conv2d_37"; -"321 conv2d_37" -> "326 _native_batch_norm_legit_no_training_25"; -"322 _param_constant100" -> "326 _native_batch_norm_legit_no_training_25"; -"323 _param_constant101" -> "326 _native_batch_norm_legit_no_training_25"; -"324 _tensor_constant50" -> "326 _native_batch_norm_legit_no_training_25"; -"325 _tensor_constant51" -> "326 _native_batch_norm_legit_no_training_25"; -"326 _native_batch_norm_legit_no_training_25" -> "327 getitem_75"; -"327 getitem_75" -> "328 hardswish__12"; -"328 hardswish__12" -> "329 adaptive_avg_pool2d_6"; -"328 hardswish__12" -> "340 mul_6"; -"329 adaptive_avg_pool2d_6" -> "333 conv2d_38"; -"330 _param_constant103" -> "333 conv2d_38"; -"331 conv2d_38_updated_constant0" -> "332 asymmetric_weights_decompressor_conv2d_38_updated_constant0_0"; -"332 asymmetric_weights_decompressor_conv2d_38_updated_constant0_0" -> "333 conv2d_38"; -"333 conv2d_38" -> "334 relu_6"; -"334 relu_6" -> "338 conv2d_39"; -"335 _param_constant105" -> "338 conv2d_39"; -"336 conv2d_39_updated_constant0" -> "337 asymmetric_weights_decompressor_conv2d_39_updated_constant0_0"; -"337 asymmetric_weights_decompressor_conv2d_39_updated_constant0_0" -> "338 conv2d_39"; -"338 conv2d_39" -> "339 hardsigmoid_6"; -"339 hardsigmoid_6" -> "340 mul_6"; -"340 mul_6" -> "343 conv2d_40"; -"341 conv2d_40_updated_constant0" -> "342 asymmetric_weights_decompressor_conv2d_40_updated_constant0_0"; -"342 asymmetric_weights_decompressor_conv2d_40_updated_constant0_0" -> "343 conv2d_40"; -"343 conv2d_40" -> "348 _native_batch_norm_legit_no_training_26"; -"344 _param_constant107" -> "348 _native_batch_norm_legit_no_training_26"; -"345 _param_constant108" -> "348 _native_batch_norm_legit_no_training_26"; -"346 _tensor_constant52" -> "348 _native_batch_norm_legit_no_training_26"; -"347 _tensor_constant53" -> "348 _native_batch_norm_legit_no_training_26"; -"348 _native_batch_norm_legit_no_training_26" -> "349 getitem_78"; -"349 getitem_78" -> "352 conv2d_41"; -"349 getitem_78" -> "391 add__4"; -"350 conv2d_41_updated_constant0" -> "351 asymmetric_weights_decompressor_conv2d_41_updated_constant0_0"; -"351 asymmetric_weights_decompressor_conv2d_41_updated_constant0_0" -> "352 conv2d_41"; -"352 conv2d_41" -> "357 _native_batch_norm_legit_no_training_27"; -"353 _param_constant110" -> "357 _native_batch_norm_legit_no_training_27"; -"354 _param_constant111" -> "357 _native_batch_norm_legit_no_training_27"; -"355 _tensor_constant54" -> "357 _native_batch_norm_legit_no_training_27"; -"356 _tensor_constant55" -> "357 _native_batch_norm_legit_no_training_27"; -"357 _native_batch_norm_legit_no_training_27" -> "358 getitem_81"; -"358 getitem_81" -> "359 hardswish__13"; -"359 hardswish__13" -> "362 conv2d_42"; -"360 conv2d_42_updated_constant0" -> "361 asymmetric_weights_decompressor_conv2d_42_updated_constant0_0"; -"361 asymmetric_weights_decompressor_conv2d_42_updated_constant0_0" -> "362 conv2d_42"; -"362 conv2d_42" -> "367 _native_batch_norm_legit_no_training_28"; -"363 _param_constant113" -> "367 _native_batch_norm_legit_no_training_28"; -"364 _param_constant114" -> "367 _native_batch_norm_legit_no_training_28"; -"365 _tensor_constant56" -> "367 _native_batch_norm_legit_no_training_28"; -"366 _tensor_constant57" -> "367 _native_batch_norm_legit_no_training_28"; -"367 _native_batch_norm_legit_no_training_28" -> "368 getitem_84"; -"368 getitem_84" -> "369 hardswish__14"; -"369 hardswish__14" -> "370 adaptive_avg_pool2d_7"; -"369 hardswish__14" -> "381 mul_7"; -"370 adaptive_avg_pool2d_7" -> "374 conv2d_43"; -"371 _param_constant116" -> "374 conv2d_43"; -"372 conv2d_43_updated_constant0" -> "373 asymmetric_weights_decompressor_conv2d_43_updated_constant0_0"; -"373 asymmetric_weights_decompressor_conv2d_43_updated_constant0_0" -> "374 conv2d_43"; -"374 conv2d_43" -> "375 relu_7"; -"375 relu_7" -> "379 conv2d_44"; -"376 _param_constant118" -> "379 conv2d_44"; -"377 conv2d_44_updated_constant0" -> "378 asymmetric_weights_decompressor_conv2d_44_updated_constant0_0"; -"378 asymmetric_weights_decompressor_conv2d_44_updated_constant0_0" -> "379 conv2d_44"; -"379 conv2d_44" -> "380 hardsigmoid_7"; -"380 hardsigmoid_7" -> "381 mul_7"; -"381 mul_7" -> "384 conv2d_45"; -"382 conv2d_45_updated_constant0" -> "383 asymmetric_weights_decompressor_conv2d_45_updated_constant0_0"; -"383 asymmetric_weights_decompressor_conv2d_45_updated_constant0_0" -> "384 conv2d_45"; -"384 conv2d_45" -> "389 _native_batch_norm_legit_no_training_29"; -"385 _param_constant120" -> "389 _native_batch_norm_legit_no_training_29"; -"386 _param_constant121" -> "389 _native_batch_norm_legit_no_training_29"; -"387 _tensor_constant58" -> "389 _native_batch_norm_legit_no_training_29"; -"388 _tensor_constant59" -> "389 _native_batch_norm_legit_no_training_29"; -"389 _native_batch_norm_legit_no_training_29" -> "390 getitem_87"; -"390 getitem_87" -> "391 add__4"; -"391 add__4" -> "394 conv2d_46"; -"391 add__4" -> "433 add__5"; -"392 conv2d_46_updated_constant0" -> "393 asymmetric_weights_decompressor_conv2d_46_updated_constant0_0"; -"393 asymmetric_weights_decompressor_conv2d_46_updated_constant0_0" -> "394 conv2d_46"; -"394 conv2d_46" -> "399 _native_batch_norm_legit_no_training_30"; -"395 _param_constant123" -> "399 _native_batch_norm_legit_no_training_30"; -"396 _param_constant124" -> "399 _native_batch_norm_legit_no_training_30"; -"397 _tensor_constant60" -> "399 _native_batch_norm_legit_no_training_30"; -"398 _tensor_constant61" -> "399 _native_batch_norm_legit_no_training_30"; -"399 _native_batch_norm_legit_no_training_30" -> "400 getitem_90"; -"400 getitem_90" -> "401 hardswish__15"; -"401 hardswish__15" -> "404 conv2d_47"; -"402 conv2d_47_updated_constant0" -> "403 asymmetric_weights_decompressor_conv2d_47_updated_constant0_0"; -"403 asymmetric_weights_decompressor_conv2d_47_updated_constant0_0" -> "404 conv2d_47"; -"404 conv2d_47" -> "409 _native_batch_norm_legit_no_training_31"; -"405 _param_constant126" -> "409 _native_batch_norm_legit_no_training_31"; -"406 _param_constant127" -> "409 _native_batch_norm_legit_no_training_31"; -"407 _tensor_constant62" -> "409 _native_batch_norm_legit_no_training_31"; -"408 _tensor_constant63" -> "409 _native_batch_norm_legit_no_training_31"; -"409 _native_batch_norm_legit_no_training_31" -> "410 getitem_93"; -"410 getitem_93" -> "411 hardswish__16"; -"411 hardswish__16" -> "412 adaptive_avg_pool2d_8"; -"411 hardswish__16" -> "423 mul_8"; -"412 adaptive_avg_pool2d_8" -> "416 conv2d_48"; -"413 _param_constant129" -> "416 conv2d_48"; -"414 conv2d_48_updated_constant0" -> "415 asymmetric_weights_decompressor_conv2d_48_updated_constant0_0"; -"415 asymmetric_weights_decompressor_conv2d_48_updated_constant0_0" -> "416 conv2d_48"; -"416 conv2d_48" -> "417 relu_8"; -"417 relu_8" -> "421 conv2d_49"; -"418 _param_constant131" -> "421 conv2d_49"; -"419 conv2d_49_updated_constant0" -> "420 asymmetric_weights_decompressor_conv2d_49_updated_constant0_0"; -"420 asymmetric_weights_decompressor_conv2d_49_updated_constant0_0" -> "421 conv2d_49"; -"421 conv2d_49" -> "422 hardsigmoid_8"; -"422 hardsigmoid_8" -> "423 mul_8"; -"423 mul_8" -> "426 conv2d_50"; -"424 conv2d_50_updated_constant0" -> "425 asymmetric_weights_decompressor_conv2d_50_updated_constant0_0"; -"425 asymmetric_weights_decompressor_conv2d_50_updated_constant0_0" -> "426 conv2d_50"; -"426 conv2d_50" -> "431 _native_batch_norm_legit_no_training_32"; -"427 _param_constant133" -> "431 _native_batch_norm_legit_no_training_32"; -"428 _param_constant134" -> "431 _native_batch_norm_legit_no_training_32"; -"429 _tensor_constant64" -> "431 _native_batch_norm_legit_no_training_32"; -"430 _tensor_constant65" -> "431 _native_batch_norm_legit_no_training_32"; -"431 _native_batch_norm_legit_no_training_32" -> "432 getitem_96"; -"432 getitem_96" -> "433 add__5"; -"433 add__5" -> "436 conv2d_51"; -"434 conv2d_51_updated_constant0" -> "435 asymmetric_weights_decompressor_conv2d_51_updated_constant0_0"; -"435 asymmetric_weights_decompressor_conv2d_51_updated_constant0_0" -> "436 conv2d_51"; -"436 conv2d_51" -> "441 _native_batch_norm_legit_no_training_33"; -"437 _param_constant136" -> "441 _native_batch_norm_legit_no_training_33"; -"438 _param_constant137" -> "441 _native_batch_norm_legit_no_training_33"; -"439 _tensor_constant66" -> "441 _native_batch_norm_legit_no_training_33"; -"440 _tensor_constant67" -> "441 _native_batch_norm_legit_no_training_33"; -"441 _native_batch_norm_legit_no_training_33" -> "442 getitem_99"; -"442 getitem_99" -> "443 hardswish__17"; -"443 hardswish__17" -> "444 adaptive_avg_pool2d_9"; -"444 adaptive_avg_pool2d_9" -> "445 flatten"; -"445 flatten" -> "449 linear"; -"446 _param_constant139" -> "449 linear"; -"447 linear_updated_constant0" -> "448 asymmetric_weights_decompressor_linear_updated_constant0_0"; -"448 asymmetric_weights_decompressor_linear_updated_constant0_0" -> "449 linear"; -"449 linear" -> "450 hardswish__18"; -"450 hardswish__18" -> "451 dropout_"; -"451 dropout_" -> "455 linear_1"; -"452 _param_constant141" -> "455 linear_1"; -"453 linear_1_updated_constant0" -> "454 asymmetric_weights_decompressor_linear_1_updated_constant0_0"; -"454 asymmetric_weights_decompressor_linear_1_updated_constant0_0" -> "455 linear_1"; -"455 linear_1" -> "456 output"; -} diff --git a/tests/torch/data/reference_graphs/fx/compressed/mobilenet_v3_small_int8_sym.dot b/tests/torch/data/reference_graphs/fx/compressed/mobilenet_v3_small_int8_sym.dot deleted file mode 100644 index accaa81c6d2..00000000000 --- a/tests/torch/data/reference_graphs/fx/compressed/mobilenet_v3_small_int8_sym.dot +++ /dev/null @@ -1,930 +0,0 @@ -strict digraph { -"0 arg0_1" [id=0, type=input]; -"1 conv2d_updated_constant0" [id=1, type=get_attr]; -"2 symmetric_weights_decompressor_conv2d_updated_constant0_0" [id=2, type=call_module]; -"3 conv2d" [id=3, type=conv2d]; -"4 _param_constant1" [id=4, type=get_attr]; -"5 _param_constant2" [id=5, type=get_attr]; -"6 _tensor_constant0" [id=6, type=get_attr]; -"7 _tensor_constant1" [id=7, type=get_attr]; -"8 _native_batch_norm_legit_no_training" [id=8, type=_native_batch_norm_legit_no_training]; -"9 getitem" [id=9, type=__getitem__]; -"10 hardswish_" [id=10, type=hardswish_]; -"11 conv2d_1_updated_constant0" [id=11, type=get_attr]; -"12 symmetric_weights_decompressor_conv2d_1_updated_constant0_0" [id=12, type=call_module]; -"13 conv2d_1" [id=13, type=conv2d]; -"14 _param_constant4" [id=14, type=get_attr]; -"15 _param_constant5" [id=15, type=get_attr]; -"16 _tensor_constant2" [id=16, type=get_attr]; -"17 _tensor_constant3" [id=17, type=get_attr]; -"18 _native_batch_norm_legit_no_training_1" [id=18, type=_native_batch_norm_legit_no_training]; -"19 getitem_3" [id=19, type=__getitem__]; -"20 relu_" [id=20, type=relu_]; -"21 adaptive_avg_pool2d" [id=21, type=adaptive_avg_pool2d]; -"22 _param_constant7" [id=22, type=get_attr]; -"23 conv2d_2_updated_constant0" [id=23, type=get_attr]; -"24 symmetric_weights_decompressor_conv2d_2_updated_constant0_0" [id=24, type=call_module]; -"25 conv2d_2" [id=25, type=conv2d]; -"26 relu" [id=26, type=relu]; -"27 _param_constant9" [id=27, type=get_attr]; -"28 conv2d_3_updated_constant0" [id=28, type=get_attr]; -"29 symmetric_weights_decompressor_conv2d_3_updated_constant0_0" [id=29, type=call_module]; -"30 conv2d_3" [id=30, type=conv2d]; -"31 hardsigmoid" [id=31, type=hardsigmoid]; -"32 mul" [id=32, type=mul]; -"33 conv2d_4_updated_constant0" [id=33, type=get_attr]; -"34 symmetric_weights_decompressor_conv2d_4_updated_constant0_0" [id=34, type=call_module]; -"35 conv2d_4" [id=35, type=conv2d]; -"36 _param_constant11" [id=36, type=get_attr]; -"37 _param_constant12" [id=37, type=get_attr]; -"38 _tensor_constant4" [id=38, type=get_attr]; -"39 _tensor_constant5" [id=39, type=get_attr]; -"40 _native_batch_norm_legit_no_training_2" [id=40, type=_native_batch_norm_legit_no_training]; -"41 getitem_6" [id=41, type=__getitem__]; -"42 conv2d_5_updated_constant0" [id=42, type=get_attr]; -"43 symmetric_weights_decompressor_conv2d_5_updated_constant0_0" [id=43, type=call_module]; -"44 conv2d_5" [id=44, type=conv2d]; -"45 _param_constant14" [id=45, type=get_attr]; -"46 _param_constant15" [id=46, type=get_attr]; -"47 _tensor_constant6" [id=47, type=get_attr]; -"48 _tensor_constant7" [id=48, type=get_attr]; -"49 _native_batch_norm_legit_no_training_3" [id=49, type=_native_batch_norm_legit_no_training]; -"50 getitem_9" [id=50, type=__getitem__]; -"51 relu__1" [id=51, type=relu_]; -"52 conv2d_6_updated_constant0" [id=52, type=get_attr]; -"53 symmetric_weights_decompressor_conv2d_6_updated_constant0_0" [id=53, type=call_module]; -"54 conv2d_6" [id=54, type=conv2d]; -"55 _param_constant17" [id=55, type=get_attr]; -"56 _param_constant18" [id=56, type=get_attr]; -"57 _tensor_constant8" [id=57, type=get_attr]; -"58 _tensor_constant9" [id=58, type=get_attr]; -"59 _native_batch_norm_legit_no_training_4" [id=59, type=_native_batch_norm_legit_no_training]; -"60 getitem_12" [id=60, type=__getitem__]; -"61 relu__2" [id=61, type=relu_]; -"62 conv2d_7_updated_constant0" [id=62, type=get_attr]; -"63 symmetric_weights_decompressor_conv2d_7_updated_constant0_0" [id=63, type=call_module]; -"64 conv2d_7" [id=64, type=conv2d]; -"65 _param_constant20" [id=65, type=get_attr]; -"66 _param_constant21" [id=66, type=get_attr]; -"67 _tensor_constant10" [id=67, type=get_attr]; -"68 _tensor_constant11" [id=68, type=get_attr]; -"69 _native_batch_norm_legit_no_training_5" [id=69, type=_native_batch_norm_legit_no_training]; -"70 getitem_15" [id=70, type=__getitem__]; -"71 conv2d_8_updated_constant0" [id=71, type=get_attr]; -"72 symmetric_weights_decompressor_conv2d_8_updated_constant0_0" [id=72, type=call_module]; -"73 conv2d_8" [id=73, type=conv2d]; -"74 _param_constant23" [id=74, type=get_attr]; -"75 _param_constant24" [id=75, type=get_attr]; -"76 _tensor_constant12" [id=76, type=get_attr]; -"77 _tensor_constant13" [id=77, type=get_attr]; -"78 _native_batch_norm_legit_no_training_6" [id=78, type=_native_batch_norm_legit_no_training]; -"79 getitem_18" [id=79, type=__getitem__]; -"80 relu__3" [id=80, type=relu_]; -"81 conv2d_9_updated_constant0" [id=81, type=get_attr]; -"82 symmetric_weights_decompressor_conv2d_9_updated_constant0_0" [id=82, type=call_module]; -"83 conv2d_9" [id=83, type=conv2d]; -"84 _param_constant26" [id=84, type=get_attr]; -"85 _param_constant27" [id=85, type=get_attr]; -"86 _tensor_constant14" [id=86, type=get_attr]; -"87 _tensor_constant15" [id=87, type=get_attr]; -"88 _native_batch_norm_legit_no_training_7" [id=88, type=_native_batch_norm_legit_no_training]; -"89 getitem_21" [id=89, type=__getitem__]; -"90 relu__4" [id=90, type=relu_]; -"91 conv2d_10_updated_constant0" [id=91, type=get_attr]; -"92 symmetric_weights_decompressor_conv2d_10_updated_constant0_0" [id=92, type=call_module]; -"93 conv2d_10" [id=93, type=conv2d]; -"94 _param_constant29" [id=94, type=get_attr]; -"95 _param_constant30" [id=95, type=get_attr]; -"96 _tensor_constant16" [id=96, type=get_attr]; -"97 _tensor_constant17" [id=97, type=get_attr]; -"98 _native_batch_norm_legit_no_training_8" [id=98, type=_native_batch_norm_legit_no_training]; -"99 getitem_24" [id=99, type=__getitem__]; -"100 add_" [id=100, type=add_]; -"101 conv2d_11_updated_constant0" [id=101, type=get_attr]; -"102 symmetric_weights_decompressor_conv2d_11_updated_constant0_0" [id=102, type=call_module]; -"103 conv2d_11" [id=103, type=conv2d]; -"104 _param_constant32" [id=104, type=get_attr]; -"105 _param_constant33" [id=105, type=get_attr]; -"106 _tensor_constant18" [id=106, type=get_attr]; -"107 _tensor_constant19" [id=107, type=get_attr]; -"108 _native_batch_norm_legit_no_training_9" [id=108, type=_native_batch_norm_legit_no_training]; -"109 getitem_27" [id=109, type=__getitem__]; -"110 hardswish__1" [id=110, type=hardswish_]; -"111 conv2d_12_updated_constant0" [id=111, type=get_attr]; -"112 symmetric_weights_decompressor_conv2d_12_updated_constant0_0" [id=112, type=call_module]; -"113 conv2d_12" [id=113, type=conv2d]; -"114 _param_constant35" [id=114, type=get_attr]; -"115 _param_constant36" [id=115, type=get_attr]; -"116 _tensor_constant20" [id=116, type=get_attr]; -"117 _tensor_constant21" [id=117, type=get_attr]; -"118 _native_batch_norm_legit_no_training_10" [id=118, type=_native_batch_norm_legit_no_training]; -"119 getitem_30" [id=119, type=__getitem__]; -"120 hardswish__2" [id=120, type=hardswish_]; -"121 adaptive_avg_pool2d_1" [id=121, type=adaptive_avg_pool2d]; -"122 _param_constant38" [id=122, type=get_attr]; -"123 conv2d_13_updated_constant0" [id=123, type=get_attr]; -"124 symmetric_weights_decompressor_conv2d_13_updated_constant0_0" [id=124, type=call_module]; -"125 conv2d_13" [id=125, type=conv2d]; -"126 relu_1" [id=126, type=relu]; -"127 _param_constant40" [id=127, type=get_attr]; -"128 conv2d_14_updated_constant0" [id=128, type=get_attr]; -"129 symmetric_weights_decompressor_conv2d_14_updated_constant0_0" [id=129, type=call_module]; -"130 conv2d_14" [id=130, type=conv2d]; -"131 hardsigmoid_1" [id=131, type=hardsigmoid]; -"132 mul_1" [id=132, type=mul]; -"133 conv2d_15_updated_constant0" [id=133, type=get_attr]; -"134 symmetric_weights_decompressor_conv2d_15_updated_constant0_0" [id=134, type=call_module]; -"135 conv2d_15" [id=135, type=conv2d]; -"136 _param_constant42" [id=136, type=get_attr]; -"137 _param_constant43" [id=137, type=get_attr]; -"138 _tensor_constant22" [id=138, type=get_attr]; -"139 _tensor_constant23" [id=139, type=get_attr]; -"140 _native_batch_norm_legit_no_training_11" [id=140, type=_native_batch_norm_legit_no_training]; -"141 getitem_33" [id=141, type=__getitem__]; -"142 conv2d_16_updated_constant0" [id=142, type=get_attr]; -"143 symmetric_weights_decompressor_conv2d_16_updated_constant0_0" [id=143, type=call_module]; -"144 conv2d_16" [id=144, type=conv2d]; -"145 _param_constant45" [id=145, type=get_attr]; -"146 _param_constant46" [id=146, type=get_attr]; -"147 _tensor_constant24" [id=147, type=get_attr]; -"148 _tensor_constant25" [id=148, type=get_attr]; -"149 _native_batch_norm_legit_no_training_12" [id=149, type=_native_batch_norm_legit_no_training]; -"150 getitem_36" [id=150, type=__getitem__]; -"151 hardswish__3" [id=151, type=hardswish_]; -"152 conv2d_17_updated_constant0" [id=152, type=get_attr]; -"153 symmetric_weights_decompressor_conv2d_17_updated_constant0_0" [id=153, type=call_module]; -"154 conv2d_17" [id=154, type=conv2d]; -"155 _param_constant48" [id=155, type=get_attr]; -"156 _param_constant49" [id=156, type=get_attr]; -"157 _tensor_constant26" [id=157, type=get_attr]; -"158 _tensor_constant27" [id=158, type=get_attr]; -"159 _native_batch_norm_legit_no_training_13" [id=159, type=_native_batch_norm_legit_no_training]; -"160 getitem_39" [id=160, type=__getitem__]; -"161 hardswish__4" [id=161, type=hardswish_]; -"162 adaptive_avg_pool2d_2" [id=162, type=adaptive_avg_pool2d]; -"163 _param_constant51" [id=163, type=get_attr]; -"164 conv2d_18_updated_constant0" [id=164, type=get_attr]; -"165 symmetric_weights_decompressor_conv2d_18_updated_constant0_0" [id=165, type=call_module]; -"166 conv2d_18" [id=166, type=conv2d]; -"167 relu_2" [id=167, type=relu]; -"168 _param_constant53" [id=168, type=get_attr]; -"169 conv2d_19_updated_constant0" [id=169, type=get_attr]; -"170 symmetric_weights_decompressor_conv2d_19_updated_constant0_0" [id=170, type=call_module]; -"171 conv2d_19" [id=171, type=conv2d]; -"172 hardsigmoid_2" [id=172, type=hardsigmoid]; -"173 mul_2" [id=173, type=mul]; -"174 conv2d_20_updated_constant0" [id=174, type=get_attr]; -"175 symmetric_weights_decompressor_conv2d_20_updated_constant0_0" [id=175, type=call_module]; -"176 conv2d_20" [id=176, type=conv2d]; -"177 _param_constant55" [id=177, type=get_attr]; -"178 _param_constant56" [id=178, type=get_attr]; -"179 _tensor_constant28" [id=179, type=get_attr]; -"180 _tensor_constant29" [id=180, type=get_attr]; -"181 _native_batch_norm_legit_no_training_14" [id=181, type=_native_batch_norm_legit_no_training]; -"182 getitem_42" [id=182, type=__getitem__]; -"183 add__1" [id=183, type=add_]; -"184 conv2d_21_updated_constant0" [id=184, type=get_attr]; -"185 symmetric_weights_decompressor_conv2d_21_updated_constant0_0" [id=185, type=call_module]; -"186 conv2d_21" [id=186, type=conv2d]; -"187 _param_constant58" [id=187, type=get_attr]; -"188 _param_constant59" [id=188, type=get_attr]; -"189 _tensor_constant30" [id=189, type=get_attr]; -"190 _tensor_constant31" [id=190, type=get_attr]; -"191 _native_batch_norm_legit_no_training_15" [id=191, type=_native_batch_norm_legit_no_training]; -"192 getitem_45" [id=192, type=__getitem__]; -"193 hardswish__5" [id=193, type=hardswish_]; -"194 conv2d_22_updated_constant0" [id=194, type=get_attr]; -"195 symmetric_weights_decompressor_conv2d_22_updated_constant0_0" [id=195, type=call_module]; -"196 conv2d_22" [id=196, type=conv2d]; -"197 _param_constant61" [id=197, type=get_attr]; -"198 _param_constant62" [id=198, type=get_attr]; -"199 _tensor_constant32" [id=199, type=get_attr]; -"200 _tensor_constant33" [id=200, type=get_attr]; -"201 _native_batch_norm_legit_no_training_16" [id=201, type=_native_batch_norm_legit_no_training]; -"202 getitem_48" [id=202, type=__getitem__]; -"203 hardswish__6" [id=203, type=hardswish_]; -"204 adaptive_avg_pool2d_3" [id=204, type=adaptive_avg_pool2d]; -"205 _param_constant64" [id=205, type=get_attr]; -"206 conv2d_23_updated_constant0" [id=206, type=get_attr]; -"207 symmetric_weights_decompressor_conv2d_23_updated_constant0_0" [id=207, type=call_module]; -"208 conv2d_23" [id=208, type=conv2d]; -"209 relu_3" [id=209, type=relu]; -"210 _param_constant66" [id=210, type=get_attr]; -"211 conv2d_24_updated_constant0" [id=211, type=get_attr]; -"212 symmetric_weights_decompressor_conv2d_24_updated_constant0_0" [id=212, type=call_module]; -"213 conv2d_24" [id=213, type=conv2d]; -"214 hardsigmoid_3" [id=214, type=hardsigmoid]; -"215 mul_3" [id=215, type=mul]; -"216 conv2d_25_updated_constant0" [id=216, type=get_attr]; -"217 symmetric_weights_decompressor_conv2d_25_updated_constant0_0" [id=217, type=call_module]; -"218 conv2d_25" [id=218, type=conv2d]; -"219 _param_constant68" [id=219, type=get_attr]; -"220 _param_constant69" [id=220, type=get_attr]; -"221 _tensor_constant34" [id=221, type=get_attr]; -"222 _tensor_constant35" [id=222, type=get_attr]; -"223 _native_batch_norm_legit_no_training_17" [id=223, type=_native_batch_norm_legit_no_training]; -"224 getitem_51" [id=224, type=__getitem__]; -"225 add__2" [id=225, type=add_]; -"226 conv2d_26_updated_constant0" [id=226, type=get_attr]; -"227 symmetric_weights_decompressor_conv2d_26_updated_constant0_0" [id=227, type=call_module]; -"228 conv2d_26" [id=228, type=conv2d]; -"229 _param_constant71" [id=229, type=get_attr]; -"230 _param_constant72" [id=230, type=get_attr]; -"231 _tensor_constant36" [id=231, type=get_attr]; -"232 _tensor_constant37" [id=232, type=get_attr]; -"233 _native_batch_norm_legit_no_training_18" [id=233, type=_native_batch_norm_legit_no_training]; -"234 getitem_54" [id=234, type=__getitem__]; -"235 hardswish__7" [id=235, type=hardswish_]; -"236 conv2d_27_updated_constant0" [id=236, type=get_attr]; -"237 symmetric_weights_decompressor_conv2d_27_updated_constant0_0" [id=237, type=call_module]; -"238 conv2d_27" [id=238, type=conv2d]; -"239 _param_constant74" [id=239, type=get_attr]; -"240 _param_constant75" [id=240, type=get_attr]; -"241 _tensor_constant38" [id=241, type=get_attr]; -"242 _tensor_constant39" [id=242, type=get_attr]; -"243 _native_batch_norm_legit_no_training_19" [id=243, type=_native_batch_norm_legit_no_training]; -"244 getitem_57" [id=244, type=__getitem__]; -"245 hardswish__8" [id=245, type=hardswish_]; -"246 adaptive_avg_pool2d_4" [id=246, type=adaptive_avg_pool2d]; -"247 _param_constant77" [id=247, type=get_attr]; -"248 conv2d_28_updated_constant0" [id=248, type=get_attr]; -"249 symmetric_weights_decompressor_conv2d_28_updated_constant0_0" [id=249, type=call_module]; -"250 conv2d_28" [id=250, type=conv2d]; -"251 relu_4" [id=251, type=relu]; -"252 _param_constant79" [id=252, type=get_attr]; -"253 conv2d_29_updated_constant0" [id=253, type=get_attr]; -"254 symmetric_weights_decompressor_conv2d_29_updated_constant0_0" [id=254, type=call_module]; -"255 conv2d_29" [id=255, type=conv2d]; -"256 hardsigmoid_4" [id=256, type=hardsigmoid]; -"257 mul_4" [id=257, type=mul]; -"258 conv2d_30_updated_constant0" [id=258, type=get_attr]; -"259 symmetric_weights_decompressor_conv2d_30_updated_constant0_0" [id=259, type=call_module]; -"260 conv2d_30" [id=260, type=conv2d]; -"261 _param_constant81" [id=261, type=get_attr]; -"262 _param_constant82" [id=262, type=get_attr]; -"263 _tensor_constant40" [id=263, type=get_attr]; -"264 _tensor_constant41" [id=264, type=get_attr]; -"265 _native_batch_norm_legit_no_training_20" [id=265, type=_native_batch_norm_legit_no_training]; -"266 getitem_60" [id=266, type=__getitem__]; -"267 conv2d_31_updated_constant0" [id=267, type=get_attr]; -"268 symmetric_weights_decompressor_conv2d_31_updated_constant0_0" [id=268, type=call_module]; -"269 conv2d_31" [id=269, type=conv2d]; -"270 _param_constant84" [id=270, type=get_attr]; -"271 _param_constant85" [id=271, type=get_attr]; -"272 _tensor_constant42" [id=272, type=get_attr]; -"273 _tensor_constant43" [id=273, type=get_attr]; -"274 _native_batch_norm_legit_no_training_21" [id=274, type=_native_batch_norm_legit_no_training]; -"275 getitem_63" [id=275, type=__getitem__]; -"276 hardswish__9" [id=276, type=hardswish_]; -"277 conv2d_32_updated_constant0" [id=277, type=get_attr]; -"278 symmetric_weights_decompressor_conv2d_32_updated_constant0_0" [id=278, type=call_module]; -"279 conv2d_32" [id=279, type=conv2d]; -"280 _param_constant87" [id=280, type=get_attr]; -"281 _param_constant88" [id=281, type=get_attr]; -"282 _tensor_constant44" [id=282, type=get_attr]; -"283 _tensor_constant45" [id=283, type=get_attr]; -"284 _native_batch_norm_legit_no_training_22" [id=284, type=_native_batch_norm_legit_no_training]; -"285 getitem_66" [id=285, type=__getitem__]; -"286 hardswish__10" [id=286, type=hardswish_]; -"287 adaptive_avg_pool2d_5" [id=287, type=adaptive_avg_pool2d]; -"288 _param_constant90" [id=288, type=get_attr]; -"289 conv2d_33_updated_constant0" [id=289, type=get_attr]; -"290 symmetric_weights_decompressor_conv2d_33_updated_constant0_0" [id=290, type=call_module]; -"291 conv2d_33" [id=291, type=conv2d]; -"292 relu_5" [id=292, type=relu]; -"293 _param_constant92" [id=293, type=get_attr]; -"294 conv2d_34_updated_constant0" [id=294, type=get_attr]; -"295 symmetric_weights_decompressor_conv2d_34_updated_constant0_0" [id=295, type=call_module]; -"296 conv2d_34" [id=296, type=conv2d]; -"297 hardsigmoid_5" [id=297, type=hardsigmoid]; -"298 mul_5" [id=298, type=mul]; -"299 conv2d_35_updated_constant0" [id=299, type=get_attr]; -"300 symmetric_weights_decompressor_conv2d_35_updated_constant0_0" [id=300, type=call_module]; -"301 conv2d_35" [id=301, type=conv2d]; -"302 _param_constant94" [id=302, type=get_attr]; -"303 _param_constant95" [id=303, type=get_attr]; -"304 _tensor_constant46" [id=304, type=get_attr]; -"305 _tensor_constant47" [id=305, type=get_attr]; -"306 _native_batch_norm_legit_no_training_23" [id=306, type=_native_batch_norm_legit_no_training]; -"307 getitem_69" [id=307, type=__getitem__]; -"308 add__3" [id=308, type=add_]; -"309 conv2d_36_updated_constant0" [id=309, type=get_attr]; -"310 symmetric_weights_decompressor_conv2d_36_updated_constant0_0" [id=310, type=call_module]; -"311 conv2d_36" [id=311, type=conv2d]; -"312 _param_constant97" [id=312, type=get_attr]; -"313 _param_constant98" [id=313, type=get_attr]; -"314 _tensor_constant48" [id=314, type=get_attr]; -"315 _tensor_constant49" [id=315, type=get_attr]; -"316 _native_batch_norm_legit_no_training_24" [id=316, type=_native_batch_norm_legit_no_training]; -"317 getitem_72" [id=317, type=__getitem__]; -"318 hardswish__11" [id=318, type=hardswish_]; -"319 conv2d_37_updated_constant0" [id=319, type=get_attr]; -"320 symmetric_weights_decompressor_conv2d_37_updated_constant0_0" [id=320, type=call_module]; -"321 conv2d_37" [id=321, type=conv2d]; -"322 _param_constant100" [id=322, type=get_attr]; -"323 _param_constant101" [id=323, type=get_attr]; -"324 _tensor_constant50" [id=324, type=get_attr]; -"325 _tensor_constant51" [id=325, type=get_attr]; -"326 _native_batch_norm_legit_no_training_25" [id=326, type=_native_batch_norm_legit_no_training]; -"327 getitem_75" [id=327, type=__getitem__]; -"328 hardswish__12" [id=328, type=hardswish_]; -"329 adaptive_avg_pool2d_6" [id=329, type=adaptive_avg_pool2d]; -"330 _param_constant103" [id=330, type=get_attr]; -"331 conv2d_38_updated_constant0" [id=331, type=get_attr]; -"332 symmetric_weights_decompressor_conv2d_38_updated_constant0_0" [id=332, type=call_module]; -"333 conv2d_38" [id=333, type=conv2d]; -"334 relu_6" [id=334, type=relu]; -"335 _param_constant105" [id=335, type=get_attr]; -"336 conv2d_39_updated_constant0" [id=336, type=get_attr]; -"337 symmetric_weights_decompressor_conv2d_39_updated_constant0_0" [id=337, type=call_module]; -"338 conv2d_39" [id=338, type=conv2d]; -"339 hardsigmoid_6" [id=339, type=hardsigmoid]; -"340 mul_6" [id=340, type=mul]; -"341 conv2d_40_updated_constant0" [id=341, type=get_attr]; -"342 symmetric_weights_decompressor_conv2d_40_updated_constant0_0" [id=342, type=call_module]; -"343 conv2d_40" [id=343, type=conv2d]; -"344 _param_constant107" [id=344, type=get_attr]; -"345 _param_constant108" [id=345, type=get_attr]; -"346 _tensor_constant52" [id=346, type=get_attr]; -"347 _tensor_constant53" [id=347, type=get_attr]; -"348 _native_batch_norm_legit_no_training_26" [id=348, type=_native_batch_norm_legit_no_training]; -"349 getitem_78" [id=349, type=__getitem__]; -"350 conv2d_41_updated_constant0" [id=350, type=get_attr]; -"351 symmetric_weights_decompressor_conv2d_41_updated_constant0_0" [id=351, type=call_module]; -"352 conv2d_41" [id=352, type=conv2d]; -"353 _param_constant110" [id=353, type=get_attr]; -"354 _param_constant111" [id=354, type=get_attr]; -"355 _tensor_constant54" [id=355, type=get_attr]; -"356 _tensor_constant55" [id=356, type=get_attr]; -"357 _native_batch_norm_legit_no_training_27" [id=357, type=_native_batch_norm_legit_no_training]; -"358 getitem_81" [id=358, type=__getitem__]; -"359 hardswish__13" [id=359, type=hardswish_]; -"360 conv2d_42_updated_constant0" [id=360, type=get_attr]; -"361 symmetric_weights_decompressor_conv2d_42_updated_constant0_0" [id=361, type=call_module]; -"362 conv2d_42" [id=362, type=conv2d]; -"363 _param_constant113" [id=363, type=get_attr]; -"364 _param_constant114" [id=364, type=get_attr]; -"365 _tensor_constant56" [id=365, type=get_attr]; -"366 _tensor_constant57" [id=366, type=get_attr]; -"367 _native_batch_norm_legit_no_training_28" [id=367, type=_native_batch_norm_legit_no_training]; -"368 getitem_84" [id=368, type=__getitem__]; -"369 hardswish__14" [id=369, type=hardswish_]; -"370 adaptive_avg_pool2d_7" [id=370, type=adaptive_avg_pool2d]; -"371 _param_constant116" [id=371, type=get_attr]; -"372 conv2d_43_updated_constant0" [id=372, type=get_attr]; -"373 symmetric_weights_decompressor_conv2d_43_updated_constant0_0" [id=373, type=call_module]; -"374 conv2d_43" [id=374, type=conv2d]; -"375 relu_7" [id=375, type=relu]; -"376 _param_constant118" [id=376, type=get_attr]; -"377 conv2d_44_updated_constant0" [id=377, type=get_attr]; -"378 symmetric_weights_decompressor_conv2d_44_updated_constant0_0" [id=378, type=call_module]; -"379 conv2d_44" [id=379, type=conv2d]; -"380 hardsigmoid_7" [id=380, type=hardsigmoid]; -"381 mul_7" [id=381, type=mul]; -"382 conv2d_45_updated_constant0" [id=382, type=get_attr]; -"383 symmetric_weights_decompressor_conv2d_45_updated_constant0_0" [id=383, type=call_module]; -"384 conv2d_45" [id=384, type=conv2d]; -"385 _param_constant120" [id=385, type=get_attr]; -"386 _param_constant121" [id=386, type=get_attr]; -"387 _tensor_constant58" [id=387, type=get_attr]; -"388 _tensor_constant59" [id=388, type=get_attr]; -"389 _native_batch_norm_legit_no_training_29" [id=389, type=_native_batch_norm_legit_no_training]; -"390 getitem_87" [id=390, type=__getitem__]; -"391 add__4" [id=391, type=add_]; -"392 conv2d_46_updated_constant0" [id=392, type=get_attr]; -"393 symmetric_weights_decompressor_conv2d_46_updated_constant0_0" [id=393, type=call_module]; -"394 conv2d_46" [id=394, type=conv2d]; -"395 _param_constant123" [id=395, type=get_attr]; -"396 _param_constant124" [id=396, type=get_attr]; -"397 _tensor_constant60" [id=397, type=get_attr]; -"398 _tensor_constant61" [id=398, type=get_attr]; -"399 _native_batch_norm_legit_no_training_30" [id=399, type=_native_batch_norm_legit_no_training]; -"400 getitem_90" [id=400, type=__getitem__]; -"401 hardswish__15" [id=401, type=hardswish_]; -"402 conv2d_47_updated_constant0" [id=402, type=get_attr]; -"403 symmetric_weights_decompressor_conv2d_47_updated_constant0_0" [id=403, type=call_module]; -"404 conv2d_47" [id=404, type=conv2d]; -"405 _param_constant126" [id=405, type=get_attr]; -"406 _param_constant127" [id=406, type=get_attr]; -"407 _tensor_constant62" [id=407, type=get_attr]; -"408 _tensor_constant63" [id=408, type=get_attr]; -"409 _native_batch_norm_legit_no_training_31" [id=409, type=_native_batch_norm_legit_no_training]; -"410 getitem_93" [id=410, type=__getitem__]; -"411 hardswish__16" [id=411, type=hardswish_]; -"412 adaptive_avg_pool2d_8" [id=412, type=adaptive_avg_pool2d]; -"413 _param_constant129" [id=413, type=get_attr]; -"414 conv2d_48_updated_constant0" [id=414, type=get_attr]; -"415 symmetric_weights_decompressor_conv2d_48_updated_constant0_0" [id=415, type=call_module]; -"416 conv2d_48" [id=416, type=conv2d]; -"417 relu_8" [id=417, type=relu]; -"418 _param_constant131" [id=418, type=get_attr]; -"419 conv2d_49_updated_constant0" [id=419, type=get_attr]; -"420 symmetric_weights_decompressor_conv2d_49_updated_constant0_0" [id=420, type=call_module]; -"421 conv2d_49" [id=421, type=conv2d]; -"422 hardsigmoid_8" [id=422, type=hardsigmoid]; -"423 mul_8" [id=423, type=mul]; -"424 conv2d_50_updated_constant0" [id=424, type=get_attr]; -"425 symmetric_weights_decompressor_conv2d_50_updated_constant0_0" [id=425, type=call_module]; -"426 conv2d_50" [id=426, type=conv2d]; -"427 _param_constant133" [id=427, type=get_attr]; -"428 _param_constant134" [id=428, type=get_attr]; -"429 _tensor_constant64" [id=429, type=get_attr]; -"430 _tensor_constant65" [id=430, type=get_attr]; -"431 _native_batch_norm_legit_no_training_32" [id=431, type=_native_batch_norm_legit_no_training]; -"432 getitem_96" [id=432, type=__getitem__]; -"433 add__5" [id=433, type=add_]; -"434 conv2d_51_updated_constant0" [id=434, type=get_attr]; -"435 symmetric_weights_decompressor_conv2d_51_updated_constant0_0" [id=435, type=call_module]; -"436 conv2d_51" [id=436, type=conv2d]; -"437 _param_constant136" [id=437, type=get_attr]; -"438 _param_constant137" [id=438, type=get_attr]; -"439 _tensor_constant66" [id=439, type=get_attr]; -"440 _tensor_constant67" [id=440, type=get_attr]; -"441 _native_batch_norm_legit_no_training_33" [id=441, type=_native_batch_norm_legit_no_training]; -"442 getitem_99" [id=442, type=__getitem__]; -"443 hardswish__17" [id=443, type=hardswish_]; -"444 adaptive_avg_pool2d_9" [id=444, type=adaptive_avg_pool2d]; -"445 flatten" [id=445, type=flatten]; -"446 _param_constant139" [id=446, type=get_attr]; -"447 linear_updated_constant0" [id=447, type=get_attr]; -"448 symmetric_weights_decompressor_linear_updated_constant0_0" [id=448, type=call_module]; -"449 linear" [id=449, type=linear]; -"450 hardswish__18" [id=450, type=hardswish_]; -"451 dropout_" [id=451, type=dropout_]; -"452 _param_constant141" [id=452, type=get_attr]; -"453 linear_1_updated_constant0" [id=453, type=get_attr]; -"454 symmetric_weights_decompressor_linear_1_updated_constant0_0" [id=454, type=call_module]; -"455 linear_1" [id=455, type=linear]; -"456 output" [id=456, type=output]; -"0 arg0_1" -> "3 conv2d"; -"1 conv2d_updated_constant0" -> "2 symmetric_weights_decompressor_conv2d_updated_constant0_0"; -"2 symmetric_weights_decompressor_conv2d_updated_constant0_0" -> "3 conv2d"; -"3 conv2d" -> "8 _native_batch_norm_legit_no_training"; -"4 _param_constant1" -> "8 _native_batch_norm_legit_no_training"; -"5 _param_constant2" -> "8 _native_batch_norm_legit_no_training"; -"6 _tensor_constant0" -> "8 _native_batch_norm_legit_no_training"; -"7 _tensor_constant1" -> "8 _native_batch_norm_legit_no_training"; -"8 _native_batch_norm_legit_no_training" -> "9 getitem"; -"9 getitem" -> "10 hardswish_"; -"10 hardswish_" -> "13 conv2d_1"; -"11 conv2d_1_updated_constant0" -> "12 symmetric_weights_decompressor_conv2d_1_updated_constant0_0"; -"12 symmetric_weights_decompressor_conv2d_1_updated_constant0_0" -> "13 conv2d_1"; -"13 conv2d_1" -> "18 _native_batch_norm_legit_no_training_1"; -"14 _param_constant4" -> "18 _native_batch_norm_legit_no_training_1"; -"15 _param_constant5" -> "18 _native_batch_norm_legit_no_training_1"; -"16 _tensor_constant2" -> "18 _native_batch_norm_legit_no_training_1"; -"17 _tensor_constant3" -> "18 _native_batch_norm_legit_no_training_1"; -"18 _native_batch_norm_legit_no_training_1" -> "19 getitem_3"; -"19 getitem_3" -> "20 relu_"; -"20 relu_" -> "21 adaptive_avg_pool2d"; -"20 relu_" -> "32 mul"; -"21 adaptive_avg_pool2d" -> "25 conv2d_2"; -"22 _param_constant7" -> "25 conv2d_2"; -"23 conv2d_2_updated_constant0" -> "24 symmetric_weights_decompressor_conv2d_2_updated_constant0_0"; -"24 symmetric_weights_decompressor_conv2d_2_updated_constant0_0" -> "25 conv2d_2"; -"25 conv2d_2" -> "26 relu"; -"26 relu" -> "30 conv2d_3"; -"27 _param_constant9" -> "30 conv2d_3"; -"28 conv2d_3_updated_constant0" -> "29 symmetric_weights_decompressor_conv2d_3_updated_constant0_0"; -"29 symmetric_weights_decompressor_conv2d_3_updated_constant0_0" -> "30 conv2d_3"; -"30 conv2d_3" -> "31 hardsigmoid"; -"31 hardsigmoid" -> "32 mul"; -"32 mul" -> "35 conv2d_4"; -"33 conv2d_4_updated_constant0" -> "34 symmetric_weights_decompressor_conv2d_4_updated_constant0_0"; -"34 symmetric_weights_decompressor_conv2d_4_updated_constant0_0" -> "35 conv2d_4"; -"35 conv2d_4" -> "40 _native_batch_norm_legit_no_training_2"; -"36 _param_constant11" -> "40 _native_batch_norm_legit_no_training_2"; -"37 _param_constant12" -> "40 _native_batch_norm_legit_no_training_2"; -"38 _tensor_constant4" -> "40 _native_batch_norm_legit_no_training_2"; -"39 _tensor_constant5" -> "40 _native_batch_norm_legit_no_training_2"; -"40 _native_batch_norm_legit_no_training_2" -> "41 getitem_6"; -"41 getitem_6" -> "44 conv2d_5"; -"42 conv2d_5_updated_constant0" -> "43 symmetric_weights_decompressor_conv2d_5_updated_constant0_0"; -"43 symmetric_weights_decompressor_conv2d_5_updated_constant0_0" -> "44 conv2d_5"; -"44 conv2d_5" -> "49 _native_batch_norm_legit_no_training_3"; -"45 _param_constant14" -> "49 _native_batch_norm_legit_no_training_3"; -"46 _param_constant15" -> "49 _native_batch_norm_legit_no_training_3"; -"47 _tensor_constant6" -> "49 _native_batch_norm_legit_no_training_3"; -"48 _tensor_constant7" -> "49 _native_batch_norm_legit_no_training_3"; -"49 _native_batch_norm_legit_no_training_3" -> "50 getitem_9"; -"50 getitem_9" -> "51 relu__1"; -"51 relu__1" -> "54 conv2d_6"; -"52 conv2d_6_updated_constant0" -> "53 symmetric_weights_decompressor_conv2d_6_updated_constant0_0"; -"53 symmetric_weights_decompressor_conv2d_6_updated_constant0_0" -> "54 conv2d_6"; -"54 conv2d_6" -> "59 _native_batch_norm_legit_no_training_4"; -"55 _param_constant17" -> "59 _native_batch_norm_legit_no_training_4"; -"56 _param_constant18" -> "59 _native_batch_norm_legit_no_training_4"; -"57 _tensor_constant8" -> "59 _native_batch_norm_legit_no_training_4"; -"58 _tensor_constant9" -> "59 _native_batch_norm_legit_no_training_4"; -"59 _native_batch_norm_legit_no_training_4" -> "60 getitem_12"; -"60 getitem_12" -> "61 relu__2"; -"61 relu__2" -> "64 conv2d_7"; -"62 conv2d_7_updated_constant0" -> "63 symmetric_weights_decompressor_conv2d_7_updated_constant0_0"; -"63 symmetric_weights_decompressor_conv2d_7_updated_constant0_0" -> "64 conv2d_7"; -"64 conv2d_7" -> "69 _native_batch_norm_legit_no_training_5"; -"65 _param_constant20" -> "69 _native_batch_norm_legit_no_training_5"; -"66 _param_constant21" -> "69 _native_batch_norm_legit_no_training_5"; -"67 _tensor_constant10" -> "69 _native_batch_norm_legit_no_training_5"; -"68 _tensor_constant11" -> "69 _native_batch_norm_legit_no_training_5"; -"69 _native_batch_norm_legit_no_training_5" -> "70 getitem_15"; -"70 getitem_15" -> "73 conv2d_8"; -"70 getitem_15" -> "100 add_"; -"71 conv2d_8_updated_constant0" -> "72 symmetric_weights_decompressor_conv2d_8_updated_constant0_0"; -"72 symmetric_weights_decompressor_conv2d_8_updated_constant0_0" -> "73 conv2d_8"; -"73 conv2d_8" -> "78 _native_batch_norm_legit_no_training_6"; -"74 _param_constant23" -> "78 _native_batch_norm_legit_no_training_6"; -"75 _param_constant24" -> "78 _native_batch_norm_legit_no_training_6"; -"76 _tensor_constant12" -> "78 _native_batch_norm_legit_no_training_6"; -"77 _tensor_constant13" -> "78 _native_batch_norm_legit_no_training_6"; -"78 _native_batch_norm_legit_no_training_6" -> "79 getitem_18"; -"79 getitem_18" -> "80 relu__3"; -"80 relu__3" -> "83 conv2d_9"; -"81 conv2d_9_updated_constant0" -> "82 symmetric_weights_decompressor_conv2d_9_updated_constant0_0"; -"82 symmetric_weights_decompressor_conv2d_9_updated_constant0_0" -> "83 conv2d_9"; -"83 conv2d_9" -> "88 _native_batch_norm_legit_no_training_7"; -"84 _param_constant26" -> "88 _native_batch_norm_legit_no_training_7"; -"85 _param_constant27" -> "88 _native_batch_norm_legit_no_training_7"; -"86 _tensor_constant14" -> "88 _native_batch_norm_legit_no_training_7"; -"87 _tensor_constant15" -> "88 _native_batch_norm_legit_no_training_7"; -"88 _native_batch_norm_legit_no_training_7" -> "89 getitem_21"; -"89 getitem_21" -> "90 relu__4"; -"90 relu__4" -> "93 conv2d_10"; -"91 conv2d_10_updated_constant0" -> "92 symmetric_weights_decompressor_conv2d_10_updated_constant0_0"; -"92 symmetric_weights_decompressor_conv2d_10_updated_constant0_0" -> "93 conv2d_10"; -"93 conv2d_10" -> "98 _native_batch_norm_legit_no_training_8"; -"94 _param_constant29" -> "98 _native_batch_norm_legit_no_training_8"; -"95 _param_constant30" -> "98 _native_batch_norm_legit_no_training_8"; -"96 _tensor_constant16" -> "98 _native_batch_norm_legit_no_training_8"; -"97 _tensor_constant17" -> "98 _native_batch_norm_legit_no_training_8"; -"98 _native_batch_norm_legit_no_training_8" -> "99 getitem_24"; -"99 getitem_24" -> "100 add_"; -"100 add_" -> "103 conv2d_11"; -"101 conv2d_11_updated_constant0" -> "102 symmetric_weights_decompressor_conv2d_11_updated_constant0_0"; -"102 symmetric_weights_decompressor_conv2d_11_updated_constant0_0" -> "103 conv2d_11"; -"103 conv2d_11" -> "108 _native_batch_norm_legit_no_training_9"; -"104 _param_constant32" -> "108 _native_batch_norm_legit_no_training_9"; -"105 _param_constant33" -> "108 _native_batch_norm_legit_no_training_9"; -"106 _tensor_constant18" -> "108 _native_batch_norm_legit_no_training_9"; -"107 _tensor_constant19" -> "108 _native_batch_norm_legit_no_training_9"; -"108 _native_batch_norm_legit_no_training_9" -> "109 getitem_27"; -"109 getitem_27" -> "110 hardswish__1"; -"110 hardswish__1" -> "113 conv2d_12"; -"111 conv2d_12_updated_constant0" -> "112 symmetric_weights_decompressor_conv2d_12_updated_constant0_0"; -"112 symmetric_weights_decompressor_conv2d_12_updated_constant0_0" -> "113 conv2d_12"; -"113 conv2d_12" -> "118 _native_batch_norm_legit_no_training_10"; -"114 _param_constant35" -> "118 _native_batch_norm_legit_no_training_10"; -"115 _param_constant36" -> "118 _native_batch_norm_legit_no_training_10"; -"116 _tensor_constant20" -> "118 _native_batch_norm_legit_no_training_10"; -"117 _tensor_constant21" -> "118 _native_batch_norm_legit_no_training_10"; -"118 _native_batch_norm_legit_no_training_10" -> "119 getitem_30"; -"119 getitem_30" -> "120 hardswish__2"; -"120 hardswish__2" -> "121 adaptive_avg_pool2d_1"; -"120 hardswish__2" -> "132 mul_1"; -"121 adaptive_avg_pool2d_1" -> "125 conv2d_13"; -"122 _param_constant38" -> "125 conv2d_13"; -"123 conv2d_13_updated_constant0" -> "124 symmetric_weights_decompressor_conv2d_13_updated_constant0_0"; -"124 symmetric_weights_decompressor_conv2d_13_updated_constant0_0" -> "125 conv2d_13"; -"125 conv2d_13" -> "126 relu_1"; -"126 relu_1" -> "130 conv2d_14"; -"127 _param_constant40" -> "130 conv2d_14"; -"128 conv2d_14_updated_constant0" -> "129 symmetric_weights_decompressor_conv2d_14_updated_constant0_0"; -"129 symmetric_weights_decompressor_conv2d_14_updated_constant0_0" -> "130 conv2d_14"; -"130 conv2d_14" -> "131 hardsigmoid_1"; -"131 hardsigmoid_1" -> "132 mul_1"; -"132 mul_1" -> "135 conv2d_15"; -"133 conv2d_15_updated_constant0" -> "134 symmetric_weights_decompressor_conv2d_15_updated_constant0_0"; -"134 symmetric_weights_decompressor_conv2d_15_updated_constant0_0" -> "135 conv2d_15"; -"135 conv2d_15" -> "140 _native_batch_norm_legit_no_training_11"; -"136 _param_constant42" -> "140 _native_batch_norm_legit_no_training_11"; -"137 _param_constant43" -> "140 _native_batch_norm_legit_no_training_11"; -"138 _tensor_constant22" -> "140 _native_batch_norm_legit_no_training_11"; -"139 _tensor_constant23" -> "140 _native_batch_norm_legit_no_training_11"; -"140 _native_batch_norm_legit_no_training_11" -> "141 getitem_33"; -"141 getitem_33" -> "144 conv2d_16"; -"141 getitem_33" -> "183 add__1"; -"142 conv2d_16_updated_constant0" -> "143 symmetric_weights_decompressor_conv2d_16_updated_constant0_0"; -"143 symmetric_weights_decompressor_conv2d_16_updated_constant0_0" -> "144 conv2d_16"; -"144 conv2d_16" -> "149 _native_batch_norm_legit_no_training_12"; -"145 _param_constant45" -> "149 _native_batch_norm_legit_no_training_12"; -"146 _param_constant46" -> "149 _native_batch_norm_legit_no_training_12"; -"147 _tensor_constant24" -> "149 _native_batch_norm_legit_no_training_12"; -"148 _tensor_constant25" -> "149 _native_batch_norm_legit_no_training_12"; -"149 _native_batch_norm_legit_no_training_12" -> "150 getitem_36"; -"150 getitem_36" -> "151 hardswish__3"; -"151 hardswish__3" -> "154 conv2d_17"; -"152 conv2d_17_updated_constant0" -> "153 symmetric_weights_decompressor_conv2d_17_updated_constant0_0"; -"153 symmetric_weights_decompressor_conv2d_17_updated_constant0_0" -> "154 conv2d_17"; -"154 conv2d_17" -> "159 _native_batch_norm_legit_no_training_13"; -"155 _param_constant48" -> "159 _native_batch_norm_legit_no_training_13"; -"156 _param_constant49" -> "159 _native_batch_norm_legit_no_training_13"; -"157 _tensor_constant26" -> "159 _native_batch_norm_legit_no_training_13"; -"158 _tensor_constant27" -> "159 _native_batch_norm_legit_no_training_13"; -"159 _native_batch_norm_legit_no_training_13" -> "160 getitem_39"; -"160 getitem_39" -> "161 hardswish__4"; -"161 hardswish__4" -> "162 adaptive_avg_pool2d_2"; -"161 hardswish__4" -> "173 mul_2"; -"162 adaptive_avg_pool2d_2" -> "166 conv2d_18"; -"163 _param_constant51" -> "166 conv2d_18"; -"164 conv2d_18_updated_constant0" -> "165 symmetric_weights_decompressor_conv2d_18_updated_constant0_0"; -"165 symmetric_weights_decompressor_conv2d_18_updated_constant0_0" -> "166 conv2d_18"; -"166 conv2d_18" -> "167 relu_2"; -"167 relu_2" -> "171 conv2d_19"; -"168 _param_constant53" -> "171 conv2d_19"; -"169 conv2d_19_updated_constant0" -> "170 symmetric_weights_decompressor_conv2d_19_updated_constant0_0"; -"170 symmetric_weights_decompressor_conv2d_19_updated_constant0_0" -> "171 conv2d_19"; -"171 conv2d_19" -> "172 hardsigmoid_2"; -"172 hardsigmoid_2" -> "173 mul_2"; -"173 mul_2" -> "176 conv2d_20"; -"174 conv2d_20_updated_constant0" -> "175 symmetric_weights_decompressor_conv2d_20_updated_constant0_0"; -"175 symmetric_weights_decompressor_conv2d_20_updated_constant0_0" -> "176 conv2d_20"; -"176 conv2d_20" -> "181 _native_batch_norm_legit_no_training_14"; -"177 _param_constant55" -> "181 _native_batch_norm_legit_no_training_14"; -"178 _param_constant56" -> "181 _native_batch_norm_legit_no_training_14"; -"179 _tensor_constant28" -> "181 _native_batch_norm_legit_no_training_14"; -"180 _tensor_constant29" -> "181 _native_batch_norm_legit_no_training_14"; -"181 _native_batch_norm_legit_no_training_14" -> "182 getitem_42"; -"182 getitem_42" -> "183 add__1"; -"183 add__1" -> "186 conv2d_21"; -"183 add__1" -> "225 add__2"; -"184 conv2d_21_updated_constant0" -> "185 symmetric_weights_decompressor_conv2d_21_updated_constant0_0"; -"185 symmetric_weights_decompressor_conv2d_21_updated_constant0_0" -> "186 conv2d_21"; -"186 conv2d_21" -> "191 _native_batch_norm_legit_no_training_15"; -"187 _param_constant58" -> "191 _native_batch_norm_legit_no_training_15"; -"188 _param_constant59" -> "191 _native_batch_norm_legit_no_training_15"; -"189 _tensor_constant30" -> "191 _native_batch_norm_legit_no_training_15"; -"190 _tensor_constant31" -> "191 _native_batch_norm_legit_no_training_15"; -"191 _native_batch_norm_legit_no_training_15" -> "192 getitem_45"; -"192 getitem_45" -> "193 hardswish__5"; -"193 hardswish__5" -> "196 conv2d_22"; -"194 conv2d_22_updated_constant0" -> "195 symmetric_weights_decompressor_conv2d_22_updated_constant0_0"; -"195 symmetric_weights_decompressor_conv2d_22_updated_constant0_0" -> "196 conv2d_22"; -"196 conv2d_22" -> "201 _native_batch_norm_legit_no_training_16"; -"197 _param_constant61" -> "201 _native_batch_norm_legit_no_training_16"; -"198 _param_constant62" -> "201 _native_batch_norm_legit_no_training_16"; -"199 _tensor_constant32" -> "201 _native_batch_norm_legit_no_training_16"; -"200 _tensor_constant33" -> "201 _native_batch_norm_legit_no_training_16"; -"201 _native_batch_norm_legit_no_training_16" -> "202 getitem_48"; -"202 getitem_48" -> "203 hardswish__6"; -"203 hardswish__6" -> "204 adaptive_avg_pool2d_3"; -"203 hardswish__6" -> "215 mul_3"; -"204 adaptive_avg_pool2d_3" -> "208 conv2d_23"; -"205 _param_constant64" -> "208 conv2d_23"; -"206 conv2d_23_updated_constant0" -> "207 symmetric_weights_decompressor_conv2d_23_updated_constant0_0"; -"207 symmetric_weights_decompressor_conv2d_23_updated_constant0_0" -> "208 conv2d_23"; -"208 conv2d_23" -> "209 relu_3"; -"209 relu_3" -> "213 conv2d_24"; -"210 _param_constant66" -> "213 conv2d_24"; -"211 conv2d_24_updated_constant0" -> "212 symmetric_weights_decompressor_conv2d_24_updated_constant0_0"; -"212 symmetric_weights_decompressor_conv2d_24_updated_constant0_0" -> "213 conv2d_24"; -"213 conv2d_24" -> "214 hardsigmoid_3"; -"214 hardsigmoid_3" -> "215 mul_3"; -"215 mul_3" -> "218 conv2d_25"; -"216 conv2d_25_updated_constant0" -> "217 symmetric_weights_decompressor_conv2d_25_updated_constant0_0"; -"217 symmetric_weights_decompressor_conv2d_25_updated_constant0_0" -> "218 conv2d_25"; -"218 conv2d_25" -> "223 _native_batch_norm_legit_no_training_17"; -"219 _param_constant68" -> "223 _native_batch_norm_legit_no_training_17"; -"220 _param_constant69" -> "223 _native_batch_norm_legit_no_training_17"; -"221 _tensor_constant34" -> "223 _native_batch_norm_legit_no_training_17"; -"222 _tensor_constant35" -> "223 _native_batch_norm_legit_no_training_17"; -"223 _native_batch_norm_legit_no_training_17" -> "224 getitem_51"; -"224 getitem_51" -> "225 add__2"; -"225 add__2" -> "228 conv2d_26"; -"226 conv2d_26_updated_constant0" -> "227 symmetric_weights_decompressor_conv2d_26_updated_constant0_0"; -"227 symmetric_weights_decompressor_conv2d_26_updated_constant0_0" -> "228 conv2d_26"; -"228 conv2d_26" -> "233 _native_batch_norm_legit_no_training_18"; -"229 _param_constant71" -> "233 _native_batch_norm_legit_no_training_18"; -"230 _param_constant72" -> "233 _native_batch_norm_legit_no_training_18"; -"231 _tensor_constant36" -> "233 _native_batch_norm_legit_no_training_18"; -"232 _tensor_constant37" -> "233 _native_batch_norm_legit_no_training_18"; -"233 _native_batch_norm_legit_no_training_18" -> "234 getitem_54"; -"234 getitem_54" -> "235 hardswish__7"; -"235 hardswish__7" -> "238 conv2d_27"; -"236 conv2d_27_updated_constant0" -> "237 symmetric_weights_decompressor_conv2d_27_updated_constant0_0"; -"237 symmetric_weights_decompressor_conv2d_27_updated_constant0_0" -> "238 conv2d_27"; -"238 conv2d_27" -> "243 _native_batch_norm_legit_no_training_19"; -"239 _param_constant74" -> "243 _native_batch_norm_legit_no_training_19"; -"240 _param_constant75" -> "243 _native_batch_norm_legit_no_training_19"; -"241 _tensor_constant38" -> "243 _native_batch_norm_legit_no_training_19"; -"242 _tensor_constant39" -> "243 _native_batch_norm_legit_no_training_19"; -"243 _native_batch_norm_legit_no_training_19" -> "244 getitem_57"; -"244 getitem_57" -> "245 hardswish__8"; -"245 hardswish__8" -> "246 adaptive_avg_pool2d_4"; -"245 hardswish__8" -> "257 mul_4"; -"246 adaptive_avg_pool2d_4" -> "250 conv2d_28"; -"247 _param_constant77" -> "250 conv2d_28"; -"248 conv2d_28_updated_constant0" -> "249 symmetric_weights_decompressor_conv2d_28_updated_constant0_0"; -"249 symmetric_weights_decompressor_conv2d_28_updated_constant0_0" -> "250 conv2d_28"; -"250 conv2d_28" -> "251 relu_4"; -"251 relu_4" -> "255 conv2d_29"; -"252 _param_constant79" -> "255 conv2d_29"; -"253 conv2d_29_updated_constant0" -> "254 symmetric_weights_decompressor_conv2d_29_updated_constant0_0"; -"254 symmetric_weights_decompressor_conv2d_29_updated_constant0_0" -> "255 conv2d_29"; -"255 conv2d_29" -> "256 hardsigmoid_4"; -"256 hardsigmoid_4" -> "257 mul_4"; -"257 mul_4" -> "260 conv2d_30"; -"258 conv2d_30_updated_constant0" -> "259 symmetric_weights_decompressor_conv2d_30_updated_constant0_0"; -"259 symmetric_weights_decompressor_conv2d_30_updated_constant0_0" -> "260 conv2d_30"; -"260 conv2d_30" -> "265 _native_batch_norm_legit_no_training_20"; -"261 _param_constant81" -> "265 _native_batch_norm_legit_no_training_20"; -"262 _param_constant82" -> "265 _native_batch_norm_legit_no_training_20"; -"263 _tensor_constant40" -> "265 _native_batch_norm_legit_no_training_20"; -"264 _tensor_constant41" -> "265 _native_batch_norm_legit_no_training_20"; -"265 _native_batch_norm_legit_no_training_20" -> "266 getitem_60"; -"266 getitem_60" -> "269 conv2d_31"; -"266 getitem_60" -> "308 add__3"; -"267 conv2d_31_updated_constant0" -> "268 symmetric_weights_decompressor_conv2d_31_updated_constant0_0"; -"268 symmetric_weights_decompressor_conv2d_31_updated_constant0_0" -> "269 conv2d_31"; -"269 conv2d_31" -> "274 _native_batch_norm_legit_no_training_21"; -"270 _param_constant84" -> "274 _native_batch_norm_legit_no_training_21"; -"271 _param_constant85" -> "274 _native_batch_norm_legit_no_training_21"; -"272 _tensor_constant42" -> "274 _native_batch_norm_legit_no_training_21"; -"273 _tensor_constant43" -> "274 _native_batch_norm_legit_no_training_21"; -"274 _native_batch_norm_legit_no_training_21" -> "275 getitem_63"; -"275 getitem_63" -> "276 hardswish__9"; -"276 hardswish__9" -> "279 conv2d_32"; -"277 conv2d_32_updated_constant0" -> "278 symmetric_weights_decompressor_conv2d_32_updated_constant0_0"; -"278 symmetric_weights_decompressor_conv2d_32_updated_constant0_0" -> "279 conv2d_32"; -"279 conv2d_32" -> "284 _native_batch_norm_legit_no_training_22"; -"280 _param_constant87" -> "284 _native_batch_norm_legit_no_training_22"; -"281 _param_constant88" -> "284 _native_batch_norm_legit_no_training_22"; -"282 _tensor_constant44" -> "284 _native_batch_norm_legit_no_training_22"; -"283 _tensor_constant45" -> "284 _native_batch_norm_legit_no_training_22"; -"284 _native_batch_norm_legit_no_training_22" -> "285 getitem_66"; -"285 getitem_66" -> "286 hardswish__10"; -"286 hardswish__10" -> "287 adaptive_avg_pool2d_5"; -"286 hardswish__10" -> "298 mul_5"; -"287 adaptive_avg_pool2d_5" -> "291 conv2d_33"; -"288 _param_constant90" -> "291 conv2d_33"; -"289 conv2d_33_updated_constant0" -> "290 symmetric_weights_decompressor_conv2d_33_updated_constant0_0"; -"290 symmetric_weights_decompressor_conv2d_33_updated_constant0_0" -> "291 conv2d_33"; -"291 conv2d_33" -> "292 relu_5"; -"292 relu_5" -> "296 conv2d_34"; -"293 _param_constant92" -> "296 conv2d_34"; -"294 conv2d_34_updated_constant0" -> "295 symmetric_weights_decompressor_conv2d_34_updated_constant0_0"; -"295 symmetric_weights_decompressor_conv2d_34_updated_constant0_0" -> "296 conv2d_34"; -"296 conv2d_34" -> "297 hardsigmoid_5"; -"297 hardsigmoid_5" -> "298 mul_5"; -"298 mul_5" -> "301 conv2d_35"; -"299 conv2d_35_updated_constant0" -> "300 symmetric_weights_decompressor_conv2d_35_updated_constant0_0"; -"300 symmetric_weights_decompressor_conv2d_35_updated_constant0_0" -> "301 conv2d_35"; -"301 conv2d_35" -> "306 _native_batch_norm_legit_no_training_23"; -"302 _param_constant94" -> "306 _native_batch_norm_legit_no_training_23"; -"303 _param_constant95" -> "306 _native_batch_norm_legit_no_training_23"; -"304 _tensor_constant46" -> "306 _native_batch_norm_legit_no_training_23"; -"305 _tensor_constant47" -> "306 _native_batch_norm_legit_no_training_23"; -"306 _native_batch_norm_legit_no_training_23" -> "307 getitem_69"; -"307 getitem_69" -> "308 add__3"; -"308 add__3" -> "311 conv2d_36"; -"309 conv2d_36_updated_constant0" -> "310 symmetric_weights_decompressor_conv2d_36_updated_constant0_0"; -"310 symmetric_weights_decompressor_conv2d_36_updated_constant0_0" -> "311 conv2d_36"; -"311 conv2d_36" -> "316 _native_batch_norm_legit_no_training_24"; -"312 _param_constant97" -> "316 _native_batch_norm_legit_no_training_24"; -"313 _param_constant98" -> "316 _native_batch_norm_legit_no_training_24"; -"314 _tensor_constant48" -> "316 _native_batch_norm_legit_no_training_24"; -"315 _tensor_constant49" -> "316 _native_batch_norm_legit_no_training_24"; -"316 _native_batch_norm_legit_no_training_24" -> "317 getitem_72"; -"317 getitem_72" -> "318 hardswish__11"; -"318 hardswish__11" -> "321 conv2d_37"; -"319 conv2d_37_updated_constant0" -> "320 symmetric_weights_decompressor_conv2d_37_updated_constant0_0"; -"320 symmetric_weights_decompressor_conv2d_37_updated_constant0_0" -> "321 conv2d_37"; -"321 conv2d_37" -> "326 _native_batch_norm_legit_no_training_25"; -"322 _param_constant100" -> "326 _native_batch_norm_legit_no_training_25"; -"323 _param_constant101" -> "326 _native_batch_norm_legit_no_training_25"; -"324 _tensor_constant50" -> "326 _native_batch_norm_legit_no_training_25"; -"325 _tensor_constant51" -> "326 _native_batch_norm_legit_no_training_25"; -"326 _native_batch_norm_legit_no_training_25" -> "327 getitem_75"; -"327 getitem_75" -> "328 hardswish__12"; -"328 hardswish__12" -> "329 adaptive_avg_pool2d_6"; -"328 hardswish__12" -> "340 mul_6"; -"329 adaptive_avg_pool2d_6" -> "333 conv2d_38"; -"330 _param_constant103" -> "333 conv2d_38"; -"331 conv2d_38_updated_constant0" -> "332 symmetric_weights_decompressor_conv2d_38_updated_constant0_0"; -"332 symmetric_weights_decompressor_conv2d_38_updated_constant0_0" -> "333 conv2d_38"; -"333 conv2d_38" -> "334 relu_6"; -"334 relu_6" -> "338 conv2d_39"; -"335 _param_constant105" -> "338 conv2d_39"; -"336 conv2d_39_updated_constant0" -> "337 symmetric_weights_decompressor_conv2d_39_updated_constant0_0"; -"337 symmetric_weights_decompressor_conv2d_39_updated_constant0_0" -> "338 conv2d_39"; -"338 conv2d_39" -> "339 hardsigmoid_6"; -"339 hardsigmoid_6" -> "340 mul_6"; -"340 mul_6" -> "343 conv2d_40"; -"341 conv2d_40_updated_constant0" -> "342 symmetric_weights_decompressor_conv2d_40_updated_constant0_0"; -"342 symmetric_weights_decompressor_conv2d_40_updated_constant0_0" -> "343 conv2d_40"; -"343 conv2d_40" -> "348 _native_batch_norm_legit_no_training_26"; -"344 _param_constant107" -> "348 _native_batch_norm_legit_no_training_26"; -"345 _param_constant108" -> "348 _native_batch_norm_legit_no_training_26"; -"346 _tensor_constant52" -> "348 _native_batch_norm_legit_no_training_26"; -"347 _tensor_constant53" -> "348 _native_batch_norm_legit_no_training_26"; -"348 _native_batch_norm_legit_no_training_26" -> "349 getitem_78"; -"349 getitem_78" -> "352 conv2d_41"; -"349 getitem_78" -> "391 add__4"; -"350 conv2d_41_updated_constant0" -> "351 symmetric_weights_decompressor_conv2d_41_updated_constant0_0"; -"351 symmetric_weights_decompressor_conv2d_41_updated_constant0_0" -> "352 conv2d_41"; -"352 conv2d_41" -> "357 _native_batch_norm_legit_no_training_27"; -"353 _param_constant110" -> "357 _native_batch_norm_legit_no_training_27"; -"354 _param_constant111" -> "357 _native_batch_norm_legit_no_training_27"; -"355 _tensor_constant54" -> "357 _native_batch_norm_legit_no_training_27"; -"356 _tensor_constant55" -> "357 _native_batch_norm_legit_no_training_27"; -"357 _native_batch_norm_legit_no_training_27" -> "358 getitem_81"; -"358 getitem_81" -> "359 hardswish__13"; -"359 hardswish__13" -> "362 conv2d_42"; -"360 conv2d_42_updated_constant0" -> "361 symmetric_weights_decompressor_conv2d_42_updated_constant0_0"; -"361 symmetric_weights_decompressor_conv2d_42_updated_constant0_0" -> "362 conv2d_42"; -"362 conv2d_42" -> "367 _native_batch_norm_legit_no_training_28"; -"363 _param_constant113" -> "367 _native_batch_norm_legit_no_training_28"; -"364 _param_constant114" -> "367 _native_batch_norm_legit_no_training_28"; -"365 _tensor_constant56" -> "367 _native_batch_norm_legit_no_training_28"; -"366 _tensor_constant57" -> "367 _native_batch_norm_legit_no_training_28"; -"367 _native_batch_norm_legit_no_training_28" -> "368 getitem_84"; -"368 getitem_84" -> "369 hardswish__14"; -"369 hardswish__14" -> "370 adaptive_avg_pool2d_7"; -"369 hardswish__14" -> "381 mul_7"; -"370 adaptive_avg_pool2d_7" -> "374 conv2d_43"; -"371 _param_constant116" -> "374 conv2d_43"; -"372 conv2d_43_updated_constant0" -> "373 symmetric_weights_decompressor_conv2d_43_updated_constant0_0"; -"373 symmetric_weights_decompressor_conv2d_43_updated_constant0_0" -> "374 conv2d_43"; -"374 conv2d_43" -> "375 relu_7"; -"375 relu_7" -> "379 conv2d_44"; -"376 _param_constant118" -> "379 conv2d_44"; -"377 conv2d_44_updated_constant0" -> "378 symmetric_weights_decompressor_conv2d_44_updated_constant0_0"; -"378 symmetric_weights_decompressor_conv2d_44_updated_constant0_0" -> "379 conv2d_44"; -"379 conv2d_44" -> "380 hardsigmoid_7"; -"380 hardsigmoid_7" -> "381 mul_7"; -"381 mul_7" -> "384 conv2d_45"; -"382 conv2d_45_updated_constant0" -> "383 symmetric_weights_decompressor_conv2d_45_updated_constant0_0"; -"383 symmetric_weights_decompressor_conv2d_45_updated_constant0_0" -> "384 conv2d_45"; -"384 conv2d_45" -> "389 _native_batch_norm_legit_no_training_29"; -"385 _param_constant120" -> "389 _native_batch_norm_legit_no_training_29"; -"386 _param_constant121" -> "389 _native_batch_norm_legit_no_training_29"; -"387 _tensor_constant58" -> "389 _native_batch_norm_legit_no_training_29"; -"388 _tensor_constant59" -> "389 _native_batch_norm_legit_no_training_29"; -"389 _native_batch_norm_legit_no_training_29" -> "390 getitem_87"; -"390 getitem_87" -> "391 add__4"; -"391 add__4" -> "394 conv2d_46"; -"391 add__4" -> "433 add__5"; -"392 conv2d_46_updated_constant0" -> "393 symmetric_weights_decompressor_conv2d_46_updated_constant0_0"; -"393 symmetric_weights_decompressor_conv2d_46_updated_constant0_0" -> "394 conv2d_46"; -"394 conv2d_46" -> "399 _native_batch_norm_legit_no_training_30"; -"395 _param_constant123" -> "399 _native_batch_norm_legit_no_training_30"; -"396 _param_constant124" -> "399 _native_batch_norm_legit_no_training_30"; -"397 _tensor_constant60" -> "399 _native_batch_norm_legit_no_training_30"; -"398 _tensor_constant61" -> "399 _native_batch_norm_legit_no_training_30"; -"399 _native_batch_norm_legit_no_training_30" -> "400 getitem_90"; -"400 getitem_90" -> "401 hardswish__15"; -"401 hardswish__15" -> "404 conv2d_47"; -"402 conv2d_47_updated_constant0" -> "403 symmetric_weights_decompressor_conv2d_47_updated_constant0_0"; -"403 symmetric_weights_decompressor_conv2d_47_updated_constant0_0" -> "404 conv2d_47"; -"404 conv2d_47" -> "409 _native_batch_norm_legit_no_training_31"; -"405 _param_constant126" -> "409 _native_batch_norm_legit_no_training_31"; -"406 _param_constant127" -> "409 _native_batch_norm_legit_no_training_31"; -"407 _tensor_constant62" -> "409 _native_batch_norm_legit_no_training_31"; -"408 _tensor_constant63" -> "409 _native_batch_norm_legit_no_training_31"; -"409 _native_batch_norm_legit_no_training_31" -> "410 getitem_93"; -"410 getitem_93" -> "411 hardswish__16"; -"411 hardswish__16" -> "412 adaptive_avg_pool2d_8"; -"411 hardswish__16" -> "423 mul_8"; -"412 adaptive_avg_pool2d_8" -> "416 conv2d_48"; -"413 _param_constant129" -> "416 conv2d_48"; -"414 conv2d_48_updated_constant0" -> "415 symmetric_weights_decompressor_conv2d_48_updated_constant0_0"; -"415 symmetric_weights_decompressor_conv2d_48_updated_constant0_0" -> "416 conv2d_48"; -"416 conv2d_48" -> "417 relu_8"; -"417 relu_8" -> "421 conv2d_49"; -"418 _param_constant131" -> "421 conv2d_49"; -"419 conv2d_49_updated_constant0" -> "420 symmetric_weights_decompressor_conv2d_49_updated_constant0_0"; -"420 symmetric_weights_decompressor_conv2d_49_updated_constant0_0" -> "421 conv2d_49"; -"421 conv2d_49" -> "422 hardsigmoid_8"; -"422 hardsigmoid_8" -> "423 mul_8"; -"423 mul_8" -> "426 conv2d_50"; -"424 conv2d_50_updated_constant0" -> "425 symmetric_weights_decompressor_conv2d_50_updated_constant0_0"; -"425 symmetric_weights_decompressor_conv2d_50_updated_constant0_0" -> "426 conv2d_50"; -"426 conv2d_50" -> "431 _native_batch_norm_legit_no_training_32"; -"427 _param_constant133" -> "431 _native_batch_norm_legit_no_training_32"; -"428 _param_constant134" -> "431 _native_batch_norm_legit_no_training_32"; -"429 _tensor_constant64" -> "431 _native_batch_norm_legit_no_training_32"; -"430 _tensor_constant65" -> "431 _native_batch_norm_legit_no_training_32"; -"431 _native_batch_norm_legit_no_training_32" -> "432 getitem_96"; -"432 getitem_96" -> "433 add__5"; -"433 add__5" -> "436 conv2d_51"; -"434 conv2d_51_updated_constant0" -> "435 symmetric_weights_decompressor_conv2d_51_updated_constant0_0"; -"435 symmetric_weights_decompressor_conv2d_51_updated_constant0_0" -> "436 conv2d_51"; -"436 conv2d_51" -> "441 _native_batch_norm_legit_no_training_33"; -"437 _param_constant136" -> "441 _native_batch_norm_legit_no_training_33"; -"438 _param_constant137" -> "441 _native_batch_norm_legit_no_training_33"; -"439 _tensor_constant66" -> "441 _native_batch_norm_legit_no_training_33"; -"440 _tensor_constant67" -> "441 _native_batch_norm_legit_no_training_33"; -"441 _native_batch_norm_legit_no_training_33" -> "442 getitem_99"; -"442 getitem_99" -> "443 hardswish__17"; -"443 hardswish__17" -> "444 adaptive_avg_pool2d_9"; -"444 adaptive_avg_pool2d_9" -> "445 flatten"; -"445 flatten" -> "449 linear"; -"446 _param_constant139" -> "449 linear"; -"447 linear_updated_constant0" -> "448 symmetric_weights_decompressor_linear_updated_constant0_0"; -"448 symmetric_weights_decompressor_linear_updated_constant0_0" -> "449 linear"; -"449 linear" -> "450 hardswish__18"; -"450 hardswish__18" -> "451 dropout_"; -"451 dropout_" -> "455 linear_1"; -"452 _param_constant141" -> "455 linear_1"; -"453 linear_1_updated_constant0" -> "454 symmetric_weights_decompressor_linear_1_updated_constant0_0"; -"454 symmetric_weights_decompressor_linear_1_updated_constant0_0" -> "455 linear_1"; -"455 linear_1" -> "456 output"; -} diff --git a/tests/torch/data/reference_graphs/fx/compressed/resnet18.dot b/tests/torch/data/reference_graphs/fx/compressed/resnet18.dot deleted file mode 100644 index 747c5cd3a65..00000000000 --- a/tests/torch/data/reference_graphs/fx/compressed/resnet18.dot +++ /dev/null @@ -1,437 +0,0 @@ -strict digraph { -"0 arg0_1" [id=0, type=input]; -"1 conv2d_updated_constant0" [id=1, type=get_attr]; -"2 symmetric_weights_decompressor_conv2d_updated_constant0_0" [id=2, type=call_module]; -"3 conv2d" [id=3, type=conv2d]; -"4 _param_constant1" [id=4, type=get_attr]; -"5 _param_constant2" [id=5, type=get_attr]; -"6 _tensor_constant0" [id=6, type=get_attr]; -"7 _tensor_constant1" [id=7, type=get_attr]; -"8 _native_batch_norm_legit_no_training" [id=8, type=_native_batch_norm_legit_no_training]; -"9 getitem" [id=9, type=__getitem__]; -"10 relu_" [id=10, type=relu_]; -"11 max_pool2d" [id=11, type=max_pool2d]; -"12 conv2d_1_updated_constant0" [id=12, type=get_attr]; -"13 symmetric_weights_decompressor_conv2d_1_updated_constant0_0" [id=13, type=call_module]; -"14 conv2d_1" [id=14, type=conv2d]; -"15 _param_constant4" [id=15, type=get_attr]; -"16 _param_constant5" [id=16, type=get_attr]; -"17 _tensor_constant2" [id=17, type=get_attr]; -"18 _tensor_constant3" [id=18, type=get_attr]; -"19 _native_batch_norm_legit_no_training_1" [id=19, type=_native_batch_norm_legit_no_training]; -"20 getitem_3" [id=20, type=__getitem__]; -"21 relu__1" [id=21, type=relu_]; -"22 conv2d_2_updated_constant0" [id=22, type=get_attr]; -"23 symmetric_weights_decompressor_conv2d_2_updated_constant0_0" [id=23, type=call_module]; -"24 conv2d_2" [id=24, type=conv2d]; -"25 _param_constant7" [id=25, type=get_attr]; -"26 _param_constant8" [id=26, type=get_attr]; -"27 _tensor_constant4" [id=27, type=get_attr]; -"28 _tensor_constant5" [id=28, type=get_attr]; -"29 _native_batch_norm_legit_no_training_2" [id=29, type=_native_batch_norm_legit_no_training]; -"30 getitem_6" [id=30, type=__getitem__]; -"31 add_" [id=31, type=add_]; -"32 relu__2" [id=32, type=relu_]; -"33 conv2d_3_updated_constant0" [id=33, type=get_attr]; -"34 symmetric_weights_decompressor_conv2d_3_updated_constant0_0" [id=34, type=call_module]; -"35 conv2d_3" [id=35, type=conv2d]; -"36 _param_constant10" [id=36, type=get_attr]; -"37 _param_constant11" [id=37, type=get_attr]; -"38 _tensor_constant6" [id=38, type=get_attr]; -"39 _tensor_constant7" [id=39, type=get_attr]; -"40 _native_batch_norm_legit_no_training_3" [id=40, type=_native_batch_norm_legit_no_training]; -"41 getitem_9" [id=41, type=__getitem__]; -"42 relu__3" [id=42, type=relu_]; -"43 conv2d_4_updated_constant0" [id=43, type=get_attr]; -"44 symmetric_weights_decompressor_conv2d_4_updated_constant0_0" [id=44, type=call_module]; -"45 conv2d_4" [id=45, type=conv2d]; -"46 _param_constant13" [id=46, type=get_attr]; -"47 _param_constant14" [id=47, type=get_attr]; -"48 _tensor_constant8" [id=48, type=get_attr]; -"49 _tensor_constant9" [id=49, type=get_attr]; -"50 _native_batch_norm_legit_no_training_4" [id=50, type=_native_batch_norm_legit_no_training]; -"51 getitem_12" [id=51, type=__getitem__]; -"52 add__1" [id=52, type=add_]; -"53 relu__4" [id=53, type=relu_]; -"54 conv2d_5_updated_constant0" [id=54, type=get_attr]; -"55 symmetric_weights_decompressor_conv2d_5_updated_constant0_0" [id=55, type=call_module]; -"56 conv2d_5" [id=56, type=conv2d]; -"57 _param_constant16" [id=57, type=get_attr]; -"58 _param_constant17" [id=58, type=get_attr]; -"59 _tensor_constant10" [id=59, type=get_attr]; -"60 _tensor_constant11" [id=60, type=get_attr]; -"61 _native_batch_norm_legit_no_training_5" [id=61, type=_native_batch_norm_legit_no_training]; -"62 getitem_15" [id=62, type=__getitem__]; -"63 relu__5" [id=63, type=relu_]; -"64 conv2d_6_updated_constant0" [id=64, type=get_attr]; -"65 symmetric_weights_decompressor_conv2d_6_updated_constant0_0" [id=65, type=call_module]; -"66 conv2d_6" [id=66, type=conv2d]; -"67 _param_constant19" [id=67, type=get_attr]; -"68 _param_constant20" [id=68, type=get_attr]; -"69 _tensor_constant12" [id=69, type=get_attr]; -"70 _tensor_constant13" [id=70, type=get_attr]; -"71 _native_batch_norm_legit_no_training_6" [id=71, type=_native_batch_norm_legit_no_training]; -"72 getitem_18" [id=72, type=__getitem__]; -"73 conv2d_7_updated_constant0" [id=73, type=get_attr]; -"74 symmetric_weights_decompressor_conv2d_7_updated_constant0_0" [id=74, type=call_module]; -"75 conv2d_7" [id=75, type=conv2d]; -"76 _param_constant22" [id=76, type=get_attr]; -"77 _param_constant23" [id=77, type=get_attr]; -"78 _tensor_constant14" [id=78, type=get_attr]; -"79 _tensor_constant15" [id=79, type=get_attr]; -"80 _native_batch_norm_legit_no_training_7" [id=80, type=_native_batch_norm_legit_no_training]; -"81 getitem_21" [id=81, type=__getitem__]; -"82 add__2" [id=82, type=add_]; -"83 relu__6" [id=83, type=relu_]; -"84 conv2d_8_updated_constant0" [id=84, type=get_attr]; -"85 symmetric_weights_decompressor_conv2d_8_updated_constant0_0" [id=85, type=call_module]; -"86 conv2d_8" [id=86, type=conv2d]; -"87 _param_constant25" [id=87, type=get_attr]; -"88 _param_constant26" [id=88, type=get_attr]; -"89 _tensor_constant16" [id=89, type=get_attr]; -"90 _tensor_constant17" [id=90, type=get_attr]; -"91 _native_batch_norm_legit_no_training_8" [id=91, type=_native_batch_norm_legit_no_training]; -"92 getitem_24" [id=92, type=__getitem__]; -"93 relu__7" [id=93, type=relu_]; -"94 conv2d_9_updated_constant0" [id=94, type=get_attr]; -"95 symmetric_weights_decompressor_conv2d_9_updated_constant0_0" [id=95, type=call_module]; -"96 conv2d_9" [id=96, type=conv2d]; -"97 _param_constant28" [id=97, type=get_attr]; -"98 _param_constant29" [id=98, type=get_attr]; -"99 _tensor_constant18" [id=99, type=get_attr]; -"100 _tensor_constant19" [id=100, type=get_attr]; -"101 _native_batch_norm_legit_no_training_9" [id=101, type=_native_batch_norm_legit_no_training]; -"102 getitem_27" [id=102, type=__getitem__]; -"103 add__3" [id=103, type=add_]; -"104 relu__8" [id=104, type=relu_]; -"105 conv2d_10_updated_constant0" [id=105, type=get_attr]; -"106 symmetric_weights_decompressor_conv2d_10_updated_constant0_0" [id=106, type=call_module]; -"107 conv2d_10" [id=107, type=conv2d]; -"108 _param_constant31" [id=108, type=get_attr]; -"109 _param_constant32" [id=109, type=get_attr]; -"110 _tensor_constant20" [id=110, type=get_attr]; -"111 _tensor_constant21" [id=111, type=get_attr]; -"112 _native_batch_norm_legit_no_training_10" [id=112, type=_native_batch_norm_legit_no_training]; -"113 getitem_30" [id=113, type=__getitem__]; -"114 relu__9" [id=114, type=relu_]; -"115 conv2d_11_updated_constant0" [id=115, type=get_attr]; -"116 symmetric_weights_decompressor_conv2d_11_updated_constant0_0" [id=116, type=call_module]; -"117 conv2d_11" [id=117, type=conv2d]; -"118 _param_constant34" [id=118, type=get_attr]; -"119 _param_constant35" [id=119, type=get_attr]; -"120 _tensor_constant22" [id=120, type=get_attr]; -"121 _tensor_constant23" [id=121, type=get_attr]; -"122 _native_batch_norm_legit_no_training_11" [id=122, type=_native_batch_norm_legit_no_training]; -"123 getitem_33" [id=123, type=__getitem__]; -"124 conv2d_12_updated_constant0" [id=124, type=get_attr]; -"125 symmetric_weights_decompressor_conv2d_12_updated_constant0_0" [id=125, type=call_module]; -"126 conv2d_12" [id=126, type=conv2d]; -"127 _param_constant37" [id=127, type=get_attr]; -"128 _param_constant38" [id=128, type=get_attr]; -"129 _tensor_constant24" [id=129, type=get_attr]; -"130 _tensor_constant25" [id=130, type=get_attr]; -"131 _native_batch_norm_legit_no_training_12" [id=131, type=_native_batch_norm_legit_no_training]; -"132 getitem_36" [id=132, type=__getitem__]; -"133 add__4" [id=133, type=add_]; -"134 relu__10" [id=134, type=relu_]; -"135 conv2d_13_updated_constant0" [id=135, type=get_attr]; -"136 symmetric_weights_decompressor_conv2d_13_updated_constant0_0" [id=136, type=call_module]; -"137 conv2d_13" [id=137, type=conv2d]; -"138 _param_constant40" [id=138, type=get_attr]; -"139 _param_constant41" [id=139, type=get_attr]; -"140 _tensor_constant26" [id=140, type=get_attr]; -"141 _tensor_constant27" [id=141, type=get_attr]; -"142 _native_batch_norm_legit_no_training_13" [id=142, type=_native_batch_norm_legit_no_training]; -"143 getitem_39" [id=143, type=__getitem__]; -"144 relu__11" [id=144, type=relu_]; -"145 conv2d_14_updated_constant0" [id=145, type=get_attr]; -"146 symmetric_weights_decompressor_conv2d_14_updated_constant0_0" [id=146, type=call_module]; -"147 conv2d_14" [id=147, type=conv2d]; -"148 _param_constant43" [id=148, type=get_attr]; -"149 _param_constant44" [id=149, type=get_attr]; -"150 _tensor_constant28" [id=150, type=get_attr]; -"151 _tensor_constant29" [id=151, type=get_attr]; -"152 _native_batch_norm_legit_no_training_14" [id=152, type=_native_batch_norm_legit_no_training]; -"153 getitem_42" [id=153, type=__getitem__]; -"154 add__5" [id=154, type=add_]; -"155 relu__12" [id=155, type=relu_]; -"156 conv2d_15_updated_constant0" [id=156, type=get_attr]; -"157 symmetric_weights_decompressor_conv2d_15_updated_constant0_0" [id=157, type=call_module]; -"158 conv2d_15" [id=158, type=conv2d]; -"159 _param_constant46" [id=159, type=get_attr]; -"160 _param_constant47" [id=160, type=get_attr]; -"161 _tensor_constant30" [id=161, type=get_attr]; -"162 _tensor_constant31" [id=162, type=get_attr]; -"163 _native_batch_norm_legit_no_training_15" [id=163, type=_native_batch_norm_legit_no_training]; -"164 getitem_45" [id=164, type=__getitem__]; -"165 relu__13" [id=165, type=relu_]; -"166 conv2d_16_updated_constant0" [id=166, type=get_attr]; -"167 symmetric_weights_decompressor_conv2d_16_updated_constant0_0" [id=167, type=call_module]; -"168 conv2d_16" [id=168, type=conv2d]; -"169 _param_constant49" [id=169, type=get_attr]; -"170 _param_constant50" [id=170, type=get_attr]; -"171 _tensor_constant32" [id=171, type=get_attr]; -"172 _tensor_constant33" [id=172, type=get_attr]; -"173 _native_batch_norm_legit_no_training_16" [id=173, type=_native_batch_norm_legit_no_training]; -"174 getitem_48" [id=174, type=__getitem__]; -"175 conv2d_17_updated_constant0" [id=175, type=get_attr]; -"176 symmetric_weights_decompressor_conv2d_17_updated_constant0_0" [id=176, type=call_module]; -"177 conv2d_17" [id=177, type=conv2d]; -"178 _param_constant52" [id=178, type=get_attr]; -"179 _param_constant53" [id=179, type=get_attr]; -"180 _tensor_constant34" [id=180, type=get_attr]; -"181 _tensor_constant35" [id=181, type=get_attr]; -"182 _native_batch_norm_legit_no_training_17" [id=182, type=_native_batch_norm_legit_no_training]; -"183 getitem_51" [id=183, type=__getitem__]; -"184 add__6" [id=184, type=add_]; -"185 relu__14" [id=185, type=relu_]; -"186 conv2d_18_updated_constant0" [id=186, type=get_attr]; -"187 symmetric_weights_decompressor_conv2d_18_updated_constant0_0" [id=187, type=call_module]; -"188 conv2d_18" [id=188, type=conv2d]; -"189 _param_constant55" [id=189, type=get_attr]; -"190 _param_constant56" [id=190, type=get_attr]; -"191 _tensor_constant36" [id=191, type=get_attr]; -"192 _tensor_constant37" [id=192, type=get_attr]; -"193 _native_batch_norm_legit_no_training_18" [id=193, type=_native_batch_norm_legit_no_training]; -"194 getitem_54" [id=194, type=__getitem__]; -"195 relu__15" [id=195, type=relu_]; -"196 conv2d_19_updated_constant0" [id=196, type=get_attr]; -"197 symmetric_weights_decompressor_conv2d_19_updated_constant0_0" [id=197, type=call_module]; -"198 conv2d_19" [id=198, type=conv2d]; -"199 _param_constant58" [id=199, type=get_attr]; -"200 _param_constant59" [id=200, type=get_attr]; -"201 _tensor_constant38" [id=201, type=get_attr]; -"202 _tensor_constant39" [id=202, type=get_attr]; -"203 _native_batch_norm_legit_no_training_19" [id=203, type=_native_batch_norm_legit_no_training]; -"204 getitem_57" [id=204, type=__getitem__]; -"205 add__7" [id=205, type=add_]; -"206 relu__16" [id=206, type=relu_]; -"207 adaptive_avg_pool2d" [id=207, type=adaptive_avg_pool2d]; -"208 flatten" [id=208, type=flatten]; -"209 _param_constant61" [id=209, type=get_attr]; -"210 linear_updated_constant0" [id=210, type=get_attr]; -"211 symmetric_weights_decompressor_linear_updated_constant0_0" [id=211, type=call_module]; -"212 linear" [id=212, type=linear]; -"213 output" [id=213, type=output]; -"0 arg0_1" -> "3 conv2d"; -"1 conv2d_updated_constant0" -> "2 symmetric_weights_decompressor_conv2d_updated_constant0_0"; -"2 symmetric_weights_decompressor_conv2d_updated_constant0_0" -> "3 conv2d"; -"3 conv2d" -> "8 _native_batch_norm_legit_no_training"; -"4 _param_constant1" -> "8 _native_batch_norm_legit_no_training"; -"5 _param_constant2" -> "8 _native_batch_norm_legit_no_training"; -"6 _tensor_constant0" -> "8 _native_batch_norm_legit_no_training"; -"7 _tensor_constant1" -> "8 _native_batch_norm_legit_no_training"; -"8 _native_batch_norm_legit_no_training" -> "9 getitem"; -"9 getitem" -> "10 relu_"; -"10 relu_" -> "11 max_pool2d"; -"11 max_pool2d" -> "14 conv2d_1"; -"11 max_pool2d" -> "31 add_"; -"12 conv2d_1_updated_constant0" -> "13 symmetric_weights_decompressor_conv2d_1_updated_constant0_0"; -"13 symmetric_weights_decompressor_conv2d_1_updated_constant0_0" -> "14 conv2d_1"; -"14 conv2d_1" -> "19 _native_batch_norm_legit_no_training_1"; -"15 _param_constant4" -> "19 _native_batch_norm_legit_no_training_1"; -"16 _param_constant5" -> "19 _native_batch_norm_legit_no_training_1"; -"17 _tensor_constant2" -> "19 _native_batch_norm_legit_no_training_1"; -"18 _tensor_constant3" -> "19 _native_batch_norm_legit_no_training_1"; -"19 _native_batch_norm_legit_no_training_1" -> "20 getitem_3"; -"20 getitem_3" -> "21 relu__1"; -"21 relu__1" -> "24 conv2d_2"; -"22 conv2d_2_updated_constant0" -> "23 symmetric_weights_decompressor_conv2d_2_updated_constant0_0"; -"23 symmetric_weights_decompressor_conv2d_2_updated_constant0_0" -> "24 conv2d_2"; -"24 conv2d_2" -> "29 _native_batch_norm_legit_no_training_2"; -"25 _param_constant7" -> "29 _native_batch_norm_legit_no_training_2"; -"26 _param_constant8" -> "29 _native_batch_norm_legit_no_training_2"; -"27 _tensor_constant4" -> "29 _native_batch_norm_legit_no_training_2"; -"28 _tensor_constant5" -> "29 _native_batch_norm_legit_no_training_2"; -"29 _native_batch_norm_legit_no_training_2" -> "30 getitem_6"; -"30 getitem_6" -> "31 add_"; -"31 add_" -> "32 relu__2"; -"32 relu__2" -> "35 conv2d_3"; -"32 relu__2" -> "52 add__1"; -"33 conv2d_3_updated_constant0" -> "34 symmetric_weights_decompressor_conv2d_3_updated_constant0_0"; -"34 symmetric_weights_decompressor_conv2d_3_updated_constant0_0" -> "35 conv2d_3"; -"35 conv2d_3" -> "40 _native_batch_norm_legit_no_training_3"; -"36 _param_constant10" -> "40 _native_batch_norm_legit_no_training_3"; -"37 _param_constant11" -> "40 _native_batch_norm_legit_no_training_3"; -"38 _tensor_constant6" -> "40 _native_batch_norm_legit_no_training_3"; -"39 _tensor_constant7" -> "40 _native_batch_norm_legit_no_training_3"; -"40 _native_batch_norm_legit_no_training_3" -> "41 getitem_9"; -"41 getitem_9" -> "42 relu__3"; -"42 relu__3" -> "45 conv2d_4"; -"43 conv2d_4_updated_constant0" -> "44 symmetric_weights_decompressor_conv2d_4_updated_constant0_0"; -"44 symmetric_weights_decompressor_conv2d_4_updated_constant0_0" -> "45 conv2d_4"; -"45 conv2d_4" -> "50 _native_batch_norm_legit_no_training_4"; -"46 _param_constant13" -> "50 _native_batch_norm_legit_no_training_4"; -"47 _param_constant14" -> "50 _native_batch_norm_legit_no_training_4"; -"48 _tensor_constant8" -> "50 _native_batch_norm_legit_no_training_4"; -"49 _tensor_constant9" -> "50 _native_batch_norm_legit_no_training_4"; -"50 _native_batch_norm_legit_no_training_4" -> "51 getitem_12"; -"51 getitem_12" -> "52 add__1"; -"52 add__1" -> "53 relu__4"; -"53 relu__4" -> "56 conv2d_5"; -"53 relu__4" -> "75 conv2d_7"; -"54 conv2d_5_updated_constant0" -> "55 symmetric_weights_decompressor_conv2d_5_updated_constant0_0"; -"55 symmetric_weights_decompressor_conv2d_5_updated_constant0_0" -> "56 conv2d_5"; -"56 conv2d_5" -> "61 _native_batch_norm_legit_no_training_5"; -"57 _param_constant16" -> "61 _native_batch_norm_legit_no_training_5"; -"58 _param_constant17" -> "61 _native_batch_norm_legit_no_training_5"; -"59 _tensor_constant10" -> "61 _native_batch_norm_legit_no_training_5"; -"60 _tensor_constant11" -> "61 _native_batch_norm_legit_no_training_5"; -"61 _native_batch_norm_legit_no_training_5" -> "62 getitem_15"; -"62 getitem_15" -> "63 relu__5"; -"63 relu__5" -> "66 conv2d_6"; -"64 conv2d_6_updated_constant0" -> "65 symmetric_weights_decompressor_conv2d_6_updated_constant0_0"; -"65 symmetric_weights_decompressor_conv2d_6_updated_constant0_0" -> "66 conv2d_6"; -"66 conv2d_6" -> "71 _native_batch_norm_legit_no_training_6"; -"67 _param_constant19" -> "71 _native_batch_norm_legit_no_training_6"; -"68 _param_constant20" -> "71 _native_batch_norm_legit_no_training_6"; -"69 _tensor_constant12" -> "71 _native_batch_norm_legit_no_training_6"; -"70 _tensor_constant13" -> "71 _native_batch_norm_legit_no_training_6"; -"71 _native_batch_norm_legit_no_training_6" -> "72 getitem_18"; -"72 getitem_18" -> "82 add__2"; -"73 conv2d_7_updated_constant0" -> "74 symmetric_weights_decompressor_conv2d_7_updated_constant0_0"; -"74 symmetric_weights_decompressor_conv2d_7_updated_constant0_0" -> "75 conv2d_7"; -"75 conv2d_7" -> "80 _native_batch_norm_legit_no_training_7"; -"76 _param_constant22" -> "80 _native_batch_norm_legit_no_training_7"; -"77 _param_constant23" -> "80 _native_batch_norm_legit_no_training_7"; -"78 _tensor_constant14" -> "80 _native_batch_norm_legit_no_training_7"; -"79 _tensor_constant15" -> "80 _native_batch_norm_legit_no_training_7"; -"80 _native_batch_norm_legit_no_training_7" -> "81 getitem_21"; -"81 getitem_21" -> "82 add__2"; -"82 add__2" -> "83 relu__6"; -"83 relu__6" -> "86 conv2d_8"; -"83 relu__6" -> "103 add__3"; -"84 conv2d_8_updated_constant0" -> "85 symmetric_weights_decompressor_conv2d_8_updated_constant0_0"; -"85 symmetric_weights_decompressor_conv2d_8_updated_constant0_0" -> "86 conv2d_8"; -"86 conv2d_8" -> "91 _native_batch_norm_legit_no_training_8"; -"87 _param_constant25" -> "91 _native_batch_norm_legit_no_training_8"; -"88 _param_constant26" -> "91 _native_batch_norm_legit_no_training_8"; -"89 _tensor_constant16" -> "91 _native_batch_norm_legit_no_training_8"; -"90 _tensor_constant17" -> "91 _native_batch_norm_legit_no_training_8"; -"91 _native_batch_norm_legit_no_training_8" -> "92 getitem_24"; -"92 getitem_24" -> "93 relu__7"; -"93 relu__7" -> "96 conv2d_9"; -"94 conv2d_9_updated_constant0" -> "95 symmetric_weights_decompressor_conv2d_9_updated_constant0_0"; -"95 symmetric_weights_decompressor_conv2d_9_updated_constant0_0" -> "96 conv2d_9"; -"96 conv2d_9" -> "101 _native_batch_norm_legit_no_training_9"; -"97 _param_constant28" -> "101 _native_batch_norm_legit_no_training_9"; -"98 _param_constant29" -> "101 _native_batch_norm_legit_no_training_9"; -"99 _tensor_constant18" -> "101 _native_batch_norm_legit_no_training_9"; -"100 _tensor_constant19" -> "101 _native_batch_norm_legit_no_training_9"; -"101 _native_batch_norm_legit_no_training_9" -> "102 getitem_27"; -"102 getitem_27" -> "103 add__3"; -"103 add__3" -> "104 relu__8"; -"104 relu__8" -> "107 conv2d_10"; -"104 relu__8" -> "126 conv2d_12"; -"105 conv2d_10_updated_constant0" -> "106 symmetric_weights_decompressor_conv2d_10_updated_constant0_0"; -"106 symmetric_weights_decompressor_conv2d_10_updated_constant0_0" -> "107 conv2d_10"; -"107 conv2d_10" -> "112 _native_batch_norm_legit_no_training_10"; -"108 _param_constant31" -> "112 _native_batch_norm_legit_no_training_10"; -"109 _param_constant32" -> "112 _native_batch_norm_legit_no_training_10"; -"110 _tensor_constant20" -> "112 _native_batch_norm_legit_no_training_10"; -"111 _tensor_constant21" -> "112 _native_batch_norm_legit_no_training_10"; -"112 _native_batch_norm_legit_no_training_10" -> "113 getitem_30"; -"113 getitem_30" -> "114 relu__9"; -"114 relu__9" -> "117 conv2d_11"; -"115 conv2d_11_updated_constant0" -> "116 symmetric_weights_decompressor_conv2d_11_updated_constant0_0"; -"116 symmetric_weights_decompressor_conv2d_11_updated_constant0_0" -> "117 conv2d_11"; -"117 conv2d_11" -> "122 _native_batch_norm_legit_no_training_11"; -"118 _param_constant34" -> "122 _native_batch_norm_legit_no_training_11"; -"119 _param_constant35" -> "122 _native_batch_norm_legit_no_training_11"; -"120 _tensor_constant22" -> "122 _native_batch_norm_legit_no_training_11"; -"121 _tensor_constant23" -> "122 _native_batch_norm_legit_no_training_11"; -"122 _native_batch_norm_legit_no_training_11" -> "123 getitem_33"; -"123 getitem_33" -> "133 add__4"; -"124 conv2d_12_updated_constant0" -> "125 symmetric_weights_decompressor_conv2d_12_updated_constant0_0"; -"125 symmetric_weights_decompressor_conv2d_12_updated_constant0_0" -> "126 conv2d_12"; -"126 conv2d_12" -> "131 _native_batch_norm_legit_no_training_12"; -"127 _param_constant37" -> "131 _native_batch_norm_legit_no_training_12"; -"128 _param_constant38" -> "131 _native_batch_norm_legit_no_training_12"; -"129 _tensor_constant24" -> "131 _native_batch_norm_legit_no_training_12"; -"130 _tensor_constant25" -> "131 _native_batch_norm_legit_no_training_12"; -"131 _native_batch_norm_legit_no_training_12" -> "132 getitem_36"; -"132 getitem_36" -> "133 add__4"; -"133 add__4" -> "134 relu__10"; -"134 relu__10" -> "137 conv2d_13"; -"134 relu__10" -> "154 add__5"; -"135 conv2d_13_updated_constant0" -> "136 symmetric_weights_decompressor_conv2d_13_updated_constant0_0"; -"136 symmetric_weights_decompressor_conv2d_13_updated_constant0_0" -> "137 conv2d_13"; -"137 conv2d_13" -> "142 _native_batch_norm_legit_no_training_13"; -"138 _param_constant40" -> "142 _native_batch_norm_legit_no_training_13"; -"139 _param_constant41" -> "142 _native_batch_norm_legit_no_training_13"; -"140 _tensor_constant26" -> "142 _native_batch_norm_legit_no_training_13"; -"141 _tensor_constant27" -> "142 _native_batch_norm_legit_no_training_13"; -"142 _native_batch_norm_legit_no_training_13" -> "143 getitem_39"; -"143 getitem_39" -> "144 relu__11"; -"144 relu__11" -> "147 conv2d_14"; -"145 conv2d_14_updated_constant0" -> "146 symmetric_weights_decompressor_conv2d_14_updated_constant0_0"; -"146 symmetric_weights_decompressor_conv2d_14_updated_constant0_0" -> "147 conv2d_14"; -"147 conv2d_14" -> "152 _native_batch_norm_legit_no_training_14"; -"148 _param_constant43" -> "152 _native_batch_norm_legit_no_training_14"; -"149 _param_constant44" -> "152 _native_batch_norm_legit_no_training_14"; -"150 _tensor_constant28" -> "152 _native_batch_norm_legit_no_training_14"; -"151 _tensor_constant29" -> "152 _native_batch_norm_legit_no_training_14"; -"152 _native_batch_norm_legit_no_training_14" -> "153 getitem_42"; -"153 getitem_42" -> "154 add__5"; -"154 add__5" -> "155 relu__12"; -"155 relu__12" -> "158 conv2d_15"; -"155 relu__12" -> "177 conv2d_17"; -"156 conv2d_15_updated_constant0" -> "157 symmetric_weights_decompressor_conv2d_15_updated_constant0_0"; -"157 symmetric_weights_decompressor_conv2d_15_updated_constant0_0" -> "158 conv2d_15"; -"158 conv2d_15" -> "163 _native_batch_norm_legit_no_training_15"; -"159 _param_constant46" -> "163 _native_batch_norm_legit_no_training_15"; -"160 _param_constant47" -> "163 _native_batch_norm_legit_no_training_15"; -"161 _tensor_constant30" -> "163 _native_batch_norm_legit_no_training_15"; -"162 _tensor_constant31" -> "163 _native_batch_norm_legit_no_training_15"; -"163 _native_batch_norm_legit_no_training_15" -> "164 getitem_45"; -"164 getitem_45" -> "165 relu__13"; -"165 relu__13" -> "168 conv2d_16"; -"166 conv2d_16_updated_constant0" -> "167 symmetric_weights_decompressor_conv2d_16_updated_constant0_0"; -"167 symmetric_weights_decompressor_conv2d_16_updated_constant0_0" -> "168 conv2d_16"; -"168 conv2d_16" -> "173 _native_batch_norm_legit_no_training_16"; -"169 _param_constant49" -> "173 _native_batch_norm_legit_no_training_16"; -"170 _param_constant50" -> "173 _native_batch_norm_legit_no_training_16"; -"171 _tensor_constant32" -> "173 _native_batch_norm_legit_no_training_16"; -"172 _tensor_constant33" -> "173 _native_batch_norm_legit_no_training_16"; -"173 _native_batch_norm_legit_no_training_16" -> "174 getitem_48"; -"174 getitem_48" -> "184 add__6"; -"175 conv2d_17_updated_constant0" -> "176 symmetric_weights_decompressor_conv2d_17_updated_constant0_0"; -"176 symmetric_weights_decompressor_conv2d_17_updated_constant0_0" -> "177 conv2d_17"; -"177 conv2d_17" -> "182 _native_batch_norm_legit_no_training_17"; -"178 _param_constant52" -> "182 _native_batch_norm_legit_no_training_17"; -"179 _param_constant53" -> "182 _native_batch_norm_legit_no_training_17"; -"180 _tensor_constant34" -> "182 _native_batch_norm_legit_no_training_17"; -"181 _tensor_constant35" -> "182 _native_batch_norm_legit_no_training_17"; -"182 _native_batch_norm_legit_no_training_17" -> "183 getitem_51"; -"183 getitem_51" -> "184 add__6"; -"184 add__6" -> "185 relu__14"; -"185 relu__14" -> "188 conv2d_18"; -"185 relu__14" -> "205 add__7"; -"186 conv2d_18_updated_constant0" -> "187 symmetric_weights_decompressor_conv2d_18_updated_constant0_0"; -"187 symmetric_weights_decompressor_conv2d_18_updated_constant0_0" -> "188 conv2d_18"; -"188 conv2d_18" -> "193 _native_batch_norm_legit_no_training_18"; -"189 _param_constant55" -> "193 _native_batch_norm_legit_no_training_18"; -"190 _param_constant56" -> "193 _native_batch_norm_legit_no_training_18"; -"191 _tensor_constant36" -> "193 _native_batch_norm_legit_no_training_18"; -"192 _tensor_constant37" -> "193 _native_batch_norm_legit_no_training_18"; -"193 _native_batch_norm_legit_no_training_18" -> "194 getitem_54"; -"194 getitem_54" -> "195 relu__15"; -"195 relu__15" -> "198 conv2d_19"; -"196 conv2d_19_updated_constant0" -> "197 symmetric_weights_decompressor_conv2d_19_updated_constant0_0"; -"197 symmetric_weights_decompressor_conv2d_19_updated_constant0_0" -> "198 conv2d_19"; -"198 conv2d_19" -> "203 _native_batch_norm_legit_no_training_19"; -"199 _param_constant58" -> "203 _native_batch_norm_legit_no_training_19"; -"200 _param_constant59" -> "203 _native_batch_norm_legit_no_training_19"; -"201 _tensor_constant38" -> "203 _native_batch_norm_legit_no_training_19"; -"202 _tensor_constant39" -> "203 _native_batch_norm_legit_no_training_19"; -"203 _native_batch_norm_legit_no_training_19" -> "204 getitem_57"; -"204 getitem_57" -> "205 add__7"; -"205 add__7" -> "206 relu__16"; -"206 relu__16" -> "207 adaptive_avg_pool2d"; -"207 adaptive_avg_pool2d" -> "208 flatten"; -"208 flatten" -> "212 linear"; -"209 _param_constant61" -> "212 linear"; -"210 linear_updated_constant0" -> "211 symmetric_weights_decompressor_linear_updated_constant0_0"; -"211 symmetric_weights_decompressor_linear_updated_constant0_0" -> "212 linear"; -"212 linear" -> "213 output"; -} diff --git a/tests/torch/data/reference_graphs/fx/compressed/resnet18_int8_asym.dot b/tests/torch/data/reference_graphs/fx/compressed/resnet18_int8_asym.dot deleted file mode 100644 index b838db507aa..00000000000 --- a/tests/torch/data/reference_graphs/fx/compressed/resnet18_int8_asym.dot +++ /dev/null @@ -1,437 +0,0 @@ -strict digraph { -"0 arg0_1" [id=0, type=input]; -"1 conv2d_updated_constant0" [id=1, type=get_attr]; -"2 asymmetric_weights_decompressor_conv2d_updated_constant0_0" [id=2, type=call_module]; -"3 conv2d" [id=3, type=conv2d]; -"4 _param_constant1" [id=4, type=get_attr]; -"5 _param_constant2" [id=5, type=get_attr]; -"6 _tensor_constant0" [id=6, type=get_attr]; -"7 _tensor_constant1" [id=7, type=get_attr]; -"8 _native_batch_norm_legit_no_training" [id=8, type=_native_batch_norm_legit_no_training]; -"9 getitem" [id=9, type=__getitem__]; -"10 relu_" [id=10, type=relu_]; -"11 max_pool2d" [id=11, type=max_pool2d]; -"12 conv2d_1_updated_constant0" [id=12, type=get_attr]; -"13 asymmetric_weights_decompressor_conv2d_1_updated_constant0_0" [id=13, type=call_module]; -"14 conv2d_1" [id=14, type=conv2d]; -"15 _param_constant4" [id=15, type=get_attr]; -"16 _param_constant5" [id=16, type=get_attr]; -"17 _tensor_constant2" [id=17, type=get_attr]; -"18 _tensor_constant3" [id=18, type=get_attr]; -"19 _native_batch_norm_legit_no_training_1" [id=19, type=_native_batch_norm_legit_no_training]; -"20 getitem_3" [id=20, type=__getitem__]; -"21 relu__1" [id=21, type=relu_]; -"22 conv2d_2_updated_constant0" [id=22, type=get_attr]; -"23 asymmetric_weights_decompressor_conv2d_2_updated_constant0_0" [id=23, type=call_module]; -"24 conv2d_2" [id=24, type=conv2d]; -"25 _param_constant7" [id=25, type=get_attr]; -"26 _param_constant8" [id=26, type=get_attr]; -"27 _tensor_constant4" [id=27, type=get_attr]; -"28 _tensor_constant5" [id=28, type=get_attr]; -"29 _native_batch_norm_legit_no_training_2" [id=29, type=_native_batch_norm_legit_no_training]; -"30 getitem_6" [id=30, type=__getitem__]; -"31 add_" [id=31, type=add_]; -"32 relu__2" [id=32, type=relu_]; -"33 conv2d_3_updated_constant0" [id=33, type=get_attr]; -"34 asymmetric_weights_decompressor_conv2d_3_updated_constant0_0" [id=34, type=call_module]; -"35 conv2d_3" [id=35, type=conv2d]; -"36 _param_constant10" [id=36, type=get_attr]; -"37 _param_constant11" [id=37, type=get_attr]; -"38 _tensor_constant6" [id=38, type=get_attr]; -"39 _tensor_constant7" [id=39, type=get_attr]; -"40 _native_batch_norm_legit_no_training_3" [id=40, type=_native_batch_norm_legit_no_training]; -"41 getitem_9" [id=41, type=__getitem__]; -"42 relu__3" [id=42, type=relu_]; -"43 conv2d_4_updated_constant0" [id=43, type=get_attr]; -"44 asymmetric_weights_decompressor_conv2d_4_updated_constant0_0" [id=44, type=call_module]; -"45 conv2d_4" [id=45, type=conv2d]; -"46 _param_constant13" [id=46, type=get_attr]; -"47 _param_constant14" [id=47, type=get_attr]; -"48 _tensor_constant8" [id=48, type=get_attr]; -"49 _tensor_constant9" [id=49, type=get_attr]; -"50 _native_batch_norm_legit_no_training_4" [id=50, type=_native_batch_norm_legit_no_training]; -"51 getitem_12" [id=51, type=__getitem__]; -"52 add__1" [id=52, type=add_]; -"53 relu__4" [id=53, type=relu_]; -"54 conv2d_5_updated_constant0" [id=54, type=get_attr]; -"55 asymmetric_weights_decompressor_conv2d_5_updated_constant0_0" [id=55, type=call_module]; -"56 conv2d_5" [id=56, type=conv2d]; -"57 _param_constant16" [id=57, type=get_attr]; -"58 _param_constant17" [id=58, type=get_attr]; -"59 _tensor_constant10" [id=59, type=get_attr]; -"60 _tensor_constant11" [id=60, type=get_attr]; -"61 _native_batch_norm_legit_no_training_5" [id=61, type=_native_batch_norm_legit_no_training]; -"62 getitem_15" [id=62, type=__getitem__]; -"63 relu__5" [id=63, type=relu_]; -"64 conv2d_6_updated_constant0" [id=64, type=get_attr]; -"65 asymmetric_weights_decompressor_conv2d_6_updated_constant0_0" [id=65, type=call_module]; -"66 conv2d_6" [id=66, type=conv2d]; -"67 _param_constant19" [id=67, type=get_attr]; -"68 _param_constant20" [id=68, type=get_attr]; -"69 _tensor_constant12" [id=69, type=get_attr]; -"70 _tensor_constant13" [id=70, type=get_attr]; -"71 _native_batch_norm_legit_no_training_6" [id=71, type=_native_batch_norm_legit_no_training]; -"72 getitem_18" [id=72, type=__getitem__]; -"73 conv2d_7_updated_constant0" [id=73, type=get_attr]; -"74 asymmetric_weights_decompressor_conv2d_7_updated_constant0_0" [id=74, type=call_module]; -"75 conv2d_7" [id=75, type=conv2d]; -"76 _param_constant22" [id=76, type=get_attr]; -"77 _param_constant23" [id=77, type=get_attr]; -"78 _tensor_constant14" [id=78, type=get_attr]; -"79 _tensor_constant15" [id=79, type=get_attr]; -"80 _native_batch_norm_legit_no_training_7" [id=80, type=_native_batch_norm_legit_no_training]; -"81 getitem_21" [id=81, type=__getitem__]; -"82 add__2" [id=82, type=add_]; -"83 relu__6" [id=83, type=relu_]; -"84 conv2d_8_updated_constant0" [id=84, type=get_attr]; -"85 asymmetric_weights_decompressor_conv2d_8_updated_constant0_0" [id=85, type=call_module]; -"86 conv2d_8" [id=86, type=conv2d]; -"87 _param_constant25" [id=87, type=get_attr]; -"88 _param_constant26" [id=88, type=get_attr]; -"89 _tensor_constant16" [id=89, type=get_attr]; -"90 _tensor_constant17" [id=90, type=get_attr]; -"91 _native_batch_norm_legit_no_training_8" [id=91, type=_native_batch_norm_legit_no_training]; -"92 getitem_24" [id=92, type=__getitem__]; -"93 relu__7" [id=93, type=relu_]; -"94 conv2d_9_updated_constant0" [id=94, type=get_attr]; -"95 asymmetric_weights_decompressor_conv2d_9_updated_constant0_0" [id=95, type=call_module]; -"96 conv2d_9" [id=96, type=conv2d]; -"97 _param_constant28" [id=97, type=get_attr]; -"98 _param_constant29" [id=98, type=get_attr]; -"99 _tensor_constant18" [id=99, type=get_attr]; -"100 _tensor_constant19" [id=100, type=get_attr]; -"101 _native_batch_norm_legit_no_training_9" [id=101, type=_native_batch_norm_legit_no_training]; -"102 getitem_27" [id=102, type=__getitem__]; -"103 add__3" [id=103, type=add_]; -"104 relu__8" [id=104, type=relu_]; -"105 conv2d_10_updated_constant0" [id=105, type=get_attr]; -"106 asymmetric_weights_decompressor_conv2d_10_updated_constant0_0" [id=106, type=call_module]; -"107 conv2d_10" [id=107, type=conv2d]; -"108 _param_constant31" [id=108, type=get_attr]; -"109 _param_constant32" [id=109, type=get_attr]; -"110 _tensor_constant20" [id=110, type=get_attr]; -"111 _tensor_constant21" [id=111, type=get_attr]; -"112 _native_batch_norm_legit_no_training_10" [id=112, type=_native_batch_norm_legit_no_training]; -"113 getitem_30" [id=113, type=__getitem__]; -"114 relu__9" [id=114, type=relu_]; -"115 conv2d_11_updated_constant0" [id=115, type=get_attr]; -"116 asymmetric_weights_decompressor_conv2d_11_updated_constant0_0" [id=116, type=call_module]; -"117 conv2d_11" [id=117, type=conv2d]; -"118 _param_constant34" [id=118, type=get_attr]; -"119 _param_constant35" [id=119, type=get_attr]; -"120 _tensor_constant22" [id=120, type=get_attr]; -"121 _tensor_constant23" [id=121, type=get_attr]; -"122 _native_batch_norm_legit_no_training_11" [id=122, type=_native_batch_norm_legit_no_training]; -"123 getitem_33" [id=123, type=__getitem__]; -"124 conv2d_12_updated_constant0" [id=124, type=get_attr]; -"125 asymmetric_weights_decompressor_conv2d_12_updated_constant0_0" [id=125, type=call_module]; -"126 conv2d_12" [id=126, type=conv2d]; -"127 _param_constant37" [id=127, type=get_attr]; -"128 _param_constant38" [id=128, type=get_attr]; -"129 _tensor_constant24" [id=129, type=get_attr]; -"130 _tensor_constant25" [id=130, type=get_attr]; -"131 _native_batch_norm_legit_no_training_12" [id=131, type=_native_batch_norm_legit_no_training]; -"132 getitem_36" [id=132, type=__getitem__]; -"133 add__4" [id=133, type=add_]; -"134 relu__10" [id=134, type=relu_]; -"135 conv2d_13_updated_constant0" [id=135, type=get_attr]; -"136 asymmetric_weights_decompressor_conv2d_13_updated_constant0_0" [id=136, type=call_module]; -"137 conv2d_13" [id=137, type=conv2d]; -"138 _param_constant40" [id=138, type=get_attr]; -"139 _param_constant41" [id=139, type=get_attr]; -"140 _tensor_constant26" [id=140, type=get_attr]; -"141 _tensor_constant27" [id=141, type=get_attr]; -"142 _native_batch_norm_legit_no_training_13" [id=142, type=_native_batch_norm_legit_no_training]; -"143 getitem_39" [id=143, type=__getitem__]; -"144 relu__11" [id=144, type=relu_]; -"145 conv2d_14_updated_constant0" [id=145, type=get_attr]; -"146 asymmetric_weights_decompressor_conv2d_14_updated_constant0_0" [id=146, type=call_module]; -"147 conv2d_14" [id=147, type=conv2d]; -"148 _param_constant43" [id=148, type=get_attr]; -"149 _param_constant44" [id=149, type=get_attr]; -"150 _tensor_constant28" [id=150, type=get_attr]; -"151 _tensor_constant29" [id=151, type=get_attr]; -"152 _native_batch_norm_legit_no_training_14" [id=152, type=_native_batch_norm_legit_no_training]; -"153 getitem_42" [id=153, type=__getitem__]; -"154 add__5" [id=154, type=add_]; -"155 relu__12" [id=155, type=relu_]; -"156 conv2d_15_updated_constant0" [id=156, type=get_attr]; -"157 asymmetric_weights_decompressor_conv2d_15_updated_constant0_0" [id=157, type=call_module]; -"158 conv2d_15" [id=158, type=conv2d]; -"159 _param_constant46" [id=159, type=get_attr]; -"160 _param_constant47" [id=160, type=get_attr]; -"161 _tensor_constant30" [id=161, type=get_attr]; -"162 _tensor_constant31" [id=162, type=get_attr]; -"163 _native_batch_norm_legit_no_training_15" [id=163, type=_native_batch_norm_legit_no_training]; -"164 getitem_45" [id=164, type=__getitem__]; -"165 relu__13" [id=165, type=relu_]; -"166 conv2d_16_updated_constant0" [id=166, type=get_attr]; -"167 asymmetric_weights_decompressor_conv2d_16_updated_constant0_0" [id=167, type=call_module]; -"168 conv2d_16" [id=168, type=conv2d]; -"169 _param_constant49" [id=169, type=get_attr]; -"170 _param_constant50" [id=170, type=get_attr]; -"171 _tensor_constant32" [id=171, type=get_attr]; -"172 _tensor_constant33" [id=172, type=get_attr]; -"173 _native_batch_norm_legit_no_training_16" [id=173, type=_native_batch_norm_legit_no_training]; -"174 getitem_48" [id=174, type=__getitem__]; -"175 conv2d_17_updated_constant0" [id=175, type=get_attr]; -"176 asymmetric_weights_decompressor_conv2d_17_updated_constant0_0" [id=176, type=call_module]; -"177 conv2d_17" [id=177, type=conv2d]; -"178 _param_constant52" [id=178, type=get_attr]; -"179 _param_constant53" [id=179, type=get_attr]; -"180 _tensor_constant34" [id=180, type=get_attr]; -"181 _tensor_constant35" [id=181, type=get_attr]; -"182 _native_batch_norm_legit_no_training_17" [id=182, type=_native_batch_norm_legit_no_training]; -"183 getitem_51" [id=183, type=__getitem__]; -"184 add__6" [id=184, type=add_]; -"185 relu__14" [id=185, type=relu_]; -"186 conv2d_18_updated_constant0" [id=186, type=get_attr]; -"187 asymmetric_weights_decompressor_conv2d_18_updated_constant0_0" [id=187, type=call_module]; -"188 conv2d_18" [id=188, type=conv2d]; -"189 _param_constant55" [id=189, type=get_attr]; -"190 _param_constant56" [id=190, type=get_attr]; -"191 _tensor_constant36" [id=191, type=get_attr]; -"192 _tensor_constant37" [id=192, type=get_attr]; -"193 _native_batch_norm_legit_no_training_18" [id=193, type=_native_batch_norm_legit_no_training]; -"194 getitem_54" [id=194, type=__getitem__]; -"195 relu__15" [id=195, type=relu_]; -"196 conv2d_19_updated_constant0" [id=196, type=get_attr]; -"197 asymmetric_weights_decompressor_conv2d_19_updated_constant0_0" [id=197, type=call_module]; -"198 conv2d_19" [id=198, type=conv2d]; -"199 _param_constant58" [id=199, type=get_attr]; -"200 _param_constant59" [id=200, type=get_attr]; -"201 _tensor_constant38" [id=201, type=get_attr]; -"202 _tensor_constant39" [id=202, type=get_attr]; -"203 _native_batch_norm_legit_no_training_19" [id=203, type=_native_batch_norm_legit_no_training]; -"204 getitem_57" [id=204, type=__getitem__]; -"205 add__7" [id=205, type=add_]; -"206 relu__16" [id=206, type=relu_]; -"207 adaptive_avg_pool2d" [id=207, type=adaptive_avg_pool2d]; -"208 flatten" [id=208, type=flatten]; -"209 _param_constant61" [id=209, type=get_attr]; -"210 linear_updated_constant0" [id=210, type=get_attr]; -"211 asymmetric_weights_decompressor_linear_updated_constant0_0" [id=211, type=call_module]; -"212 linear" [id=212, type=linear]; -"213 output" [id=213, type=output]; -"0 arg0_1" -> "3 conv2d"; -"1 conv2d_updated_constant0" -> "2 asymmetric_weights_decompressor_conv2d_updated_constant0_0"; -"2 asymmetric_weights_decompressor_conv2d_updated_constant0_0" -> "3 conv2d"; -"3 conv2d" -> "8 _native_batch_norm_legit_no_training"; -"4 _param_constant1" -> "8 _native_batch_norm_legit_no_training"; -"5 _param_constant2" -> "8 _native_batch_norm_legit_no_training"; -"6 _tensor_constant0" -> "8 _native_batch_norm_legit_no_training"; -"7 _tensor_constant1" -> "8 _native_batch_norm_legit_no_training"; -"8 _native_batch_norm_legit_no_training" -> "9 getitem"; -"9 getitem" -> "10 relu_"; -"10 relu_" -> "11 max_pool2d"; -"11 max_pool2d" -> "14 conv2d_1"; -"11 max_pool2d" -> "31 add_"; -"12 conv2d_1_updated_constant0" -> "13 asymmetric_weights_decompressor_conv2d_1_updated_constant0_0"; -"13 asymmetric_weights_decompressor_conv2d_1_updated_constant0_0" -> "14 conv2d_1"; -"14 conv2d_1" -> "19 _native_batch_norm_legit_no_training_1"; -"15 _param_constant4" -> "19 _native_batch_norm_legit_no_training_1"; -"16 _param_constant5" -> "19 _native_batch_norm_legit_no_training_1"; -"17 _tensor_constant2" -> "19 _native_batch_norm_legit_no_training_1"; -"18 _tensor_constant3" -> "19 _native_batch_norm_legit_no_training_1"; -"19 _native_batch_norm_legit_no_training_1" -> "20 getitem_3"; -"20 getitem_3" -> "21 relu__1"; -"21 relu__1" -> "24 conv2d_2"; -"22 conv2d_2_updated_constant0" -> "23 asymmetric_weights_decompressor_conv2d_2_updated_constant0_0"; -"23 asymmetric_weights_decompressor_conv2d_2_updated_constant0_0" -> "24 conv2d_2"; -"24 conv2d_2" -> "29 _native_batch_norm_legit_no_training_2"; -"25 _param_constant7" -> "29 _native_batch_norm_legit_no_training_2"; -"26 _param_constant8" -> "29 _native_batch_norm_legit_no_training_2"; -"27 _tensor_constant4" -> "29 _native_batch_norm_legit_no_training_2"; -"28 _tensor_constant5" -> "29 _native_batch_norm_legit_no_training_2"; -"29 _native_batch_norm_legit_no_training_2" -> "30 getitem_6"; -"30 getitem_6" -> "31 add_"; -"31 add_" -> "32 relu__2"; -"32 relu__2" -> "35 conv2d_3"; -"32 relu__2" -> "52 add__1"; -"33 conv2d_3_updated_constant0" -> "34 asymmetric_weights_decompressor_conv2d_3_updated_constant0_0"; -"34 asymmetric_weights_decompressor_conv2d_3_updated_constant0_0" -> "35 conv2d_3"; -"35 conv2d_3" -> "40 _native_batch_norm_legit_no_training_3"; -"36 _param_constant10" -> "40 _native_batch_norm_legit_no_training_3"; -"37 _param_constant11" -> "40 _native_batch_norm_legit_no_training_3"; -"38 _tensor_constant6" -> "40 _native_batch_norm_legit_no_training_3"; -"39 _tensor_constant7" -> "40 _native_batch_norm_legit_no_training_3"; -"40 _native_batch_norm_legit_no_training_3" -> "41 getitem_9"; -"41 getitem_9" -> "42 relu__3"; -"42 relu__3" -> "45 conv2d_4"; -"43 conv2d_4_updated_constant0" -> "44 asymmetric_weights_decompressor_conv2d_4_updated_constant0_0"; -"44 asymmetric_weights_decompressor_conv2d_4_updated_constant0_0" -> "45 conv2d_4"; -"45 conv2d_4" -> "50 _native_batch_norm_legit_no_training_4"; -"46 _param_constant13" -> "50 _native_batch_norm_legit_no_training_4"; -"47 _param_constant14" -> "50 _native_batch_norm_legit_no_training_4"; -"48 _tensor_constant8" -> "50 _native_batch_norm_legit_no_training_4"; -"49 _tensor_constant9" -> "50 _native_batch_norm_legit_no_training_4"; -"50 _native_batch_norm_legit_no_training_4" -> "51 getitem_12"; -"51 getitem_12" -> "52 add__1"; -"52 add__1" -> "53 relu__4"; -"53 relu__4" -> "56 conv2d_5"; -"53 relu__4" -> "75 conv2d_7"; -"54 conv2d_5_updated_constant0" -> "55 asymmetric_weights_decompressor_conv2d_5_updated_constant0_0"; -"55 asymmetric_weights_decompressor_conv2d_5_updated_constant0_0" -> "56 conv2d_5"; -"56 conv2d_5" -> "61 _native_batch_norm_legit_no_training_5"; -"57 _param_constant16" -> "61 _native_batch_norm_legit_no_training_5"; -"58 _param_constant17" -> "61 _native_batch_norm_legit_no_training_5"; -"59 _tensor_constant10" -> "61 _native_batch_norm_legit_no_training_5"; -"60 _tensor_constant11" -> "61 _native_batch_norm_legit_no_training_5"; -"61 _native_batch_norm_legit_no_training_5" -> "62 getitem_15"; -"62 getitem_15" -> "63 relu__5"; -"63 relu__5" -> "66 conv2d_6"; -"64 conv2d_6_updated_constant0" -> "65 asymmetric_weights_decompressor_conv2d_6_updated_constant0_0"; -"65 asymmetric_weights_decompressor_conv2d_6_updated_constant0_0" -> "66 conv2d_6"; -"66 conv2d_6" -> "71 _native_batch_norm_legit_no_training_6"; -"67 _param_constant19" -> "71 _native_batch_norm_legit_no_training_6"; -"68 _param_constant20" -> "71 _native_batch_norm_legit_no_training_6"; -"69 _tensor_constant12" -> "71 _native_batch_norm_legit_no_training_6"; -"70 _tensor_constant13" -> "71 _native_batch_norm_legit_no_training_6"; -"71 _native_batch_norm_legit_no_training_6" -> "72 getitem_18"; -"72 getitem_18" -> "82 add__2"; -"73 conv2d_7_updated_constant0" -> "74 asymmetric_weights_decompressor_conv2d_7_updated_constant0_0"; -"74 asymmetric_weights_decompressor_conv2d_7_updated_constant0_0" -> "75 conv2d_7"; -"75 conv2d_7" -> "80 _native_batch_norm_legit_no_training_7"; -"76 _param_constant22" -> "80 _native_batch_norm_legit_no_training_7"; -"77 _param_constant23" -> "80 _native_batch_norm_legit_no_training_7"; -"78 _tensor_constant14" -> "80 _native_batch_norm_legit_no_training_7"; -"79 _tensor_constant15" -> "80 _native_batch_norm_legit_no_training_7"; -"80 _native_batch_norm_legit_no_training_7" -> "81 getitem_21"; -"81 getitem_21" -> "82 add__2"; -"82 add__2" -> "83 relu__6"; -"83 relu__6" -> "86 conv2d_8"; -"83 relu__6" -> "103 add__3"; -"84 conv2d_8_updated_constant0" -> "85 asymmetric_weights_decompressor_conv2d_8_updated_constant0_0"; -"85 asymmetric_weights_decompressor_conv2d_8_updated_constant0_0" -> "86 conv2d_8"; -"86 conv2d_8" -> "91 _native_batch_norm_legit_no_training_8"; -"87 _param_constant25" -> "91 _native_batch_norm_legit_no_training_8"; -"88 _param_constant26" -> "91 _native_batch_norm_legit_no_training_8"; -"89 _tensor_constant16" -> "91 _native_batch_norm_legit_no_training_8"; -"90 _tensor_constant17" -> "91 _native_batch_norm_legit_no_training_8"; -"91 _native_batch_norm_legit_no_training_8" -> "92 getitem_24"; -"92 getitem_24" -> "93 relu__7"; -"93 relu__7" -> "96 conv2d_9"; -"94 conv2d_9_updated_constant0" -> "95 asymmetric_weights_decompressor_conv2d_9_updated_constant0_0"; -"95 asymmetric_weights_decompressor_conv2d_9_updated_constant0_0" -> "96 conv2d_9"; -"96 conv2d_9" -> "101 _native_batch_norm_legit_no_training_9"; -"97 _param_constant28" -> "101 _native_batch_norm_legit_no_training_9"; -"98 _param_constant29" -> "101 _native_batch_norm_legit_no_training_9"; -"99 _tensor_constant18" -> "101 _native_batch_norm_legit_no_training_9"; -"100 _tensor_constant19" -> "101 _native_batch_norm_legit_no_training_9"; -"101 _native_batch_norm_legit_no_training_9" -> "102 getitem_27"; -"102 getitem_27" -> "103 add__3"; -"103 add__3" -> "104 relu__8"; -"104 relu__8" -> "107 conv2d_10"; -"104 relu__8" -> "126 conv2d_12"; -"105 conv2d_10_updated_constant0" -> "106 asymmetric_weights_decompressor_conv2d_10_updated_constant0_0"; -"106 asymmetric_weights_decompressor_conv2d_10_updated_constant0_0" -> "107 conv2d_10"; -"107 conv2d_10" -> "112 _native_batch_norm_legit_no_training_10"; -"108 _param_constant31" -> "112 _native_batch_norm_legit_no_training_10"; -"109 _param_constant32" -> "112 _native_batch_norm_legit_no_training_10"; -"110 _tensor_constant20" -> "112 _native_batch_norm_legit_no_training_10"; -"111 _tensor_constant21" -> "112 _native_batch_norm_legit_no_training_10"; -"112 _native_batch_norm_legit_no_training_10" -> "113 getitem_30"; -"113 getitem_30" -> "114 relu__9"; -"114 relu__9" -> "117 conv2d_11"; -"115 conv2d_11_updated_constant0" -> "116 asymmetric_weights_decompressor_conv2d_11_updated_constant0_0"; -"116 asymmetric_weights_decompressor_conv2d_11_updated_constant0_0" -> "117 conv2d_11"; -"117 conv2d_11" -> "122 _native_batch_norm_legit_no_training_11"; -"118 _param_constant34" -> "122 _native_batch_norm_legit_no_training_11"; -"119 _param_constant35" -> "122 _native_batch_norm_legit_no_training_11"; -"120 _tensor_constant22" -> "122 _native_batch_norm_legit_no_training_11"; -"121 _tensor_constant23" -> "122 _native_batch_norm_legit_no_training_11"; -"122 _native_batch_norm_legit_no_training_11" -> "123 getitem_33"; -"123 getitem_33" -> "133 add__4"; -"124 conv2d_12_updated_constant0" -> "125 asymmetric_weights_decompressor_conv2d_12_updated_constant0_0"; -"125 asymmetric_weights_decompressor_conv2d_12_updated_constant0_0" -> "126 conv2d_12"; -"126 conv2d_12" -> "131 _native_batch_norm_legit_no_training_12"; -"127 _param_constant37" -> "131 _native_batch_norm_legit_no_training_12"; -"128 _param_constant38" -> "131 _native_batch_norm_legit_no_training_12"; -"129 _tensor_constant24" -> "131 _native_batch_norm_legit_no_training_12"; -"130 _tensor_constant25" -> "131 _native_batch_norm_legit_no_training_12"; -"131 _native_batch_norm_legit_no_training_12" -> "132 getitem_36"; -"132 getitem_36" -> "133 add__4"; -"133 add__4" -> "134 relu__10"; -"134 relu__10" -> "137 conv2d_13"; -"134 relu__10" -> "154 add__5"; -"135 conv2d_13_updated_constant0" -> "136 asymmetric_weights_decompressor_conv2d_13_updated_constant0_0"; -"136 asymmetric_weights_decompressor_conv2d_13_updated_constant0_0" -> "137 conv2d_13"; -"137 conv2d_13" -> "142 _native_batch_norm_legit_no_training_13"; -"138 _param_constant40" -> "142 _native_batch_norm_legit_no_training_13"; -"139 _param_constant41" -> "142 _native_batch_norm_legit_no_training_13"; -"140 _tensor_constant26" -> "142 _native_batch_norm_legit_no_training_13"; -"141 _tensor_constant27" -> "142 _native_batch_norm_legit_no_training_13"; -"142 _native_batch_norm_legit_no_training_13" -> "143 getitem_39"; -"143 getitem_39" -> "144 relu__11"; -"144 relu__11" -> "147 conv2d_14"; -"145 conv2d_14_updated_constant0" -> "146 asymmetric_weights_decompressor_conv2d_14_updated_constant0_0"; -"146 asymmetric_weights_decompressor_conv2d_14_updated_constant0_0" -> "147 conv2d_14"; -"147 conv2d_14" -> "152 _native_batch_norm_legit_no_training_14"; -"148 _param_constant43" -> "152 _native_batch_norm_legit_no_training_14"; -"149 _param_constant44" -> "152 _native_batch_norm_legit_no_training_14"; -"150 _tensor_constant28" -> "152 _native_batch_norm_legit_no_training_14"; -"151 _tensor_constant29" -> "152 _native_batch_norm_legit_no_training_14"; -"152 _native_batch_norm_legit_no_training_14" -> "153 getitem_42"; -"153 getitem_42" -> "154 add__5"; -"154 add__5" -> "155 relu__12"; -"155 relu__12" -> "158 conv2d_15"; -"155 relu__12" -> "177 conv2d_17"; -"156 conv2d_15_updated_constant0" -> "157 asymmetric_weights_decompressor_conv2d_15_updated_constant0_0"; -"157 asymmetric_weights_decompressor_conv2d_15_updated_constant0_0" -> "158 conv2d_15"; -"158 conv2d_15" -> "163 _native_batch_norm_legit_no_training_15"; -"159 _param_constant46" -> "163 _native_batch_norm_legit_no_training_15"; -"160 _param_constant47" -> "163 _native_batch_norm_legit_no_training_15"; -"161 _tensor_constant30" -> "163 _native_batch_norm_legit_no_training_15"; -"162 _tensor_constant31" -> "163 _native_batch_norm_legit_no_training_15"; -"163 _native_batch_norm_legit_no_training_15" -> "164 getitem_45"; -"164 getitem_45" -> "165 relu__13"; -"165 relu__13" -> "168 conv2d_16"; -"166 conv2d_16_updated_constant0" -> "167 asymmetric_weights_decompressor_conv2d_16_updated_constant0_0"; -"167 asymmetric_weights_decompressor_conv2d_16_updated_constant0_0" -> "168 conv2d_16"; -"168 conv2d_16" -> "173 _native_batch_norm_legit_no_training_16"; -"169 _param_constant49" -> "173 _native_batch_norm_legit_no_training_16"; -"170 _param_constant50" -> "173 _native_batch_norm_legit_no_training_16"; -"171 _tensor_constant32" -> "173 _native_batch_norm_legit_no_training_16"; -"172 _tensor_constant33" -> "173 _native_batch_norm_legit_no_training_16"; -"173 _native_batch_norm_legit_no_training_16" -> "174 getitem_48"; -"174 getitem_48" -> "184 add__6"; -"175 conv2d_17_updated_constant0" -> "176 asymmetric_weights_decompressor_conv2d_17_updated_constant0_0"; -"176 asymmetric_weights_decompressor_conv2d_17_updated_constant0_0" -> "177 conv2d_17"; -"177 conv2d_17" -> "182 _native_batch_norm_legit_no_training_17"; -"178 _param_constant52" -> "182 _native_batch_norm_legit_no_training_17"; -"179 _param_constant53" -> "182 _native_batch_norm_legit_no_training_17"; -"180 _tensor_constant34" -> "182 _native_batch_norm_legit_no_training_17"; -"181 _tensor_constant35" -> "182 _native_batch_norm_legit_no_training_17"; -"182 _native_batch_norm_legit_no_training_17" -> "183 getitem_51"; -"183 getitem_51" -> "184 add__6"; -"184 add__6" -> "185 relu__14"; -"185 relu__14" -> "188 conv2d_18"; -"185 relu__14" -> "205 add__7"; -"186 conv2d_18_updated_constant0" -> "187 asymmetric_weights_decompressor_conv2d_18_updated_constant0_0"; -"187 asymmetric_weights_decompressor_conv2d_18_updated_constant0_0" -> "188 conv2d_18"; -"188 conv2d_18" -> "193 _native_batch_norm_legit_no_training_18"; -"189 _param_constant55" -> "193 _native_batch_norm_legit_no_training_18"; -"190 _param_constant56" -> "193 _native_batch_norm_legit_no_training_18"; -"191 _tensor_constant36" -> "193 _native_batch_norm_legit_no_training_18"; -"192 _tensor_constant37" -> "193 _native_batch_norm_legit_no_training_18"; -"193 _native_batch_norm_legit_no_training_18" -> "194 getitem_54"; -"194 getitem_54" -> "195 relu__15"; -"195 relu__15" -> "198 conv2d_19"; -"196 conv2d_19_updated_constant0" -> "197 asymmetric_weights_decompressor_conv2d_19_updated_constant0_0"; -"197 asymmetric_weights_decompressor_conv2d_19_updated_constant0_0" -> "198 conv2d_19"; -"198 conv2d_19" -> "203 _native_batch_norm_legit_no_training_19"; -"199 _param_constant58" -> "203 _native_batch_norm_legit_no_training_19"; -"200 _param_constant59" -> "203 _native_batch_norm_legit_no_training_19"; -"201 _tensor_constant38" -> "203 _native_batch_norm_legit_no_training_19"; -"202 _tensor_constant39" -> "203 _native_batch_norm_legit_no_training_19"; -"203 _native_batch_norm_legit_no_training_19" -> "204 getitem_57"; -"204 getitem_57" -> "205 add__7"; -"205 add__7" -> "206 relu__16"; -"206 relu__16" -> "207 adaptive_avg_pool2d"; -"207 adaptive_avg_pool2d" -> "208 flatten"; -"208 flatten" -> "212 linear"; -"209 _param_constant61" -> "212 linear"; -"210 linear_updated_constant0" -> "211 asymmetric_weights_decompressor_linear_updated_constant0_0"; -"211 asymmetric_weights_decompressor_linear_updated_constant0_0" -> "212 linear"; -"212 linear" -> "213 output"; -} diff --git a/tests/torch/data/reference_graphs/fx/compressed/resnet18_int8_sym.dot b/tests/torch/data/reference_graphs/fx/compressed/resnet18_int8_sym.dot deleted file mode 100644 index 747c5cd3a65..00000000000 --- a/tests/torch/data/reference_graphs/fx/compressed/resnet18_int8_sym.dot +++ /dev/null @@ -1,437 +0,0 @@ -strict digraph { -"0 arg0_1" [id=0, type=input]; -"1 conv2d_updated_constant0" [id=1, type=get_attr]; -"2 symmetric_weights_decompressor_conv2d_updated_constant0_0" [id=2, type=call_module]; -"3 conv2d" [id=3, type=conv2d]; -"4 _param_constant1" [id=4, type=get_attr]; -"5 _param_constant2" [id=5, type=get_attr]; -"6 _tensor_constant0" [id=6, type=get_attr]; -"7 _tensor_constant1" [id=7, type=get_attr]; -"8 _native_batch_norm_legit_no_training" [id=8, type=_native_batch_norm_legit_no_training]; -"9 getitem" [id=9, type=__getitem__]; -"10 relu_" [id=10, type=relu_]; -"11 max_pool2d" [id=11, type=max_pool2d]; -"12 conv2d_1_updated_constant0" [id=12, type=get_attr]; -"13 symmetric_weights_decompressor_conv2d_1_updated_constant0_0" [id=13, type=call_module]; -"14 conv2d_1" [id=14, type=conv2d]; -"15 _param_constant4" [id=15, type=get_attr]; -"16 _param_constant5" [id=16, type=get_attr]; -"17 _tensor_constant2" [id=17, type=get_attr]; -"18 _tensor_constant3" [id=18, type=get_attr]; -"19 _native_batch_norm_legit_no_training_1" [id=19, type=_native_batch_norm_legit_no_training]; -"20 getitem_3" [id=20, type=__getitem__]; -"21 relu__1" [id=21, type=relu_]; -"22 conv2d_2_updated_constant0" [id=22, type=get_attr]; -"23 symmetric_weights_decompressor_conv2d_2_updated_constant0_0" [id=23, type=call_module]; -"24 conv2d_2" [id=24, type=conv2d]; -"25 _param_constant7" [id=25, type=get_attr]; -"26 _param_constant8" [id=26, type=get_attr]; -"27 _tensor_constant4" [id=27, type=get_attr]; -"28 _tensor_constant5" [id=28, type=get_attr]; -"29 _native_batch_norm_legit_no_training_2" [id=29, type=_native_batch_norm_legit_no_training]; -"30 getitem_6" [id=30, type=__getitem__]; -"31 add_" [id=31, type=add_]; -"32 relu__2" [id=32, type=relu_]; -"33 conv2d_3_updated_constant0" [id=33, type=get_attr]; -"34 symmetric_weights_decompressor_conv2d_3_updated_constant0_0" [id=34, type=call_module]; -"35 conv2d_3" [id=35, type=conv2d]; -"36 _param_constant10" [id=36, type=get_attr]; -"37 _param_constant11" [id=37, type=get_attr]; -"38 _tensor_constant6" [id=38, type=get_attr]; -"39 _tensor_constant7" [id=39, type=get_attr]; -"40 _native_batch_norm_legit_no_training_3" [id=40, type=_native_batch_norm_legit_no_training]; -"41 getitem_9" [id=41, type=__getitem__]; -"42 relu__3" [id=42, type=relu_]; -"43 conv2d_4_updated_constant0" [id=43, type=get_attr]; -"44 symmetric_weights_decompressor_conv2d_4_updated_constant0_0" [id=44, type=call_module]; -"45 conv2d_4" [id=45, type=conv2d]; -"46 _param_constant13" [id=46, type=get_attr]; -"47 _param_constant14" [id=47, type=get_attr]; -"48 _tensor_constant8" [id=48, type=get_attr]; -"49 _tensor_constant9" [id=49, type=get_attr]; -"50 _native_batch_norm_legit_no_training_4" [id=50, type=_native_batch_norm_legit_no_training]; -"51 getitem_12" [id=51, type=__getitem__]; -"52 add__1" [id=52, type=add_]; -"53 relu__4" [id=53, type=relu_]; -"54 conv2d_5_updated_constant0" [id=54, type=get_attr]; -"55 symmetric_weights_decompressor_conv2d_5_updated_constant0_0" [id=55, type=call_module]; -"56 conv2d_5" [id=56, type=conv2d]; -"57 _param_constant16" [id=57, type=get_attr]; -"58 _param_constant17" [id=58, type=get_attr]; -"59 _tensor_constant10" [id=59, type=get_attr]; -"60 _tensor_constant11" [id=60, type=get_attr]; -"61 _native_batch_norm_legit_no_training_5" [id=61, type=_native_batch_norm_legit_no_training]; -"62 getitem_15" [id=62, type=__getitem__]; -"63 relu__5" [id=63, type=relu_]; -"64 conv2d_6_updated_constant0" [id=64, type=get_attr]; -"65 symmetric_weights_decompressor_conv2d_6_updated_constant0_0" [id=65, type=call_module]; -"66 conv2d_6" [id=66, type=conv2d]; -"67 _param_constant19" [id=67, type=get_attr]; -"68 _param_constant20" [id=68, type=get_attr]; -"69 _tensor_constant12" [id=69, type=get_attr]; -"70 _tensor_constant13" [id=70, type=get_attr]; -"71 _native_batch_norm_legit_no_training_6" [id=71, type=_native_batch_norm_legit_no_training]; -"72 getitem_18" [id=72, type=__getitem__]; -"73 conv2d_7_updated_constant0" [id=73, type=get_attr]; -"74 symmetric_weights_decompressor_conv2d_7_updated_constant0_0" [id=74, type=call_module]; -"75 conv2d_7" [id=75, type=conv2d]; -"76 _param_constant22" [id=76, type=get_attr]; -"77 _param_constant23" [id=77, type=get_attr]; -"78 _tensor_constant14" [id=78, type=get_attr]; -"79 _tensor_constant15" [id=79, type=get_attr]; -"80 _native_batch_norm_legit_no_training_7" [id=80, type=_native_batch_norm_legit_no_training]; -"81 getitem_21" [id=81, type=__getitem__]; -"82 add__2" [id=82, type=add_]; -"83 relu__6" [id=83, type=relu_]; -"84 conv2d_8_updated_constant0" [id=84, type=get_attr]; -"85 symmetric_weights_decompressor_conv2d_8_updated_constant0_0" [id=85, type=call_module]; -"86 conv2d_8" [id=86, type=conv2d]; -"87 _param_constant25" [id=87, type=get_attr]; -"88 _param_constant26" [id=88, type=get_attr]; -"89 _tensor_constant16" [id=89, type=get_attr]; -"90 _tensor_constant17" [id=90, type=get_attr]; -"91 _native_batch_norm_legit_no_training_8" [id=91, type=_native_batch_norm_legit_no_training]; -"92 getitem_24" [id=92, type=__getitem__]; -"93 relu__7" [id=93, type=relu_]; -"94 conv2d_9_updated_constant0" [id=94, type=get_attr]; -"95 symmetric_weights_decompressor_conv2d_9_updated_constant0_0" [id=95, type=call_module]; -"96 conv2d_9" [id=96, type=conv2d]; -"97 _param_constant28" [id=97, type=get_attr]; -"98 _param_constant29" [id=98, type=get_attr]; -"99 _tensor_constant18" [id=99, type=get_attr]; -"100 _tensor_constant19" [id=100, type=get_attr]; -"101 _native_batch_norm_legit_no_training_9" [id=101, type=_native_batch_norm_legit_no_training]; -"102 getitem_27" [id=102, type=__getitem__]; -"103 add__3" [id=103, type=add_]; -"104 relu__8" [id=104, type=relu_]; -"105 conv2d_10_updated_constant0" [id=105, type=get_attr]; -"106 symmetric_weights_decompressor_conv2d_10_updated_constant0_0" [id=106, type=call_module]; -"107 conv2d_10" [id=107, type=conv2d]; -"108 _param_constant31" [id=108, type=get_attr]; -"109 _param_constant32" [id=109, type=get_attr]; -"110 _tensor_constant20" [id=110, type=get_attr]; -"111 _tensor_constant21" [id=111, type=get_attr]; -"112 _native_batch_norm_legit_no_training_10" [id=112, type=_native_batch_norm_legit_no_training]; -"113 getitem_30" [id=113, type=__getitem__]; -"114 relu__9" [id=114, type=relu_]; -"115 conv2d_11_updated_constant0" [id=115, type=get_attr]; -"116 symmetric_weights_decompressor_conv2d_11_updated_constant0_0" [id=116, type=call_module]; -"117 conv2d_11" [id=117, type=conv2d]; -"118 _param_constant34" [id=118, type=get_attr]; -"119 _param_constant35" [id=119, type=get_attr]; -"120 _tensor_constant22" [id=120, type=get_attr]; -"121 _tensor_constant23" [id=121, type=get_attr]; -"122 _native_batch_norm_legit_no_training_11" [id=122, type=_native_batch_norm_legit_no_training]; -"123 getitem_33" [id=123, type=__getitem__]; -"124 conv2d_12_updated_constant0" [id=124, type=get_attr]; -"125 symmetric_weights_decompressor_conv2d_12_updated_constant0_0" [id=125, type=call_module]; -"126 conv2d_12" [id=126, type=conv2d]; -"127 _param_constant37" [id=127, type=get_attr]; -"128 _param_constant38" [id=128, type=get_attr]; -"129 _tensor_constant24" [id=129, type=get_attr]; -"130 _tensor_constant25" [id=130, type=get_attr]; -"131 _native_batch_norm_legit_no_training_12" [id=131, type=_native_batch_norm_legit_no_training]; -"132 getitem_36" [id=132, type=__getitem__]; -"133 add__4" [id=133, type=add_]; -"134 relu__10" [id=134, type=relu_]; -"135 conv2d_13_updated_constant0" [id=135, type=get_attr]; -"136 symmetric_weights_decompressor_conv2d_13_updated_constant0_0" [id=136, type=call_module]; -"137 conv2d_13" [id=137, type=conv2d]; -"138 _param_constant40" [id=138, type=get_attr]; -"139 _param_constant41" [id=139, type=get_attr]; -"140 _tensor_constant26" [id=140, type=get_attr]; -"141 _tensor_constant27" [id=141, type=get_attr]; -"142 _native_batch_norm_legit_no_training_13" [id=142, type=_native_batch_norm_legit_no_training]; -"143 getitem_39" [id=143, type=__getitem__]; -"144 relu__11" [id=144, type=relu_]; -"145 conv2d_14_updated_constant0" [id=145, type=get_attr]; -"146 symmetric_weights_decompressor_conv2d_14_updated_constant0_0" [id=146, type=call_module]; -"147 conv2d_14" [id=147, type=conv2d]; -"148 _param_constant43" [id=148, type=get_attr]; -"149 _param_constant44" [id=149, type=get_attr]; -"150 _tensor_constant28" [id=150, type=get_attr]; -"151 _tensor_constant29" [id=151, type=get_attr]; -"152 _native_batch_norm_legit_no_training_14" [id=152, type=_native_batch_norm_legit_no_training]; -"153 getitem_42" [id=153, type=__getitem__]; -"154 add__5" [id=154, type=add_]; -"155 relu__12" [id=155, type=relu_]; -"156 conv2d_15_updated_constant0" [id=156, type=get_attr]; -"157 symmetric_weights_decompressor_conv2d_15_updated_constant0_0" [id=157, type=call_module]; -"158 conv2d_15" [id=158, type=conv2d]; -"159 _param_constant46" [id=159, type=get_attr]; -"160 _param_constant47" [id=160, type=get_attr]; -"161 _tensor_constant30" [id=161, type=get_attr]; -"162 _tensor_constant31" [id=162, type=get_attr]; -"163 _native_batch_norm_legit_no_training_15" [id=163, type=_native_batch_norm_legit_no_training]; -"164 getitem_45" [id=164, type=__getitem__]; -"165 relu__13" [id=165, type=relu_]; -"166 conv2d_16_updated_constant0" [id=166, type=get_attr]; -"167 symmetric_weights_decompressor_conv2d_16_updated_constant0_0" [id=167, type=call_module]; -"168 conv2d_16" [id=168, type=conv2d]; -"169 _param_constant49" [id=169, type=get_attr]; -"170 _param_constant50" [id=170, type=get_attr]; -"171 _tensor_constant32" [id=171, type=get_attr]; -"172 _tensor_constant33" [id=172, type=get_attr]; -"173 _native_batch_norm_legit_no_training_16" [id=173, type=_native_batch_norm_legit_no_training]; -"174 getitem_48" [id=174, type=__getitem__]; -"175 conv2d_17_updated_constant0" [id=175, type=get_attr]; -"176 symmetric_weights_decompressor_conv2d_17_updated_constant0_0" [id=176, type=call_module]; -"177 conv2d_17" [id=177, type=conv2d]; -"178 _param_constant52" [id=178, type=get_attr]; -"179 _param_constant53" [id=179, type=get_attr]; -"180 _tensor_constant34" [id=180, type=get_attr]; -"181 _tensor_constant35" [id=181, type=get_attr]; -"182 _native_batch_norm_legit_no_training_17" [id=182, type=_native_batch_norm_legit_no_training]; -"183 getitem_51" [id=183, type=__getitem__]; -"184 add__6" [id=184, type=add_]; -"185 relu__14" [id=185, type=relu_]; -"186 conv2d_18_updated_constant0" [id=186, type=get_attr]; -"187 symmetric_weights_decompressor_conv2d_18_updated_constant0_0" [id=187, type=call_module]; -"188 conv2d_18" [id=188, type=conv2d]; -"189 _param_constant55" [id=189, type=get_attr]; -"190 _param_constant56" [id=190, type=get_attr]; -"191 _tensor_constant36" [id=191, type=get_attr]; -"192 _tensor_constant37" [id=192, type=get_attr]; -"193 _native_batch_norm_legit_no_training_18" [id=193, type=_native_batch_norm_legit_no_training]; -"194 getitem_54" [id=194, type=__getitem__]; -"195 relu__15" [id=195, type=relu_]; -"196 conv2d_19_updated_constant0" [id=196, type=get_attr]; -"197 symmetric_weights_decompressor_conv2d_19_updated_constant0_0" [id=197, type=call_module]; -"198 conv2d_19" [id=198, type=conv2d]; -"199 _param_constant58" [id=199, type=get_attr]; -"200 _param_constant59" [id=200, type=get_attr]; -"201 _tensor_constant38" [id=201, type=get_attr]; -"202 _tensor_constant39" [id=202, type=get_attr]; -"203 _native_batch_norm_legit_no_training_19" [id=203, type=_native_batch_norm_legit_no_training]; -"204 getitem_57" [id=204, type=__getitem__]; -"205 add__7" [id=205, type=add_]; -"206 relu__16" [id=206, type=relu_]; -"207 adaptive_avg_pool2d" [id=207, type=adaptive_avg_pool2d]; -"208 flatten" [id=208, type=flatten]; -"209 _param_constant61" [id=209, type=get_attr]; -"210 linear_updated_constant0" [id=210, type=get_attr]; -"211 symmetric_weights_decompressor_linear_updated_constant0_0" [id=211, type=call_module]; -"212 linear" [id=212, type=linear]; -"213 output" [id=213, type=output]; -"0 arg0_1" -> "3 conv2d"; -"1 conv2d_updated_constant0" -> "2 symmetric_weights_decompressor_conv2d_updated_constant0_0"; -"2 symmetric_weights_decompressor_conv2d_updated_constant0_0" -> "3 conv2d"; -"3 conv2d" -> "8 _native_batch_norm_legit_no_training"; -"4 _param_constant1" -> "8 _native_batch_norm_legit_no_training"; -"5 _param_constant2" -> "8 _native_batch_norm_legit_no_training"; -"6 _tensor_constant0" -> "8 _native_batch_norm_legit_no_training"; -"7 _tensor_constant1" -> "8 _native_batch_norm_legit_no_training"; -"8 _native_batch_norm_legit_no_training" -> "9 getitem"; -"9 getitem" -> "10 relu_"; -"10 relu_" -> "11 max_pool2d"; -"11 max_pool2d" -> "14 conv2d_1"; -"11 max_pool2d" -> "31 add_"; -"12 conv2d_1_updated_constant0" -> "13 symmetric_weights_decompressor_conv2d_1_updated_constant0_0"; -"13 symmetric_weights_decompressor_conv2d_1_updated_constant0_0" -> "14 conv2d_1"; -"14 conv2d_1" -> "19 _native_batch_norm_legit_no_training_1"; -"15 _param_constant4" -> "19 _native_batch_norm_legit_no_training_1"; -"16 _param_constant5" -> "19 _native_batch_norm_legit_no_training_1"; -"17 _tensor_constant2" -> "19 _native_batch_norm_legit_no_training_1"; -"18 _tensor_constant3" -> "19 _native_batch_norm_legit_no_training_1"; -"19 _native_batch_norm_legit_no_training_1" -> "20 getitem_3"; -"20 getitem_3" -> "21 relu__1"; -"21 relu__1" -> "24 conv2d_2"; -"22 conv2d_2_updated_constant0" -> "23 symmetric_weights_decompressor_conv2d_2_updated_constant0_0"; -"23 symmetric_weights_decompressor_conv2d_2_updated_constant0_0" -> "24 conv2d_2"; -"24 conv2d_2" -> "29 _native_batch_norm_legit_no_training_2"; -"25 _param_constant7" -> "29 _native_batch_norm_legit_no_training_2"; -"26 _param_constant8" -> "29 _native_batch_norm_legit_no_training_2"; -"27 _tensor_constant4" -> "29 _native_batch_norm_legit_no_training_2"; -"28 _tensor_constant5" -> "29 _native_batch_norm_legit_no_training_2"; -"29 _native_batch_norm_legit_no_training_2" -> "30 getitem_6"; -"30 getitem_6" -> "31 add_"; -"31 add_" -> "32 relu__2"; -"32 relu__2" -> "35 conv2d_3"; -"32 relu__2" -> "52 add__1"; -"33 conv2d_3_updated_constant0" -> "34 symmetric_weights_decompressor_conv2d_3_updated_constant0_0"; -"34 symmetric_weights_decompressor_conv2d_3_updated_constant0_0" -> "35 conv2d_3"; -"35 conv2d_3" -> "40 _native_batch_norm_legit_no_training_3"; -"36 _param_constant10" -> "40 _native_batch_norm_legit_no_training_3"; -"37 _param_constant11" -> "40 _native_batch_norm_legit_no_training_3"; -"38 _tensor_constant6" -> "40 _native_batch_norm_legit_no_training_3"; -"39 _tensor_constant7" -> "40 _native_batch_norm_legit_no_training_3"; -"40 _native_batch_norm_legit_no_training_3" -> "41 getitem_9"; -"41 getitem_9" -> "42 relu__3"; -"42 relu__3" -> "45 conv2d_4"; -"43 conv2d_4_updated_constant0" -> "44 symmetric_weights_decompressor_conv2d_4_updated_constant0_0"; -"44 symmetric_weights_decompressor_conv2d_4_updated_constant0_0" -> "45 conv2d_4"; -"45 conv2d_4" -> "50 _native_batch_norm_legit_no_training_4"; -"46 _param_constant13" -> "50 _native_batch_norm_legit_no_training_4"; -"47 _param_constant14" -> "50 _native_batch_norm_legit_no_training_4"; -"48 _tensor_constant8" -> "50 _native_batch_norm_legit_no_training_4"; -"49 _tensor_constant9" -> "50 _native_batch_norm_legit_no_training_4"; -"50 _native_batch_norm_legit_no_training_4" -> "51 getitem_12"; -"51 getitem_12" -> "52 add__1"; -"52 add__1" -> "53 relu__4"; -"53 relu__4" -> "56 conv2d_5"; -"53 relu__4" -> "75 conv2d_7"; -"54 conv2d_5_updated_constant0" -> "55 symmetric_weights_decompressor_conv2d_5_updated_constant0_0"; -"55 symmetric_weights_decompressor_conv2d_5_updated_constant0_0" -> "56 conv2d_5"; -"56 conv2d_5" -> "61 _native_batch_norm_legit_no_training_5"; -"57 _param_constant16" -> "61 _native_batch_norm_legit_no_training_5"; -"58 _param_constant17" -> "61 _native_batch_norm_legit_no_training_5"; -"59 _tensor_constant10" -> "61 _native_batch_norm_legit_no_training_5"; -"60 _tensor_constant11" -> "61 _native_batch_norm_legit_no_training_5"; -"61 _native_batch_norm_legit_no_training_5" -> "62 getitem_15"; -"62 getitem_15" -> "63 relu__5"; -"63 relu__5" -> "66 conv2d_6"; -"64 conv2d_6_updated_constant0" -> "65 symmetric_weights_decompressor_conv2d_6_updated_constant0_0"; -"65 symmetric_weights_decompressor_conv2d_6_updated_constant0_0" -> "66 conv2d_6"; -"66 conv2d_6" -> "71 _native_batch_norm_legit_no_training_6"; -"67 _param_constant19" -> "71 _native_batch_norm_legit_no_training_6"; -"68 _param_constant20" -> "71 _native_batch_norm_legit_no_training_6"; -"69 _tensor_constant12" -> "71 _native_batch_norm_legit_no_training_6"; -"70 _tensor_constant13" -> "71 _native_batch_norm_legit_no_training_6"; -"71 _native_batch_norm_legit_no_training_6" -> "72 getitem_18"; -"72 getitem_18" -> "82 add__2"; -"73 conv2d_7_updated_constant0" -> "74 symmetric_weights_decompressor_conv2d_7_updated_constant0_0"; -"74 symmetric_weights_decompressor_conv2d_7_updated_constant0_0" -> "75 conv2d_7"; -"75 conv2d_7" -> "80 _native_batch_norm_legit_no_training_7"; -"76 _param_constant22" -> "80 _native_batch_norm_legit_no_training_7"; -"77 _param_constant23" -> "80 _native_batch_norm_legit_no_training_7"; -"78 _tensor_constant14" -> "80 _native_batch_norm_legit_no_training_7"; -"79 _tensor_constant15" -> "80 _native_batch_norm_legit_no_training_7"; -"80 _native_batch_norm_legit_no_training_7" -> "81 getitem_21"; -"81 getitem_21" -> "82 add__2"; -"82 add__2" -> "83 relu__6"; -"83 relu__6" -> "86 conv2d_8"; -"83 relu__6" -> "103 add__3"; -"84 conv2d_8_updated_constant0" -> "85 symmetric_weights_decompressor_conv2d_8_updated_constant0_0"; -"85 symmetric_weights_decompressor_conv2d_8_updated_constant0_0" -> "86 conv2d_8"; -"86 conv2d_8" -> "91 _native_batch_norm_legit_no_training_8"; -"87 _param_constant25" -> "91 _native_batch_norm_legit_no_training_8"; -"88 _param_constant26" -> "91 _native_batch_norm_legit_no_training_8"; -"89 _tensor_constant16" -> "91 _native_batch_norm_legit_no_training_8"; -"90 _tensor_constant17" -> "91 _native_batch_norm_legit_no_training_8"; -"91 _native_batch_norm_legit_no_training_8" -> "92 getitem_24"; -"92 getitem_24" -> "93 relu__7"; -"93 relu__7" -> "96 conv2d_9"; -"94 conv2d_9_updated_constant0" -> "95 symmetric_weights_decompressor_conv2d_9_updated_constant0_0"; -"95 symmetric_weights_decompressor_conv2d_9_updated_constant0_0" -> "96 conv2d_9"; -"96 conv2d_9" -> "101 _native_batch_norm_legit_no_training_9"; -"97 _param_constant28" -> "101 _native_batch_norm_legit_no_training_9"; -"98 _param_constant29" -> "101 _native_batch_norm_legit_no_training_9"; -"99 _tensor_constant18" -> "101 _native_batch_norm_legit_no_training_9"; -"100 _tensor_constant19" -> "101 _native_batch_norm_legit_no_training_9"; -"101 _native_batch_norm_legit_no_training_9" -> "102 getitem_27"; -"102 getitem_27" -> "103 add__3"; -"103 add__3" -> "104 relu__8"; -"104 relu__8" -> "107 conv2d_10"; -"104 relu__8" -> "126 conv2d_12"; -"105 conv2d_10_updated_constant0" -> "106 symmetric_weights_decompressor_conv2d_10_updated_constant0_0"; -"106 symmetric_weights_decompressor_conv2d_10_updated_constant0_0" -> "107 conv2d_10"; -"107 conv2d_10" -> "112 _native_batch_norm_legit_no_training_10"; -"108 _param_constant31" -> "112 _native_batch_norm_legit_no_training_10"; -"109 _param_constant32" -> "112 _native_batch_norm_legit_no_training_10"; -"110 _tensor_constant20" -> "112 _native_batch_norm_legit_no_training_10"; -"111 _tensor_constant21" -> "112 _native_batch_norm_legit_no_training_10"; -"112 _native_batch_norm_legit_no_training_10" -> "113 getitem_30"; -"113 getitem_30" -> "114 relu__9"; -"114 relu__9" -> "117 conv2d_11"; -"115 conv2d_11_updated_constant0" -> "116 symmetric_weights_decompressor_conv2d_11_updated_constant0_0"; -"116 symmetric_weights_decompressor_conv2d_11_updated_constant0_0" -> "117 conv2d_11"; -"117 conv2d_11" -> "122 _native_batch_norm_legit_no_training_11"; -"118 _param_constant34" -> "122 _native_batch_norm_legit_no_training_11"; -"119 _param_constant35" -> "122 _native_batch_norm_legit_no_training_11"; -"120 _tensor_constant22" -> "122 _native_batch_norm_legit_no_training_11"; -"121 _tensor_constant23" -> "122 _native_batch_norm_legit_no_training_11"; -"122 _native_batch_norm_legit_no_training_11" -> "123 getitem_33"; -"123 getitem_33" -> "133 add__4"; -"124 conv2d_12_updated_constant0" -> "125 symmetric_weights_decompressor_conv2d_12_updated_constant0_0"; -"125 symmetric_weights_decompressor_conv2d_12_updated_constant0_0" -> "126 conv2d_12"; -"126 conv2d_12" -> "131 _native_batch_norm_legit_no_training_12"; -"127 _param_constant37" -> "131 _native_batch_norm_legit_no_training_12"; -"128 _param_constant38" -> "131 _native_batch_norm_legit_no_training_12"; -"129 _tensor_constant24" -> "131 _native_batch_norm_legit_no_training_12"; -"130 _tensor_constant25" -> "131 _native_batch_norm_legit_no_training_12"; -"131 _native_batch_norm_legit_no_training_12" -> "132 getitem_36"; -"132 getitem_36" -> "133 add__4"; -"133 add__4" -> "134 relu__10"; -"134 relu__10" -> "137 conv2d_13"; -"134 relu__10" -> "154 add__5"; -"135 conv2d_13_updated_constant0" -> "136 symmetric_weights_decompressor_conv2d_13_updated_constant0_0"; -"136 symmetric_weights_decompressor_conv2d_13_updated_constant0_0" -> "137 conv2d_13"; -"137 conv2d_13" -> "142 _native_batch_norm_legit_no_training_13"; -"138 _param_constant40" -> "142 _native_batch_norm_legit_no_training_13"; -"139 _param_constant41" -> "142 _native_batch_norm_legit_no_training_13"; -"140 _tensor_constant26" -> "142 _native_batch_norm_legit_no_training_13"; -"141 _tensor_constant27" -> "142 _native_batch_norm_legit_no_training_13"; -"142 _native_batch_norm_legit_no_training_13" -> "143 getitem_39"; -"143 getitem_39" -> "144 relu__11"; -"144 relu__11" -> "147 conv2d_14"; -"145 conv2d_14_updated_constant0" -> "146 symmetric_weights_decompressor_conv2d_14_updated_constant0_0"; -"146 symmetric_weights_decompressor_conv2d_14_updated_constant0_0" -> "147 conv2d_14"; -"147 conv2d_14" -> "152 _native_batch_norm_legit_no_training_14"; -"148 _param_constant43" -> "152 _native_batch_norm_legit_no_training_14"; -"149 _param_constant44" -> "152 _native_batch_norm_legit_no_training_14"; -"150 _tensor_constant28" -> "152 _native_batch_norm_legit_no_training_14"; -"151 _tensor_constant29" -> "152 _native_batch_norm_legit_no_training_14"; -"152 _native_batch_norm_legit_no_training_14" -> "153 getitem_42"; -"153 getitem_42" -> "154 add__5"; -"154 add__5" -> "155 relu__12"; -"155 relu__12" -> "158 conv2d_15"; -"155 relu__12" -> "177 conv2d_17"; -"156 conv2d_15_updated_constant0" -> "157 symmetric_weights_decompressor_conv2d_15_updated_constant0_0"; -"157 symmetric_weights_decompressor_conv2d_15_updated_constant0_0" -> "158 conv2d_15"; -"158 conv2d_15" -> "163 _native_batch_norm_legit_no_training_15"; -"159 _param_constant46" -> "163 _native_batch_norm_legit_no_training_15"; -"160 _param_constant47" -> "163 _native_batch_norm_legit_no_training_15"; -"161 _tensor_constant30" -> "163 _native_batch_norm_legit_no_training_15"; -"162 _tensor_constant31" -> "163 _native_batch_norm_legit_no_training_15"; -"163 _native_batch_norm_legit_no_training_15" -> "164 getitem_45"; -"164 getitem_45" -> "165 relu__13"; -"165 relu__13" -> "168 conv2d_16"; -"166 conv2d_16_updated_constant0" -> "167 symmetric_weights_decompressor_conv2d_16_updated_constant0_0"; -"167 symmetric_weights_decompressor_conv2d_16_updated_constant0_0" -> "168 conv2d_16"; -"168 conv2d_16" -> "173 _native_batch_norm_legit_no_training_16"; -"169 _param_constant49" -> "173 _native_batch_norm_legit_no_training_16"; -"170 _param_constant50" -> "173 _native_batch_norm_legit_no_training_16"; -"171 _tensor_constant32" -> "173 _native_batch_norm_legit_no_training_16"; -"172 _tensor_constant33" -> "173 _native_batch_norm_legit_no_training_16"; -"173 _native_batch_norm_legit_no_training_16" -> "174 getitem_48"; -"174 getitem_48" -> "184 add__6"; -"175 conv2d_17_updated_constant0" -> "176 symmetric_weights_decompressor_conv2d_17_updated_constant0_0"; -"176 symmetric_weights_decompressor_conv2d_17_updated_constant0_0" -> "177 conv2d_17"; -"177 conv2d_17" -> "182 _native_batch_norm_legit_no_training_17"; -"178 _param_constant52" -> "182 _native_batch_norm_legit_no_training_17"; -"179 _param_constant53" -> "182 _native_batch_norm_legit_no_training_17"; -"180 _tensor_constant34" -> "182 _native_batch_norm_legit_no_training_17"; -"181 _tensor_constant35" -> "182 _native_batch_norm_legit_no_training_17"; -"182 _native_batch_norm_legit_no_training_17" -> "183 getitem_51"; -"183 getitem_51" -> "184 add__6"; -"184 add__6" -> "185 relu__14"; -"185 relu__14" -> "188 conv2d_18"; -"185 relu__14" -> "205 add__7"; -"186 conv2d_18_updated_constant0" -> "187 symmetric_weights_decompressor_conv2d_18_updated_constant0_0"; -"187 symmetric_weights_decompressor_conv2d_18_updated_constant0_0" -> "188 conv2d_18"; -"188 conv2d_18" -> "193 _native_batch_norm_legit_no_training_18"; -"189 _param_constant55" -> "193 _native_batch_norm_legit_no_training_18"; -"190 _param_constant56" -> "193 _native_batch_norm_legit_no_training_18"; -"191 _tensor_constant36" -> "193 _native_batch_norm_legit_no_training_18"; -"192 _tensor_constant37" -> "193 _native_batch_norm_legit_no_training_18"; -"193 _native_batch_norm_legit_no_training_18" -> "194 getitem_54"; -"194 getitem_54" -> "195 relu__15"; -"195 relu__15" -> "198 conv2d_19"; -"196 conv2d_19_updated_constant0" -> "197 symmetric_weights_decompressor_conv2d_19_updated_constant0_0"; -"197 symmetric_weights_decompressor_conv2d_19_updated_constant0_0" -> "198 conv2d_19"; -"198 conv2d_19" -> "203 _native_batch_norm_legit_no_training_19"; -"199 _param_constant58" -> "203 _native_batch_norm_legit_no_training_19"; -"200 _param_constant59" -> "203 _native_batch_norm_legit_no_training_19"; -"201 _tensor_constant38" -> "203 _native_batch_norm_legit_no_training_19"; -"202 _tensor_constant39" -> "203 _native_batch_norm_legit_no_training_19"; -"203 _native_batch_norm_legit_no_training_19" -> "204 getitem_57"; -"204 getitem_57" -> "205 add__7"; -"205 add__7" -> "206 relu__16"; -"206 relu__16" -> "207 adaptive_avg_pool2d"; -"207 adaptive_avg_pool2d" -> "208 flatten"; -"208 flatten" -> "212 linear"; -"209 _param_constant61" -> "212 linear"; -"210 linear_updated_constant0" -> "211 symmetric_weights_decompressor_linear_updated_constant0_0"; -"211 symmetric_weights_decompressor_linear_updated_constant0_0" -> "212 linear"; -"212 linear" -> "213 output"; -} diff --git a/tests/torch/data/reference_graphs/fx/compressed/swin_v2_s.dot b/tests/torch/data/reference_graphs/fx/compressed/swin_v2_s.dot deleted file mode 100644 index e66e393bef9..00000000000 --- a/tests/torch/data/reference_graphs/fx/compressed/swin_v2_s.dot +++ /dev/null @@ -1,4822 +0,0 @@ -strict digraph { -"0 arg0_1" [id=0, type=input]; -"1 _param_constant1" [id=1, type=get_attr]; -"2 conv2d_updated_constant0" [id=2, type=get_attr]; -"3 symmetric_weights_decompressor_conv2d_updated_constant0_0" [id=3, type=call_module]; -"4 conv2d" [id=4, type=conv2d]; -"5 permute" [id=5, type=permute]; -"6 _param_constant2" [id=6, type=get_attr]; -"7 _param_constant3" [id=7, type=get_attr]; -"8 layer_norm" [id=8, type=layer_norm]; -"9 _tensor_constant0" [id=9, type=get_attr]; -"10 _param_constant5" [id=10, type=get_attr]; -"11 linear_updated_constant0" [id=11, type=get_attr]; -"12 symmetric_weights_decompressor_linear_updated_constant0_0" [id=12, type=call_module]; -"13 linear" [id=13, type=linear]; -"14 relu_" [id=14, type=relu_]; -"15 linear_1_updated_constant0" [id=15, type=get_attr]; -"16 symmetric_weights_decompressor_linear_1_updated_constant0_0" [id=16, type=call_module]; -"17 linear_1" [id=17, type=linear]; -"18 view" [id=18, type=view]; -"19 _tensor_constant1" [id=19, type=get_attr]; -"20 index" [id=20, type=index]; -"21 view_1" [id=21, type=view]; -"22 permute_1" [id=22, type=permute]; -"23 contiguous" [id=23, type=contiguous]; -"24 unsqueeze" [id=24, type=unsqueeze]; -"25 sigmoid" [id=25, type=sigmoid]; -"26 mul" [id=26, type=mul]; -"27 pad" [id=27, type=pad]; -"28 view_2" [id=28, type=view]; -"29 permute_2" [id=29, type=permute]; -"30 reshape" [id=30, type=reshape]; -"31 _param_constant7" [id=31, type=get_attr]; -"32 clone" [id=32, type=clone]; -"33 linear_2_updated_constant0" [id=33, type=get_attr]; -"34 symmetric_weights_decompressor_linear_2_updated_constant0_0" [id=34, type=call_module]; -"35 linear_2" [id=35, type=linear]; -"36 reshape_1" [id=36, type=reshape]; -"37 permute_3" [id=37, type=permute]; -"38 select" [id=38, type=select]; -"39 select_1" [id=39, type=select]; -"40 select_2" [id=40, type=select]; -"41 linalg_vector_norm" [id=41, type=linalg_vector_norm]; -"42 clamp_min" [id=42, type=clamp_min]; -"43 expand_as" [id=43, type=expand_as]; -"44 div" [id=44, type=div]; -"45 linalg_vector_norm_1" [id=45, type=linalg_vector_norm]; -"46 clamp_min_1" [id=46, type=clamp_min]; -"47 expand_as_1" [id=47, type=expand_as]; -"48 div_1" [id=48, type=div]; -"49 transpose" [id=49, type=transpose]; -"50 matmul" [id=50, type=matmul]; -"51 _param_constant9" [id=51, type=get_attr]; -"52 clamp" [id=52, type=clamp]; -"53 exp" [id=53, type=exp]; -"54 mul_1" [id=54, type=mul]; -"55 add" [id=55, type=add]; -"56 softmax" [id=56, type=softmax]; -"57 dropout" [id=57, type=dropout]; -"58 matmul_1" [id=58, type=matmul]; -"59 transpose_1" [id=59, type=transpose]; -"60 reshape_2" [id=60, type=reshape]; -"61 _param_constant11" [id=61, type=get_attr]; -"62 linear_3_updated_constant0" [id=62, type=get_attr]; -"63 symmetric_weights_decompressor_linear_3_updated_constant0_0" [id=63, type=call_module]; -"64 linear_3" [id=64, type=linear]; -"65 dropout_1" [id=65, type=dropout]; -"66 view_3" [id=66, type=view]; -"67 permute_4" [id=67, type=permute]; -"68 reshape_3" [id=68, type=reshape]; -"69 slice_2" [id=69, type=slice]; -"70 slice_3" [id=70, type=slice]; -"71 _param_constant12" [id=71, type=get_attr]; -"72 _param_constant13" [id=72, type=get_attr]; -"73 layer_norm_1" [id=73, type=layer_norm]; -"74 add_1" [id=74, type=add]; -"75 _param_constant15" [id=75, type=get_attr]; -"76 linear_4_updated_constant0" [id=76, type=get_attr]; -"77 symmetric_weights_decompressor_linear_4_updated_constant0_0" [id=77, type=call_module]; -"78 linear_4" [id=78, type=linear]; -"79 gelu" [id=79, type=gelu]; -"80 dropout_2" [id=80, type=dropout]; -"81 _param_constant17" [id=81, type=get_attr]; -"82 linear_5_updated_constant0" [id=82, type=get_attr]; -"83 symmetric_weights_decompressor_linear_5_updated_constant0_0" [id=83, type=call_module]; -"84 linear_5" [id=84, type=linear]; -"85 dropout_3" [id=85, type=dropout]; -"86 _param_constant18" [id=86, type=get_attr]; -"87 _param_constant19" [id=87, type=get_attr]; -"88 layer_norm_2" [id=88, type=layer_norm]; -"89 add_2" [id=89, type=add]; -"90 _tensor_constant2" [id=90, type=get_attr]; -"91 _param_constant21" [id=91, type=get_attr]; -"92 linear_6_updated_constant0" [id=92, type=get_attr]; -"93 symmetric_weights_decompressor_linear_6_updated_constant0_0" [id=93, type=call_module]; -"94 linear_6" [id=94, type=linear]; -"95 relu__1" [id=95, type=relu_]; -"96 linear_7_updated_constant0" [id=96, type=get_attr]; -"97 symmetric_weights_decompressor_linear_7_updated_constant0_0" [id=97, type=call_module]; -"98 linear_7" [id=98, type=linear]; -"99 view_4" [id=99, type=view]; -"100 _tensor_constant3" [id=100, type=get_attr]; -"101 index_1" [id=101, type=index]; -"102 view_5" [id=102, type=view]; -"103 permute_5" [id=103, type=permute]; -"104 contiguous_1" [id=104, type=contiguous]; -"105 unsqueeze_1" [id=105, type=unsqueeze]; -"106 sigmoid_1" [id=106, type=sigmoid]; -"107 mul_2" [id=107, type=mul]; -"108 pad_1" [id=108, type=pad]; -"109 roll" [id=109, type=roll]; -"110 view_6" [id=110, type=view]; -"111 permute_6" [id=111, type=permute]; -"112 reshape_4" [id=112, type=reshape]; -"113 _param_constant23" [id=113, type=get_attr]; -"114 clone_1" [id=114, type=clone]; -"115 linear_8_updated_constant0" [id=115, type=get_attr]; -"116 symmetric_weights_decompressor_linear_8_updated_constant0_0" [id=116, type=call_module]; -"117 linear_8" [id=117, type=linear]; -"118 reshape_5" [id=118, type=reshape]; -"119 permute_7" [id=119, type=permute]; -"120 select_3" [id=120, type=select]; -"121 select_4" [id=121, type=select]; -"122 select_5" [id=122, type=select]; -"123 linalg_vector_norm_2" [id=123, type=linalg_vector_norm]; -"124 clamp_min_2" [id=124, type=clamp_min]; -"125 expand_as_2" [id=125, type=expand_as]; -"126 div_2" [id=126, type=div]; -"127 linalg_vector_norm_3" [id=127, type=linalg_vector_norm]; -"128 clamp_min_3" [id=128, type=clamp_min]; -"129 expand_as_3" [id=129, type=expand_as]; -"130 div_3" [id=130, type=div]; -"131 transpose_2" [id=131, type=transpose]; -"132 matmul_2" [id=132, type=matmul]; -"133 _param_constant25" [id=133, type=get_attr]; -"134 clamp_1" [id=134, type=clamp]; -"135 exp_1" [id=135, type=exp]; -"136 mul_3" [id=136, type=mul]; -"137 add_3" [id=137, type=add]; -"138 new_zeros" [id=138, type=new_zeros]; -"139 view_7" [id=139, type=view]; -"140 permute_8" [id=140, type=permute]; -"141 reshape_6" [id=141, type=reshape]; -"142 unsqueeze_2" [id=142, type=unsqueeze]; -"143 unsqueeze_3" [id=143, type=unsqueeze]; -"144 sub" [id=144, type=sub]; -"145 ne" [id=145, type=ne]; -"146 masked_fill" [id=146, type=masked_fill]; -"147 eq" [id=147, type=eq]; -"148 masked_fill_1" [id=148, type=masked_fill]; -"149 view_8" [id=149, type=view]; -"150 unsqueeze_4" [id=150, type=unsqueeze]; -"151 unsqueeze_5" [id=151, type=unsqueeze]; -"152 add_4" [id=152, type=add]; -"153 view_9" [id=153, type=view]; -"154 softmax_1" [id=154, type=softmax]; -"155 dropout_4" [id=155, type=dropout]; -"156 matmul_3" [id=156, type=matmul]; -"157 transpose_3" [id=157, type=transpose]; -"158 reshape_7" [id=158, type=reshape]; -"159 _param_constant27" [id=159, type=get_attr]; -"160 linear_9_updated_constant0" [id=160, type=get_attr]; -"161 symmetric_weights_decompressor_linear_9_updated_constant0_0" [id=161, type=call_module]; -"162 linear_9" [id=162, type=linear]; -"163 dropout_5" [id=163, type=dropout]; -"164 view_10" [id=164, type=view]; -"165 permute_9" [id=165, type=permute]; -"166 reshape_8" [id=166, type=reshape]; -"167 roll_1" [id=167, type=roll]; -"168 slice_23" [id=168, type=slice]; -"169 slice_24" [id=169, type=slice]; -"170 _param_constant28" [id=170, type=get_attr]; -"171 _param_constant29" [id=171, type=get_attr]; -"172 layer_norm_3" [id=172, type=layer_norm]; -"173 add_5" [id=173, type=add]; -"174 _param_constant31" [id=174, type=get_attr]; -"175 linear_10_updated_constant0" [id=175, type=get_attr]; -"176 symmetric_weights_decompressor_linear_10_updated_constant0_0" [id=176, type=call_module]; -"177 linear_10" [id=177, type=linear]; -"178 gelu_1" [id=178, type=gelu]; -"179 dropout_6" [id=179, type=dropout]; -"180 _param_constant33" [id=180, type=get_attr]; -"181 linear_11_updated_constant0" [id=181, type=get_attr]; -"182 symmetric_weights_decompressor_linear_11_updated_constant0_0" [id=182, type=call_module]; -"183 linear_11" [id=183, type=linear]; -"184 dropout_7" [id=184, type=dropout]; -"185 _param_constant34" [id=185, type=get_attr]; -"186 _param_constant35" [id=186, type=get_attr]; -"187 layer_norm_4" [id=187, type=layer_norm]; -"188 add_6" [id=188, type=add]; -"189 pad_2" [id=189, type=pad]; -"190 slice_25" [id=190, type=slice]; -"191 slice_26" [id=191, type=slice]; -"192 slice_27" [id=192, type=slice]; -"193 slice_28" [id=193, type=slice]; -"194 slice_29" [id=194, type=slice]; -"195 slice_30" [id=195, type=slice]; -"196 slice_31" [id=196, type=slice]; -"197 slice_32" [id=197, type=slice]; -"198 slice_33" [id=198, type=slice]; -"199 slice_34" [id=199, type=slice]; -"200 slice_35" [id=200, type=slice]; -"201 slice_36" [id=201, type=slice]; -"202 cat" [id=202, type=cat]; -"203 linear_12_updated_constant0" [id=203, type=get_attr]; -"204 symmetric_weights_decompressor_linear_12_updated_constant0_0" [id=204, type=call_module]; -"205 linear_12" [id=205, type=linear]; -"206 _param_constant37" [id=206, type=get_attr]; -"207 _param_constant38" [id=207, type=get_attr]; -"208 layer_norm_5" [id=208, type=layer_norm]; -"209 _tensor_constant13" [id=209, type=get_attr]; -"210 _param_constant40" [id=210, type=get_attr]; -"211 linear_13_updated_constant0" [id=211, type=get_attr]; -"212 symmetric_weights_decompressor_linear_13_updated_constant0_0" [id=212, type=call_module]; -"213 linear_13" [id=213, type=linear]; -"214 relu__2" [id=214, type=relu_]; -"215 linear_14_updated_constant0" [id=215, type=get_attr]; -"216 symmetric_weights_decompressor_linear_14_updated_constant0_0" [id=216, type=call_module]; -"217 linear_14" [id=217, type=linear]; -"218 view_11" [id=218, type=view]; -"219 _tensor_constant14" [id=219, type=get_attr]; -"220 index_2" [id=220, type=index]; -"221 view_12" [id=221, type=view]; -"222 permute_10" [id=222, type=permute]; -"223 contiguous_2" [id=223, type=contiguous]; -"224 unsqueeze_6" [id=224, type=unsqueeze]; -"225 sigmoid_2" [id=225, type=sigmoid]; -"226 mul_4" [id=226, type=mul]; -"227 pad_3" [id=227, type=pad]; -"228 view_13" [id=228, type=view]; -"229 permute_11" [id=229, type=permute]; -"230 reshape_9" [id=230, type=reshape]; -"231 _param_constant42" [id=231, type=get_attr]; -"232 clone_2" [id=232, type=clone]; -"233 linear_15_updated_constant0" [id=233, type=get_attr]; -"234 symmetric_weights_decompressor_linear_15_updated_constant0_0" [id=234, type=call_module]; -"235 linear_15" [id=235, type=linear]; -"236 reshape_10" [id=236, type=reshape]; -"237 permute_12" [id=237, type=permute]; -"238 select_6" [id=238, type=select]; -"239 select_7" [id=239, type=select]; -"240 select_8" [id=240, type=select]; -"241 linalg_vector_norm_4" [id=241, type=linalg_vector_norm]; -"242 clamp_min_4" [id=242, type=clamp_min]; -"243 expand_as_4" [id=243, type=expand_as]; -"244 div_4" [id=244, type=div]; -"245 linalg_vector_norm_5" [id=245, type=linalg_vector_norm]; -"246 clamp_min_5" [id=246, type=clamp_min]; -"247 expand_as_5" [id=247, type=expand_as]; -"248 div_5" [id=248, type=div]; -"249 transpose_4" [id=249, type=transpose]; -"250 matmul_4" [id=250, type=matmul]; -"251 _param_constant44" [id=251, type=get_attr]; -"252 clamp_2" [id=252, type=clamp]; -"253 exp_2" [id=253, type=exp]; -"254 mul_5" [id=254, type=mul]; -"255 add_7" [id=255, type=add]; -"256 softmax_2" [id=256, type=softmax]; -"257 dropout_8" [id=257, type=dropout]; -"258 matmul_5" [id=258, type=matmul]; -"259 transpose_5" [id=259, type=transpose]; -"260 reshape_11" [id=260, type=reshape]; -"261 _param_constant46" [id=261, type=get_attr]; -"262 linear_16_updated_constant0" [id=262, type=get_attr]; -"263 symmetric_weights_decompressor_linear_16_updated_constant0_0" [id=263, type=call_module]; -"264 linear_16" [id=264, type=linear]; -"265 dropout_9" [id=265, type=dropout]; -"266 view_14" [id=266, type=view]; -"267 permute_13" [id=267, type=permute]; -"268 reshape_12" [id=268, type=reshape]; -"269 slice_38" [id=269, type=slice]; -"270 slice_39" [id=270, type=slice]; -"271 slice_40" [id=271, type=slice]; -"272 slice_41" [id=272, type=slice]; -"273 contiguous_3" [id=273, type=contiguous]; -"274 _param_constant47" [id=274, type=get_attr]; -"275 _param_constant48" [id=275, type=get_attr]; -"276 layer_norm_6" [id=276, type=layer_norm]; -"277 add_8" [id=277, type=add]; -"278 _param_constant50" [id=278, type=get_attr]; -"279 linear_17_updated_constant0" [id=279, type=get_attr]; -"280 symmetric_weights_decompressor_linear_17_updated_constant0_0" [id=280, type=call_module]; -"281 linear_17" [id=281, type=linear]; -"282 gelu_2" [id=282, type=gelu]; -"283 dropout_10" [id=283, type=dropout]; -"284 _param_constant52" [id=284, type=get_attr]; -"285 linear_18_updated_constant0" [id=285, type=get_attr]; -"286 symmetric_weights_decompressor_linear_18_updated_constant0_0" [id=286, type=call_module]; -"287 linear_18" [id=287, type=linear]; -"288 dropout_11" [id=288, type=dropout]; -"289 _param_constant53" [id=289, type=get_attr]; -"290 _param_constant54" [id=290, type=get_attr]; -"291 layer_norm_7" [id=291, type=layer_norm]; -"292 add_9" [id=292, type=add]; -"293 _tensor_constant15" [id=293, type=get_attr]; -"294 _param_constant56" [id=294, type=get_attr]; -"295 linear_19_updated_constant0" [id=295, type=get_attr]; -"296 symmetric_weights_decompressor_linear_19_updated_constant0_0" [id=296, type=call_module]; -"297 linear_19" [id=297, type=linear]; -"298 relu__3" [id=298, type=relu_]; -"299 linear_20_updated_constant0" [id=299, type=get_attr]; -"300 symmetric_weights_decompressor_linear_20_updated_constant0_0" [id=300, type=call_module]; -"301 linear_20" [id=301, type=linear]; -"302 view_15" [id=302, type=view]; -"303 _tensor_constant16" [id=303, type=get_attr]; -"304 index_3" [id=304, type=index]; -"305 view_16" [id=305, type=view]; -"306 permute_14" [id=306, type=permute]; -"307 contiguous_4" [id=307, type=contiguous]; -"308 unsqueeze_7" [id=308, type=unsqueeze]; -"309 sigmoid_3" [id=309, type=sigmoid]; -"310 mul_6" [id=310, type=mul]; -"311 pad_4" [id=311, type=pad]; -"312 roll_2" [id=312, type=roll]; -"313 view_17" [id=313, type=view]; -"314 permute_15" [id=314, type=permute]; -"315 reshape_13" [id=315, type=reshape]; -"316 _param_constant58" [id=316, type=get_attr]; -"317 clone_3" [id=317, type=clone]; -"318 linear_21_updated_constant0" [id=318, type=get_attr]; -"319 symmetric_weights_decompressor_linear_21_updated_constant0_0" [id=319, type=call_module]; -"320 linear_21" [id=320, type=linear]; -"321 reshape_14" [id=321, type=reshape]; -"322 permute_16" [id=322, type=permute]; -"323 select_9" [id=323, type=select]; -"324 select_10" [id=324, type=select]; -"325 select_11" [id=325, type=select]; -"326 linalg_vector_norm_6" [id=326, type=linalg_vector_norm]; -"327 clamp_min_6" [id=327, type=clamp_min]; -"328 expand_as_6" [id=328, type=expand_as]; -"329 div_6" [id=329, type=div]; -"330 linalg_vector_norm_7" [id=330, type=linalg_vector_norm]; -"331 clamp_min_7" [id=331, type=clamp_min]; -"332 expand_as_7" [id=332, type=expand_as]; -"333 div_7" [id=333, type=div]; -"334 transpose_6" [id=334, type=transpose]; -"335 matmul_6" [id=335, type=matmul]; -"336 _param_constant60" [id=336, type=get_attr]; -"337 clamp_3" [id=337, type=clamp]; -"338 exp_3" [id=338, type=exp]; -"339 mul_7" [id=339, type=mul]; -"340 add_10" [id=340, type=add]; -"341 new_zeros_1" [id=341, type=new_zeros]; -"342 view_18" [id=342, type=view]; -"343 permute_17" [id=343, type=permute]; -"344 reshape_15" [id=344, type=reshape]; -"345 unsqueeze_8" [id=345, type=unsqueeze]; -"346 unsqueeze_9" [id=346, type=unsqueeze]; -"347 sub_1" [id=347, type=sub]; -"348 ne_1" [id=348, type=ne]; -"349 masked_fill_2" [id=349, type=masked_fill]; -"350 eq_1" [id=350, type=eq]; -"351 masked_fill_3" [id=351, type=masked_fill]; -"352 view_19" [id=352, type=view]; -"353 unsqueeze_10" [id=353, type=unsqueeze]; -"354 unsqueeze_11" [id=354, type=unsqueeze]; -"355 add_11" [id=355, type=add]; -"356 view_20" [id=356, type=view]; -"357 softmax_3" [id=357, type=softmax]; -"358 dropout_12" [id=358, type=dropout]; -"359 matmul_7" [id=359, type=matmul]; -"360 transpose_7" [id=360, type=transpose]; -"361 reshape_16" [id=361, type=reshape]; -"362 _param_constant62" [id=362, type=get_attr]; -"363 linear_22_updated_constant0" [id=363, type=get_attr]; -"364 symmetric_weights_decompressor_linear_22_updated_constant0_0" [id=364, type=call_module]; -"365 linear_22" [id=365, type=linear]; -"366 dropout_13" [id=366, type=dropout]; -"367 view_21" [id=367, type=view]; -"368 permute_18" [id=368, type=permute]; -"369 reshape_17" [id=369, type=reshape]; -"370 roll_3" [id=370, type=roll]; -"371 slice_61" [id=371, type=slice]; -"372 slice_62" [id=372, type=slice]; -"373 slice_63" [id=373, type=slice]; -"374 slice_64" [id=374, type=slice]; -"375 contiguous_5" [id=375, type=contiguous]; -"376 _param_constant63" [id=376, type=get_attr]; -"377 _param_constant64" [id=377, type=get_attr]; -"378 layer_norm_8" [id=378, type=layer_norm]; -"379 add_12" [id=379, type=add]; -"380 _param_constant66" [id=380, type=get_attr]; -"381 linear_23_updated_constant0" [id=381, type=get_attr]; -"382 symmetric_weights_decompressor_linear_23_updated_constant0_0" [id=382, type=call_module]; -"383 linear_23" [id=383, type=linear]; -"384 gelu_3" [id=384, type=gelu]; -"385 dropout_14" [id=385, type=dropout]; -"386 _param_constant68" [id=386, type=get_attr]; -"387 linear_24_updated_constant0" [id=387, type=get_attr]; -"388 symmetric_weights_decompressor_linear_24_updated_constant0_0" [id=388, type=call_module]; -"389 linear_24" [id=389, type=linear]; -"390 dropout_15" [id=390, type=dropout]; -"391 _param_constant69" [id=391, type=get_attr]; -"392 _param_constant70" [id=392, type=get_attr]; -"393 layer_norm_9" [id=393, type=layer_norm]; -"394 add_13" [id=394, type=add]; -"395 pad_5" [id=395, type=pad]; -"396 slice_65" [id=396, type=slice]; -"397 slice_66" [id=397, type=slice]; -"398 slice_67" [id=398, type=slice]; -"399 slice_68" [id=399, type=slice]; -"400 slice_69" [id=400, type=slice]; -"401 slice_70" [id=401, type=slice]; -"402 slice_71" [id=402, type=slice]; -"403 slice_72" [id=403, type=slice]; -"404 slice_73" [id=404, type=slice]; -"405 slice_74" [id=405, type=slice]; -"406 slice_75" [id=406, type=slice]; -"407 slice_76" [id=407, type=slice]; -"408 cat_1" [id=408, type=cat]; -"409 linear_25_updated_constant0" [id=409, type=get_attr]; -"410 symmetric_weights_decompressor_linear_25_updated_constant0_0" [id=410, type=call_module]; -"411 linear_25" [id=411, type=linear]; -"412 _param_constant72" [id=412, type=get_attr]; -"413 _param_constant73" [id=413, type=get_attr]; -"414 layer_norm_10" [id=414, type=layer_norm]; -"415 _tensor_constant26" [id=415, type=get_attr]; -"416 _param_constant75" [id=416, type=get_attr]; -"417 linear_26_updated_constant0" [id=417, type=get_attr]; -"418 symmetric_weights_decompressor_linear_26_updated_constant0_0" [id=418, type=call_module]; -"419 linear_26" [id=419, type=linear]; -"420 relu__4" [id=420, type=relu_]; -"421 linear_27_updated_constant0" [id=421, type=get_attr]; -"422 symmetric_weights_decompressor_linear_27_updated_constant0_0" [id=422, type=call_module]; -"423 linear_27" [id=423, type=linear]; -"424 view_22" [id=424, type=view]; -"425 _tensor_constant27" [id=425, type=get_attr]; -"426 index_4" [id=426, type=index]; -"427 view_23" [id=427, type=view]; -"428 permute_19" [id=428, type=permute]; -"429 contiguous_6" [id=429, type=contiguous]; -"430 unsqueeze_12" [id=430, type=unsqueeze]; -"431 sigmoid_4" [id=431, type=sigmoid]; -"432 mul_8" [id=432, type=mul]; -"433 pad_6" [id=433, type=pad]; -"434 view_24" [id=434, type=view]; -"435 permute_20" [id=435, type=permute]; -"436 reshape_18" [id=436, type=reshape]; -"437 _param_constant77" [id=437, type=get_attr]; -"438 clone_4" [id=438, type=clone]; -"439 linear_28_updated_constant0" [id=439, type=get_attr]; -"440 symmetric_weights_decompressor_linear_28_updated_constant0_0" [id=440, type=call_module]; -"441 linear_28" [id=441, type=linear]; -"442 reshape_19" [id=442, type=reshape]; -"443 permute_21" [id=443, type=permute]; -"444 select_12" [id=444, type=select]; -"445 select_13" [id=445, type=select]; -"446 select_14" [id=446, type=select]; -"447 linalg_vector_norm_8" [id=447, type=linalg_vector_norm]; -"448 clamp_min_8" [id=448, type=clamp_min]; -"449 expand_as_8" [id=449, type=expand_as]; -"450 div_8" [id=450, type=div]; -"451 linalg_vector_norm_9" [id=451, type=linalg_vector_norm]; -"452 clamp_min_9" [id=452, type=clamp_min]; -"453 expand_as_9" [id=453, type=expand_as]; -"454 div_9" [id=454, type=div]; -"455 transpose_8" [id=455, type=transpose]; -"456 matmul_8" [id=456, type=matmul]; -"457 _param_constant79" [id=457, type=get_attr]; -"458 clamp_4" [id=458, type=clamp]; -"459 exp_4" [id=459, type=exp]; -"460 mul_9" [id=460, type=mul]; -"461 add_14" [id=461, type=add]; -"462 softmax_4" [id=462, type=softmax]; -"463 dropout_16" [id=463, type=dropout]; -"464 matmul_9" [id=464, type=matmul]; -"465 transpose_9" [id=465, type=transpose]; -"466 reshape_20" [id=466, type=reshape]; -"467 _param_constant81" [id=467, type=get_attr]; -"468 linear_29_updated_constant0" [id=468, type=get_attr]; -"469 symmetric_weights_decompressor_linear_29_updated_constant0_0" [id=469, type=call_module]; -"470 linear_29" [id=470, type=linear]; -"471 dropout_17" [id=471, type=dropout]; -"472 view_25" [id=472, type=view]; -"473 permute_22" [id=473, type=permute]; -"474 reshape_21" [id=474, type=reshape]; -"475 slice_78" [id=475, type=slice]; -"476 slice_79" [id=476, type=slice]; -"477 slice_80" [id=477, type=slice]; -"478 slice_81" [id=478, type=slice]; -"479 contiguous_7" [id=479, type=contiguous]; -"480 _param_constant82" [id=480, type=get_attr]; -"481 _param_constant83" [id=481, type=get_attr]; -"482 layer_norm_11" [id=482, type=layer_norm]; -"483 add_15" [id=483, type=add]; -"484 _param_constant85" [id=484, type=get_attr]; -"485 linear_30_updated_constant0" [id=485, type=get_attr]; -"486 symmetric_weights_decompressor_linear_30_updated_constant0_0" [id=486, type=call_module]; -"487 linear_30" [id=487, type=linear]; -"488 gelu_4" [id=488, type=gelu]; -"489 dropout_18" [id=489, type=dropout]; -"490 _param_constant87" [id=490, type=get_attr]; -"491 linear_31_updated_constant0" [id=491, type=get_attr]; -"492 symmetric_weights_decompressor_linear_31_updated_constant0_0" [id=492, type=call_module]; -"493 linear_31" [id=493, type=linear]; -"494 dropout_19" [id=494, type=dropout]; -"495 _param_constant88" [id=495, type=get_attr]; -"496 _param_constant89" [id=496, type=get_attr]; -"497 layer_norm_12" [id=497, type=layer_norm]; -"498 add_16" [id=498, type=add]; -"499 _tensor_constant28" [id=499, type=get_attr]; -"500 _param_constant91" [id=500, type=get_attr]; -"501 linear_32_updated_constant0" [id=501, type=get_attr]; -"502 symmetric_weights_decompressor_linear_32_updated_constant0_0" [id=502, type=call_module]; -"503 linear_32" [id=503, type=linear]; -"504 relu__5" [id=504, type=relu_]; -"505 linear_33_updated_constant0" [id=505, type=get_attr]; -"506 symmetric_weights_decompressor_linear_33_updated_constant0_0" [id=506, type=call_module]; -"507 linear_33" [id=507, type=linear]; -"508 view_26" [id=508, type=view]; -"509 _tensor_constant29" [id=509, type=get_attr]; -"510 index_5" [id=510, type=index]; -"511 view_27" [id=511, type=view]; -"512 permute_23" [id=512, type=permute]; -"513 contiguous_8" [id=513, type=contiguous]; -"514 unsqueeze_13" [id=514, type=unsqueeze]; -"515 sigmoid_5" [id=515, type=sigmoid]; -"516 mul_10" [id=516, type=mul]; -"517 pad_7" [id=517, type=pad]; -"518 roll_4" [id=518, type=roll]; -"519 view_28" [id=519, type=view]; -"520 permute_24" [id=520, type=permute]; -"521 reshape_22" [id=521, type=reshape]; -"522 _param_constant93" [id=522, type=get_attr]; -"523 clone_5" [id=523, type=clone]; -"524 linear_34_updated_constant0" [id=524, type=get_attr]; -"525 symmetric_weights_decompressor_linear_34_updated_constant0_0" [id=525, type=call_module]; -"526 linear_34" [id=526, type=linear]; -"527 reshape_23" [id=527, type=reshape]; -"528 permute_25" [id=528, type=permute]; -"529 select_15" [id=529, type=select]; -"530 select_16" [id=530, type=select]; -"531 select_17" [id=531, type=select]; -"532 linalg_vector_norm_10" [id=532, type=linalg_vector_norm]; -"533 clamp_min_10" [id=533, type=clamp_min]; -"534 expand_as_10" [id=534, type=expand_as]; -"535 div_10" [id=535, type=div]; -"536 linalg_vector_norm_11" [id=536, type=linalg_vector_norm]; -"537 clamp_min_11" [id=537, type=clamp_min]; -"538 expand_as_11" [id=538, type=expand_as]; -"539 div_11" [id=539, type=div]; -"540 transpose_10" [id=540, type=transpose]; -"541 matmul_10" [id=541, type=matmul]; -"542 _param_constant95" [id=542, type=get_attr]; -"543 clamp_5" [id=543, type=clamp]; -"544 exp_5" [id=544, type=exp]; -"545 mul_11" [id=545, type=mul]; -"546 add_17" [id=546, type=add]; -"547 new_zeros_2" [id=547, type=new_zeros]; -"548 view_29" [id=548, type=view]; -"549 permute_26" [id=549, type=permute]; -"550 reshape_24" [id=550, type=reshape]; -"551 unsqueeze_14" [id=551, type=unsqueeze]; -"552 unsqueeze_15" [id=552, type=unsqueeze]; -"553 sub_2" [id=553, type=sub]; -"554 ne_2" [id=554, type=ne]; -"555 masked_fill_4" [id=555, type=masked_fill]; -"556 eq_2" [id=556, type=eq]; -"557 masked_fill_5" [id=557, type=masked_fill]; -"558 view_30" [id=558, type=view]; -"559 unsqueeze_16" [id=559, type=unsqueeze]; -"560 unsqueeze_17" [id=560, type=unsqueeze]; -"561 add_18" [id=561, type=add]; -"562 view_31" [id=562, type=view]; -"563 softmax_5" [id=563, type=softmax]; -"564 dropout_20" [id=564, type=dropout]; -"565 matmul_11" [id=565, type=matmul]; -"566 transpose_11" [id=566, type=transpose]; -"567 reshape_25" [id=567, type=reshape]; -"568 _param_constant97" [id=568, type=get_attr]; -"569 linear_35_updated_constant0" [id=569, type=get_attr]; -"570 symmetric_weights_decompressor_linear_35_updated_constant0_0" [id=570, type=call_module]; -"571 linear_35" [id=571, type=linear]; -"572 dropout_21" [id=572, type=dropout]; -"573 view_32" [id=573, type=view]; -"574 permute_27" [id=574, type=permute]; -"575 reshape_26" [id=575, type=reshape]; -"576 roll_5" [id=576, type=roll]; -"577 slice_101" [id=577, type=slice]; -"578 slice_102" [id=578, type=slice]; -"579 slice_103" [id=579, type=slice]; -"580 slice_104" [id=580, type=slice]; -"581 contiguous_9" [id=581, type=contiguous]; -"582 _param_constant98" [id=582, type=get_attr]; -"583 _param_constant99" [id=583, type=get_attr]; -"584 layer_norm_13" [id=584, type=layer_norm]; -"585 add_19" [id=585, type=add]; -"586 _param_constant101" [id=586, type=get_attr]; -"587 linear_36_updated_constant0" [id=587, type=get_attr]; -"588 symmetric_weights_decompressor_linear_36_updated_constant0_0" [id=588, type=call_module]; -"589 linear_36" [id=589, type=linear]; -"590 gelu_5" [id=590, type=gelu]; -"591 dropout_22" [id=591, type=dropout]; -"592 _param_constant103" [id=592, type=get_attr]; -"593 linear_37_updated_constant0" [id=593, type=get_attr]; -"594 symmetric_weights_decompressor_linear_37_updated_constant0_0" [id=594, type=call_module]; -"595 linear_37" [id=595, type=linear]; -"596 dropout_23" [id=596, type=dropout]; -"597 _param_constant104" [id=597, type=get_attr]; -"598 _param_constant105" [id=598, type=get_attr]; -"599 layer_norm_14" [id=599, type=layer_norm]; -"600 add_20" [id=600, type=add]; -"601 _tensor_constant39" [id=601, type=get_attr]; -"602 _param_constant107" [id=602, type=get_attr]; -"603 linear_38_updated_constant0" [id=603, type=get_attr]; -"604 symmetric_weights_decompressor_linear_38_updated_constant0_0" [id=604, type=call_module]; -"605 linear_38" [id=605, type=linear]; -"606 relu__6" [id=606, type=relu_]; -"607 linear_39_updated_constant0" [id=607, type=get_attr]; -"608 symmetric_weights_decompressor_linear_39_updated_constant0_0" [id=608, type=call_module]; -"609 linear_39" [id=609, type=linear]; -"610 view_33" [id=610, type=view]; -"611 _tensor_constant40" [id=611, type=get_attr]; -"612 index_6" [id=612, type=index]; -"613 view_34" [id=613, type=view]; -"614 permute_28" [id=614, type=permute]; -"615 contiguous_10" [id=615, type=contiguous]; -"616 unsqueeze_18" [id=616, type=unsqueeze]; -"617 sigmoid_6" [id=617, type=sigmoid]; -"618 mul_12" [id=618, type=mul]; -"619 pad_8" [id=619, type=pad]; -"620 view_35" [id=620, type=view]; -"621 permute_29" [id=621, type=permute]; -"622 reshape_27" [id=622, type=reshape]; -"623 _param_constant109" [id=623, type=get_attr]; -"624 clone_6" [id=624, type=clone]; -"625 linear_40_updated_constant0" [id=625, type=get_attr]; -"626 symmetric_weights_decompressor_linear_40_updated_constant0_0" [id=626, type=call_module]; -"627 linear_40" [id=627, type=linear]; -"628 reshape_28" [id=628, type=reshape]; -"629 permute_30" [id=629, type=permute]; -"630 select_18" [id=630, type=select]; -"631 select_19" [id=631, type=select]; -"632 select_20" [id=632, type=select]; -"633 linalg_vector_norm_12" [id=633, type=linalg_vector_norm]; -"634 clamp_min_12" [id=634, type=clamp_min]; -"635 expand_as_12" [id=635, type=expand_as]; -"636 div_12" [id=636, type=div]; -"637 linalg_vector_norm_13" [id=637, type=linalg_vector_norm]; -"638 clamp_min_13" [id=638, type=clamp_min]; -"639 expand_as_13" [id=639, type=expand_as]; -"640 div_13" [id=640, type=div]; -"641 transpose_12" [id=641, type=transpose]; -"642 matmul_12" [id=642, type=matmul]; -"643 _param_constant111" [id=643, type=get_attr]; -"644 clamp_6" [id=644, type=clamp]; -"645 exp_6" [id=645, type=exp]; -"646 mul_13" [id=646, type=mul]; -"647 add_21" [id=647, type=add]; -"648 softmax_6" [id=648, type=softmax]; -"649 dropout_24" [id=649, type=dropout]; -"650 matmul_13" [id=650, type=matmul]; -"651 transpose_13" [id=651, type=transpose]; -"652 reshape_29" [id=652, type=reshape]; -"653 _param_constant113" [id=653, type=get_attr]; -"654 linear_41_updated_constant0" [id=654, type=get_attr]; -"655 symmetric_weights_decompressor_linear_41_updated_constant0_0" [id=655, type=call_module]; -"656 linear_41" [id=656, type=linear]; -"657 dropout_25" [id=657, type=dropout]; -"658 view_36" [id=658, type=view]; -"659 permute_31" [id=659, type=permute]; -"660 reshape_30" [id=660, type=reshape]; -"661 slice_106" [id=661, type=slice]; -"662 slice_107" [id=662, type=slice]; -"663 slice_108" [id=663, type=slice]; -"664 slice_109" [id=664, type=slice]; -"665 contiguous_11" [id=665, type=contiguous]; -"666 _param_constant114" [id=666, type=get_attr]; -"667 _param_constant115" [id=667, type=get_attr]; -"668 layer_norm_15" [id=668, type=layer_norm]; -"669 add_22" [id=669, type=add]; -"670 _param_constant117" [id=670, type=get_attr]; -"671 linear_42_updated_constant0" [id=671, type=get_attr]; -"672 symmetric_weights_decompressor_linear_42_updated_constant0_0" [id=672, type=call_module]; -"673 linear_42" [id=673, type=linear]; -"674 gelu_6" [id=674, type=gelu]; -"675 dropout_26" [id=675, type=dropout]; -"676 _param_constant119" [id=676, type=get_attr]; -"677 linear_43_updated_constant0" [id=677, type=get_attr]; -"678 symmetric_weights_decompressor_linear_43_updated_constant0_0" [id=678, type=call_module]; -"679 linear_43" [id=679, type=linear]; -"680 dropout_27" [id=680, type=dropout]; -"681 _param_constant120" [id=681, type=get_attr]; -"682 _param_constant121" [id=682, type=get_attr]; -"683 layer_norm_16" [id=683, type=layer_norm]; -"684 add_23" [id=684, type=add]; -"685 _tensor_constant41" [id=685, type=get_attr]; -"686 _param_constant123" [id=686, type=get_attr]; -"687 linear_44_updated_constant0" [id=687, type=get_attr]; -"688 symmetric_weights_decompressor_linear_44_updated_constant0_0" [id=688, type=call_module]; -"689 linear_44" [id=689, type=linear]; -"690 relu__7" [id=690, type=relu_]; -"691 linear_45_updated_constant0" [id=691, type=get_attr]; -"692 symmetric_weights_decompressor_linear_45_updated_constant0_0" [id=692, type=call_module]; -"693 linear_45" [id=693, type=linear]; -"694 view_37" [id=694, type=view]; -"695 _tensor_constant42" [id=695, type=get_attr]; -"696 index_7" [id=696, type=index]; -"697 view_38" [id=697, type=view]; -"698 permute_32" [id=698, type=permute]; -"699 contiguous_12" [id=699, type=contiguous]; -"700 unsqueeze_19" [id=700, type=unsqueeze]; -"701 sigmoid_7" [id=701, type=sigmoid]; -"702 mul_14" [id=702, type=mul]; -"703 pad_9" [id=703, type=pad]; -"704 roll_6" [id=704, type=roll]; -"705 view_39" [id=705, type=view]; -"706 permute_33" [id=706, type=permute]; -"707 reshape_31" [id=707, type=reshape]; -"708 _param_constant125" [id=708, type=get_attr]; -"709 clone_7" [id=709, type=clone]; -"710 linear_46_updated_constant0" [id=710, type=get_attr]; -"711 symmetric_weights_decompressor_linear_46_updated_constant0_0" [id=711, type=call_module]; -"712 linear_46" [id=712, type=linear]; -"713 reshape_32" [id=713, type=reshape]; -"714 permute_34" [id=714, type=permute]; -"715 select_21" [id=715, type=select]; -"716 select_22" [id=716, type=select]; -"717 select_23" [id=717, type=select]; -"718 linalg_vector_norm_14" [id=718, type=linalg_vector_norm]; -"719 clamp_min_14" [id=719, type=clamp_min]; -"720 expand_as_14" [id=720, type=expand_as]; -"721 div_14" [id=721, type=div]; -"722 linalg_vector_norm_15" [id=722, type=linalg_vector_norm]; -"723 clamp_min_15" [id=723, type=clamp_min]; -"724 expand_as_15" [id=724, type=expand_as]; -"725 div_15" [id=725, type=div]; -"726 transpose_14" [id=726, type=transpose]; -"727 matmul_14" [id=727, type=matmul]; -"728 _param_constant127" [id=728, type=get_attr]; -"729 clamp_7" [id=729, type=clamp]; -"730 exp_7" [id=730, type=exp]; -"731 mul_15" [id=731, type=mul]; -"732 add_24" [id=732, type=add]; -"733 new_zeros_3" [id=733, type=new_zeros]; -"734 view_40" [id=734, type=view]; -"735 permute_35" [id=735, type=permute]; -"736 reshape_33" [id=736, type=reshape]; -"737 unsqueeze_20" [id=737, type=unsqueeze]; -"738 unsqueeze_21" [id=738, type=unsqueeze]; -"739 sub_3" [id=739, type=sub]; -"740 ne_3" [id=740, type=ne]; -"741 masked_fill_6" [id=741, type=masked_fill]; -"742 eq_3" [id=742, type=eq]; -"743 masked_fill_7" [id=743, type=masked_fill]; -"744 view_41" [id=744, type=view]; -"745 unsqueeze_22" [id=745, type=unsqueeze]; -"746 unsqueeze_23" [id=746, type=unsqueeze]; -"747 add_25" [id=747, type=add]; -"748 view_42" [id=748, type=view]; -"749 softmax_7" [id=749, type=softmax]; -"750 dropout_28" [id=750, type=dropout]; -"751 matmul_15" [id=751, type=matmul]; -"752 transpose_15" [id=752, type=transpose]; -"753 reshape_34" [id=753, type=reshape]; -"754 _param_constant129" [id=754, type=get_attr]; -"755 linear_47_updated_constant0" [id=755, type=get_attr]; -"756 symmetric_weights_decompressor_linear_47_updated_constant0_0" [id=756, type=call_module]; -"757 linear_47" [id=757, type=linear]; -"758 dropout_29" [id=758, type=dropout]; -"759 view_43" [id=759, type=view]; -"760 permute_36" [id=760, type=permute]; -"761 reshape_35" [id=761, type=reshape]; -"762 roll_7" [id=762, type=roll]; -"763 slice_129" [id=763, type=slice]; -"764 slice_130" [id=764, type=slice]; -"765 slice_131" [id=765, type=slice]; -"766 slice_132" [id=766, type=slice]; -"767 contiguous_13" [id=767, type=contiguous]; -"768 _param_constant130" [id=768, type=get_attr]; -"769 _param_constant131" [id=769, type=get_attr]; -"770 layer_norm_17" [id=770, type=layer_norm]; -"771 add_26" [id=771, type=add]; -"772 _param_constant133" [id=772, type=get_attr]; -"773 linear_48_updated_constant0" [id=773, type=get_attr]; -"774 symmetric_weights_decompressor_linear_48_updated_constant0_0" [id=774, type=call_module]; -"775 linear_48" [id=775, type=linear]; -"776 gelu_7" [id=776, type=gelu]; -"777 dropout_30" [id=777, type=dropout]; -"778 _param_constant135" [id=778, type=get_attr]; -"779 linear_49_updated_constant0" [id=779, type=get_attr]; -"780 symmetric_weights_decompressor_linear_49_updated_constant0_0" [id=780, type=call_module]; -"781 linear_49" [id=781, type=linear]; -"782 dropout_31" [id=782, type=dropout]; -"783 _param_constant136" [id=783, type=get_attr]; -"784 _param_constant137" [id=784, type=get_attr]; -"785 layer_norm_18" [id=785, type=layer_norm]; -"786 add_27" [id=786, type=add]; -"787 _tensor_constant52" [id=787, type=get_attr]; -"788 _param_constant139" [id=788, type=get_attr]; -"789 linear_50_updated_constant0" [id=789, type=get_attr]; -"790 symmetric_weights_decompressor_linear_50_updated_constant0_0" [id=790, type=call_module]; -"791 linear_50" [id=791, type=linear]; -"792 relu__8" [id=792, type=relu_]; -"793 linear_51_updated_constant0" [id=793, type=get_attr]; -"794 symmetric_weights_decompressor_linear_51_updated_constant0_0" [id=794, type=call_module]; -"795 linear_51" [id=795, type=linear]; -"796 view_44" [id=796, type=view]; -"797 _tensor_constant53" [id=797, type=get_attr]; -"798 index_8" [id=798, type=index]; -"799 view_45" [id=799, type=view]; -"800 permute_37" [id=800, type=permute]; -"801 contiguous_14" [id=801, type=contiguous]; -"802 unsqueeze_24" [id=802, type=unsqueeze]; -"803 sigmoid_8" [id=803, type=sigmoid]; -"804 mul_16" [id=804, type=mul]; -"805 pad_10" [id=805, type=pad]; -"806 view_46" [id=806, type=view]; -"807 permute_38" [id=807, type=permute]; -"808 reshape_36" [id=808, type=reshape]; -"809 _param_constant141" [id=809, type=get_attr]; -"810 clone_8" [id=810, type=clone]; -"811 linear_52_updated_constant0" [id=811, type=get_attr]; -"812 symmetric_weights_decompressor_linear_52_updated_constant0_0" [id=812, type=call_module]; -"813 linear_52" [id=813, type=linear]; -"814 reshape_37" [id=814, type=reshape]; -"815 permute_39" [id=815, type=permute]; -"816 select_24" [id=816, type=select]; -"817 select_25" [id=817, type=select]; -"818 select_26" [id=818, type=select]; -"819 linalg_vector_norm_16" [id=819, type=linalg_vector_norm]; -"820 clamp_min_16" [id=820, type=clamp_min]; -"821 expand_as_16" [id=821, type=expand_as]; -"822 div_16" [id=822, type=div]; -"823 linalg_vector_norm_17" [id=823, type=linalg_vector_norm]; -"824 clamp_min_17" [id=824, type=clamp_min]; -"825 expand_as_17" [id=825, type=expand_as]; -"826 div_17" [id=826, type=div]; -"827 transpose_16" [id=827, type=transpose]; -"828 matmul_16" [id=828, type=matmul]; -"829 _param_constant143" [id=829, type=get_attr]; -"830 clamp_8" [id=830, type=clamp]; -"831 exp_8" [id=831, type=exp]; -"832 mul_17" [id=832, type=mul]; -"833 add_28" [id=833, type=add]; -"834 softmax_8" [id=834, type=softmax]; -"835 dropout_32" [id=835, type=dropout]; -"836 matmul_17" [id=836, type=matmul]; -"837 transpose_17" [id=837, type=transpose]; -"838 reshape_38" [id=838, type=reshape]; -"839 _param_constant145" [id=839, type=get_attr]; -"840 linear_53_updated_constant0" [id=840, type=get_attr]; -"841 symmetric_weights_decompressor_linear_53_updated_constant0_0" [id=841, type=call_module]; -"842 linear_53" [id=842, type=linear]; -"843 dropout_33" [id=843, type=dropout]; -"844 view_47" [id=844, type=view]; -"845 permute_40" [id=845, type=permute]; -"846 reshape_39" [id=846, type=reshape]; -"847 slice_134" [id=847, type=slice]; -"848 slice_135" [id=848, type=slice]; -"849 slice_136" [id=849, type=slice]; -"850 slice_137" [id=850, type=slice]; -"851 contiguous_15" [id=851, type=contiguous]; -"852 _param_constant146" [id=852, type=get_attr]; -"853 _param_constant147" [id=853, type=get_attr]; -"854 layer_norm_19" [id=854, type=layer_norm]; -"855 add_29" [id=855, type=add]; -"856 _param_constant149" [id=856, type=get_attr]; -"857 linear_54_updated_constant0" [id=857, type=get_attr]; -"858 symmetric_weights_decompressor_linear_54_updated_constant0_0" [id=858, type=call_module]; -"859 linear_54" [id=859, type=linear]; -"860 gelu_8" [id=860, type=gelu]; -"861 dropout_34" [id=861, type=dropout]; -"862 _param_constant151" [id=862, type=get_attr]; -"863 linear_55_updated_constant0" [id=863, type=get_attr]; -"864 symmetric_weights_decompressor_linear_55_updated_constant0_0" [id=864, type=call_module]; -"865 linear_55" [id=865, type=linear]; -"866 dropout_35" [id=866, type=dropout]; -"867 _param_constant152" [id=867, type=get_attr]; -"868 _param_constant153" [id=868, type=get_attr]; -"869 layer_norm_20" [id=869, type=layer_norm]; -"870 add_30" [id=870, type=add]; -"871 _tensor_constant54" [id=871, type=get_attr]; -"872 _param_constant155" [id=872, type=get_attr]; -"873 linear_56_updated_constant0" [id=873, type=get_attr]; -"874 symmetric_weights_decompressor_linear_56_updated_constant0_0" [id=874, type=call_module]; -"875 linear_56" [id=875, type=linear]; -"876 relu__9" [id=876, type=relu_]; -"877 linear_57_updated_constant0" [id=877, type=get_attr]; -"878 symmetric_weights_decompressor_linear_57_updated_constant0_0" [id=878, type=call_module]; -"879 linear_57" [id=879, type=linear]; -"880 view_48" [id=880, type=view]; -"881 _tensor_constant55" [id=881, type=get_attr]; -"882 index_9" [id=882, type=index]; -"883 view_49" [id=883, type=view]; -"884 permute_41" [id=884, type=permute]; -"885 contiguous_16" [id=885, type=contiguous]; -"886 unsqueeze_25" [id=886, type=unsqueeze]; -"887 sigmoid_9" [id=887, type=sigmoid]; -"888 mul_18" [id=888, type=mul]; -"889 pad_11" [id=889, type=pad]; -"890 roll_8" [id=890, type=roll]; -"891 view_50" [id=891, type=view]; -"892 permute_42" [id=892, type=permute]; -"893 reshape_40" [id=893, type=reshape]; -"894 _param_constant157" [id=894, type=get_attr]; -"895 clone_9" [id=895, type=clone]; -"896 linear_58_updated_constant0" [id=896, type=get_attr]; -"897 symmetric_weights_decompressor_linear_58_updated_constant0_0" [id=897, type=call_module]; -"898 linear_58" [id=898, type=linear]; -"899 reshape_41" [id=899, type=reshape]; -"900 permute_43" [id=900, type=permute]; -"901 select_27" [id=901, type=select]; -"902 select_28" [id=902, type=select]; -"903 select_29" [id=903, type=select]; -"904 linalg_vector_norm_18" [id=904, type=linalg_vector_norm]; -"905 clamp_min_18" [id=905, type=clamp_min]; -"906 expand_as_18" [id=906, type=expand_as]; -"907 div_18" [id=907, type=div]; -"908 linalg_vector_norm_19" [id=908, type=linalg_vector_norm]; -"909 clamp_min_19" [id=909, type=clamp_min]; -"910 expand_as_19" [id=910, type=expand_as]; -"911 div_19" [id=911, type=div]; -"912 transpose_18" [id=912, type=transpose]; -"913 matmul_18" [id=913, type=matmul]; -"914 _param_constant159" [id=914, type=get_attr]; -"915 clamp_9" [id=915, type=clamp]; -"916 exp_9" [id=916, type=exp]; -"917 mul_19" [id=917, type=mul]; -"918 add_31" [id=918, type=add]; -"919 new_zeros_4" [id=919, type=new_zeros]; -"920 view_51" [id=920, type=view]; -"921 permute_44" [id=921, type=permute]; -"922 reshape_42" [id=922, type=reshape]; -"923 unsqueeze_26" [id=923, type=unsqueeze]; -"924 unsqueeze_27" [id=924, type=unsqueeze]; -"925 sub_4" [id=925, type=sub]; -"926 ne_4" [id=926, type=ne]; -"927 masked_fill_8" [id=927, type=masked_fill]; -"928 eq_4" [id=928, type=eq]; -"929 masked_fill_9" [id=929, type=masked_fill]; -"930 view_52" [id=930, type=view]; -"931 unsqueeze_28" [id=931, type=unsqueeze]; -"932 unsqueeze_29" [id=932, type=unsqueeze]; -"933 add_32" [id=933, type=add]; -"934 view_53" [id=934, type=view]; -"935 softmax_9" [id=935, type=softmax]; -"936 dropout_36" [id=936, type=dropout]; -"937 matmul_19" [id=937, type=matmul]; -"938 transpose_19" [id=938, type=transpose]; -"939 reshape_43" [id=939, type=reshape]; -"940 _param_constant161" [id=940, type=get_attr]; -"941 linear_59_updated_constant0" [id=941, type=get_attr]; -"942 symmetric_weights_decompressor_linear_59_updated_constant0_0" [id=942, type=call_module]; -"943 linear_59" [id=943, type=linear]; -"944 dropout_37" [id=944, type=dropout]; -"945 view_54" [id=945, type=view]; -"946 permute_45" [id=946, type=permute]; -"947 reshape_44" [id=947, type=reshape]; -"948 roll_9" [id=948, type=roll]; -"949 slice_157" [id=949, type=slice]; -"950 slice_158" [id=950, type=slice]; -"951 slice_159" [id=951, type=slice]; -"952 slice_160" [id=952, type=slice]; -"953 contiguous_17" [id=953, type=contiguous]; -"954 _param_constant162" [id=954, type=get_attr]; -"955 _param_constant163" [id=955, type=get_attr]; -"956 layer_norm_21" [id=956, type=layer_norm]; -"957 add_33" [id=957, type=add]; -"958 _param_constant165" [id=958, type=get_attr]; -"959 linear_60_updated_constant0" [id=959, type=get_attr]; -"960 symmetric_weights_decompressor_linear_60_updated_constant0_0" [id=960, type=call_module]; -"961 linear_60" [id=961, type=linear]; -"962 gelu_9" [id=962, type=gelu]; -"963 dropout_38" [id=963, type=dropout]; -"964 _param_constant167" [id=964, type=get_attr]; -"965 linear_61_updated_constant0" [id=965, type=get_attr]; -"966 symmetric_weights_decompressor_linear_61_updated_constant0_0" [id=966, type=call_module]; -"967 linear_61" [id=967, type=linear]; -"968 dropout_39" [id=968, type=dropout]; -"969 _param_constant168" [id=969, type=get_attr]; -"970 _param_constant169" [id=970, type=get_attr]; -"971 layer_norm_22" [id=971, type=layer_norm]; -"972 add_34" [id=972, type=add]; -"973 _tensor_constant65" [id=973, type=get_attr]; -"974 _param_constant171" [id=974, type=get_attr]; -"975 linear_62_updated_constant0" [id=975, type=get_attr]; -"976 symmetric_weights_decompressor_linear_62_updated_constant0_0" [id=976, type=call_module]; -"977 linear_62" [id=977, type=linear]; -"978 relu__10" [id=978, type=relu_]; -"979 linear_63_updated_constant0" [id=979, type=get_attr]; -"980 symmetric_weights_decompressor_linear_63_updated_constant0_0" [id=980, type=call_module]; -"981 linear_63" [id=981, type=linear]; -"982 view_55" [id=982, type=view]; -"983 _tensor_constant66" [id=983, type=get_attr]; -"984 index_10" [id=984, type=index]; -"985 view_56" [id=985, type=view]; -"986 permute_46" [id=986, type=permute]; -"987 contiguous_18" [id=987, type=contiguous]; -"988 unsqueeze_30" [id=988, type=unsqueeze]; -"989 sigmoid_10" [id=989, type=sigmoid]; -"990 mul_20" [id=990, type=mul]; -"991 pad_12" [id=991, type=pad]; -"992 view_57" [id=992, type=view]; -"993 permute_47" [id=993, type=permute]; -"994 reshape_45" [id=994, type=reshape]; -"995 _param_constant173" [id=995, type=get_attr]; -"996 clone_10" [id=996, type=clone]; -"997 linear_64_updated_constant0" [id=997, type=get_attr]; -"998 symmetric_weights_decompressor_linear_64_updated_constant0_0" [id=998, type=call_module]; -"999 linear_64" [id=999, type=linear]; -"1000 reshape_46" [id=1000, type=reshape]; -"1001 permute_48" [id=1001, type=permute]; -"1002 select_30" [id=1002, type=select]; -"1003 select_31" [id=1003, type=select]; -"1004 select_32" [id=1004, type=select]; -"1005 linalg_vector_norm_20" [id=1005, type=linalg_vector_norm]; -"1006 clamp_min_20" [id=1006, type=clamp_min]; -"1007 expand_as_20" [id=1007, type=expand_as]; -"1008 div_20" [id=1008, type=div]; -"1009 linalg_vector_norm_21" [id=1009, type=linalg_vector_norm]; -"1010 clamp_min_21" [id=1010, type=clamp_min]; -"1011 expand_as_21" [id=1011, type=expand_as]; -"1012 div_21" [id=1012, type=div]; -"1013 transpose_20" [id=1013, type=transpose]; -"1014 matmul_20" [id=1014, type=matmul]; -"1015 _param_constant175" [id=1015, type=get_attr]; -"1016 clamp_10" [id=1016, type=clamp]; -"1017 exp_10" [id=1017, type=exp]; -"1018 mul_21" [id=1018, type=mul]; -"1019 add_35" [id=1019, type=add]; -"1020 softmax_10" [id=1020, type=softmax]; -"1021 dropout_40" [id=1021, type=dropout]; -"1022 matmul_21" [id=1022, type=matmul]; -"1023 transpose_21" [id=1023, type=transpose]; -"1024 reshape_47" [id=1024, type=reshape]; -"1025 _param_constant177" [id=1025, type=get_attr]; -"1026 linear_65_updated_constant0" [id=1026, type=get_attr]; -"1027 symmetric_weights_decompressor_linear_65_updated_constant0_0" [id=1027, type=call_module]; -"1028 linear_65" [id=1028, type=linear]; -"1029 dropout_41" [id=1029, type=dropout]; -"1030 view_58" [id=1030, type=view]; -"1031 permute_49" [id=1031, type=permute]; -"1032 reshape_48" [id=1032, type=reshape]; -"1033 slice_162" [id=1033, type=slice]; -"1034 slice_163" [id=1034, type=slice]; -"1035 slice_164" [id=1035, type=slice]; -"1036 slice_165" [id=1036, type=slice]; -"1037 contiguous_19" [id=1037, type=contiguous]; -"1038 _param_constant178" [id=1038, type=get_attr]; -"1039 _param_constant179" [id=1039, type=get_attr]; -"1040 layer_norm_23" [id=1040, type=layer_norm]; -"1041 add_36" [id=1041, type=add]; -"1042 _param_constant181" [id=1042, type=get_attr]; -"1043 linear_66_updated_constant0" [id=1043, type=get_attr]; -"1044 symmetric_weights_decompressor_linear_66_updated_constant0_0" [id=1044, type=call_module]; -"1045 linear_66" [id=1045, type=linear]; -"1046 gelu_10" [id=1046, type=gelu]; -"1047 dropout_42" [id=1047, type=dropout]; -"1048 _param_constant183" [id=1048, type=get_attr]; -"1049 linear_67_updated_constant0" [id=1049, type=get_attr]; -"1050 symmetric_weights_decompressor_linear_67_updated_constant0_0" [id=1050, type=call_module]; -"1051 linear_67" [id=1051, type=linear]; -"1052 dropout_43" [id=1052, type=dropout]; -"1053 _param_constant184" [id=1053, type=get_attr]; -"1054 _param_constant185" [id=1054, type=get_attr]; -"1055 layer_norm_24" [id=1055, type=layer_norm]; -"1056 add_37" [id=1056, type=add]; -"1057 _tensor_constant67" [id=1057, type=get_attr]; -"1058 _param_constant187" [id=1058, type=get_attr]; -"1059 linear_68_updated_constant0" [id=1059, type=get_attr]; -"1060 symmetric_weights_decompressor_linear_68_updated_constant0_0" [id=1060, type=call_module]; -"1061 linear_68" [id=1061, type=linear]; -"1062 relu__11" [id=1062, type=relu_]; -"1063 linear_69_updated_constant0" [id=1063, type=get_attr]; -"1064 symmetric_weights_decompressor_linear_69_updated_constant0_0" [id=1064, type=call_module]; -"1065 linear_69" [id=1065, type=linear]; -"1066 view_59" [id=1066, type=view]; -"1067 _tensor_constant68" [id=1067, type=get_attr]; -"1068 index_11" [id=1068, type=index]; -"1069 view_60" [id=1069, type=view]; -"1070 permute_50" [id=1070, type=permute]; -"1071 contiguous_20" [id=1071, type=contiguous]; -"1072 unsqueeze_31" [id=1072, type=unsqueeze]; -"1073 sigmoid_11" [id=1073, type=sigmoid]; -"1074 mul_22" [id=1074, type=mul]; -"1075 pad_13" [id=1075, type=pad]; -"1076 roll_10" [id=1076, type=roll]; -"1077 view_61" [id=1077, type=view]; -"1078 permute_51" [id=1078, type=permute]; -"1079 reshape_49" [id=1079, type=reshape]; -"1080 _param_constant189" [id=1080, type=get_attr]; -"1081 clone_11" [id=1081, type=clone]; -"1082 linear_70_updated_constant0" [id=1082, type=get_attr]; -"1083 symmetric_weights_decompressor_linear_70_updated_constant0_0" [id=1083, type=call_module]; -"1084 linear_70" [id=1084, type=linear]; -"1085 reshape_50" [id=1085, type=reshape]; -"1086 permute_52" [id=1086, type=permute]; -"1087 select_33" [id=1087, type=select]; -"1088 select_34" [id=1088, type=select]; -"1089 select_35" [id=1089, type=select]; -"1090 linalg_vector_norm_22" [id=1090, type=linalg_vector_norm]; -"1091 clamp_min_22" [id=1091, type=clamp_min]; -"1092 expand_as_22" [id=1092, type=expand_as]; -"1093 div_22" [id=1093, type=div]; -"1094 linalg_vector_norm_23" [id=1094, type=linalg_vector_norm]; -"1095 clamp_min_23" [id=1095, type=clamp_min]; -"1096 expand_as_23" [id=1096, type=expand_as]; -"1097 div_23" [id=1097, type=div]; -"1098 transpose_22" [id=1098, type=transpose]; -"1099 matmul_22" [id=1099, type=matmul]; -"1100 _param_constant191" [id=1100, type=get_attr]; -"1101 clamp_11" [id=1101, type=clamp]; -"1102 exp_11" [id=1102, type=exp]; -"1103 mul_23" [id=1103, type=mul]; -"1104 add_38" [id=1104, type=add]; -"1105 new_zeros_5" [id=1105, type=new_zeros]; -"1106 view_62" [id=1106, type=view]; -"1107 permute_53" [id=1107, type=permute]; -"1108 reshape_51" [id=1108, type=reshape]; -"1109 unsqueeze_32" [id=1109, type=unsqueeze]; -"1110 unsqueeze_33" [id=1110, type=unsqueeze]; -"1111 sub_5" [id=1111, type=sub]; -"1112 ne_5" [id=1112, type=ne]; -"1113 masked_fill_10" [id=1113, type=masked_fill]; -"1114 eq_5" [id=1114, type=eq]; -"1115 masked_fill_11" [id=1115, type=masked_fill]; -"1116 view_63" [id=1116, type=view]; -"1117 unsqueeze_34" [id=1117, type=unsqueeze]; -"1118 unsqueeze_35" [id=1118, type=unsqueeze]; -"1119 add_39" [id=1119, type=add]; -"1120 view_64" [id=1120, type=view]; -"1121 softmax_11" [id=1121, type=softmax]; -"1122 dropout_44" [id=1122, type=dropout]; -"1123 matmul_23" [id=1123, type=matmul]; -"1124 transpose_23" [id=1124, type=transpose]; -"1125 reshape_52" [id=1125, type=reshape]; -"1126 _param_constant193" [id=1126, type=get_attr]; -"1127 linear_71_updated_constant0" [id=1127, type=get_attr]; -"1128 symmetric_weights_decompressor_linear_71_updated_constant0_0" [id=1128, type=call_module]; -"1129 linear_71" [id=1129, type=linear]; -"1130 dropout_45" [id=1130, type=dropout]; -"1131 view_65" [id=1131, type=view]; -"1132 permute_54" [id=1132, type=permute]; -"1133 reshape_53" [id=1133, type=reshape]; -"1134 roll_11" [id=1134, type=roll]; -"1135 slice_185" [id=1135, type=slice]; -"1136 slice_186" [id=1136, type=slice]; -"1137 slice_187" [id=1137, type=slice]; -"1138 slice_188" [id=1138, type=slice]; -"1139 contiguous_21" [id=1139, type=contiguous]; -"1140 _param_constant194" [id=1140, type=get_attr]; -"1141 _param_constant195" [id=1141, type=get_attr]; -"1142 layer_norm_25" [id=1142, type=layer_norm]; -"1143 add_40" [id=1143, type=add]; -"1144 _param_constant197" [id=1144, type=get_attr]; -"1145 linear_72_updated_constant0" [id=1145, type=get_attr]; -"1146 symmetric_weights_decompressor_linear_72_updated_constant0_0" [id=1146, type=call_module]; -"1147 linear_72" [id=1147, type=linear]; -"1148 gelu_11" [id=1148, type=gelu]; -"1149 dropout_46" [id=1149, type=dropout]; -"1150 _param_constant199" [id=1150, type=get_attr]; -"1151 linear_73_updated_constant0" [id=1151, type=get_attr]; -"1152 symmetric_weights_decompressor_linear_73_updated_constant0_0" [id=1152, type=call_module]; -"1153 linear_73" [id=1153, type=linear]; -"1154 dropout_47" [id=1154, type=dropout]; -"1155 _param_constant200" [id=1155, type=get_attr]; -"1156 _param_constant201" [id=1156, type=get_attr]; -"1157 layer_norm_26" [id=1157, type=layer_norm]; -"1158 add_41" [id=1158, type=add]; -"1159 _tensor_constant78" [id=1159, type=get_attr]; -"1160 _param_constant203" [id=1160, type=get_attr]; -"1161 linear_74_updated_constant0" [id=1161, type=get_attr]; -"1162 symmetric_weights_decompressor_linear_74_updated_constant0_0" [id=1162, type=call_module]; -"1163 linear_74" [id=1163, type=linear]; -"1164 relu__12" [id=1164, type=relu_]; -"1165 linear_75_updated_constant0" [id=1165, type=get_attr]; -"1166 symmetric_weights_decompressor_linear_75_updated_constant0_0" [id=1166, type=call_module]; -"1167 linear_75" [id=1167, type=linear]; -"1168 view_66" [id=1168, type=view]; -"1169 _tensor_constant79" [id=1169, type=get_attr]; -"1170 index_12" [id=1170, type=index]; -"1171 view_67" [id=1171, type=view]; -"1172 permute_55" [id=1172, type=permute]; -"1173 contiguous_22" [id=1173, type=contiguous]; -"1174 unsqueeze_36" [id=1174, type=unsqueeze]; -"1175 sigmoid_12" [id=1175, type=sigmoid]; -"1176 mul_24" [id=1176, type=mul]; -"1177 pad_14" [id=1177, type=pad]; -"1178 view_68" [id=1178, type=view]; -"1179 permute_56" [id=1179, type=permute]; -"1180 reshape_54" [id=1180, type=reshape]; -"1181 _param_constant205" [id=1181, type=get_attr]; -"1182 clone_12" [id=1182, type=clone]; -"1183 linear_76_updated_constant0" [id=1183, type=get_attr]; -"1184 symmetric_weights_decompressor_linear_76_updated_constant0_0" [id=1184, type=call_module]; -"1185 linear_76" [id=1185, type=linear]; -"1186 reshape_55" [id=1186, type=reshape]; -"1187 permute_57" [id=1187, type=permute]; -"1188 select_36" [id=1188, type=select]; -"1189 select_37" [id=1189, type=select]; -"1190 select_38" [id=1190, type=select]; -"1191 linalg_vector_norm_24" [id=1191, type=linalg_vector_norm]; -"1192 clamp_min_24" [id=1192, type=clamp_min]; -"1193 expand_as_24" [id=1193, type=expand_as]; -"1194 div_24" [id=1194, type=div]; -"1195 linalg_vector_norm_25" [id=1195, type=linalg_vector_norm]; -"1196 clamp_min_25" [id=1196, type=clamp_min]; -"1197 expand_as_25" [id=1197, type=expand_as]; -"1198 div_25" [id=1198, type=div]; -"1199 transpose_24" [id=1199, type=transpose]; -"1200 matmul_24" [id=1200, type=matmul]; -"1201 _param_constant207" [id=1201, type=get_attr]; -"1202 clamp_12" [id=1202, type=clamp]; -"1203 exp_12" [id=1203, type=exp]; -"1204 mul_25" [id=1204, type=mul]; -"1205 add_42" [id=1205, type=add]; -"1206 softmax_12" [id=1206, type=softmax]; -"1207 dropout_48" [id=1207, type=dropout]; -"1208 matmul_25" [id=1208, type=matmul]; -"1209 transpose_25" [id=1209, type=transpose]; -"1210 reshape_56" [id=1210, type=reshape]; -"1211 _param_constant209" [id=1211, type=get_attr]; -"1212 linear_77_updated_constant0" [id=1212, type=get_attr]; -"1213 symmetric_weights_decompressor_linear_77_updated_constant0_0" [id=1213, type=call_module]; -"1214 linear_77" [id=1214, type=linear]; -"1215 dropout_49" [id=1215, type=dropout]; -"1216 view_69" [id=1216, type=view]; -"1217 permute_58" [id=1217, type=permute]; -"1218 reshape_57" [id=1218, type=reshape]; -"1219 slice_190" [id=1219, type=slice]; -"1220 slice_191" [id=1220, type=slice]; -"1221 slice_192" [id=1221, type=slice]; -"1222 slice_193" [id=1222, type=slice]; -"1223 contiguous_23" [id=1223, type=contiguous]; -"1224 _param_constant210" [id=1224, type=get_attr]; -"1225 _param_constant211" [id=1225, type=get_attr]; -"1226 layer_norm_27" [id=1226, type=layer_norm]; -"1227 add_43" [id=1227, type=add]; -"1228 _param_constant213" [id=1228, type=get_attr]; -"1229 linear_78_updated_constant0" [id=1229, type=get_attr]; -"1230 symmetric_weights_decompressor_linear_78_updated_constant0_0" [id=1230, type=call_module]; -"1231 linear_78" [id=1231, type=linear]; -"1232 gelu_12" [id=1232, type=gelu]; -"1233 dropout_50" [id=1233, type=dropout]; -"1234 _param_constant215" [id=1234, type=get_attr]; -"1235 linear_79_updated_constant0" [id=1235, type=get_attr]; -"1236 symmetric_weights_decompressor_linear_79_updated_constant0_0" [id=1236, type=call_module]; -"1237 linear_79" [id=1237, type=linear]; -"1238 dropout_51" [id=1238, type=dropout]; -"1239 _param_constant216" [id=1239, type=get_attr]; -"1240 _param_constant217" [id=1240, type=get_attr]; -"1241 layer_norm_28" [id=1241, type=layer_norm]; -"1242 add_44" [id=1242, type=add]; -"1243 _tensor_constant80" [id=1243, type=get_attr]; -"1244 _param_constant219" [id=1244, type=get_attr]; -"1245 linear_80_updated_constant0" [id=1245, type=get_attr]; -"1246 symmetric_weights_decompressor_linear_80_updated_constant0_0" [id=1246, type=call_module]; -"1247 linear_80" [id=1247, type=linear]; -"1248 relu__13" [id=1248, type=relu_]; -"1249 linear_81_updated_constant0" [id=1249, type=get_attr]; -"1250 symmetric_weights_decompressor_linear_81_updated_constant0_0" [id=1250, type=call_module]; -"1251 linear_81" [id=1251, type=linear]; -"1252 view_70" [id=1252, type=view]; -"1253 _tensor_constant81" [id=1253, type=get_attr]; -"1254 index_13" [id=1254, type=index]; -"1255 view_71" [id=1255, type=view]; -"1256 permute_59" [id=1256, type=permute]; -"1257 contiguous_24" [id=1257, type=contiguous]; -"1258 unsqueeze_37" [id=1258, type=unsqueeze]; -"1259 sigmoid_13" [id=1259, type=sigmoid]; -"1260 mul_26" [id=1260, type=mul]; -"1261 pad_15" [id=1261, type=pad]; -"1262 roll_12" [id=1262, type=roll]; -"1263 view_72" [id=1263, type=view]; -"1264 permute_60" [id=1264, type=permute]; -"1265 reshape_58" [id=1265, type=reshape]; -"1266 _param_constant221" [id=1266, type=get_attr]; -"1267 clone_13" [id=1267, type=clone]; -"1268 linear_82_updated_constant0" [id=1268, type=get_attr]; -"1269 symmetric_weights_decompressor_linear_82_updated_constant0_0" [id=1269, type=call_module]; -"1270 linear_82" [id=1270, type=linear]; -"1271 reshape_59" [id=1271, type=reshape]; -"1272 permute_61" [id=1272, type=permute]; -"1273 select_39" [id=1273, type=select]; -"1274 select_40" [id=1274, type=select]; -"1275 select_41" [id=1275, type=select]; -"1276 linalg_vector_norm_26" [id=1276, type=linalg_vector_norm]; -"1277 clamp_min_26" [id=1277, type=clamp_min]; -"1278 expand_as_26" [id=1278, type=expand_as]; -"1279 div_26" [id=1279, type=div]; -"1280 linalg_vector_norm_27" [id=1280, type=linalg_vector_norm]; -"1281 clamp_min_27" [id=1281, type=clamp_min]; -"1282 expand_as_27" [id=1282, type=expand_as]; -"1283 div_27" [id=1283, type=div]; -"1284 transpose_26" [id=1284, type=transpose]; -"1285 matmul_26" [id=1285, type=matmul]; -"1286 _param_constant223" [id=1286, type=get_attr]; -"1287 clamp_13" [id=1287, type=clamp]; -"1288 exp_13" [id=1288, type=exp]; -"1289 mul_27" [id=1289, type=mul]; -"1290 add_45" [id=1290, type=add]; -"1291 new_zeros_6" [id=1291, type=new_zeros]; -"1292 view_73" [id=1292, type=view]; -"1293 permute_62" [id=1293, type=permute]; -"1294 reshape_60" [id=1294, type=reshape]; -"1295 unsqueeze_38" [id=1295, type=unsqueeze]; -"1296 unsqueeze_39" [id=1296, type=unsqueeze]; -"1297 sub_6" [id=1297, type=sub]; -"1298 ne_6" [id=1298, type=ne]; -"1299 masked_fill_12" [id=1299, type=masked_fill]; -"1300 eq_6" [id=1300, type=eq]; -"1301 masked_fill_13" [id=1301, type=masked_fill]; -"1302 view_74" [id=1302, type=view]; -"1303 unsqueeze_40" [id=1303, type=unsqueeze]; -"1304 unsqueeze_41" [id=1304, type=unsqueeze]; -"1305 add_46" [id=1305, type=add]; -"1306 view_75" [id=1306, type=view]; -"1307 softmax_13" [id=1307, type=softmax]; -"1308 dropout_52" [id=1308, type=dropout]; -"1309 matmul_27" [id=1309, type=matmul]; -"1310 transpose_27" [id=1310, type=transpose]; -"1311 reshape_61" [id=1311, type=reshape]; -"1312 _param_constant225" [id=1312, type=get_attr]; -"1313 linear_83_updated_constant0" [id=1313, type=get_attr]; -"1314 symmetric_weights_decompressor_linear_83_updated_constant0_0" [id=1314, type=call_module]; -"1315 linear_83" [id=1315, type=linear]; -"1316 dropout_53" [id=1316, type=dropout]; -"1317 view_76" [id=1317, type=view]; -"1318 permute_63" [id=1318, type=permute]; -"1319 reshape_62" [id=1319, type=reshape]; -"1320 roll_13" [id=1320, type=roll]; -"1321 slice_213" [id=1321, type=slice]; -"1322 slice_214" [id=1322, type=slice]; -"1323 slice_215" [id=1323, type=slice]; -"1324 slice_216" [id=1324, type=slice]; -"1325 contiguous_25" [id=1325, type=contiguous]; -"1326 _param_constant226" [id=1326, type=get_attr]; -"1327 _param_constant227" [id=1327, type=get_attr]; -"1328 layer_norm_29" [id=1328, type=layer_norm]; -"1329 add_47" [id=1329, type=add]; -"1330 _param_constant229" [id=1330, type=get_attr]; -"1331 linear_84_updated_constant0" [id=1331, type=get_attr]; -"1332 symmetric_weights_decompressor_linear_84_updated_constant0_0" [id=1332, type=call_module]; -"1333 linear_84" [id=1333, type=linear]; -"1334 gelu_13" [id=1334, type=gelu]; -"1335 dropout_54" [id=1335, type=dropout]; -"1336 _param_constant231" [id=1336, type=get_attr]; -"1337 linear_85_updated_constant0" [id=1337, type=get_attr]; -"1338 symmetric_weights_decompressor_linear_85_updated_constant0_0" [id=1338, type=call_module]; -"1339 linear_85" [id=1339, type=linear]; -"1340 dropout_55" [id=1340, type=dropout]; -"1341 _param_constant232" [id=1341, type=get_attr]; -"1342 _param_constant233" [id=1342, type=get_attr]; -"1343 layer_norm_30" [id=1343, type=layer_norm]; -"1344 add_48" [id=1344, type=add]; -"1345 _tensor_constant91" [id=1345, type=get_attr]; -"1346 _param_constant235" [id=1346, type=get_attr]; -"1347 linear_86_updated_constant0" [id=1347, type=get_attr]; -"1348 symmetric_weights_decompressor_linear_86_updated_constant0_0" [id=1348, type=call_module]; -"1349 linear_86" [id=1349, type=linear]; -"1350 relu__14" [id=1350, type=relu_]; -"1351 linear_87_updated_constant0" [id=1351, type=get_attr]; -"1352 symmetric_weights_decompressor_linear_87_updated_constant0_0" [id=1352, type=call_module]; -"1353 linear_87" [id=1353, type=linear]; -"1354 view_77" [id=1354, type=view]; -"1355 _tensor_constant92" [id=1355, type=get_attr]; -"1356 index_14" [id=1356, type=index]; -"1357 view_78" [id=1357, type=view]; -"1358 permute_64" [id=1358, type=permute]; -"1359 contiguous_26" [id=1359, type=contiguous]; -"1360 unsqueeze_42" [id=1360, type=unsqueeze]; -"1361 sigmoid_14" [id=1361, type=sigmoid]; -"1362 mul_28" [id=1362, type=mul]; -"1363 pad_16" [id=1363, type=pad]; -"1364 view_79" [id=1364, type=view]; -"1365 permute_65" [id=1365, type=permute]; -"1366 reshape_63" [id=1366, type=reshape]; -"1367 _param_constant237" [id=1367, type=get_attr]; -"1368 clone_14" [id=1368, type=clone]; -"1369 linear_88_updated_constant0" [id=1369, type=get_attr]; -"1370 symmetric_weights_decompressor_linear_88_updated_constant0_0" [id=1370, type=call_module]; -"1371 linear_88" [id=1371, type=linear]; -"1372 reshape_64" [id=1372, type=reshape]; -"1373 permute_66" [id=1373, type=permute]; -"1374 select_42" [id=1374, type=select]; -"1375 select_43" [id=1375, type=select]; -"1376 select_44" [id=1376, type=select]; -"1377 linalg_vector_norm_28" [id=1377, type=linalg_vector_norm]; -"1378 clamp_min_28" [id=1378, type=clamp_min]; -"1379 expand_as_28" [id=1379, type=expand_as]; -"1380 div_28" [id=1380, type=div]; -"1381 linalg_vector_norm_29" [id=1381, type=linalg_vector_norm]; -"1382 clamp_min_29" [id=1382, type=clamp_min]; -"1383 expand_as_29" [id=1383, type=expand_as]; -"1384 div_29" [id=1384, type=div]; -"1385 transpose_28" [id=1385, type=transpose]; -"1386 matmul_28" [id=1386, type=matmul]; -"1387 _param_constant239" [id=1387, type=get_attr]; -"1388 clamp_14" [id=1388, type=clamp]; -"1389 exp_14" [id=1389, type=exp]; -"1390 mul_29" [id=1390, type=mul]; -"1391 add_49" [id=1391, type=add]; -"1392 softmax_14" [id=1392, type=softmax]; -"1393 dropout_56" [id=1393, type=dropout]; -"1394 matmul_29" [id=1394, type=matmul]; -"1395 transpose_29" [id=1395, type=transpose]; -"1396 reshape_65" [id=1396, type=reshape]; -"1397 _param_constant241" [id=1397, type=get_attr]; -"1398 linear_89_updated_constant0" [id=1398, type=get_attr]; -"1399 symmetric_weights_decompressor_linear_89_updated_constant0_0" [id=1399, type=call_module]; -"1400 linear_89" [id=1400, type=linear]; -"1401 dropout_57" [id=1401, type=dropout]; -"1402 view_80" [id=1402, type=view]; -"1403 permute_67" [id=1403, type=permute]; -"1404 reshape_66" [id=1404, type=reshape]; -"1405 slice_218" [id=1405, type=slice]; -"1406 slice_219" [id=1406, type=slice]; -"1407 slice_220" [id=1407, type=slice]; -"1408 slice_221" [id=1408, type=slice]; -"1409 contiguous_27" [id=1409, type=contiguous]; -"1410 _param_constant242" [id=1410, type=get_attr]; -"1411 _param_constant243" [id=1411, type=get_attr]; -"1412 layer_norm_31" [id=1412, type=layer_norm]; -"1413 add_50" [id=1413, type=add]; -"1414 _param_constant245" [id=1414, type=get_attr]; -"1415 linear_90_updated_constant0" [id=1415, type=get_attr]; -"1416 symmetric_weights_decompressor_linear_90_updated_constant0_0" [id=1416, type=call_module]; -"1417 linear_90" [id=1417, type=linear]; -"1418 gelu_14" [id=1418, type=gelu]; -"1419 dropout_58" [id=1419, type=dropout]; -"1420 _param_constant247" [id=1420, type=get_attr]; -"1421 linear_91_updated_constant0" [id=1421, type=get_attr]; -"1422 symmetric_weights_decompressor_linear_91_updated_constant0_0" [id=1422, type=call_module]; -"1423 linear_91" [id=1423, type=linear]; -"1424 dropout_59" [id=1424, type=dropout]; -"1425 _param_constant248" [id=1425, type=get_attr]; -"1426 _param_constant249" [id=1426, type=get_attr]; -"1427 layer_norm_32" [id=1427, type=layer_norm]; -"1428 add_51" [id=1428, type=add]; -"1429 _tensor_constant93" [id=1429, type=get_attr]; -"1430 _param_constant251" [id=1430, type=get_attr]; -"1431 linear_92_updated_constant0" [id=1431, type=get_attr]; -"1432 symmetric_weights_decompressor_linear_92_updated_constant0_0" [id=1432, type=call_module]; -"1433 linear_92" [id=1433, type=linear]; -"1434 relu__15" [id=1434, type=relu_]; -"1435 linear_93_updated_constant0" [id=1435, type=get_attr]; -"1436 symmetric_weights_decompressor_linear_93_updated_constant0_0" [id=1436, type=call_module]; -"1437 linear_93" [id=1437, type=linear]; -"1438 view_81" [id=1438, type=view]; -"1439 _tensor_constant94" [id=1439, type=get_attr]; -"1440 index_15" [id=1440, type=index]; -"1441 view_82" [id=1441, type=view]; -"1442 permute_68" [id=1442, type=permute]; -"1443 contiguous_28" [id=1443, type=contiguous]; -"1444 unsqueeze_43" [id=1444, type=unsqueeze]; -"1445 sigmoid_15" [id=1445, type=sigmoid]; -"1446 mul_30" [id=1446, type=mul]; -"1447 pad_17" [id=1447, type=pad]; -"1448 roll_14" [id=1448, type=roll]; -"1449 view_83" [id=1449, type=view]; -"1450 permute_69" [id=1450, type=permute]; -"1451 reshape_67" [id=1451, type=reshape]; -"1452 _param_constant253" [id=1452, type=get_attr]; -"1453 clone_15" [id=1453, type=clone]; -"1454 linear_94_updated_constant0" [id=1454, type=get_attr]; -"1455 symmetric_weights_decompressor_linear_94_updated_constant0_0" [id=1455, type=call_module]; -"1456 linear_94" [id=1456, type=linear]; -"1457 reshape_68" [id=1457, type=reshape]; -"1458 permute_70" [id=1458, type=permute]; -"1459 select_45" [id=1459, type=select]; -"1460 select_46" [id=1460, type=select]; -"1461 select_47" [id=1461, type=select]; -"1462 linalg_vector_norm_30" [id=1462, type=linalg_vector_norm]; -"1463 clamp_min_30" [id=1463, type=clamp_min]; -"1464 expand_as_30" [id=1464, type=expand_as]; -"1465 div_30" [id=1465, type=div]; -"1466 linalg_vector_norm_31" [id=1466, type=linalg_vector_norm]; -"1467 clamp_min_31" [id=1467, type=clamp_min]; -"1468 expand_as_31" [id=1468, type=expand_as]; -"1469 div_31" [id=1469, type=div]; -"1470 transpose_30" [id=1470, type=transpose]; -"1471 matmul_30" [id=1471, type=matmul]; -"1472 _param_constant255" [id=1472, type=get_attr]; -"1473 clamp_15" [id=1473, type=clamp]; -"1474 exp_15" [id=1474, type=exp]; -"1475 mul_31" [id=1475, type=mul]; -"1476 add_52" [id=1476, type=add]; -"1477 new_zeros_7" [id=1477, type=new_zeros]; -"1478 view_84" [id=1478, type=view]; -"1479 permute_71" [id=1479, type=permute]; -"1480 reshape_69" [id=1480, type=reshape]; -"1481 unsqueeze_44" [id=1481, type=unsqueeze]; -"1482 unsqueeze_45" [id=1482, type=unsqueeze]; -"1483 sub_7" [id=1483, type=sub]; -"1484 ne_7" [id=1484, type=ne]; -"1485 masked_fill_14" [id=1485, type=masked_fill]; -"1486 eq_7" [id=1486, type=eq]; -"1487 masked_fill_15" [id=1487, type=masked_fill]; -"1488 view_85" [id=1488, type=view]; -"1489 unsqueeze_46" [id=1489, type=unsqueeze]; -"1490 unsqueeze_47" [id=1490, type=unsqueeze]; -"1491 add_53" [id=1491, type=add]; -"1492 view_86" [id=1492, type=view]; -"1493 softmax_15" [id=1493, type=softmax]; -"1494 dropout_60" [id=1494, type=dropout]; -"1495 matmul_31" [id=1495, type=matmul]; -"1496 transpose_31" [id=1496, type=transpose]; -"1497 reshape_70" [id=1497, type=reshape]; -"1498 _param_constant257" [id=1498, type=get_attr]; -"1499 linear_95_updated_constant0" [id=1499, type=get_attr]; -"1500 symmetric_weights_decompressor_linear_95_updated_constant0_0" [id=1500, type=call_module]; -"1501 linear_95" [id=1501, type=linear]; -"1502 dropout_61" [id=1502, type=dropout]; -"1503 view_87" [id=1503, type=view]; -"1504 permute_72" [id=1504, type=permute]; -"1505 reshape_71" [id=1505, type=reshape]; -"1506 roll_15" [id=1506, type=roll]; -"1507 slice_241" [id=1507, type=slice]; -"1508 slice_242" [id=1508, type=slice]; -"1509 slice_243" [id=1509, type=slice]; -"1510 slice_244" [id=1510, type=slice]; -"1511 contiguous_29" [id=1511, type=contiguous]; -"1512 _param_constant258" [id=1512, type=get_attr]; -"1513 _param_constant259" [id=1513, type=get_attr]; -"1514 layer_norm_33" [id=1514, type=layer_norm]; -"1515 add_54" [id=1515, type=add]; -"1516 _param_constant261" [id=1516, type=get_attr]; -"1517 linear_96_updated_constant0" [id=1517, type=get_attr]; -"1518 symmetric_weights_decompressor_linear_96_updated_constant0_0" [id=1518, type=call_module]; -"1519 linear_96" [id=1519, type=linear]; -"1520 gelu_15" [id=1520, type=gelu]; -"1521 dropout_62" [id=1521, type=dropout]; -"1522 _param_constant263" [id=1522, type=get_attr]; -"1523 linear_97_updated_constant0" [id=1523, type=get_attr]; -"1524 symmetric_weights_decompressor_linear_97_updated_constant0_0" [id=1524, type=call_module]; -"1525 linear_97" [id=1525, type=linear]; -"1526 dropout_63" [id=1526, type=dropout]; -"1527 _param_constant264" [id=1527, type=get_attr]; -"1528 _param_constant265" [id=1528, type=get_attr]; -"1529 layer_norm_34" [id=1529, type=layer_norm]; -"1530 add_55" [id=1530, type=add]; -"1531 _tensor_constant104" [id=1531, type=get_attr]; -"1532 _param_constant267" [id=1532, type=get_attr]; -"1533 linear_98_updated_constant0" [id=1533, type=get_attr]; -"1534 symmetric_weights_decompressor_linear_98_updated_constant0_0" [id=1534, type=call_module]; -"1535 linear_98" [id=1535, type=linear]; -"1536 relu__16" [id=1536, type=relu_]; -"1537 linear_99_updated_constant0" [id=1537, type=get_attr]; -"1538 symmetric_weights_decompressor_linear_99_updated_constant0_0" [id=1538, type=call_module]; -"1539 linear_99" [id=1539, type=linear]; -"1540 view_88" [id=1540, type=view]; -"1541 _tensor_constant105" [id=1541, type=get_attr]; -"1542 index_16" [id=1542, type=index]; -"1543 view_89" [id=1543, type=view]; -"1544 permute_73" [id=1544, type=permute]; -"1545 contiguous_30" [id=1545, type=contiguous]; -"1546 unsqueeze_48" [id=1546, type=unsqueeze]; -"1547 sigmoid_16" [id=1547, type=sigmoid]; -"1548 mul_32" [id=1548, type=mul]; -"1549 pad_18" [id=1549, type=pad]; -"1550 view_90" [id=1550, type=view]; -"1551 permute_74" [id=1551, type=permute]; -"1552 reshape_72" [id=1552, type=reshape]; -"1553 _param_constant269" [id=1553, type=get_attr]; -"1554 clone_16" [id=1554, type=clone]; -"1555 linear_100_updated_constant0" [id=1555, type=get_attr]; -"1556 symmetric_weights_decompressor_linear_100_updated_constant0_0" [id=1556, type=call_module]; -"1557 linear_100" [id=1557, type=linear]; -"1558 reshape_73" [id=1558, type=reshape]; -"1559 permute_75" [id=1559, type=permute]; -"1560 select_48" [id=1560, type=select]; -"1561 select_49" [id=1561, type=select]; -"1562 select_50" [id=1562, type=select]; -"1563 linalg_vector_norm_32" [id=1563, type=linalg_vector_norm]; -"1564 clamp_min_32" [id=1564, type=clamp_min]; -"1565 expand_as_32" [id=1565, type=expand_as]; -"1566 div_32" [id=1566, type=div]; -"1567 linalg_vector_norm_33" [id=1567, type=linalg_vector_norm]; -"1568 clamp_min_33" [id=1568, type=clamp_min]; -"1569 expand_as_33" [id=1569, type=expand_as]; -"1570 div_33" [id=1570, type=div]; -"1571 transpose_32" [id=1571, type=transpose]; -"1572 matmul_32" [id=1572, type=matmul]; -"1573 _param_constant271" [id=1573, type=get_attr]; -"1574 clamp_16" [id=1574, type=clamp]; -"1575 exp_16" [id=1575, type=exp]; -"1576 mul_33" [id=1576, type=mul]; -"1577 add_56" [id=1577, type=add]; -"1578 softmax_16" [id=1578, type=softmax]; -"1579 dropout_64" [id=1579, type=dropout]; -"1580 matmul_33" [id=1580, type=matmul]; -"1581 transpose_33" [id=1581, type=transpose]; -"1582 reshape_74" [id=1582, type=reshape]; -"1583 _param_constant273" [id=1583, type=get_attr]; -"1584 linear_101_updated_constant0" [id=1584, type=get_attr]; -"1585 symmetric_weights_decompressor_linear_101_updated_constant0_0" [id=1585, type=call_module]; -"1586 linear_101" [id=1586, type=linear]; -"1587 dropout_65" [id=1587, type=dropout]; -"1588 view_91" [id=1588, type=view]; -"1589 permute_76" [id=1589, type=permute]; -"1590 reshape_75" [id=1590, type=reshape]; -"1591 slice_246" [id=1591, type=slice]; -"1592 slice_247" [id=1592, type=slice]; -"1593 slice_248" [id=1593, type=slice]; -"1594 slice_249" [id=1594, type=slice]; -"1595 contiguous_31" [id=1595, type=contiguous]; -"1596 _param_constant274" [id=1596, type=get_attr]; -"1597 _param_constant275" [id=1597, type=get_attr]; -"1598 layer_norm_35" [id=1598, type=layer_norm]; -"1599 add_57" [id=1599, type=add]; -"1600 _param_constant277" [id=1600, type=get_attr]; -"1601 linear_102_updated_constant0" [id=1601, type=get_attr]; -"1602 symmetric_weights_decompressor_linear_102_updated_constant0_0" [id=1602, type=call_module]; -"1603 linear_102" [id=1603, type=linear]; -"1604 gelu_16" [id=1604, type=gelu]; -"1605 dropout_66" [id=1605, type=dropout]; -"1606 _param_constant279" [id=1606, type=get_attr]; -"1607 linear_103_updated_constant0" [id=1607, type=get_attr]; -"1608 symmetric_weights_decompressor_linear_103_updated_constant0_0" [id=1608, type=call_module]; -"1609 linear_103" [id=1609, type=linear]; -"1610 dropout_67" [id=1610, type=dropout]; -"1611 _param_constant280" [id=1611, type=get_attr]; -"1612 _param_constant281" [id=1612, type=get_attr]; -"1613 layer_norm_36" [id=1613, type=layer_norm]; -"1614 add_58" [id=1614, type=add]; -"1615 _tensor_constant106" [id=1615, type=get_attr]; -"1616 _param_constant283" [id=1616, type=get_attr]; -"1617 linear_104_updated_constant0" [id=1617, type=get_attr]; -"1618 symmetric_weights_decompressor_linear_104_updated_constant0_0" [id=1618, type=call_module]; -"1619 linear_104" [id=1619, type=linear]; -"1620 relu__17" [id=1620, type=relu_]; -"1621 linear_105_updated_constant0" [id=1621, type=get_attr]; -"1622 symmetric_weights_decompressor_linear_105_updated_constant0_0" [id=1622, type=call_module]; -"1623 linear_105" [id=1623, type=linear]; -"1624 view_92" [id=1624, type=view]; -"1625 _tensor_constant107" [id=1625, type=get_attr]; -"1626 index_17" [id=1626, type=index]; -"1627 view_93" [id=1627, type=view]; -"1628 permute_77" [id=1628, type=permute]; -"1629 contiguous_32" [id=1629, type=contiguous]; -"1630 unsqueeze_49" [id=1630, type=unsqueeze]; -"1631 sigmoid_17" [id=1631, type=sigmoid]; -"1632 mul_34" [id=1632, type=mul]; -"1633 pad_19" [id=1633, type=pad]; -"1634 roll_16" [id=1634, type=roll]; -"1635 view_94" [id=1635, type=view]; -"1636 permute_78" [id=1636, type=permute]; -"1637 reshape_76" [id=1637, type=reshape]; -"1638 _param_constant285" [id=1638, type=get_attr]; -"1639 clone_17" [id=1639, type=clone]; -"1640 linear_106_updated_constant0" [id=1640, type=get_attr]; -"1641 symmetric_weights_decompressor_linear_106_updated_constant0_0" [id=1641, type=call_module]; -"1642 linear_106" [id=1642, type=linear]; -"1643 reshape_77" [id=1643, type=reshape]; -"1644 permute_79" [id=1644, type=permute]; -"1645 select_51" [id=1645, type=select]; -"1646 select_52" [id=1646, type=select]; -"1647 select_53" [id=1647, type=select]; -"1648 linalg_vector_norm_34" [id=1648, type=linalg_vector_norm]; -"1649 clamp_min_34" [id=1649, type=clamp_min]; -"1650 expand_as_34" [id=1650, type=expand_as]; -"1651 div_34" [id=1651, type=div]; -"1652 linalg_vector_norm_35" [id=1652, type=linalg_vector_norm]; -"1653 clamp_min_35" [id=1653, type=clamp_min]; -"1654 expand_as_35" [id=1654, type=expand_as]; -"1655 div_35" [id=1655, type=div]; -"1656 transpose_34" [id=1656, type=transpose]; -"1657 matmul_34" [id=1657, type=matmul]; -"1658 _param_constant287" [id=1658, type=get_attr]; -"1659 clamp_17" [id=1659, type=clamp]; -"1660 exp_17" [id=1660, type=exp]; -"1661 mul_35" [id=1661, type=mul]; -"1662 add_59" [id=1662, type=add]; -"1663 new_zeros_8" [id=1663, type=new_zeros]; -"1664 view_95" [id=1664, type=view]; -"1665 permute_80" [id=1665, type=permute]; -"1666 reshape_78" [id=1666, type=reshape]; -"1667 unsqueeze_50" [id=1667, type=unsqueeze]; -"1668 unsqueeze_51" [id=1668, type=unsqueeze]; -"1669 sub_8" [id=1669, type=sub]; -"1670 ne_8" [id=1670, type=ne]; -"1671 masked_fill_16" [id=1671, type=masked_fill]; -"1672 eq_8" [id=1672, type=eq]; -"1673 masked_fill_17" [id=1673, type=masked_fill]; -"1674 view_96" [id=1674, type=view]; -"1675 unsqueeze_52" [id=1675, type=unsqueeze]; -"1676 unsqueeze_53" [id=1676, type=unsqueeze]; -"1677 add_60" [id=1677, type=add]; -"1678 view_97" [id=1678, type=view]; -"1679 softmax_17" [id=1679, type=softmax]; -"1680 dropout_68" [id=1680, type=dropout]; -"1681 matmul_35" [id=1681, type=matmul]; -"1682 transpose_35" [id=1682, type=transpose]; -"1683 reshape_79" [id=1683, type=reshape]; -"1684 _param_constant289" [id=1684, type=get_attr]; -"1685 linear_107_updated_constant0" [id=1685, type=get_attr]; -"1686 symmetric_weights_decompressor_linear_107_updated_constant0_0" [id=1686, type=call_module]; -"1687 linear_107" [id=1687, type=linear]; -"1688 dropout_69" [id=1688, type=dropout]; -"1689 view_98" [id=1689, type=view]; -"1690 permute_81" [id=1690, type=permute]; -"1691 reshape_80" [id=1691, type=reshape]; -"1692 roll_17" [id=1692, type=roll]; -"1693 slice_269" [id=1693, type=slice]; -"1694 slice_270" [id=1694, type=slice]; -"1695 slice_271" [id=1695, type=slice]; -"1696 slice_272" [id=1696, type=slice]; -"1697 contiguous_33" [id=1697, type=contiguous]; -"1698 _param_constant290" [id=1698, type=get_attr]; -"1699 _param_constant291" [id=1699, type=get_attr]; -"1700 layer_norm_37" [id=1700, type=layer_norm]; -"1701 add_61" [id=1701, type=add]; -"1702 _param_constant293" [id=1702, type=get_attr]; -"1703 linear_108_updated_constant0" [id=1703, type=get_attr]; -"1704 symmetric_weights_decompressor_linear_108_updated_constant0_0" [id=1704, type=call_module]; -"1705 linear_108" [id=1705, type=linear]; -"1706 gelu_17" [id=1706, type=gelu]; -"1707 dropout_70" [id=1707, type=dropout]; -"1708 _param_constant295" [id=1708, type=get_attr]; -"1709 linear_109_updated_constant0" [id=1709, type=get_attr]; -"1710 symmetric_weights_decompressor_linear_109_updated_constant0_0" [id=1710, type=call_module]; -"1711 linear_109" [id=1711, type=linear]; -"1712 dropout_71" [id=1712, type=dropout]; -"1713 _param_constant296" [id=1713, type=get_attr]; -"1714 _param_constant297" [id=1714, type=get_attr]; -"1715 layer_norm_38" [id=1715, type=layer_norm]; -"1716 add_62" [id=1716, type=add]; -"1717 _tensor_constant117" [id=1717, type=get_attr]; -"1718 _param_constant299" [id=1718, type=get_attr]; -"1719 linear_110_updated_constant0" [id=1719, type=get_attr]; -"1720 symmetric_weights_decompressor_linear_110_updated_constant0_0" [id=1720, type=call_module]; -"1721 linear_110" [id=1721, type=linear]; -"1722 relu__18" [id=1722, type=relu_]; -"1723 linear_111_updated_constant0" [id=1723, type=get_attr]; -"1724 symmetric_weights_decompressor_linear_111_updated_constant0_0" [id=1724, type=call_module]; -"1725 linear_111" [id=1725, type=linear]; -"1726 view_99" [id=1726, type=view]; -"1727 _tensor_constant118" [id=1727, type=get_attr]; -"1728 index_18" [id=1728, type=index]; -"1729 view_100" [id=1729, type=view]; -"1730 permute_82" [id=1730, type=permute]; -"1731 contiguous_34" [id=1731, type=contiguous]; -"1732 unsqueeze_54" [id=1732, type=unsqueeze]; -"1733 sigmoid_18" [id=1733, type=sigmoid]; -"1734 mul_36" [id=1734, type=mul]; -"1735 pad_20" [id=1735, type=pad]; -"1736 view_101" [id=1736, type=view]; -"1737 permute_83" [id=1737, type=permute]; -"1738 reshape_81" [id=1738, type=reshape]; -"1739 _param_constant301" [id=1739, type=get_attr]; -"1740 clone_18" [id=1740, type=clone]; -"1741 linear_112_updated_constant0" [id=1741, type=get_attr]; -"1742 symmetric_weights_decompressor_linear_112_updated_constant0_0" [id=1742, type=call_module]; -"1743 linear_112" [id=1743, type=linear]; -"1744 reshape_82" [id=1744, type=reshape]; -"1745 permute_84" [id=1745, type=permute]; -"1746 select_54" [id=1746, type=select]; -"1747 select_55" [id=1747, type=select]; -"1748 select_56" [id=1748, type=select]; -"1749 linalg_vector_norm_36" [id=1749, type=linalg_vector_norm]; -"1750 clamp_min_36" [id=1750, type=clamp_min]; -"1751 expand_as_36" [id=1751, type=expand_as]; -"1752 div_36" [id=1752, type=div]; -"1753 linalg_vector_norm_37" [id=1753, type=linalg_vector_norm]; -"1754 clamp_min_37" [id=1754, type=clamp_min]; -"1755 expand_as_37" [id=1755, type=expand_as]; -"1756 div_37" [id=1756, type=div]; -"1757 transpose_36" [id=1757, type=transpose]; -"1758 matmul_36" [id=1758, type=matmul]; -"1759 _param_constant303" [id=1759, type=get_attr]; -"1760 clamp_18" [id=1760, type=clamp]; -"1761 exp_18" [id=1761, type=exp]; -"1762 mul_37" [id=1762, type=mul]; -"1763 add_63" [id=1763, type=add]; -"1764 softmax_18" [id=1764, type=softmax]; -"1765 dropout_72" [id=1765, type=dropout]; -"1766 matmul_37" [id=1766, type=matmul]; -"1767 transpose_37" [id=1767, type=transpose]; -"1768 reshape_83" [id=1768, type=reshape]; -"1769 _param_constant305" [id=1769, type=get_attr]; -"1770 linear_113_updated_constant0" [id=1770, type=get_attr]; -"1771 symmetric_weights_decompressor_linear_113_updated_constant0_0" [id=1771, type=call_module]; -"1772 linear_113" [id=1772, type=linear]; -"1773 dropout_73" [id=1773, type=dropout]; -"1774 view_102" [id=1774, type=view]; -"1775 permute_85" [id=1775, type=permute]; -"1776 reshape_84" [id=1776, type=reshape]; -"1777 slice_274" [id=1777, type=slice]; -"1778 slice_275" [id=1778, type=slice]; -"1779 slice_276" [id=1779, type=slice]; -"1780 slice_277" [id=1780, type=slice]; -"1781 contiguous_35" [id=1781, type=contiguous]; -"1782 _param_constant306" [id=1782, type=get_attr]; -"1783 _param_constant307" [id=1783, type=get_attr]; -"1784 layer_norm_39" [id=1784, type=layer_norm]; -"1785 add_64" [id=1785, type=add]; -"1786 _param_constant309" [id=1786, type=get_attr]; -"1787 linear_114_updated_constant0" [id=1787, type=get_attr]; -"1788 symmetric_weights_decompressor_linear_114_updated_constant0_0" [id=1788, type=call_module]; -"1789 linear_114" [id=1789, type=linear]; -"1790 gelu_18" [id=1790, type=gelu]; -"1791 dropout_74" [id=1791, type=dropout]; -"1792 _param_constant311" [id=1792, type=get_attr]; -"1793 linear_115_updated_constant0" [id=1793, type=get_attr]; -"1794 symmetric_weights_decompressor_linear_115_updated_constant0_0" [id=1794, type=call_module]; -"1795 linear_115" [id=1795, type=linear]; -"1796 dropout_75" [id=1796, type=dropout]; -"1797 _param_constant312" [id=1797, type=get_attr]; -"1798 _param_constant313" [id=1798, type=get_attr]; -"1799 layer_norm_40" [id=1799, type=layer_norm]; -"1800 add_65" [id=1800, type=add]; -"1801 _tensor_constant119" [id=1801, type=get_attr]; -"1802 _param_constant315" [id=1802, type=get_attr]; -"1803 linear_116_updated_constant0" [id=1803, type=get_attr]; -"1804 symmetric_weights_decompressor_linear_116_updated_constant0_0" [id=1804, type=call_module]; -"1805 linear_116" [id=1805, type=linear]; -"1806 relu__19" [id=1806, type=relu_]; -"1807 linear_117_updated_constant0" [id=1807, type=get_attr]; -"1808 symmetric_weights_decompressor_linear_117_updated_constant0_0" [id=1808, type=call_module]; -"1809 linear_117" [id=1809, type=linear]; -"1810 view_103" [id=1810, type=view]; -"1811 _tensor_constant120" [id=1811, type=get_attr]; -"1812 index_19" [id=1812, type=index]; -"1813 view_104" [id=1813, type=view]; -"1814 permute_86" [id=1814, type=permute]; -"1815 contiguous_36" [id=1815, type=contiguous]; -"1816 unsqueeze_55" [id=1816, type=unsqueeze]; -"1817 sigmoid_19" [id=1817, type=sigmoid]; -"1818 mul_38" [id=1818, type=mul]; -"1819 pad_21" [id=1819, type=pad]; -"1820 roll_18" [id=1820, type=roll]; -"1821 view_105" [id=1821, type=view]; -"1822 permute_87" [id=1822, type=permute]; -"1823 reshape_85" [id=1823, type=reshape]; -"1824 _param_constant317" [id=1824, type=get_attr]; -"1825 clone_19" [id=1825, type=clone]; -"1826 linear_118_updated_constant0" [id=1826, type=get_attr]; -"1827 symmetric_weights_decompressor_linear_118_updated_constant0_0" [id=1827, type=call_module]; -"1828 linear_118" [id=1828, type=linear]; -"1829 reshape_86" [id=1829, type=reshape]; -"1830 permute_88" [id=1830, type=permute]; -"1831 select_57" [id=1831, type=select]; -"1832 select_58" [id=1832, type=select]; -"1833 select_59" [id=1833, type=select]; -"1834 linalg_vector_norm_38" [id=1834, type=linalg_vector_norm]; -"1835 clamp_min_38" [id=1835, type=clamp_min]; -"1836 expand_as_38" [id=1836, type=expand_as]; -"1837 div_38" [id=1837, type=div]; -"1838 linalg_vector_norm_39" [id=1838, type=linalg_vector_norm]; -"1839 clamp_min_39" [id=1839, type=clamp_min]; -"1840 expand_as_39" [id=1840, type=expand_as]; -"1841 div_39" [id=1841, type=div]; -"1842 transpose_38" [id=1842, type=transpose]; -"1843 matmul_38" [id=1843, type=matmul]; -"1844 _param_constant319" [id=1844, type=get_attr]; -"1845 clamp_19" [id=1845, type=clamp]; -"1846 exp_19" [id=1846, type=exp]; -"1847 mul_39" [id=1847, type=mul]; -"1848 add_66" [id=1848, type=add]; -"1849 new_zeros_9" [id=1849, type=new_zeros]; -"1850 view_106" [id=1850, type=view]; -"1851 permute_89" [id=1851, type=permute]; -"1852 reshape_87" [id=1852, type=reshape]; -"1853 unsqueeze_56" [id=1853, type=unsqueeze]; -"1854 unsqueeze_57" [id=1854, type=unsqueeze]; -"1855 sub_9" [id=1855, type=sub]; -"1856 ne_9" [id=1856, type=ne]; -"1857 masked_fill_18" [id=1857, type=masked_fill]; -"1858 eq_9" [id=1858, type=eq]; -"1859 masked_fill_19" [id=1859, type=masked_fill]; -"1860 view_107" [id=1860, type=view]; -"1861 unsqueeze_58" [id=1861, type=unsqueeze]; -"1862 unsqueeze_59" [id=1862, type=unsqueeze]; -"1863 add_67" [id=1863, type=add]; -"1864 view_108" [id=1864, type=view]; -"1865 softmax_19" [id=1865, type=softmax]; -"1866 dropout_76" [id=1866, type=dropout]; -"1867 matmul_39" [id=1867, type=matmul]; -"1868 transpose_39" [id=1868, type=transpose]; -"1869 reshape_88" [id=1869, type=reshape]; -"1870 _param_constant321" [id=1870, type=get_attr]; -"1871 linear_119_updated_constant0" [id=1871, type=get_attr]; -"1872 symmetric_weights_decompressor_linear_119_updated_constant0_0" [id=1872, type=call_module]; -"1873 linear_119" [id=1873, type=linear]; -"1874 dropout_77" [id=1874, type=dropout]; -"1875 view_109" [id=1875, type=view]; -"1876 permute_90" [id=1876, type=permute]; -"1877 reshape_89" [id=1877, type=reshape]; -"1878 roll_19" [id=1878, type=roll]; -"1879 slice_297" [id=1879, type=slice]; -"1880 slice_298" [id=1880, type=slice]; -"1881 slice_299" [id=1881, type=slice]; -"1882 slice_300" [id=1882, type=slice]; -"1883 contiguous_37" [id=1883, type=contiguous]; -"1884 _param_constant322" [id=1884, type=get_attr]; -"1885 _param_constant323" [id=1885, type=get_attr]; -"1886 layer_norm_41" [id=1886, type=layer_norm]; -"1887 add_68" [id=1887, type=add]; -"1888 _param_constant325" [id=1888, type=get_attr]; -"1889 linear_120_updated_constant0" [id=1889, type=get_attr]; -"1890 symmetric_weights_decompressor_linear_120_updated_constant0_0" [id=1890, type=call_module]; -"1891 linear_120" [id=1891, type=linear]; -"1892 gelu_19" [id=1892, type=gelu]; -"1893 dropout_78" [id=1893, type=dropout]; -"1894 _param_constant327" [id=1894, type=get_attr]; -"1895 linear_121_updated_constant0" [id=1895, type=get_attr]; -"1896 symmetric_weights_decompressor_linear_121_updated_constant0_0" [id=1896, type=call_module]; -"1897 linear_121" [id=1897, type=linear]; -"1898 dropout_79" [id=1898, type=dropout]; -"1899 _param_constant328" [id=1899, type=get_attr]; -"1900 _param_constant329" [id=1900, type=get_attr]; -"1901 layer_norm_42" [id=1901, type=layer_norm]; -"1902 add_69" [id=1902, type=add]; -"1903 _tensor_constant130" [id=1903, type=get_attr]; -"1904 _param_constant331" [id=1904, type=get_attr]; -"1905 linear_122_updated_constant0" [id=1905, type=get_attr]; -"1906 symmetric_weights_decompressor_linear_122_updated_constant0_0" [id=1906, type=call_module]; -"1907 linear_122" [id=1907, type=linear]; -"1908 relu__20" [id=1908, type=relu_]; -"1909 linear_123_updated_constant0" [id=1909, type=get_attr]; -"1910 symmetric_weights_decompressor_linear_123_updated_constant0_0" [id=1910, type=call_module]; -"1911 linear_123" [id=1911, type=linear]; -"1912 view_110" [id=1912, type=view]; -"1913 _tensor_constant131" [id=1913, type=get_attr]; -"1914 index_20" [id=1914, type=index]; -"1915 view_111" [id=1915, type=view]; -"1916 permute_91" [id=1916, type=permute]; -"1917 contiguous_38" [id=1917, type=contiguous]; -"1918 unsqueeze_60" [id=1918, type=unsqueeze]; -"1919 sigmoid_20" [id=1919, type=sigmoid]; -"1920 mul_40" [id=1920, type=mul]; -"1921 pad_22" [id=1921, type=pad]; -"1922 view_112" [id=1922, type=view]; -"1923 permute_92" [id=1923, type=permute]; -"1924 reshape_90" [id=1924, type=reshape]; -"1925 _param_constant333" [id=1925, type=get_attr]; -"1926 clone_20" [id=1926, type=clone]; -"1927 linear_124_updated_constant0" [id=1927, type=get_attr]; -"1928 symmetric_weights_decompressor_linear_124_updated_constant0_0" [id=1928, type=call_module]; -"1929 linear_124" [id=1929, type=linear]; -"1930 reshape_91" [id=1930, type=reshape]; -"1931 permute_93" [id=1931, type=permute]; -"1932 select_60" [id=1932, type=select]; -"1933 select_61" [id=1933, type=select]; -"1934 select_62" [id=1934, type=select]; -"1935 linalg_vector_norm_40" [id=1935, type=linalg_vector_norm]; -"1936 clamp_min_40" [id=1936, type=clamp_min]; -"1937 expand_as_40" [id=1937, type=expand_as]; -"1938 div_40" [id=1938, type=div]; -"1939 linalg_vector_norm_41" [id=1939, type=linalg_vector_norm]; -"1940 clamp_min_41" [id=1940, type=clamp_min]; -"1941 expand_as_41" [id=1941, type=expand_as]; -"1942 div_41" [id=1942, type=div]; -"1943 transpose_40" [id=1943, type=transpose]; -"1944 matmul_40" [id=1944, type=matmul]; -"1945 _param_constant335" [id=1945, type=get_attr]; -"1946 clamp_20" [id=1946, type=clamp]; -"1947 exp_20" [id=1947, type=exp]; -"1948 mul_41" [id=1948, type=mul]; -"1949 add_70" [id=1949, type=add]; -"1950 softmax_20" [id=1950, type=softmax]; -"1951 dropout_80" [id=1951, type=dropout]; -"1952 matmul_41" [id=1952, type=matmul]; -"1953 transpose_41" [id=1953, type=transpose]; -"1954 reshape_92" [id=1954, type=reshape]; -"1955 _param_constant337" [id=1955, type=get_attr]; -"1956 linear_125_updated_constant0" [id=1956, type=get_attr]; -"1957 symmetric_weights_decompressor_linear_125_updated_constant0_0" [id=1957, type=call_module]; -"1958 linear_125" [id=1958, type=linear]; -"1959 dropout_81" [id=1959, type=dropout]; -"1960 view_113" [id=1960, type=view]; -"1961 permute_94" [id=1961, type=permute]; -"1962 reshape_93" [id=1962, type=reshape]; -"1963 slice_302" [id=1963, type=slice]; -"1964 slice_303" [id=1964, type=slice]; -"1965 slice_304" [id=1965, type=slice]; -"1966 slice_305" [id=1966, type=slice]; -"1967 contiguous_39" [id=1967, type=contiguous]; -"1968 _param_constant338" [id=1968, type=get_attr]; -"1969 _param_constant339" [id=1969, type=get_attr]; -"1970 layer_norm_43" [id=1970, type=layer_norm]; -"1971 add_71" [id=1971, type=add]; -"1972 _param_constant341" [id=1972, type=get_attr]; -"1973 linear_126_updated_constant0" [id=1973, type=get_attr]; -"1974 symmetric_weights_decompressor_linear_126_updated_constant0_0" [id=1974, type=call_module]; -"1975 linear_126" [id=1975, type=linear]; -"1976 gelu_20" [id=1976, type=gelu]; -"1977 dropout_82" [id=1977, type=dropout]; -"1978 _param_constant343" [id=1978, type=get_attr]; -"1979 linear_127_updated_constant0" [id=1979, type=get_attr]; -"1980 symmetric_weights_decompressor_linear_127_updated_constant0_0" [id=1980, type=call_module]; -"1981 linear_127" [id=1981, type=linear]; -"1982 dropout_83" [id=1982, type=dropout]; -"1983 _param_constant344" [id=1983, type=get_attr]; -"1984 _param_constant345" [id=1984, type=get_attr]; -"1985 layer_norm_44" [id=1985, type=layer_norm]; -"1986 add_72" [id=1986, type=add]; -"1987 _tensor_constant132" [id=1987, type=get_attr]; -"1988 _param_constant347" [id=1988, type=get_attr]; -"1989 linear_128_updated_constant0" [id=1989, type=get_attr]; -"1990 symmetric_weights_decompressor_linear_128_updated_constant0_0" [id=1990, type=call_module]; -"1991 linear_128" [id=1991, type=linear]; -"1992 relu__21" [id=1992, type=relu_]; -"1993 linear_129_updated_constant0" [id=1993, type=get_attr]; -"1994 symmetric_weights_decompressor_linear_129_updated_constant0_0" [id=1994, type=call_module]; -"1995 linear_129" [id=1995, type=linear]; -"1996 view_114" [id=1996, type=view]; -"1997 _tensor_constant133" [id=1997, type=get_attr]; -"1998 index_21" [id=1998, type=index]; -"1999 view_115" [id=1999, type=view]; -"2000 permute_95" [id=2000, type=permute]; -"2001 contiguous_40" [id=2001, type=contiguous]; -"2002 unsqueeze_61" [id=2002, type=unsqueeze]; -"2003 sigmoid_21" [id=2003, type=sigmoid]; -"2004 mul_42" [id=2004, type=mul]; -"2005 pad_23" [id=2005, type=pad]; -"2006 roll_20" [id=2006, type=roll]; -"2007 view_116" [id=2007, type=view]; -"2008 permute_96" [id=2008, type=permute]; -"2009 reshape_94" [id=2009, type=reshape]; -"2010 _param_constant349" [id=2010, type=get_attr]; -"2011 clone_21" [id=2011, type=clone]; -"2012 linear_130_updated_constant0" [id=2012, type=get_attr]; -"2013 symmetric_weights_decompressor_linear_130_updated_constant0_0" [id=2013, type=call_module]; -"2014 linear_130" [id=2014, type=linear]; -"2015 reshape_95" [id=2015, type=reshape]; -"2016 permute_97" [id=2016, type=permute]; -"2017 select_63" [id=2017, type=select]; -"2018 select_64" [id=2018, type=select]; -"2019 select_65" [id=2019, type=select]; -"2020 linalg_vector_norm_42" [id=2020, type=linalg_vector_norm]; -"2021 clamp_min_42" [id=2021, type=clamp_min]; -"2022 expand_as_42" [id=2022, type=expand_as]; -"2023 div_42" [id=2023, type=div]; -"2024 linalg_vector_norm_43" [id=2024, type=linalg_vector_norm]; -"2025 clamp_min_43" [id=2025, type=clamp_min]; -"2026 expand_as_43" [id=2026, type=expand_as]; -"2027 div_43" [id=2027, type=div]; -"2028 transpose_42" [id=2028, type=transpose]; -"2029 matmul_42" [id=2029, type=matmul]; -"2030 _param_constant351" [id=2030, type=get_attr]; -"2031 clamp_21" [id=2031, type=clamp]; -"2032 exp_21" [id=2032, type=exp]; -"2033 mul_43" [id=2033, type=mul]; -"2034 add_73" [id=2034, type=add]; -"2035 new_zeros_10" [id=2035, type=new_zeros]; -"2036 view_117" [id=2036, type=view]; -"2037 permute_98" [id=2037, type=permute]; -"2038 reshape_96" [id=2038, type=reshape]; -"2039 unsqueeze_62" [id=2039, type=unsqueeze]; -"2040 unsqueeze_63" [id=2040, type=unsqueeze]; -"2041 sub_10" [id=2041, type=sub]; -"2042 ne_10" [id=2042, type=ne]; -"2043 masked_fill_20" [id=2043, type=masked_fill]; -"2044 eq_10" [id=2044, type=eq]; -"2045 masked_fill_21" [id=2045, type=masked_fill]; -"2046 view_118" [id=2046, type=view]; -"2047 unsqueeze_64" [id=2047, type=unsqueeze]; -"2048 unsqueeze_65" [id=2048, type=unsqueeze]; -"2049 add_74" [id=2049, type=add]; -"2050 view_119" [id=2050, type=view]; -"2051 softmax_21" [id=2051, type=softmax]; -"2052 dropout_84" [id=2052, type=dropout]; -"2053 matmul_43" [id=2053, type=matmul]; -"2054 transpose_43" [id=2054, type=transpose]; -"2055 reshape_97" [id=2055, type=reshape]; -"2056 _param_constant353" [id=2056, type=get_attr]; -"2057 linear_131_updated_constant0" [id=2057, type=get_attr]; -"2058 symmetric_weights_decompressor_linear_131_updated_constant0_0" [id=2058, type=call_module]; -"2059 linear_131" [id=2059, type=linear]; -"2060 dropout_85" [id=2060, type=dropout]; -"2061 view_120" [id=2061, type=view]; -"2062 permute_99" [id=2062, type=permute]; -"2063 reshape_98" [id=2063, type=reshape]; -"2064 roll_21" [id=2064, type=roll]; -"2065 slice_325" [id=2065, type=slice]; -"2066 slice_326" [id=2066, type=slice]; -"2067 slice_327" [id=2067, type=slice]; -"2068 slice_328" [id=2068, type=slice]; -"2069 contiguous_41" [id=2069, type=contiguous]; -"2070 _param_constant354" [id=2070, type=get_attr]; -"2071 _param_constant355" [id=2071, type=get_attr]; -"2072 layer_norm_45" [id=2072, type=layer_norm]; -"2073 add_75" [id=2073, type=add]; -"2074 _param_constant357" [id=2074, type=get_attr]; -"2075 linear_132_updated_constant0" [id=2075, type=get_attr]; -"2076 symmetric_weights_decompressor_linear_132_updated_constant0_0" [id=2076, type=call_module]; -"2077 linear_132" [id=2077, type=linear]; -"2078 gelu_21" [id=2078, type=gelu]; -"2079 dropout_86" [id=2079, type=dropout]; -"2080 _param_constant359" [id=2080, type=get_attr]; -"2081 linear_133_updated_constant0" [id=2081, type=get_attr]; -"2082 symmetric_weights_decompressor_linear_133_updated_constant0_0" [id=2082, type=call_module]; -"2083 linear_133" [id=2083, type=linear]; -"2084 dropout_87" [id=2084, type=dropout]; -"2085 _param_constant360" [id=2085, type=get_attr]; -"2086 _param_constant361" [id=2086, type=get_attr]; -"2087 layer_norm_46" [id=2087, type=layer_norm]; -"2088 add_76" [id=2088, type=add]; -"2089 pad_24" [id=2089, type=pad]; -"2090 slice_329" [id=2090, type=slice]; -"2091 slice_330" [id=2091, type=slice]; -"2092 slice_331" [id=2092, type=slice]; -"2093 slice_332" [id=2093, type=slice]; -"2094 slice_333" [id=2094, type=slice]; -"2095 slice_334" [id=2095, type=slice]; -"2096 slice_335" [id=2096, type=slice]; -"2097 slice_336" [id=2097, type=slice]; -"2098 slice_337" [id=2098, type=slice]; -"2099 slice_338" [id=2099, type=slice]; -"2100 slice_339" [id=2100, type=slice]; -"2101 slice_340" [id=2101, type=slice]; -"2102 cat_2" [id=2102, type=cat]; -"2103 linear_134_updated_constant0" [id=2103, type=get_attr]; -"2104 symmetric_weights_decompressor_linear_134_updated_constant0_0" [id=2104, type=call_module]; -"2105 linear_134" [id=2105, type=linear]; -"2106 _param_constant363" [id=2106, type=get_attr]; -"2107 _param_constant364" [id=2107, type=get_attr]; -"2108 layer_norm_47" [id=2108, type=layer_norm]; -"2109 _tensor_constant143" [id=2109, type=get_attr]; -"2110 _param_constant366" [id=2110, type=get_attr]; -"2111 linear_135_updated_constant0" [id=2111, type=get_attr]; -"2112 symmetric_weights_decompressor_linear_135_updated_constant0_0" [id=2112, type=call_module]; -"2113 linear_135" [id=2113, type=linear]; -"2114 relu__22" [id=2114, type=relu_]; -"2115 linear_136_updated_constant0" [id=2115, type=get_attr]; -"2116 symmetric_weights_decompressor_linear_136_updated_constant0_0" [id=2116, type=call_module]; -"2117 linear_136" [id=2117, type=linear]; -"2118 view_121" [id=2118, type=view]; -"2119 _tensor_constant144" [id=2119, type=get_attr]; -"2120 index_22" [id=2120, type=index]; -"2121 view_122" [id=2121, type=view]; -"2122 permute_100" [id=2122, type=permute]; -"2123 contiguous_42" [id=2123, type=contiguous]; -"2124 unsqueeze_66" [id=2124, type=unsqueeze]; -"2125 sigmoid_22" [id=2125, type=sigmoid]; -"2126 mul_44" [id=2126, type=mul]; -"2127 pad_25" [id=2127, type=pad]; -"2128 view_123" [id=2128, type=view]; -"2129 permute_101" [id=2129, type=permute]; -"2130 reshape_99" [id=2130, type=reshape]; -"2131 _param_constant368" [id=2131, type=get_attr]; -"2132 clone_22" [id=2132, type=clone]; -"2133 linear_137_updated_constant0" [id=2133, type=get_attr]; -"2134 symmetric_weights_decompressor_linear_137_updated_constant0_0" [id=2134, type=call_module]; -"2135 linear_137" [id=2135, type=linear]; -"2136 reshape_100" [id=2136, type=reshape]; -"2137 permute_102" [id=2137, type=permute]; -"2138 select_66" [id=2138, type=select]; -"2139 select_67" [id=2139, type=select]; -"2140 select_68" [id=2140, type=select]; -"2141 linalg_vector_norm_44" [id=2141, type=linalg_vector_norm]; -"2142 clamp_min_44" [id=2142, type=clamp_min]; -"2143 expand_as_44" [id=2143, type=expand_as]; -"2144 div_44" [id=2144, type=div]; -"2145 linalg_vector_norm_45" [id=2145, type=linalg_vector_norm]; -"2146 clamp_min_45" [id=2146, type=clamp_min]; -"2147 expand_as_45" [id=2147, type=expand_as]; -"2148 div_45" [id=2148, type=div]; -"2149 transpose_44" [id=2149, type=transpose]; -"2150 matmul_44" [id=2150, type=matmul]; -"2151 _param_constant370" [id=2151, type=get_attr]; -"2152 clamp_22" [id=2152, type=clamp]; -"2153 exp_22" [id=2153, type=exp]; -"2154 mul_45" [id=2154, type=mul]; -"2155 add_77" [id=2155, type=add]; -"2156 softmax_22" [id=2156, type=softmax]; -"2157 dropout_88" [id=2157, type=dropout]; -"2158 matmul_45" [id=2158, type=matmul]; -"2159 transpose_45" [id=2159, type=transpose]; -"2160 reshape_101" [id=2160, type=reshape]; -"2161 _param_constant372" [id=2161, type=get_attr]; -"2162 linear_138_updated_constant0" [id=2162, type=get_attr]; -"2163 symmetric_weights_decompressor_linear_138_updated_constant0_0" [id=2163, type=call_module]; -"2164 linear_138" [id=2164, type=linear]; -"2165 dropout_89" [id=2165, type=dropout]; -"2166 view_124" [id=2166, type=view]; -"2167 permute_103" [id=2167, type=permute]; -"2168 reshape_102" [id=2168, type=reshape]; -"2169 slice_342" [id=2169, type=slice]; -"2170 slice_343" [id=2170, type=slice]; -"2171 slice_344" [id=2171, type=slice]; -"2172 slice_345" [id=2172, type=slice]; -"2173 contiguous_43" [id=2173, type=contiguous]; -"2174 _param_constant373" [id=2174, type=get_attr]; -"2175 _param_constant374" [id=2175, type=get_attr]; -"2176 layer_norm_48" [id=2176, type=layer_norm]; -"2177 add_78" [id=2177, type=add]; -"2178 _param_constant376" [id=2178, type=get_attr]; -"2179 linear_139_updated_constant0" [id=2179, type=get_attr]; -"2180 symmetric_weights_decompressor_linear_139_updated_constant0_0" [id=2180, type=call_module]; -"2181 linear_139" [id=2181, type=linear]; -"2182 gelu_22" [id=2182, type=gelu]; -"2183 dropout_90" [id=2183, type=dropout]; -"2184 _param_constant378" [id=2184, type=get_attr]; -"2185 linear_140_updated_constant0" [id=2185, type=get_attr]; -"2186 symmetric_weights_decompressor_linear_140_updated_constant0_0" [id=2186, type=call_module]; -"2187 linear_140" [id=2187, type=linear]; -"2188 dropout_91" [id=2188, type=dropout]; -"2189 _param_constant379" [id=2189, type=get_attr]; -"2190 _param_constant380" [id=2190, type=get_attr]; -"2191 layer_norm_49" [id=2191, type=layer_norm]; -"2192 add_79" [id=2192, type=add]; -"2193 _tensor_constant145" [id=2193, type=get_attr]; -"2194 _param_constant382" [id=2194, type=get_attr]; -"2195 linear_141_updated_constant0" [id=2195, type=get_attr]; -"2196 symmetric_weights_decompressor_linear_141_updated_constant0_0" [id=2196, type=call_module]; -"2197 linear_141" [id=2197, type=linear]; -"2198 relu__23" [id=2198, type=relu_]; -"2199 linear_142_updated_constant0" [id=2199, type=get_attr]; -"2200 symmetric_weights_decompressor_linear_142_updated_constant0_0" [id=2200, type=call_module]; -"2201 linear_142" [id=2201, type=linear]; -"2202 view_125" [id=2202, type=view]; -"2203 _tensor_constant146" [id=2203, type=get_attr]; -"2204 index_23" [id=2204, type=index]; -"2205 view_126" [id=2205, type=view]; -"2206 permute_104" [id=2206, type=permute]; -"2207 contiguous_44" [id=2207, type=contiguous]; -"2208 unsqueeze_67" [id=2208, type=unsqueeze]; -"2209 sigmoid_23" [id=2209, type=sigmoid]; -"2210 mul_46" [id=2210, type=mul]; -"2211 pad_26" [id=2211, type=pad]; -"2212 view_127" [id=2212, type=view]; -"2213 permute_105" [id=2213, type=permute]; -"2214 reshape_103" [id=2214, type=reshape]; -"2215 _param_constant384" [id=2215, type=get_attr]; -"2216 clone_23" [id=2216, type=clone]; -"2217 linear_143_updated_constant0" [id=2217, type=get_attr]; -"2218 symmetric_weights_decompressor_linear_143_updated_constant0_0" [id=2218, type=call_module]; -"2219 linear_143" [id=2219, type=linear]; -"2220 reshape_104" [id=2220, type=reshape]; -"2221 permute_106" [id=2221, type=permute]; -"2222 select_69" [id=2222, type=select]; -"2223 select_70" [id=2223, type=select]; -"2224 select_71" [id=2224, type=select]; -"2225 linalg_vector_norm_46" [id=2225, type=linalg_vector_norm]; -"2226 clamp_min_46" [id=2226, type=clamp_min]; -"2227 expand_as_46" [id=2227, type=expand_as]; -"2228 div_46" [id=2228, type=div]; -"2229 linalg_vector_norm_47" [id=2229, type=linalg_vector_norm]; -"2230 clamp_min_47" [id=2230, type=clamp_min]; -"2231 expand_as_47" [id=2231, type=expand_as]; -"2232 div_47" [id=2232, type=div]; -"2233 transpose_46" [id=2233, type=transpose]; -"2234 matmul_46" [id=2234, type=matmul]; -"2235 _param_constant386" [id=2235, type=get_attr]; -"2236 clamp_23" [id=2236, type=clamp]; -"2237 exp_23" [id=2237, type=exp]; -"2238 mul_47" [id=2238, type=mul]; -"2239 add_80" [id=2239, type=add]; -"2240 softmax_23" [id=2240, type=softmax]; -"2241 dropout_92" [id=2241, type=dropout]; -"2242 matmul_47" [id=2242, type=matmul]; -"2243 transpose_47" [id=2243, type=transpose]; -"2244 reshape_105" [id=2244, type=reshape]; -"2245 _param_constant388" [id=2245, type=get_attr]; -"2246 linear_144_updated_constant0" [id=2246, type=get_attr]; -"2247 symmetric_weights_decompressor_linear_144_updated_constant0_0" [id=2247, type=call_module]; -"2248 linear_144" [id=2248, type=linear]; -"2249 dropout_93" [id=2249, type=dropout]; -"2250 view_128" [id=2250, type=view]; -"2251 permute_107" [id=2251, type=permute]; -"2252 reshape_106" [id=2252, type=reshape]; -"2253 slice_347" [id=2253, type=slice]; -"2254 slice_348" [id=2254, type=slice]; -"2255 slice_349" [id=2255, type=slice]; -"2256 slice_350" [id=2256, type=slice]; -"2257 contiguous_45" [id=2257, type=contiguous]; -"2258 _param_constant389" [id=2258, type=get_attr]; -"2259 _param_constant390" [id=2259, type=get_attr]; -"2260 layer_norm_50" [id=2260, type=layer_norm]; -"2261 add_81" [id=2261, type=add]; -"2262 _param_constant392" [id=2262, type=get_attr]; -"2263 linear_145_updated_constant0" [id=2263, type=get_attr]; -"2264 symmetric_weights_decompressor_linear_145_updated_constant0_0" [id=2264, type=call_module]; -"2265 linear_145" [id=2265, type=linear]; -"2266 gelu_23" [id=2266, type=gelu]; -"2267 dropout_94" [id=2267, type=dropout]; -"2268 _param_constant394" [id=2268, type=get_attr]; -"2269 linear_146_updated_constant0" [id=2269, type=get_attr]; -"2270 symmetric_weights_decompressor_linear_146_updated_constant0_0" [id=2270, type=call_module]; -"2271 linear_146" [id=2271, type=linear]; -"2272 dropout_95" [id=2272, type=dropout]; -"2273 _param_constant395" [id=2273, type=get_attr]; -"2274 _param_constant396" [id=2274, type=get_attr]; -"2275 layer_norm_51" [id=2275, type=layer_norm]; -"2276 add_82" [id=2276, type=add]; -"2277 _param_constant397" [id=2277, type=get_attr]; -"2278 _param_constant398" [id=2278, type=get_attr]; -"2279 layer_norm_52" [id=2279, type=layer_norm]; -"2280 permute_108" [id=2280, type=permute]; -"2281 adaptive_avg_pool2d" [id=2281, type=adaptive_avg_pool2d]; -"2282 flatten" [id=2282, type=flatten]; -"2283 _param_constant400" [id=2283, type=get_attr]; -"2284 linear_147_updated_constant0" [id=2284, type=get_attr]; -"2285 symmetric_weights_decompressor_linear_147_updated_constant0_0" [id=2285, type=call_module]; -"2286 linear_147" [id=2286, type=linear]; -"2287 output" [id=2287, type=output]; -"0 arg0_1" -> "4 conv2d"; -"1 _param_constant1" -> "4 conv2d"; -"2 conv2d_updated_constant0" -> "3 symmetric_weights_decompressor_conv2d_updated_constant0_0"; -"3 symmetric_weights_decompressor_conv2d_updated_constant0_0" -> "4 conv2d"; -"4 conv2d" -> "5 permute"; -"5 permute" -> "8 layer_norm"; -"6 _param_constant2" -> "8 layer_norm"; -"7 _param_constant3" -> "8 layer_norm"; -"8 layer_norm" -> "27 pad"; -"8 layer_norm" -> "74 add_1"; -"9 _tensor_constant0" -> "13 linear"; -"10 _param_constant5" -> "13 linear"; -"11 linear_updated_constant0" -> "12 symmetric_weights_decompressor_linear_updated_constant0_0"; -"12 symmetric_weights_decompressor_linear_updated_constant0_0" -> "13 linear"; -"13 linear" -> "14 relu_"; -"14 relu_" -> "17 linear_1"; -"15 linear_1_updated_constant0" -> "16 symmetric_weights_decompressor_linear_1_updated_constant0_0"; -"16 symmetric_weights_decompressor_linear_1_updated_constant0_0" -> "17 linear_1"; -"17 linear_1" -> "18 view"; -"18 view" -> "20 index"; -"19 _tensor_constant1" -> "20 index"; -"20 index" -> "21 view_1"; -"21 view_1" -> "22 permute_1"; -"22 permute_1" -> "23 contiguous"; -"23 contiguous" -> "24 unsqueeze"; -"24 unsqueeze" -> "25 sigmoid"; -"25 sigmoid" -> "26 mul"; -"26 mul" -> "55 add"; -"27 pad" -> "28 view_2"; -"28 view_2" -> "29 permute_2"; -"29 permute_2" -> "30 reshape"; -"30 reshape" -> "35 linear_2"; -"31 _param_constant7" -> "32 clone"; -"32 clone" -> "35 linear_2"; -"33 linear_2_updated_constant0" -> "34 symmetric_weights_decompressor_linear_2_updated_constant0_0"; -"34 symmetric_weights_decompressor_linear_2_updated_constant0_0" -> "35 linear_2"; -"35 linear_2" -> "36 reshape_1"; -"36 reshape_1" -> "37 permute_3"; -"37 permute_3" -> "38 select"; -"37 permute_3" -> "39 select_1"; -"37 permute_3" -> "40 select_2"; -"38 select" -> "41 linalg_vector_norm"; -"38 select" -> "43 expand_as"; -"38 select" -> "44 div"; -"39 select_1" -> "45 linalg_vector_norm_1"; -"39 select_1" -> "47 expand_as_1"; -"39 select_1" -> "48 div_1"; -"40 select_2" -> "58 matmul_1"; -"41 linalg_vector_norm" -> "42 clamp_min"; -"42 clamp_min" -> "43 expand_as"; -"43 expand_as" -> "44 div"; -"44 div" -> "50 matmul"; -"45 linalg_vector_norm_1" -> "46 clamp_min_1"; -"46 clamp_min_1" -> "47 expand_as_1"; -"47 expand_as_1" -> "48 div_1"; -"48 div_1" -> "49 transpose"; -"49 transpose" -> "50 matmul"; -"50 matmul" -> "54 mul_1"; -"51 _param_constant9" -> "52 clamp"; -"52 clamp" -> "53 exp"; -"53 exp" -> "54 mul_1"; -"54 mul_1" -> "55 add"; -"55 add" -> "56 softmax"; -"56 softmax" -> "57 dropout"; -"57 dropout" -> "58 matmul_1"; -"58 matmul_1" -> "59 transpose_1"; -"59 transpose_1" -> "60 reshape_2"; -"60 reshape_2" -> "64 linear_3"; -"61 _param_constant11" -> "64 linear_3"; -"62 linear_3_updated_constant0" -> "63 symmetric_weights_decompressor_linear_3_updated_constant0_0"; -"63 symmetric_weights_decompressor_linear_3_updated_constant0_0" -> "64 linear_3"; -"64 linear_3" -> "65 dropout_1"; -"65 dropout_1" -> "66 view_3"; -"66 view_3" -> "67 permute_4"; -"67 permute_4" -> "68 reshape_3"; -"68 reshape_3" -> "69 slice_2"; -"69 slice_2" -> "70 slice_3"; -"70 slice_3" -> "73 layer_norm_1"; -"71 _param_constant12" -> "73 layer_norm_1"; -"72 _param_constant13" -> "73 layer_norm_1"; -"73 layer_norm_1" -> "74 add_1"; -"74 add_1" -> "78 linear_4"; -"74 add_1" -> "89 add_2"; -"75 _param_constant15" -> "78 linear_4"; -"76 linear_4_updated_constant0" -> "77 symmetric_weights_decompressor_linear_4_updated_constant0_0"; -"77 symmetric_weights_decompressor_linear_4_updated_constant0_0" -> "78 linear_4"; -"78 linear_4" -> "79 gelu"; -"79 gelu" -> "80 dropout_2"; -"80 dropout_2" -> "84 linear_5"; -"81 _param_constant17" -> "84 linear_5"; -"82 linear_5_updated_constant0" -> "83 symmetric_weights_decompressor_linear_5_updated_constant0_0"; -"83 symmetric_weights_decompressor_linear_5_updated_constant0_0" -> "84 linear_5"; -"84 linear_5" -> "85 dropout_3"; -"85 dropout_3" -> "88 layer_norm_2"; -"86 _param_constant18" -> "88 layer_norm_2"; -"87 _param_constant19" -> "88 layer_norm_2"; -"88 layer_norm_2" -> "89 add_2"; -"89 add_2" -> "108 pad_1"; -"89 add_2" -> "173 add_5"; -"90 _tensor_constant2" -> "94 linear_6"; -"91 _param_constant21" -> "94 linear_6"; -"92 linear_6_updated_constant0" -> "93 symmetric_weights_decompressor_linear_6_updated_constant0_0"; -"93 symmetric_weights_decompressor_linear_6_updated_constant0_0" -> "94 linear_6"; -"94 linear_6" -> "95 relu__1"; -"95 relu__1" -> "98 linear_7"; -"96 linear_7_updated_constant0" -> "97 symmetric_weights_decompressor_linear_7_updated_constant0_0"; -"97 symmetric_weights_decompressor_linear_7_updated_constant0_0" -> "98 linear_7"; -"98 linear_7" -> "99 view_4"; -"99 view_4" -> "101 index_1"; -"100 _tensor_constant3" -> "101 index_1"; -"101 index_1" -> "102 view_5"; -"102 view_5" -> "103 permute_5"; -"103 permute_5" -> "104 contiguous_1"; -"104 contiguous_1" -> "105 unsqueeze_1"; -"105 unsqueeze_1" -> "106 sigmoid_1"; -"106 sigmoid_1" -> "107 mul_2"; -"107 mul_2" -> "137 add_3"; -"108 pad_1" -> "109 roll"; -"109 roll" -> "110 view_6"; -"110 view_6" -> "111 permute_6"; -"111 permute_6" -> "112 reshape_4"; -"112 reshape_4" -> "117 linear_8"; -"112 reshape_4" -> "138 new_zeros"; -"113 _param_constant23" -> "114 clone_1"; -"114 clone_1" -> "117 linear_8"; -"115 linear_8_updated_constant0" -> "116 symmetric_weights_decompressor_linear_8_updated_constant0_0"; -"116 symmetric_weights_decompressor_linear_8_updated_constant0_0" -> "117 linear_8"; -"117 linear_8" -> "118 reshape_5"; -"118 reshape_5" -> "119 permute_7"; -"119 permute_7" -> "120 select_3"; -"119 permute_7" -> "121 select_4"; -"119 permute_7" -> "122 select_5"; -"120 select_3" -> "123 linalg_vector_norm_2"; -"120 select_3" -> "125 expand_as_2"; -"120 select_3" -> "126 div_2"; -"121 select_4" -> "127 linalg_vector_norm_3"; -"121 select_4" -> "129 expand_as_3"; -"121 select_4" -> "130 div_3"; -"122 select_5" -> "156 matmul_3"; -"123 linalg_vector_norm_2" -> "124 clamp_min_2"; -"124 clamp_min_2" -> "125 expand_as_2"; -"125 expand_as_2" -> "126 div_2"; -"126 div_2" -> "132 matmul_2"; -"127 linalg_vector_norm_3" -> "128 clamp_min_3"; -"128 clamp_min_3" -> "129 expand_as_3"; -"129 expand_as_3" -> "130 div_3"; -"130 div_3" -> "131 transpose_2"; -"131 transpose_2" -> "132 matmul_2"; -"132 matmul_2" -> "136 mul_3"; -"133 _param_constant25" -> "134 clamp_1"; -"134 clamp_1" -> "135 exp_1"; -"135 exp_1" -> "136 mul_3"; -"136 mul_3" -> "137 add_3"; -"137 add_3" -> "149 view_8"; -"138 new_zeros" -> "139 view_7"; -"139 view_7" -> "140 permute_8"; -"140 permute_8" -> "141 reshape_6"; -"141 reshape_6" -> "142 unsqueeze_2"; -"141 reshape_6" -> "143 unsqueeze_3"; -"142 unsqueeze_2" -> "144 sub"; -"143 unsqueeze_3" -> "144 sub"; -"144 sub" -> "145 ne"; -"144 sub" -> "146 masked_fill"; -"144 sub" -> "147 eq"; -"145 ne" -> "146 masked_fill"; -"146 masked_fill" -> "148 masked_fill_1"; -"147 eq" -> "148 masked_fill_1"; -"148 masked_fill_1" -> "150 unsqueeze_4"; -"149 view_8" -> "152 add_4"; -"150 unsqueeze_4" -> "151 unsqueeze_5"; -"151 unsqueeze_5" -> "152 add_4"; -"152 add_4" -> "153 view_9"; -"153 view_9" -> "154 softmax_1"; -"154 softmax_1" -> "155 dropout_4"; -"155 dropout_4" -> "156 matmul_3"; -"156 matmul_3" -> "157 transpose_3"; -"157 transpose_3" -> "158 reshape_7"; -"158 reshape_7" -> "162 linear_9"; -"159 _param_constant27" -> "162 linear_9"; -"160 linear_9_updated_constant0" -> "161 symmetric_weights_decompressor_linear_9_updated_constant0_0"; -"161 symmetric_weights_decompressor_linear_9_updated_constant0_0" -> "162 linear_9"; -"162 linear_9" -> "163 dropout_5"; -"163 dropout_5" -> "164 view_10"; -"164 view_10" -> "165 permute_9"; -"165 permute_9" -> "166 reshape_8"; -"166 reshape_8" -> "167 roll_1"; -"167 roll_1" -> "168 slice_23"; -"168 slice_23" -> "169 slice_24"; -"169 slice_24" -> "172 layer_norm_3"; -"170 _param_constant28" -> "172 layer_norm_3"; -"171 _param_constant29" -> "172 layer_norm_3"; -"172 layer_norm_3" -> "173 add_5"; -"173 add_5" -> "177 linear_10"; -"173 add_5" -> "188 add_6"; -"174 _param_constant31" -> "177 linear_10"; -"175 linear_10_updated_constant0" -> "176 symmetric_weights_decompressor_linear_10_updated_constant0_0"; -"176 symmetric_weights_decompressor_linear_10_updated_constant0_0" -> "177 linear_10"; -"177 linear_10" -> "178 gelu_1"; -"178 gelu_1" -> "179 dropout_6"; -"179 dropout_6" -> "183 linear_11"; -"180 _param_constant33" -> "183 linear_11"; -"181 linear_11_updated_constant0" -> "182 symmetric_weights_decompressor_linear_11_updated_constant0_0"; -"182 symmetric_weights_decompressor_linear_11_updated_constant0_0" -> "183 linear_11"; -"183 linear_11" -> "184 dropout_7"; -"184 dropout_7" -> "187 layer_norm_4"; -"185 _param_constant34" -> "187 layer_norm_4"; -"186 _param_constant35" -> "187 layer_norm_4"; -"187 layer_norm_4" -> "188 add_6"; -"188 add_6" -> "189 pad_2"; -"189 pad_2" -> "190 slice_25"; -"189 pad_2" -> "193 slice_28"; -"189 pad_2" -> "196 slice_31"; -"189 pad_2" -> "199 slice_34"; -"190 slice_25" -> "191 slice_26"; -"191 slice_26" -> "192 slice_27"; -"192 slice_27" -> "202 cat"; -"193 slice_28" -> "194 slice_29"; -"194 slice_29" -> "195 slice_30"; -"195 slice_30" -> "202 cat"; -"196 slice_31" -> "197 slice_32"; -"197 slice_32" -> "198 slice_33"; -"198 slice_33" -> "202 cat"; -"199 slice_34" -> "200 slice_35"; -"200 slice_35" -> "201 slice_36"; -"201 slice_36" -> "202 cat"; -"202 cat" -> "205 linear_12"; -"203 linear_12_updated_constant0" -> "204 symmetric_weights_decompressor_linear_12_updated_constant0_0"; -"204 symmetric_weights_decompressor_linear_12_updated_constant0_0" -> "205 linear_12"; -"205 linear_12" -> "208 layer_norm_5"; -"206 _param_constant37" -> "208 layer_norm_5"; -"207 _param_constant38" -> "208 layer_norm_5"; -"208 layer_norm_5" -> "227 pad_3"; -"208 layer_norm_5" -> "277 add_8"; -"209 _tensor_constant13" -> "213 linear_13"; -"210 _param_constant40" -> "213 linear_13"; -"211 linear_13_updated_constant0" -> "212 symmetric_weights_decompressor_linear_13_updated_constant0_0"; -"212 symmetric_weights_decompressor_linear_13_updated_constant0_0" -> "213 linear_13"; -"213 linear_13" -> "214 relu__2"; -"214 relu__2" -> "217 linear_14"; -"215 linear_14_updated_constant0" -> "216 symmetric_weights_decompressor_linear_14_updated_constant0_0"; -"216 symmetric_weights_decompressor_linear_14_updated_constant0_0" -> "217 linear_14"; -"217 linear_14" -> "218 view_11"; -"218 view_11" -> "220 index_2"; -"219 _tensor_constant14" -> "220 index_2"; -"220 index_2" -> "221 view_12"; -"221 view_12" -> "222 permute_10"; -"222 permute_10" -> "223 contiguous_2"; -"223 contiguous_2" -> "224 unsqueeze_6"; -"224 unsqueeze_6" -> "225 sigmoid_2"; -"225 sigmoid_2" -> "226 mul_4"; -"226 mul_4" -> "255 add_7"; -"227 pad_3" -> "228 view_13"; -"228 view_13" -> "229 permute_11"; -"229 permute_11" -> "230 reshape_9"; -"230 reshape_9" -> "235 linear_15"; -"231 _param_constant42" -> "232 clone_2"; -"232 clone_2" -> "235 linear_15"; -"233 linear_15_updated_constant0" -> "234 symmetric_weights_decompressor_linear_15_updated_constant0_0"; -"234 symmetric_weights_decompressor_linear_15_updated_constant0_0" -> "235 linear_15"; -"235 linear_15" -> "236 reshape_10"; -"236 reshape_10" -> "237 permute_12"; -"237 permute_12" -> "238 select_6"; -"237 permute_12" -> "239 select_7"; -"237 permute_12" -> "240 select_8"; -"238 select_6" -> "241 linalg_vector_norm_4"; -"238 select_6" -> "243 expand_as_4"; -"238 select_6" -> "244 div_4"; -"239 select_7" -> "245 linalg_vector_norm_5"; -"239 select_7" -> "247 expand_as_5"; -"239 select_7" -> "248 div_5"; -"240 select_8" -> "258 matmul_5"; -"241 linalg_vector_norm_4" -> "242 clamp_min_4"; -"242 clamp_min_4" -> "243 expand_as_4"; -"243 expand_as_4" -> "244 div_4"; -"244 div_4" -> "250 matmul_4"; -"245 linalg_vector_norm_5" -> "246 clamp_min_5"; -"246 clamp_min_5" -> "247 expand_as_5"; -"247 expand_as_5" -> "248 div_5"; -"248 div_5" -> "249 transpose_4"; -"249 transpose_4" -> "250 matmul_4"; -"250 matmul_4" -> "254 mul_5"; -"251 _param_constant44" -> "252 clamp_2"; -"252 clamp_2" -> "253 exp_2"; -"253 exp_2" -> "254 mul_5"; -"254 mul_5" -> "255 add_7"; -"255 add_7" -> "256 softmax_2"; -"256 softmax_2" -> "257 dropout_8"; -"257 dropout_8" -> "258 matmul_5"; -"258 matmul_5" -> "259 transpose_5"; -"259 transpose_5" -> "260 reshape_11"; -"260 reshape_11" -> "264 linear_16"; -"261 _param_constant46" -> "264 linear_16"; -"262 linear_16_updated_constant0" -> "263 symmetric_weights_decompressor_linear_16_updated_constant0_0"; -"263 symmetric_weights_decompressor_linear_16_updated_constant0_0" -> "264 linear_16"; -"264 linear_16" -> "265 dropout_9"; -"265 dropout_9" -> "266 view_14"; -"266 view_14" -> "267 permute_13"; -"267 permute_13" -> "268 reshape_12"; -"268 reshape_12" -> "269 slice_38"; -"269 slice_38" -> "270 slice_39"; -"270 slice_39" -> "271 slice_40"; -"271 slice_40" -> "272 slice_41"; -"272 slice_41" -> "273 contiguous_3"; -"273 contiguous_3" -> "276 layer_norm_6"; -"274 _param_constant47" -> "276 layer_norm_6"; -"275 _param_constant48" -> "276 layer_norm_6"; -"276 layer_norm_6" -> "277 add_8"; -"277 add_8" -> "281 linear_17"; -"277 add_8" -> "292 add_9"; -"278 _param_constant50" -> "281 linear_17"; -"279 linear_17_updated_constant0" -> "280 symmetric_weights_decompressor_linear_17_updated_constant0_0"; -"280 symmetric_weights_decompressor_linear_17_updated_constant0_0" -> "281 linear_17"; -"281 linear_17" -> "282 gelu_2"; -"282 gelu_2" -> "283 dropout_10"; -"283 dropout_10" -> "287 linear_18"; -"284 _param_constant52" -> "287 linear_18"; -"285 linear_18_updated_constant0" -> "286 symmetric_weights_decompressor_linear_18_updated_constant0_0"; -"286 symmetric_weights_decompressor_linear_18_updated_constant0_0" -> "287 linear_18"; -"287 linear_18" -> "288 dropout_11"; -"288 dropout_11" -> "291 layer_norm_7"; -"289 _param_constant53" -> "291 layer_norm_7"; -"290 _param_constant54" -> "291 layer_norm_7"; -"291 layer_norm_7" -> "292 add_9"; -"292 add_9" -> "311 pad_4"; -"292 add_9" -> "379 add_12"; -"293 _tensor_constant15" -> "297 linear_19"; -"294 _param_constant56" -> "297 linear_19"; -"295 linear_19_updated_constant0" -> "296 symmetric_weights_decompressor_linear_19_updated_constant0_0"; -"296 symmetric_weights_decompressor_linear_19_updated_constant0_0" -> "297 linear_19"; -"297 linear_19" -> "298 relu__3"; -"298 relu__3" -> "301 linear_20"; -"299 linear_20_updated_constant0" -> "300 symmetric_weights_decompressor_linear_20_updated_constant0_0"; -"300 symmetric_weights_decompressor_linear_20_updated_constant0_0" -> "301 linear_20"; -"301 linear_20" -> "302 view_15"; -"302 view_15" -> "304 index_3"; -"303 _tensor_constant16" -> "304 index_3"; -"304 index_3" -> "305 view_16"; -"305 view_16" -> "306 permute_14"; -"306 permute_14" -> "307 contiguous_4"; -"307 contiguous_4" -> "308 unsqueeze_7"; -"308 unsqueeze_7" -> "309 sigmoid_3"; -"309 sigmoid_3" -> "310 mul_6"; -"310 mul_6" -> "340 add_10"; -"311 pad_4" -> "312 roll_2"; -"312 roll_2" -> "313 view_17"; -"313 view_17" -> "314 permute_15"; -"314 permute_15" -> "315 reshape_13"; -"315 reshape_13" -> "320 linear_21"; -"315 reshape_13" -> "341 new_zeros_1"; -"316 _param_constant58" -> "317 clone_3"; -"317 clone_3" -> "320 linear_21"; -"318 linear_21_updated_constant0" -> "319 symmetric_weights_decompressor_linear_21_updated_constant0_0"; -"319 symmetric_weights_decompressor_linear_21_updated_constant0_0" -> "320 linear_21"; -"320 linear_21" -> "321 reshape_14"; -"321 reshape_14" -> "322 permute_16"; -"322 permute_16" -> "323 select_9"; -"322 permute_16" -> "324 select_10"; -"322 permute_16" -> "325 select_11"; -"323 select_9" -> "326 linalg_vector_norm_6"; -"323 select_9" -> "328 expand_as_6"; -"323 select_9" -> "329 div_6"; -"324 select_10" -> "330 linalg_vector_norm_7"; -"324 select_10" -> "332 expand_as_7"; -"324 select_10" -> "333 div_7"; -"325 select_11" -> "359 matmul_7"; -"326 linalg_vector_norm_6" -> "327 clamp_min_6"; -"327 clamp_min_6" -> "328 expand_as_6"; -"328 expand_as_6" -> "329 div_6"; -"329 div_6" -> "335 matmul_6"; -"330 linalg_vector_norm_7" -> "331 clamp_min_7"; -"331 clamp_min_7" -> "332 expand_as_7"; -"332 expand_as_7" -> "333 div_7"; -"333 div_7" -> "334 transpose_6"; -"334 transpose_6" -> "335 matmul_6"; -"335 matmul_6" -> "339 mul_7"; -"336 _param_constant60" -> "337 clamp_3"; -"337 clamp_3" -> "338 exp_3"; -"338 exp_3" -> "339 mul_7"; -"339 mul_7" -> "340 add_10"; -"340 add_10" -> "352 view_19"; -"341 new_zeros_1" -> "342 view_18"; -"342 view_18" -> "343 permute_17"; -"343 permute_17" -> "344 reshape_15"; -"344 reshape_15" -> "345 unsqueeze_8"; -"344 reshape_15" -> "346 unsqueeze_9"; -"345 unsqueeze_8" -> "347 sub_1"; -"346 unsqueeze_9" -> "347 sub_1"; -"347 sub_1" -> "348 ne_1"; -"347 sub_1" -> "349 masked_fill_2"; -"347 sub_1" -> "350 eq_1"; -"348 ne_1" -> "349 masked_fill_2"; -"349 masked_fill_2" -> "351 masked_fill_3"; -"350 eq_1" -> "351 masked_fill_3"; -"351 masked_fill_3" -> "353 unsqueeze_10"; -"352 view_19" -> "355 add_11"; -"353 unsqueeze_10" -> "354 unsqueeze_11"; -"354 unsqueeze_11" -> "355 add_11"; -"355 add_11" -> "356 view_20"; -"356 view_20" -> "357 softmax_3"; -"357 softmax_3" -> "358 dropout_12"; -"358 dropout_12" -> "359 matmul_7"; -"359 matmul_7" -> "360 transpose_7"; -"360 transpose_7" -> "361 reshape_16"; -"361 reshape_16" -> "365 linear_22"; -"362 _param_constant62" -> "365 linear_22"; -"363 linear_22_updated_constant0" -> "364 symmetric_weights_decompressor_linear_22_updated_constant0_0"; -"364 symmetric_weights_decompressor_linear_22_updated_constant0_0" -> "365 linear_22"; -"365 linear_22" -> "366 dropout_13"; -"366 dropout_13" -> "367 view_21"; -"367 view_21" -> "368 permute_18"; -"368 permute_18" -> "369 reshape_17"; -"369 reshape_17" -> "370 roll_3"; -"370 roll_3" -> "371 slice_61"; -"371 slice_61" -> "372 slice_62"; -"372 slice_62" -> "373 slice_63"; -"373 slice_63" -> "374 slice_64"; -"374 slice_64" -> "375 contiguous_5"; -"375 contiguous_5" -> "378 layer_norm_8"; -"376 _param_constant63" -> "378 layer_norm_8"; -"377 _param_constant64" -> "378 layer_norm_8"; -"378 layer_norm_8" -> "379 add_12"; -"379 add_12" -> "383 linear_23"; -"379 add_12" -> "394 add_13"; -"380 _param_constant66" -> "383 linear_23"; -"381 linear_23_updated_constant0" -> "382 symmetric_weights_decompressor_linear_23_updated_constant0_0"; -"382 symmetric_weights_decompressor_linear_23_updated_constant0_0" -> "383 linear_23"; -"383 linear_23" -> "384 gelu_3"; -"384 gelu_3" -> "385 dropout_14"; -"385 dropout_14" -> "389 linear_24"; -"386 _param_constant68" -> "389 linear_24"; -"387 linear_24_updated_constant0" -> "388 symmetric_weights_decompressor_linear_24_updated_constant0_0"; -"388 symmetric_weights_decompressor_linear_24_updated_constant0_0" -> "389 linear_24"; -"389 linear_24" -> "390 dropout_15"; -"390 dropout_15" -> "393 layer_norm_9"; -"391 _param_constant69" -> "393 layer_norm_9"; -"392 _param_constant70" -> "393 layer_norm_9"; -"393 layer_norm_9" -> "394 add_13"; -"394 add_13" -> "395 pad_5"; -"395 pad_5" -> "396 slice_65"; -"395 pad_5" -> "399 slice_68"; -"395 pad_5" -> "402 slice_71"; -"395 pad_5" -> "405 slice_74"; -"396 slice_65" -> "397 slice_66"; -"397 slice_66" -> "398 slice_67"; -"398 slice_67" -> "408 cat_1"; -"399 slice_68" -> "400 slice_69"; -"400 slice_69" -> "401 slice_70"; -"401 slice_70" -> "408 cat_1"; -"402 slice_71" -> "403 slice_72"; -"403 slice_72" -> "404 slice_73"; -"404 slice_73" -> "408 cat_1"; -"405 slice_74" -> "406 slice_75"; -"406 slice_75" -> "407 slice_76"; -"407 slice_76" -> "408 cat_1"; -"408 cat_1" -> "411 linear_25"; -"409 linear_25_updated_constant0" -> "410 symmetric_weights_decompressor_linear_25_updated_constant0_0"; -"410 symmetric_weights_decompressor_linear_25_updated_constant0_0" -> "411 linear_25"; -"411 linear_25" -> "414 layer_norm_10"; -"412 _param_constant72" -> "414 layer_norm_10"; -"413 _param_constant73" -> "414 layer_norm_10"; -"414 layer_norm_10" -> "433 pad_6"; -"414 layer_norm_10" -> "483 add_15"; -"415 _tensor_constant26" -> "419 linear_26"; -"416 _param_constant75" -> "419 linear_26"; -"417 linear_26_updated_constant0" -> "418 symmetric_weights_decompressor_linear_26_updated_constant0_0"; -"418 symmetric_weights_decompressor_linear_26_updated_constant0_0" -> "419 linear_26"; -"419 linear_26" -> "420 relu__4"; -"420 relu__4" -> "423 linear_27"; -"421 linear_27_updated_constant0" -> "422 symmetric_weights_decompressor_linear_27_updated_constant0_0"; -"422 symmetric_weights_decompressor_linear_27_updated_constant0_0" -> "423 linear_27"; -"423 linear_27" -> "424 view_22"; -"424 view_22" -> "426 index_4"; -"425 _tensor_constant27" -> "426 index_4"; -"426 index_4" -> "427 view_23"; -"427 view_23" -> "428 permute_19"; -"428 permute_19" -> "429 contiguous_6"; -"429 contiguous_6" -> "430 unsqueeze_12"; -"430 unsqueeze_12" -> "431 sigmoid_4"; -"431 sigmoid_4" -> "432 mul_8"; -"432 mul_8" -> "461 add_14"; -"433 pad_6" -> "434 view_24"; -"434 view_24" -> "435 permute_20"; -"435 permute_20" -> "436 reshape_18"; -"436 reshape_18" -> "441 linear_28"; -"437 _param_constant77" -> "438 clone_4"; -"438 clone_4" -> "441 linear_28"; -"439 linear_28_updated_constant0" -> "440 symmetric_weights_decompressor_linear_28_updated_constant0_0"; -"440 symmetric_weights_decompressor_linear_28_updated_constant0_0" -> "441 linear_28"; -"441 linear_28" -> "442 reshape_19"; -"442 reshape_19" -> "443 permute_21"; -"443 permute_21" -> "444 select_12"; -"443 permute_21" -> "445 select_13"; -"443 permute_21" -> "446 select_14"; -"444 select_12" -> "447 linalg_vector_norm_8"; -"444 select_12" -> "449 expand_as_8"; -"444 select_12" -> "450 div_8"; -"445 select_13" -> "451 linalg_vector_norm_9"; -"445 select_13" -> "453 expand_as_9"; -"445 select_13" -> "454 div_9"; -"446 select_14" -> "464 matmul_9"; -"447 linalg_vector_norm_8" -> "448 clamp_min_8"; -"448 clamp_min_8" -> "449 expand_as_8"; -"449 expand_as_8" -> "450 div_8"; -"450 div_8" -> "456 matmul_8"; -"451 linalg_vector_norm_9" -> "452 clamp_min_9"; -"452 clamp_min_9" -> "453 expand_as_9"; -"453 expand_as_9" -> "454 div_9"; -"454 div_9" -> "455 transpose_8"; -"455 transpose_8" -> "456 matmul_8"; -"456 matmul_8" -> "460 mul_9"; -"457 _param_constant79" -> "458 clamp_4"; -"458 clamp_4" -> "459 exp_4"; -"459 exp_4" -> "460 mul_9"; -"460 mul_9" -> "461 add_14"; -"461 add_14" -> "462 softmax_4"; -"462 softmax_4" -> "463 dropout_16"; -"463 dropout_16" -> "464 matmul_9"; -"464 matmul_9" -> "465 transpose_9"; -"465 transpose_9" -> "466 reshape_20"; -"466 reshape_20" -> "470 linear_29"; -"467 _param_constant81" -> "470 linear_29"; -"468 linear_29_updated_constant0" -> "469 symmetric_weights_decompressor_linear_29_updated_constant0_0"; -"469 symmetric_weights_decompressor_linear_29_updated_constant0_0" -> "470 linear_29"; -"470 linear_29" -> "471 dropout_17"; -"471 dropout_17" -> "472 view_25"; -"472 view_25" -> "473 permute_22"; -"473 permute_22" -> "474 reshape_21"; -"474 reshape_21" -> "475 slice_78"; -"475 slice_78" -> "476 slice_79"; -"476 slice_79" -> "477 slice_80"; -"477 slice_80" -> "478 slice_81"; -"478 slice_81" -> "479 contiguous_7"; -"479 contiguous_7" -> "482 layer_norm_11"; -"480 _param_constant82" -> "482 layer_norm_11"; -"481 _param_constant83" -> "482 layer_norm_11"; -"482 layer_norm_11" -> "483 add_15"; -"483 add_15" -> "487 linear_30"; -"483 add_15" -> "498 add_16"; -"484 _param_constant85" -> "487 linear_30"; -"485 linear_30_updated_constant0" -> "486 symmetric_weights_decompressor_linear_30_updated_constant0_0"; -"486 symmetric_weights_decompressor_linear_30_updated_constant0_0" -> "487 linear_30"; -"487 linear_30" -> "488 gelu_4"; -"488 gelu_4" -> "489 dropout_18"; -"489 dropout_18" -> "493 linear_31"; -"490 _param_constant87" -> "493 linear_31"; -"491 linear_31_updated_constant0" -> "492 symmetric_weights_decompressor_linear_31_updated_constant0_0"; -"492 symmetric_weights_decompressor_linear_31_updated_constant0_0" -> "493 linear_31"; -"493 linear_31" -> "494 dropout_19"; -"494 dropout_19" -> "497 layer_norm_12"; -"495 _param_constant88" -> "497 layer_norm_12"; -"496 _param_constant89" -> "497 layer_norm_12"; -"497 layer_norm_12" -> "498 add_16"; -"498 add_16" -> "517 pad_7"; -"498 add_16" -> "585 add_19"; -"499 _tensor_constant28" -> "503 linear_32"; -"500 _param_constant91" -> "503 linear_32"; -"501 linear_32_updated_constant0" -> "502 symmetric_weights_decompressor_linear_32_updated_constant0_0"; -"502 symmetric_weights_decompressor_linear_32_updated_constant0_0" -> "503 linear_32"; -"503 linear_32" -> "504 relu__5"; -"504 relu__5" -> "507 linear_33"; -"505 linear_33_updated_constant0" -> "506 symmetric_weights_decompressor_linear_33_updated_constant0_0"; -"506 symmetric_weights_decompressor_linear_33_updated_constant0_0" -> "507 linear_33"; -"507 linear_33" -> "508 view_26"; -"508 view_26" -> "510 index_5"; -"509 _tensor_constant29" -> "510 index_5"; -"510 index_5" -> "511 view_27"; -"511 view_27" -> "512 permute_23"; -"512 permute_23" -> "513 contiguous_8"; -"513 contiguous_8" -> "514 unsqueeze_13"; -"514 unsqueeze_13" -> "515 sigmoid_5"; -"515 sigmoid_5" -> "516 mul_10"; -"516 mul_10" -> "546 add_17"; -"517 pad_7" -> "518 roll_4"; -"518 roll_4" -> "519 view_28"; -"519 view_28" -> "520 permute_24"; -"520 permute_24" -> "521 reshape_22"; -"521 reshape_22" -> "526 linear_34"; -"521 reshape_22" -> "547 new_zeros_2"; -"522 _param_constant93" -> "523 clone_5"; -"523 clone_5" -> "526 linear_34"; -"524 linear_34_updated_constant0" -> "525 symmetric_weights_decompressor_linear_34_updated_constant0_0"; -"525 symmetric_weights_decompressor_linear_34_updated_constant0_0" -> "526 linear_34"; -"526 linear_34" -> "527 reshape_23"; -"527 reshape_23" -> "528 permute_25"; -"528 permute_25" -> "529 select_15"; -"528 permute_25" -> "530 select_16"; -"528 permute_25" -> "531 select_17"; -"529 select_15" -> "532 linalg_vector_norm_10"; -"529 select_15" -> "534 expand_as_10"; -"529 select_15" -> "535 div_10"; -"530 select_16" -> "536 linalg_vector_norm_11"; -"530 select_16" -> "538 expand_as_11"; -"530 select_16" -> "539 div_11"; -"531 select_17" -> "565 matmul_11"; -"532 linalg_vector_norm_10" -> "533 clamp_min_10"; -"533 clamp_min_10" -> "534 expand_as_10"; -"534 expand_as_10" -> "535 div_10"; -"535 div_10" -> "541 matmul_10"; -"536 linalg_vector_norm_11" -> "537 clamp_min_11"; -"537 clamp_min_11" -> "538 expand_as_11"; -"538 expand_as_11" -> "539 div_11"; -"539 div_11" -> "540 transpose_10"; -"540 transpose_10" -> "541 matmul_10"; -"541 matmul_10" -> "545 mul_11"; -"542 _param_constant95" -> "543 clamp_5"; -"543 clamp_5" -> "544 exp_5"; -"544 exp_5" -> "545 mul_11"; -"545 mul_11" -> "546 add_17"; -"546 add_17" -> "558 view_30"; -"547 new_zeros_2" -> "548 view_29"; -"548 view_29" -> "549 permute_26"; -"549 permute_26" -> "550 reshape_24"; -"550 reshape_24" -> "551 unsqueeze_14"; -"550 reshape_24" -> "552 unsqueeze_15"; -"551 unsqueeze_14" -> "553 sub_2"; -"552 unsqueeze_15" -> "553 sub_2"; -"553 sub_2" -> "554 ne_2"; -"553 sub_2" -> "555 masked_fill_4"; -"553 sub_2" -> "556 eq_2"; -"554 ne_2" -> "555 masked_fill_4"; -"555 masked_fill_4" -> "557 masked_fill_5"; -"556 eq_2" -> "557 masked_fill_5"; -"557 masked_fill_5" -> "559 unsqueeze_16"; -"558 view_30" -> "561 add_18"; -"559 unsqueeze_16" -> "560 unsqueeze_17"; -"560 unsqueeze_17" -> "561 add_18"; -"561 add_18" -> "562 view_31"; -"562 view_31" -> "563 softmax_5"; -"563 softmax_5" -> "564 dropout_20"; -"564 dropout_20" -> "565 matmul_11"; -"565 matmul_11" -> "566 transpose_11"; -"566 transpose_11" -> "567 reshape_25"; -"567 reshape_25" -> "571 linear_35"; -"568 _param_constant97" -> "571 linear_35"; -"569 linear_35_updated_constant0" -> "570 symmetric_weights_decompressor_linear_35_updated_constant0_0"; -"570 symmetric_weights_decompressor_linear_35_updated_constant0_0" -> "571 linear_35"; -"571 linear_35" -> "572 dropout_21"; -"572 dropout_21" -> "573 view_32"; -"573 view_32" -> "574 permute_27"; -"574 permute_27" -> "575 reshape_26"; -"575 reshape_26" -> "576 roll_5"; -"576 roll_5" -> "577 slice_101"; -"577 slice_101" -> "578 slice_102"; -"578 slice_102" -> "579 slice_103"; -"579 slice_103" -> "580 slice_104"; -"580 slice_104" -> "581 contiguous_9"; -"581 contiguous_9" -> "584 layer_norm_13"; -"582 _param_constant98" -> "584 layer_norm_13"; -"583 _param_constant99" -> "584 layer_norm_13"; -"584 layer_norm_13" -> "585 add_19"; -"585 add_19" -> "589 linear_36"; -"585 add_19" -> "600 add_20"; -"586 _param_constant101" -> "589 linear_36"; -"587 linear_36_updated_constant0" -> "588 symmetric_weights_decompressor_linear_36_updated_constant0_0"; -"588 symmetric_weights_decompressor_linear_36_updated_constant0_0" -> "589 linear_36"; -"589 linear_36" -> "590 gelu_5"; -"590 gelu_5" -> "591 dropout_22"; -"591 dropout_22" -> "595 linear_37"; -"592 _param_constant103" -> "595 linear_37"; -"593 linear_37_updated_constant0" -> "594 symmetric_weights_decompressor_linear_37_updated_constant0_0"; -"594 symmetric_weights_decompressor_linear_37_updated_constant0_0" -> "595 linear_37"; -"595 linear_37" -> "596 dropout_23"; -"596 dropout_23" -> "599 layer_norm_14"; -"597 _param_constant104" -> "599 layer_norm_14"; -"598 _param_constant105" -> "599 layer_norm_14"; -"599 layer_norm_14" -> "600 add_20"; -"600 add_20" -> "619 pad_8"; -"600 add_20" -> "669 add_22"; -"601 _tensor_constant39" -> "605 linear_38"; -"602 _param_constant107" -> "605 linear_38"; -"603 linear_38_updated_constant0" -> "604 symmetric_weights_decompressor_linear_38_updated_constant0_0"; -"604 symmetric_weights_decompressor_linear_38_updated_constant0_0" -> "605 linear_38"; -"605 linear_38" -> "606 relu__6"; -"606 relu__6" -> "609 linear_39"; -"607 linear_39_updated_constant0" -> "608 symmetric_weights_decompressor_linear_39_updated_constant0_0"; -"608 symmetric_weights_decompressor_linear_39_updated_constant0_0" -> "609 linear_39"; -"609 linear_39" -> "610 view_33"; -"610 view_33" -> "612 index_6"; -"611 _tensor_constant40" -> "612 index_6"; -"612 index_6" -> "613 view_34"; -"613 view_34" -> "614 permute_28"; -"614 permute_28" -> "615 contiguous_10"; -"615 contiguous_10" -> "616 unsqueeze_18"; -"616 unsqueeze_18" -> "617 sigmoid_6"; -"617 sigmoid_6" -> "618 mul_12"; -"618 mul_12" -> "647 add_21"; -"619 pad_8" -> "620 view_35"; -"620 view_35" -> "621 permute_29"; -"621 permute_29" -> "622 reshape_27"; -"622 reshape_27" -> "627 linear_40"; -"623 _param_constant109" -> "624 clone_6"; -"624 clone_6" -> "627 linear_40"; -"625 linear_40_updated_constant0" -> "626 symmetric_weights_decompressor_linear_40_updated_constant0_0"; -"626 symmetric_weights_decompressor_linear_40_updated_constant0_0" -> "627 linear_40"; -"627 linear_40" -> "628 reshape_28"; -"628 reshape_28" -> "629 permute_30"; -"629 permute_30" -> "630 select_18"; -"629 permute_30" -> "631 select_19"; -"629 permute_30" -> "632 select_20"; -"630 select_18" -> "633 linalg_vector_norm_12"; -"630 select_18" -> "635 expand_as_12"; -"630 select_18" -> "636 div_12"; -"631 select_19" -> "637 linalg_vector_norm_13"; -"631 select_19" -> "639 expand_as_13"; -"631 select_19" -> "640 div_13"; -"632 select_20" -> "650 matmul_13"; -"633 linalg_vector_norm_12" -> "634 clamp_min_12"; -"634 clamp_min_12" -> "635 expand_as_12"; -"635 expand_as_12" -> "636 div_12"; -"636 div_12" -> "642 matmul_12"; -"637 linalg_vector_norm_13" -> "638 clamp_min_13"; -"638 clamp_min_13" -> "639 expand_as_13"; -"639 expand_as_13" -> "640 div_13"; -"640 div_13" -> "641 transpose_12"; -"641 transpose_12" -> "642 matmul_12"; -"642 matmul_12" -> "646 mul_13"; -"643 _param_constant111" -> "644 clamp_6"; -"644 clamp_6" -> "645 exp_6"; -"645 exp_6" -> "646 mul_13"; -"646 mul_13" -> "647 add_21"; -"647 add_21" -> "648 softmax_6"; -"648 softmax_6" -> "649 dropout_24"; -"649 dropout_24" -> "650 matmul_13"; -"650 matmul_13" -> "651 transpose_13"; -"651 transpose_13" -> "652 reshape_29"; -"652 reshape_29" -> "656 linear_41"; -"653 _param_constant113" -> "656 linear_41"; -"654 linear_41_updated_constant0" -> "655 symmetric_weights_decompressor_linear_41_updated_constant0_0"; -"655 symmetric_weights_decompressor_linear_41_updated_constant0_0" -> "656 linear_41"; -"656 linear_41" -> "657 dropout_25"; -"657 dropout_25" -> "658 view_36"; -"658 view_36" -> "659 permute_31"; -"659 permute_31" -> "660 reshape_30"; -"660 reshape_30" -> "661 slice_106"; -"661 slice_106" -> "662 slice_107"; -"662 slice_107" -> "663 slice_108"; -"663 slice_108" -> "664 slice_109"; -"664 slice_109" -> "665 contiguous_11"; -"665 contiguous_11" -> "668 layer_norm_15"; -"666 _param_constant114" -> "668 layer_norm_15"; -"667 _param_constant115" -> "668 layer_norm_15"; -"668 layer_norm_15" -> "669 add_22"; -"669 add_22" -> "673 linear_42"; -"669 add_22" -> "684 add_23"; -"670 _param_constant117" -> "673 linear_42"; -"671 linear_42_updated_constant0" -> "672 symmetric_weights_decompressor_linear_42_updated_constant0_0"; -"672 symmetric_weights_decompressor_linear_42_updated_constant0_0" -> "673 linear_42"; -"673 linear_42" -> "674 gelu_6"; -"674 gelu_6" -> "675 dropout_26"; -"675 dropout_26" -> "679 linear_43"; -"676 _param_constant119" -> "679 linear_43"; -"677 linear_43_updated_constant0" -> "678 symmetric_weights_decompressor_linear_43_updated_constant0_0"; -"678 symmetric_weights_decompressor_linear_43_updated_constant0_0" -> "679 linear_43"; -"679 linear_43" -> "680 dropout_27"; -"680 dropout_27" -> "683 layer_norm_16"; -"681 _param_constant120" -> "683 layer_norm_16"; -"682 _param_constant121" -> "683 layer_norm_16"; -"683 layer_norm_16" -> "684 add_23"; -"684 add_23" -> "703 pad_9"; -"684 add_23" -> "771 add_26"; -"685 _tensor_constant41" -> "689 linear_44"; -"686 _param_constant123" -> "689 linear_44"; -"687 linear_44_updated_constant0" -> "688 symmetric_weights_decompressor_linear_44_updated_constant0_0"; -"688 symmetric_weights_decompressor_linear_44_updated_constant0_0" -> "689 linear_44"; -"689 linear_44" -> "690 relu__7"; -"690 relu__7" -> "693 linear_45"; -"691 linear_45_updated_constant0" -> "692 symmetric_weights_decompressor_linear_45_updated_constant0_0"; -"692 symmetric_weights_decompressor_linear_45_updated_constant0_0" -> "693 linear_45"; -"693 linear_45" -> "694 view_37"; -"694 view_37" -> "696 index_7"; -"695 _tensor_constant42" -> "696 index_7"; -"696 index_7" -> "697 view_38"; -"697 view_38" -> "698 permute_32"; -"698 permute_32" -> "699 contiguous_12"; -"699 contiguous_12" -> "700 unsqueeze_19"; -"700 unsqueeze_19" -> "701 sigmoid_7"; -"701 sigmoid_7" -> "702 mul_14"; -"702 mul_14" -> "732 add_24"; -"703 pad_9" -> "704 roll_6"; -"704 roll_6" -> "705 view_39"; -"705 view_39" -> "706 permute_33"; -"706 permute_33" -> "707 reshape_31"; -"707 reshape_31" -> "712 linear_46"; -"707 reshape_31" -> "733 new_zeros_3"; -"708 _param_constant125" -> "709 clone_7"; -"709 clone_7" -> "712 linear_46"; -"710 linear_46_updated_constant0" -> "711 symmetric_weights_decompressor_linear_46_updated_constant0_0"; -"711 symmetric_weights_decompressor_linear_46_updated_constant0_0" -> "712 linear_46"; -"712 linear_46" -> "713 reshape_32"; -"713 reshape_32" -> "714 permute_34"; -"714 permute_34" -> "715 select_21"; -"714 permute_34" -> "716 select_22"; -"714 permute_34" -> "717 select_23"; -"715 select_21" -> "718 linalg_vector_norm_14"; -"715 select_21" -> "720 expand_as_14"; -"715 select_21" -> "721 div_14"; -"716 select_22" -> "722 linalg_vector_norm_15"; -"716 select_22" -> "724 expand_as_15"; -"716 select_22" -> "725 div_15"; -"717 select_23" -> "751 matmul_15"; -"718 linalg_vector_norm_14" -> "719 clamp_min_14"; -"719 clamp_min_14" -> "720 expand_as_14"; -"720 expand_as_14" -> "721 div_14"; -"721 div_14" -> "727 matmul_14"; -"722 linalg_vector_norm_15" -> "723 clamp_min_15"; -"723 clamp_min_15" -> "724 expand_as_15"; -"724 expand_as_15" -> "725 div_15"; -"725 div_15" -> "726 transpose_14"; -"726 transpose_14" -> "727 matmul_14"; -"727 matmul_14" -> "731 mul_15"; -"728 _param_constant127" -> "729 clamp_7"; -"729 clamp_7" -> "730 exp_7"; -"730 exp_7" -> "731 mul_15"; -"731 mul_15" -> "732 add_24"; -"732 add_24" -> "744 view_41"; -"733 new_zeros_3" -> "734 view_40"; -"734 view_40" -> "735 permute_35"; -"735 permute_35" -> "736 reshape_33"; -"736 reshape_33" -> "737 unsqueeze_20"; -"736 reshape_33" -> "738 unsqueeze_21"; -"737 unsqueeze_20" -> "739 sub_3"; -"738 unsqueeze_21" -> "739 sub_3"; -"739 sub_3" -> "740 ne_3"; -"739 sub_3" -> "741 masked_fill_6"; -"739 sub_3" -> "742 eq_3"; -"740 ne_3" -> "741 masked_fill_6"; -"741 masked_fill_6" -> "743 masked_fill_7"; -"742 eq_3" -> "743 masked_fill_7"; -"743 masked_fill_7" -> "745 unsqueeze_22"; -"744 view_41" -> "747 add_25"; -"745 unsqueeze_22" -> "746 unsqueeze_23"; -"746 unsqueeze_23" -> "747 add_25"; -"747 add_25" -> "748 view_42"; -"748 view_42" -> "749 softmax_7"; -"749 softmax_7" -> "750 dropout_28"; -"750 dropout_28" -> "751 matmul_15"; -"751 matmul_15" -> "752 transpose_15"; -"752 transpose_15" -> "753 reshape_34"; -"753 reshape_34" -> "757 linear_47"; -"754 _param_constant129" -> "757 linear_47"; -"755 linear_47_updated_constant0" -> "756 symmetric_weights_decompressor_linear_47_updated_constant0_0"; -"756 symmetric_weights_decompressor_linear_47_updated_constant0_0" -> "757 linear_47"; -"757 linear_47" -> "758 dropout_29"; -"758 dropout_29" -> "759 view_43"; -"759 view_43" -> "760 permute_36"; -"760 permute_36" -> "761 reshape_35"; -"761 reshape_35" -> "762 roll_7"; -"762 roll_7" -> "763 slice_129"; -"763 slice_129" -> "764 slice_130"; -"764 slice_130" -> "765 slice_131"; -"765 slice_131" -> "766 slice_132"; -"766 slice_132" -> "767 contiguous_13"; -"767 contiguous_13" -> "770 layer_norm_17"; -"768 _param_constant130" -> "770 layer_norm_17"; -"769 _param_constant131" -> "770 layer_norm_17"; -"770 layer_norm_17" -> "771 add_26"; -"771 add_26" -> "775 linear_48"; -"771 add_26" -> "786 add_27"; -"772 _param_constant133" -> "775 linear_48"; -"773 linear_48_updated_constant0" -> "774 symmetric_weights_decompressor_linear_48_updated_constant0_0"; -"774 symmetric_weights_decompressor_linear_48_updated_constant0_0" -> "775 linear_48"; -"775 linear_48" -> "776 gelu_7"; -"776 gelu_7" -> "777 dropout_30"; -"777 dropout_30" -> "781 linear_49"; -"778 _param_constant135" -> "781 linear_49"; -"779 linear_49_updated_constant0" -> "780 symmetric_weights_decompressor_linear_49_updated_constant0_0"; -"780 symmetric_weights_decompressor_linear_49_updated_constant0_0" -> "781 linear_49"; -"781 linear_49" -> "782 dropout_31"; -"782 dropout_31" -> "785 layer_norm_18"; -"783 _param_constant136" -> "785 layer_norm_18"; -"784 _param_constant137" -> "785 layer_norm_18"; -"785 layer_norm_18" -> "786 add_27"; -"786 add_27" -> "805 pad_10"; -"786 add_27" -> "855 add_29"; -"787 _tensor_constant52" -> "791 linear_50"; -"788 _param_constant139" -> "791 linear_50"; -"789 linear_50_updated_constant0" -> "790 symmetric_weights_decompressor_linear_50_updated_constant0_0"; -"790 symmetric_weights_decompressor_linear_50_updated_constant0_0" -> "791 linear_50"; -"791 linear_50" -> "792 relu__8"; -"792 relu__8" -> "795 linear_51"; -"793 linear_51_updated_constant0" -> "794 symmetric_weights_decompressor_linear_51_updated_constant0_0"; -"794 symmetric_weights_decompressor_linear_51_updated_constant0_0" -> "795 linear_51"; -"795 linear_51" -> "796 view_44"; -"796 view_44" -> "798 index_8"; -"797 _tensor_constant53" -> "798 index_8"; -"798 index_8" -> "799 view_45"; -"799 view_45" -> "800 permute_37"; -"800 permute_37" -> "801 contiguous_14"; -"801 contiguous_14" -> "802 unsqueeze_24"; -"802 unsqueeze_24" -> "803 sigmoid_8"; -"803 sigmoid_8" -> "804 mul_16"; -"804 mul_16" -> "833 add_28"; -"805 pad_10" -> "806 view_46"; -"806 view_46" -> "807 permute_38"; -"807 permute_38" -> "808 reshape_36"; -"808 reshape_36" -> "813 linear_52"; -"809 _param_constant141" -> "810 clone_8"; -"810 clone_8" -> "813 linear_52"; -"811 linear_52_updated_constant0" -> "812 symmetric_weights_decompressor_linear_52_updated_constant0_0"; -"812 symmetric_weights_decompressor_linear_52_updated_constant0_0" -> "813 linear_52"; -"813 linear_52" -> "814 reshape_37"; -"814 reshape_37" -> "815 permute_39"; -"815 permute_39" -> "816 select_24"; -"815 permute_39" -> "817 select_25"; -"815 permute_39" -> "818 select_26"; -"816 select_24" -> "819 linalg_vector_norm_16"; -"816 select_24" -> "821 expand_as_16"; -"816 select_24" -> "822 div_16"; -"817 select_25" -> "823 linalg_vector_norm_17"; -"817 select_25" -> "825 expand_as_17"; -"817 select_25" -> "826 div_17"; -"818 select_26" -> "836 matmul_17"; -"819 linalg_vector_norm_16" -> "820 clamp_min_16"; -"820 clamp_min_16" -> "821 expand_as_16"; -"821 expand_as_16" -> "822 div_16"; -"822 div_16" -> "828 matmul_16"; -"823 linalg_vector_norm_17" -> "824 clamp_min_17"; -"824 clamp_min_17" -> "825 expand_as_17"; -"825 expand_as_17" -> "826 div_17"; -"826 div_17" -> "827 transpose_16"; -"827 transpose_16" -> "828 matmul_16"; -"828 matmul_16" -> "832 mul_17"; -"829 _param_constant143" -> "830 clamp_8"; -"830 clamp_8" -> "831 exp_8"; -"831 exp_8" -> "832 mul_17"; -"832 mul_17" -> "833 add_28"; -"833 add_28" -> "834 softmax_8"; -"834 softmax_8" -> "835 dropout_32"; -"835 dropout_32" -> "836 matmul_17"; -"836 matmul_17" -> "837 transpose_17"; -"837 transpose_17" -> "838 reshape_38"; -"838 reshape_38" -> "842 linear_53"; -"839 _param_constant145" -> "842 linear_53"; -"840 linear_53_updated_constant0" -> "841 symmetric_weights_decompressor_linear_53_updated_constant0_0"; -"841 symmetric_weights_decompressor_linear_53_updated_constant0_0" -> "842 linear_53"; -"842 linear_53" -> "843 dropout_33"; -"843 dropout_33" -> "844 view_47"; -"844 view_47" -> "845 permute_40"; -"845 permute_40" -> "846 reshape_39"; -"846 reshape_39" -> "847 slice_134"; -"847 slice_134" -> "848 slice_135"; -"848 slice_135" -> "849 slice_136"; -"849 slice_136" -> "850 slice_137"; -"850 slice_137" -> "851 contiguous_15"; -"851 contiguous_15" -> "854 layer_norm_19"; -"852 _param_constant146" -> "854 layer_norm_19"; -"853 _param_constant147" -> "854 layer_norm_19"; -"854 layer_norm_19" -> "855 add_29"; -"855 add_29" -> "859 linear_54"; -"855 add_29" -> "870 add_30"; -"856 _param_constant149" -> "859 linear_54"; -"857 linear_54_updated_constant0" -> "858 symmetric_weights_decompressor_linear_54_updated_constant0_0"; -"858 symmetric_weights_decompressor_linear_54_updated_constant0_0" -> "859 linear_54"; -"859 linear_54" -> "860 gelu_8"; -"860 gelu_8" -> "861 dropout_34"; -"861 dropout_34" -> "865 linear_55"; -"862 _param_constant151" -> "865 linear_55"; -"863 linear_55_updated_constant0" -> "864 symmetric_weights_decompressor_linear_55_updated_constant0_0"; -"864 symmetric_weights_decompressor_linear_55_updated_constant0_0" -> "865 linear_55"; -"865 linear_55" -> "866 dropout_35"; -"866 dropout_35" -> "869 layer_norm_20"; -"867 _param_constant152" -> "869 layer_norm_20"; -"868 _param_constant153" -> "869 layer_norm_20"; -"869 layer_norm_20" -> "870 add_30"; -"870 add_30" -> "889 pad_11"; -"870 add_30" -> "957 add_33"; -"871 _tensor_constant54" -> "875 linear_56"; -"872 _param_constant155" -> "875 linear_56"; -"873 linear_56_updated_constant0" -> "874 symmetric_weights_decompressor_linear_56_updated_constant0_0"; -"874 symmetric_weights_decompressor_linear_56_updated_constant0_0" -> "875 linear_56"; -"875 linear_56" -> "876 relu__9"; -"876 relu__9" -> "879 linear_57"; -"877 linear_57_updated_constant0" -> "878 symmetric_weights_decompressor_linear_57_updated_constant0_0"; -"878 symmetric_weights_decompressor_linear_57_updated_constant0_0" -> "879 linear_57"; -"879 linear_57" -> "880 view_48"; -"880 view_48" -> "882 index_9"; -"881 _tensor_constant55" -> "882 index_9"; -"882 index_9" -> "883 view_49"; -"883 view_49" -> "884 permute_41"; -"884 permute_41" -> "885 contiguous_16"; -"885 contiguous_16" -> "886 unsqueeze_25"; -"886 unsqueeze_25" -> "887 sigmoid_9"; -"887 sigmoid_9" -> "888 mul_18"; -"888 mul_18" -> "918 add_31"; -"889 pad_11" -> "890 roll_8"; -"890 roll_8" -> "891 view_50"; -"891 view_50" -> "892 permute_42"; -"892 permute_42" -> "893 reshape_40"; -"893 reshape_40" -> "898 linear_58"; -"893 reshape_40" -> "919 new_zeros_4"; -"894 _param_constant157" -> "895 clone_9"; -"895 clone_9" -> "898 linear_58"; -"896 linear_58_updated_constant0" -> "897 symmetric_weights_decompressor_linear_58_updated_constant0_0"; -"897 symmetric_weights_decompressor_linear_58_updated_constant0_0" -> "898 linear_58"; -"898 linear_58" -> "899 reshape_41"; -"899 reshape_41" -> "900 permute_43"; -"900 permute_43" -> "901 select_27"; -"900 permute_43" -> "902 select_28"; -"900 permute_43" -> "903 select_29"; -"901 select_27" -> "904 linalg_vector_norm_18"; -"901 select_27" -> "906 expand_as_18"; -"901 select_27" -> "907 div_18"; -"902 select_28" -> "908 linalg_vector_norm_19"; -"902 select_28" -> "910 expand_as_19"; -"902 select_28" -> "911 div_19"; -"903 select_29" -> "937 matmul_19"; -"904 linalg_vector_norm_18" -> "905 clamp_min_18"; -"905 clamp_min_18" -> "906 expand_as_18"; -"906 expand_as_18" -> "907 div_18"; -"907 div_18" -> "913 matmul_18"; -"908 linalg_vector_norm_19" -> "909 clamp_min_19"; -"909 clamp_min_19" -> "910 expand_as_19"; -"910 expand_as_19" -> "911 div_19"; -"911 div_19" -> "912 transpose_18"; -"912 transpose_18" -> "913 matmul_18"; -"913 matmul_18" -> "917 mul_19"; -"914 _param_constant159" -> "915 clamp_9"; -"915 clamp_9" -> "916 exp_9"; -"916 exp_9" -> "917 mul_19"; -"917 mul_19" -> "918 add_31"; -"918 add_31" -> "930 view_52"; -"919 new_zeros_4" -> "920 view_51"; -"920 view_51" -> "921 permute_44"; -"921 permute_44" -> "922 reshape_42"; -"922 reshape_42" -> "923 unsqueeze_26"; -"922 reshape_42" -> "924 unsqueeze_27"; -"923 unsqueeze_26" -> "925 sub_4"; -"924 unsqueeze_27" -> "925 sub_4"; -"925 sub_4" -> "926 ne_4"; -"925 sub_4" -> "927 masked_fill_8"; -"925 sub_4" -> "928 eq_4"; -"926 ne_4" -> "927 masked_fill_8"; -"927 masked_fill_8" -> "929 masked_fill_9"; -"928 eq_4" -> "929 masked_fill_9"; -"929 masked_fill_9" -> "931 unsqueeze_28"; -"930 view_52" -> "933 add_32"; -"931 unsqueeze_28" -> "932 unsqueeze_29"; -"932 unsqueeze_29" -> "933 add_32"; -"933 add_32" -> "934 view_53"; -"934 view_53" -> "935 softmax_9"; -"935 softmax_9" -> "936 dropout_36"; -"936 dropout_36" -> "937 matmul_19"; -"937 matmul_19" -> "938 transpose_19"; -"938 transpose_19" -> "939 reshape_43"; -"939 reshape_43" -> "943 linear_59"; -"940 _param_constant161" -> "943 linear_59"; -"941 linear_59_updated_constant0" -> "942 symmetric_weights_decompressor_linear_59_updated_constant0_0"; -"942 symmetric_weights_decompressor_linear_59_updated_constant0_0" -> "943 linear_59"; -"943 linear_59" -> "944 dropout_37"; -"944 dropout_37" -> "945 view_54"; -"945 view_54" -> "946 permute_45"; -"946 permute_45" -> "947 reshape_44"; -"947 reshape_44" -> "948 roll_9"; -"948 roll_9" -> "949 slice_157"; -"949 slice_157" -> "950 slice_158"; -"950 slice_158" -> "951 slice_159"; -"951 slice_159" -> "952 slice_160"; -"952 slice_160" -> "953 contiguous_17"; -"953 contiguous_17" -> "956 layer_norm_21"; -"954 _param_constant162" -> "956 layer_norm_21"; -"955 _param_constant163" -> "956 layer_norm_21"; -"956 layer_norm_21" -> "957 add_33"; -"957 add_33" -> "961 linear_60"; -"957 add_33" -> "972 add_34"; -"958 _param_constant165" -> "961 linear_60"; -"959 linear_60_updated_constant0" -> "960 symmetric_weights_decompressor_linear_60_updated_constant0_0"; -"960 symmetric_weights_decompressor_linear_60_updated_constant0_0" -> "961 linear_60"; -"961 linear_60" -> "962 gelu_9"; -"962 gelu_9" -> "963 dropout_38"; -"963 dropout_38" -> "967 linear_61"; -"964 _param_constant167" -> "967 linear_61"; -"965 linear_61_updated_constant0" -> "966 symmetric_weights_decompressor_linear_61_updated_constant0_0"; -"966 symmetric_weights_decompressor_linear_61_updated_constant0_0" -> "967 linear_61"; -"967 linear_61" -> "968 dropout_39"; -"968 dropout_39" -> "971 layer_norm_22"; -"969 _param_constant168" -> "971 layer_norm_22"; -"970 _param_constant169" -> "971 layer_norm_22"; -"971 layer_norm_22" -> "972 add_34"; -"972 add_34" -> "991 pad_12"; -"972 add_34" -> "1041 add_36"; -"973 _tensor_constant65" -> "977 linear_62"; -"974 _param_constant171" -> "977 linear_62"; -"975 linear_62_updated_constant0" -> "976 symmetric_weights_decompressor_linear_62_updated_constant0_0"; -"976 symmetric_weights_decompressor_linear_62_updated_constant0_0" -> "977 linear_62"; -"977 linear_62" -> "978 relu__10"; -"978 relu__10" -> "981 linear_63"; -"979 linear_63_updated_constant0" -> "980 symmetric_weights_decompressor_linear_63_updated_constant0_0"; -"980 symmetric_weights_decompressor_linear_63_updated_constant0_0" -> "981 linear_63"; -"981 linear_63" -> "982 view_55"; -"982 view_55" -> "984 index_10"; -"983 _tensor_constant66" -> "984 index_10"; -"984 index_10" -> "985 view_56"; -"985 view_56" -> "986 permute_46"; -"986 permute_46" -> "987 contiguous_18"; -"987 contiguous_18" -> "988 unsqueeze_30"; -"988 unsqueeze_30" -> "989 sigmoid_10"; -"989 sigmoid_10" -> "990 mul_20"; -"990 mul_20" -> "1019 add_35"; -"991 pad_12" -> "992 view_57"; -"992 view_57" -> "993 permute_47"; -"993 permute_47" -> "994 reshape_45"; -"994 reshape_45" -> "999 linear_64"; -"995 _param_constant173" -> "996 clone_10"; -"996 clone_10" -> "999 linear_64"; -"997 linear_64_updated_constant0" -> "998 symmetric_weights_decompressor_linear_64_updated_constant0_0"; -"998 symmetric_weights_decompressor_linear_64_updated_constant0_0" -> "999 linear_64"; -"999 linear_64" -> "1000 reshape_46"; -"1000 reshape_46" -> "1001 permute_48"; -"1001 permute_48" -> "1002 select_30"; -"1001 permute_48" -> "1003 select_31"; -"1001 permute_48" -> "1004 select_32"; -"1002 select_30" -> "1005 linalg_vector_norm_20"; -"1002 select_30" -> "1007 expand_as_20"; -"1002 select_30" -> "1008 div_20"; -"1003 select_31" -> "1009 linalg_vector_norm_21"; -"1003 select_31" -> "1011 expand_as_21"; -"1003 select_31" -> "1012 div_21"; -"1004 select_32" -> "1022 matmul_21"; -"1005 linalg_vector_norm_20" -> "1006 clamp_min_20"; -"1006 clamp_min_20" -> "1007 expand_as_20"; -"1007 expand_as_20" -> "1008 div_20"; -"1008 div_20" -> "1014 matmul_20"; -"1009 linalg_vector_norm_21" -> "1010 clamp_min_21"; -"1010 clamp_min_21" -> "1011 expand_as_21"; -"1011 expand_as_21" -> "1012 div_21"; -"1012 div_21" -> "1013 transpose_20"; -"1013 transpose_20" -> "1014 matmul_20"; -"1014 matmul_20" -> "1018 mul_21"; -"1015 _param_constant175" -> "1016 clamp_10"; -"1016 clamp_10" -> "1017 exp_10"; -"1017 exp_10" -> "1018 mul_21"; -"1018 mul_21" -> "1019 add_35"; -"1019 add_35" -> "1020 softmax_10"; -"1020 softmax_10" -> "1021 dropout_40"; -"1021 dropout_40" -> "1022 matmul_21"; -"1022 matmul_21" -> "1023 transpose_21"; -"1023 transpose_21" -> "1024 reshape_47"; -"1024 reshape_47" -> "1028 linear_65"; -"1025 _param_constant177" -> "1028 linear_65"; -"1026 linear_65_updated_constant0" -> "1027 symmetric_weights_decompressor_linear_65_updated_constant0_0"; -"1027 symmetric_weights_decompressor_linear_65_updated_constant0_0" -> "1028 linear_65"; -"1028 linear_65" -> "1029 dropout_41"; -"1029 dropout_41" -> "1030 view_58"; -"1030 view_58" -> "1031 permute_49"; -"1031 permute_49" -> "1032 reshape_48"; -"1032 reshape_48" -> "1033 slice_162"; -"1033 slice_162" -> "1034 slice_163"; -"1034 slice_163" -> "1035 slice_164"; -"1035 slice_164" -> "1036 slice_165"; -"1036 slice_165" -> "1037 contiguous_19"; -"1037 contiguous_19" -> "1040 layer_norm_23"; -"1038 _param_constant178" -> "1040 layer_norm_23"; -"1039 _param_constant179" -> "1040 layer_norm_23"; -"1040 layer_norm_23" -> "1041 add_36"; -"1041 add_36" -> "1045 linear_66"; -"1041 add_36" -> "1056 add_37"; -"1042 _param_constant181" -> "1045 linear_66"; -"1043 linear_66_updated_constant0" -> "1044 symmetric_weights_decompressor_linear_66_updated_constant0_0"; -"1044 symmetric_weights_decompressor_linear_66_updated_constant0_0" -> "1045 linear_66"; -"1045 linear_66" -> "1046 gelu_10"; -"1046 gelu_10" -> "1047 dropout_42"; -"1047 dropout_42" -> "1051 linear_67"; -"1048 _param_constant183" -> "1051 linear_67"; -"1049 linear_67_updated_constant0" -> "1050 symmetric_weights_decompressor_linear_67_updated_constant0_0"; -"1050 symmetric_weights_decompressor_linear_67_updated_constant0_0" -> "1051 linear_67"; -"1051 linear_67" -> "1052 dropout_43"; -"1052 dropout_43" -> "1055 layer_norm_24"; -"1053 _param_constant184" -> "1055 layer_norm_24"; -"1054 _param_constant185" -> "1055 layer_norm_24"; -"1055 layer_norm_24" -> "1056 add_37"; -"1056 add_37" -> "1075 pad_13"; -"1056 add_37" -> "1143 add_40"; -"1057 _tensor_constant67" -> "1061 linear_68"; -"1058 _param_constant187" -> "1061 linear_68"; -"1059 linear_68_updated_constant0" -> "1060 symmetric_weights_decompressor_linear_68_updated_constant0_0"; -"1060 symmetric_weights_decompressor_linear_68_updated_constant0_0" -> "1061 linear_68"; -"1061 linear_68" -> "1062 relu__11"; -"1062 relu__11" -> "1065 linear_69"; -"1063 linear_69_updated_constant0" -> "1064 symmetric_weights_decompressor_linear_69_updated_constant0_0"; -"1064 symmetric_weights_decompressor_linear_69_updated_constant0_0" -> "1065 linear_69"; -"1065 linear_69" -> "1066 view_59"; -"1066 view_59" -> "1068 index_11"; -"1067 _tensor_constant68" -> "1068 index_11"; -"1068 index_11" -> "1069 view_60"; -"1069 view_60" -> "1070 permute_50"; -"1070 permute_50" -> "1071 contiguous_20"; -"1071 contiguous_20" -> "1072 unsqueeze_31"; -"1072 unsqueeze_31" -> "1073 sigmoid_11"; -"1073 sigmoid_11" -> "1074 mul_22"; -"1074 mul_22" -> "1104 add_38"; -"1075 pad_13" -> "1076 roll_10"; -"1076 roll_10" -> "1077 view_61"; -"1077 view_61" -> "1078 permute_51"; -"1078 permute_51" -> "1079 reshape_49"; -"1079 reshape_49" -> "1084 linear_70"; -"1079 reshape_49" -> "1105 new_zeros_5"; -"1080 _param_constant189" -> "1081 clone_11"; -"1081 clone_11" -> "1084 linear_70"; -"1082 linear_70_updated_constant0" -> "1083 symmetric_weights_decompressor_linear_70_updated_constant0_0"; -"1083 symmetric_weights_decompressor_linear_70_updated_constant0_0" -> "1084 linear_70"; -"1084 linear_70" -> "1085 reshape_50"; -"1085 reshape_50" -> "1086 permute_52"; -"1086 permute_52" -> "1087 select_33"; -"1086 permute_52" -> "1088 select_34"; -"1086 permute_52" -> "1089 select_35"; -"1087 select_33" -> "1090 linalg_vector_norm_22"; -"1087 select_33" -> "1092 expand_as_22"; -"1087 select_33" -> "1093 div_22"; -"1088 select_34" -> "1094 linalg_vector_norm_23"; -"1088 select_34" -> "1096 expand_as_23"; -"1088 select_34" -> "1097 div_23"; -"1089 select_35" -> "1123 matmul_23"; -"1090 linalg_vector_norm_22" -> "1091 clamp_min_22"; -"1091 clamp_min_22" -> "1092 expand_as_22"; -"1092 expand_as_22" -> "1093 div_22"; -"1093 div_22" -> "1099 matmul_22"; -"1094 linalg_vector_norm_23" -> "1095 clamp_min_23"; -"1095 clamp_min_23" -> "1096 expand_as_23"; -"1096 expand_as_23" -> "1097 div_23"; -"1097 div_23" -> "1098 transpose_22"; -"1098 transpose_22" -> "1099 matmul_22"; -"1099 matmul_22" -> "1103 mul_23"; -"1100 _param_constant191" -> "1101 clamp_11"; -"1101 clamp_11" -> "1102 exp_11"; -"1102 exp_11" -> "1103 mul_23"; -"1103 mul_23" -> "1104 add_38"; -"1104 add_38" -> "1116 view_63"; -"1105 new_zeros_5" -> "1106 view_62"; -"1106 view_62" -> "1107 permute_53"; -"1107 permute_53" -> "1108 reshape_51"; -"1108 reshape_51" -> "1109 unsqueeze_32"; -"1108 reshape_51" -> "1110 unsqueeze_33"; -"1109 unsqueeze_32" -> "1111 sub_5"; -"1110 unsqueeze_33" -> "1111 sub_5"; -"1111 sub_5" -> "1112 ne_5"; -"1111 sub_5" -> "1113 masked_fill_10"; -"1111 sub_5" -> "1114 eq_5"; -"1112 ne_5" -> "1113 masked_fill_10"; -"1113 masked_fill_10" -> "1115 masked_fill_11"; -"1114 eq_5" -> "1115 masked_fill_11"; -"1115 masked_fill_11" -> "1117 unsqueeze_34"; -"1116 view_63" -> "1119 add_39"; -"1117 unsqueeze_34" -> "1118 unsqueeze_35"; -"1118 unsqueeze_35" -> "1119 add_39"; -"1119 add_39" -> "1120 view_64"; -"1120 view_64" -> "1121 softmax_11"; -"1121 softmax_11" -> "1122 dropout_44"; -"1122 dropout_44" -> "1123 matmul_23"; -"1123 matmul_23" -> "1124 transpose_23"; -"1124 transpose_23" -> "1125 reshape_52"; -"1125 reshape_52" -> "1129 linear_71"; -"1126 _param_constant193" -> "1129 linear_71"; -"1127 linear_71_updated_constant0" -> "1128 symmetric_weights_decompressor_linear_71_updated_constant0_0"; -"1128 symmetric_weights_decompressor_linear_71_updated_constant0_0" -> "1129 linear_71"; -"1129 linear_71" -> "1130 dropout_45"; -"1130 dropout_45" -> "1131 view_65"; -"1131 view_65" -> "1132 permute_54"; -"1132 permute_54" -> "1133 reshape_53"; -"1133 reshape_53" -> "1134 roll_11"; -"1134 roll_11" -> "1135 slice_185"; -"1135 slice_185" -> "1136 slice_186"; -"1136 slice_186" -> "1137 slice_187"; -"1137 slice_187" -> "1138 slice_188"; -"1138 slice_188" -> "1139 contiguous_21"; -"1139 contiguous_21" -> "1142 layer_norm_25"; -"1140 _param_constant194" -> "1142 layer_norm_25"; -"1141 _param_constant195" -> "1142 layer_norm_25"; -"1142 layer_norm_25" -> "1143 add_40"; -"1143 add_40" -> "1147 linear_72"; -"1143 add_40" -> "1158 add_41"; -"1144 _param_constant197" -> "1147 linear_72"; -"1145 linear_72_updated_constant0" -> "1146 symmetric_weights_decompressor_linear_72_updated_constant0_0"; -"1146 symmetric_weights_decompressor_linear_72_updated_constant0_0" -> "1147 linear_72"; -"1147 linear_72" -> "1148 gelu_11"; -"1148 gelu_11" -> "1149 dropout_46"; -"1149 dropout_46" -> "1153 linear_73"; -"1150 _param_constant199" -> "1153 linear_73"; -"1151 linear_73_updated_constant0" -> "1152 symmetric_weights_decompressor_linear_73_updated_constant0_0"; -"1152 symmetric_weights_decompressor_linear_73_updated_constant0_0" -> "1153 linear_73"; -"1153 linear_73" -> "1154 dropout_47"; -"1154 dropout_47" -> "1157 layer_norm_26"; -"1155 _param_constant200" -> "1157 layer_norm_26"; -"1156 _param_constant201" -> "1157 layer_norm_26"; -"1157 layer_norm_26" -> "1158 add_41"; -"1158 add_41" -> "1177 pad_14"; -"1158 add_41" -> "1227 add_43"; -"1159 _tensor_constant78" -> "1163 linear_74"; -"1160 _param_constant203" -> "1163 linear_74"; -"1161 linear_74_updated_constant0" -> "1162 symmetric_weights_decompressor_linear_74_updated_constant0_0"; -"1162 symmetric_weights_decompressor_linear_74_updated_constant0_0" -> "1163 linear_74"; -"1163 linear_74" -> "1164 relu__12"; -"1164 relu__12" -> "1167 linear_75"; -"1165 linear_75_updated_constant0" -> "1166 symmetric_weights_decompressor_linear_75_updated_constant0_0"; -"1166 symmetric_weights_decompressor_linear_75_updated_constant0_0" -> "1167 linear_75"; -"1167 linear_75" -> "1168 view_66"; -"1168 view_66" -> "1170 index_12"; -"1169 _tensor_constant79" -> "1170 index_12"; -"1170 index_12" -> "1171 view_67"; -"1171 view_67" -> "1172 permute_55"; -"1172 permute_55" -> "1173 contiguous_22"; -"1173 contiguous_22" -> "1174 unsqueeze_36"; -"1174 unsqueeze_36" -> "1175 sigmoid_12"; -"1175 sigmoid_12" -> "1176 mul_24"; -"1176 mul_24" -> "1205 add_42"; -"1177 pad_14" -> "1178 view_68"; -"1178 view_68" -> "1179 permute_56"; -"1179 permute_56" -> "1180 reshape_54"; -"1180 reshape_54" -> "1185 linear_76"; -"1181 _param_constant205" -> "1182 clone_12"; -"1182 clone_12" -> "1185 linear_76"; -"1183 linear_76_updated_constant0" -> "1184 symmetric_weights_decompressor_linear_76_updated_constant0_0"; -"1184 symmetric_weights_decompressor_linear_76_updated_constant0_0" -> "1185 linear_76"; -"1185 linear_76" -> "1186 reshape_55"; -"1186 reshape_55" -> "1187 permute_57"; -"1187 permute_57" -> "1188 select_36"; -"1187 permute_57" -> "1189 select_37"; -"1187 permute_57" -> "1190 select_38"; -"1188 select_36" -> "1191 linalg_vector_norm_24"; -"1188 select_36" -> "1193 expand_as_24"; -"1188 select_36" -> "1194 div_24"; -"1189 select_37" -> "1195 linalg_vector_norm_25"; -"1189 select_37" -> "1197 expand_as_25"; -"1189 select_37" -> "1198 div_25"; -"1190 select_38" -> "1208 matmul_25"; -"1191 linalg_vector_norm_24" -> "1192 clamp_min_24"; -"1192 clamp_min_24" -> "1193 expand_as_24"; -"1193 expand_as_24" -> "1194 div_24"; -"1194 div_24" -> "1200 matmul_24"; -"1195 linalg_vector_norm_25" -> "1196 clamp_min_25"; -"1196 clamp_min_25" -> "1197 expand_as_25"; -"1197 expand_as_25" -> "1198 div_25"; -"1198 div_25" -> "1199 transpose_24"; -"1199 transpose_24" -> "1200 matmul_24"; -"1200 matmul_24" -> "1204 mul_25"; -"1201 _param_constant207" -> "1202 clamp_12"; -"1202 clamp_12" -> "1203 exp_12"; -"1203 exp_12" -> "1204 mul_25"; -"1204 mul_25" -> "1205 add_42"; -"1205 add_42" -> "1206 softmax_12"; -"1206 softmax_12" -> "1207 dropout_48"; -"1207 dropout_48" -> "1208 matmul_25"; -"1208 matmul_25" -> "1209 transpose_25"; -"1209 transpose_25" -> "1210 reshape_56"; -"1210 reshape_56" -> "1214 linear_77"; -"1211 _param_constant209" -> "1214 linear_77"; -"1212 linear_77_updated_constant0" -> "1213 symmetric_weights_decompressor_linear_77_updated_constant0_0"; -"1213 symmetric_weights_decompressor_linear_77_updated_constant0_0" -> "1214 linear_77"; -"1214 linear_77" -> "1215 dropout_49"; -"1215 dropout_49" -> "1216 view_69"; -"1216 view_69" -> "1217 permute_58"; -"1217 permute_58" -> "1218 reshape_57"; -"1218 reshape_57" -> "1219 slice_190"; -"1219 slice_190" -> "1220 slice_191"; -"1220 slice_191" -> "1221 slice_192"; -"1221 slice_192" -> "1222 slice_193"; -"1222 slice_193" -> "1223 contiguous_23"; -"1223 contiguous_23" -> "1226 layer_norm_27"; -"1224 _param_constant210" -> "1226 layer_norm_27"; -"1225 _param_constant211" -> "1226 layer_norm_27"; -"1226 layer_norm_27" -> "1227 add_43"; -"1227 add_43" -> "1231 linear_78"; -"1227 add_43" -> "1242 add_44"; -"1228 _param_constant213" -> "1231 linear_78"; -"1229 linear_78_updated_constant0" -> "1230 symmetric_weights_decompressor_linear_78_updated_constant0_0"; -"1230 symmetric_weights_decompressor_linear_78_updated_constant0_0" -> "1231 linear_78"; -"1231 linear_78" -> "1232 gelu_12"; -"1232 gelu_12" -> "1233 dropout_50"; -"1233 dropout_50" -> "1237 linear_79"; -"1234 _param_constant215" -> "1237 linear_79"; -"1235 linear_79_updated_constant0" -> "1236 symmetric_weights_decompressor_linear_79_updated_constant0_0"; -"1236 symmetric_weights_decompressor_linear_79_updated_constant0_0" -> "1237 linear_79"; -"1237 linear_79" -> "1238 dropout_51"; -"1238 dropout_51" -> "1241 layer_norm_28"; -"1239 _param_constant216" -> "1241 layer_norm_28"; -"1240 _param_constant217" -> "1241 layer_norm_28"; -"1241 layer_norm_28" -> "1242 add_44"; -"1242 add_44" -> "1261 pad_15"; -"1242 add_44" -> "1329 add_47"; -"1243 _tensor_constant80" -> "1247 linear_80"; -"1244 _param_constant219" -> "1247 linear_80"; -"1245 linear_80_updated_constant0" -> "1246 symmetric_weights_decompressor_linear_80_updated_constant0_0"; -"1246 symmetric_weights_decompressor_linear_80_updated_constant0_0" -> "1247 linear_80"; -"1247 linear_80" -> "1248 relu__13"; -"1248 relu__13" -> "1251 linear_81"; -"1249 linear_81_updated_constant0" -> "1250 symmetric_weights_decompressor_linear_81_updated_constant0_0"; -"1250 symmetric_weights_decompressor_linear_81_updated_constant0_0" -> "1251 linear_81"; -"1251 linear_81" -> "1252 view_70"; -"1252 view_70" -> "1254 index_13"; -"1253 _tensor_constant81" -> "1254 index_13"; -"1254 index_13" -> "1255 view_71"; -"1255 view_71" -> "1256 permute_59"; -"1256 permute_59" -> "1257 contiguous_24"; -"1257 contiguous_24" -> "1258 unsqueeze_37"; -"1258 unsqueeze_37" -> "1259 sigmoid_13"; -"1259 sigmoid_13" -> "1260 mul_26"; -"1260 mul_26" -> "1290 add_45"; -"1261 pad_15" -> "1262 roll_12"; -"1262 roll_12" -> "1263 view_72"; -"1263 view_72" -> "1264 permute_60"; -"1264 permute_60" -> "1265 reshape_58"; -"1265 reshape_58" -> "1270 linear_82"; -"1265 reshape_58" -> "1291 new_zeros_6"; -"1266 _param_constant221" -> "1267 clone_13"; -"1267 clone_13" -> "1270 linear_82"; -"1268 linear_82_updated_constant0" -> "1269 symmetric_weights_decompressor_linear_82_updated_constant0_0"; -"1269 symmetric_weights_decompressor_linear_82_updated_constant0_0" -> "1270 linear_82"; -"1270 linear_82" -> "1271 reshape_59"; -"1271 reshape_59" -> "1272 permute_61"; -"1272 permute_61" -> "1273 select_39"; -"1272 permute_61" -> "1274 select_40"; -"1272 permute_61" -> "1275 select_41"; -"1273 select_39" -> "1276 linalg_vector_norm_26"; -"1273 select_39" -> "1278 expand_as_26"; -"1273 select_39" -> "1279 div_26"; -"1274 select_40" -> "1280 linalg_vector_norm_27"; -"1274 select_40" -> "1282 expand_as_27"; -"1274 select_40" -> "1283 div_27"; -"1275 select_41" -> "1309 matmul_27"; -"1276 linalg_vector_norm_26" -> "1277 clamp_min_26"; -"1277 clamp_min_26" -> "1278 expand_as_26"; -"1278 expand_as_26" -> "1279 div_26"; -"1279 div_26" -> "1285 matmul_26"; -"1280 linalg_vector_norm_27" -> "1281 clamp_min_27"; -"1281 clamp_min_27" -> "1282 expand_as_27"; -"1282 expand_as_27" -> "1283 div_27"; -"1283 div_27" -> "1284 transpose_26"; -"1284 transpose_26" -> "1285 matmul_26"; -"1285 matmul_26" -> "1289 mul_27"; -"1286 _param_constant223" -> "1287 clamp_13"; -"1287 clamp_13" -> "1288 exp_13"; -"1288 exp_13" -> "1289 mul_27"; -"1289 mul_27" -> "1290 add_45"; -"1290 add_45" -> "1302 view_74"; -"1291 new_zeros_6" -> "1292 view_73"; -"1292 view_73" -> "1293 permute_62"; -"1293 permute_62" -> "1294 reshape_60"; -"1294 reshape_60" -> "1295 unsqueeze_38"; -"1294 reshape_60" -> "1296 unsqueeze_39"; -"1295 unsqueeze_38" -> "1297 sub_6"; -"1296 unsqueeze_39" -> "1297 sub_6"; -"1297 sub_6" -> "1298 ne_6"; -"1297 sub_6" -> "1299 masked_fill_12"; -"1297 sub_6" -> "1300 eq_6"; -"1298 ne_6" -> "1299 masked_fill_12"; -"1299 masked_fill_12" -> "1301 masked_fill_13"; -"1300 eq_6" -> "1301 masked_fill_13"; -"1301 masked_fill_13" -> "1303 unsqueeze_40"; -"1302 view_74" -> "1305 add_46"; -"1303 unsqueeze_40" -> "1304 unsqueeze_41"; -"1304 unsqueeze_41" -> "1305 add_46"; -"1305 add_46" -> "1306 view_75"; -"1306 view_75" -> "1307 softmax_13"; -"1307 softmax_13" -> "1308 dropout_52"; -"1308 dropout_52" -> "1309 matmul_27"; -"1309 matmul_27" -> "1310 transpose_27"; -"1310 transpose_27" -> "1311 reshape_61"; -"1311 reshape_61" -> "1315 linear_83"; -"1312 _param_constant225" -> "1315 linear_83"; -"1313 linear_83_updated_constant0" -> "1314 symmetric_weights_decompressor_linear_83_updated_constant0_0"; -"1314 symmetric_weights_decompressor_linear_83_updated_constant0_0" -> "1315 linear_83"; -"1315 linear_83" -> "1316 dropout_53"; -"1316 dropout_53" -> "1317 view_76"; -"1317 view_76" -> "1318 permute_63"; -"1318 permute_63" -> "1319 reshape_62"; -"1319 reshape_62" -> "1320 roll_13"; -"1320 roll_13" -> "1321 slice_213"; -"1321 slice_213" -> "1322 slice_214"; -"1322 slice_214" -> "1323 slice_215"; -"1323 slice_215" -> "1324 slice_216"; -"1324 slice_216" -> "1325 contiguous_25"; -"1325 contiguous_25" -> "1328 layer_norm_29"; -"1326 _param_constant226" -> "1328 layer_norm_29"; -"1327 _param_constant227" -> "1328 layer_norm_29"; -"1328 layer_norm_29" -> "1329 add_47"; -"1329 add_47" -> "1333 linear_84"; -"1329 add_47" -> "1344 add_48"; -"1330 _param_constant229" -> "1333 linear_84"; -"1331 linear_84_updated_constant0" -> "1332 symmetric_weights_decompressor_linear_84_updated_constant0_0"; -"1332 symmetric_weights_decompressor_linear_84_updated_constant0_0" -> "1333 linear_84"; -"1333 linear_84" -> "1334 gelu_13"; -"1334 gelu_13" -> "1335 dropout_54"; -"1335 dropout_54" -> "1339 linear_85"; -"1336 _param_constant231" -> "1339 linear_85"; -"1337 linear_85_updated_constant0" -> "1338 symmetric_weights_decompressor_linear_85_updated_constant0_0"; -"1338 symmetric_weights_decompressor_linear_85_updated_constant0_0" -> "1339 linear_85"; -"1339 linear_85" -> "1340 dropout_55"; -"1340 dropout_55" -> "1343 layer_norm_30"; -"1341 _param_constant232" -> "1343 layer_norm_30"; -"1342 _param_constant233" -> "1343 layer_norm_30"; -"1343 layer_norm_30" -> "1344 add_48"; -"1344 add_48" -> "1363 pad_16"; -"1344 add_48" -> "1413 add_50"; -"1345 _tensor_constant91" -> "1349 linear_86"; -"1346 _param_constant235" -> "1349 linear_86"; -"1347 linear_86_updated_constant0" -> "1348 symmetric_weights_decompressor_linear_86_updated_constant0_0"; -"1348 symmetric_weights_decompressor_linear_86_updated_constant0_0" -> "1349 linear_86"; -"1349 linear_86" -> "1350 relu__14"; -"1350 relu__14" -> "1353 linear_87"; -"1351 linear_87_updated_constant0" -> "1352 symmetric_weights_decompressor_linear_87_updated_constant0_0"; -"1352 symmetric_weights_decompressor_linear_87_updated_constant0_0" -> "1353 linear_87"; -"1353 linear_87" -> "1354 view_77"; -"1354 view_77" -> "1356 index_14"; -"1355 _tensor_constant92" -> "1356 index_14"; -"1356 index_14" -> "1357 view_78"; -"1357 view_78" -> "1358 permute_64"; -"1358 permute_64" -> "1359 contiguous_26"; -"1359 contiguous_26" -> "1360 unsqueeze_42"; -"1360 unsqueeze_42" -> "1361 sigmoid_14"; -"1361 sigmoid_14" -> "1362 mul_28"; -"1362 mul_28" -> "1391 add_49"; -"1363 pad_16" -> "1364 view_79"; -"1364 view_79" -> "1365 permute_65"; -"1365 permute_65" -> "1366 reshape_63"; -"1366 reshape_63" -> "1371 linear_88"; -"1367 _param_constant237" -> "1368 clone_14"; -"1368 clone_14" -> "1371 linear_88"; -"1369 linear_88_updated_constant0" -> "1370 symmetric_weights_decompressor_linear_88_updated_constant0_0"; -"1370 symmetric_weights_decompressor_linear_88_updated_constant0_0" -> "1371 linear_88"; -"1371 linear_88" -> "1372 reshape_64"; -"1372 reshape_64" -> "1373 permute_66"; -"1373 permute_66" -> "1374 select_42"; -"1373 permute_66" -> "1375 select_43"; -"1373 permute_66" -> "1376 select_44"; -"1374 select_42" -> "1377 linalg_vector_norm_28"; -"1374 select_42" -> "1379 expand_as_28"; -"1374 select_42" -> "1380 div_28"; -"1375 select_43" -> "1381 linalg_vector_norm_29"; -"1375 select_43" -> "1383 expand_as_29"; -"1375 select_43" -> "1384 div_29"; -"1376 select_44" -> "1394 matmul_29"; -"1377 linalg_vector_norm_28" -> "1378 clamp_min_28"; -"1378 clamp_min_28" -> "1379 expand_as_28"; -"1379 expand_as_28" -> "1380 div_28"; -"1380 div_28" -> "1386 matmul_28"; -"1381 linalg_vector_norm_29" -> "1382 clamp_min_29"; -"1382 clamp_min_29" -> "1383 expand_as_29"; -"1383 expand_as_29" -> "1384 div_29"; -"1384 div_29" -> "1385 transpose_28"; -"1385 transpose_28" -> "1386 matmul_28"; -"1386 matmul_28" -> "1390 mul_29"; -"1387 _param_constant239" -> "1388 clamp_14"; -"1388 clamp_14" -> "1389 exp_14"; -"1389 exp_14" -> "1390 mul_29"; -"1390 mul_29" -> "1391 add_49"; -"1391 add_49" -> "1392 softmax_14"; -"1392 softmax_14" -> "1393 dropout_56"; -"1393 dropout_56" -> "1394 matmul_29"; -"1394 matmul_29" -> "1395 transpose_29"; -"1395 transpose_29" -> "1396 reshape_65"; -"1396 reshape_65" -> "1400 linear_89"; -"1397 _param_constant241" -> "1400 linear_89"; -"1398 linear_89_updated_constant0" -> "1399 symmetric_weights_decompressor_linear_89_updated_constant0_0"; -"1399 symmetric_weights_decompressor_linear_89_updated_constant0_0" -> "1400 linear_89"; -"1400 linear_89" -> "1401 dropout_57"; -"1401 dropout_57" -> "1402 view_80"; -"1402 view_80" -> "1403 permute_67"; -"1403 permute_67" -> "1404 reshape_66"; -"1404 reshape_66" -> "1405 slice_218"; -"1405 slice_218" -> "1406 slice_219"; -"1406 slice_219" -> "1407 slice_220"; -"1407 slice_220" -> "1408 slice_221"; -"1408 slice_221" -> "1409 contiguous_27"; -"1409 contiguous_27" -> "1412 layer_norm_31"; -"1410 _param_constant242" -> "1412 layer_norm_31"; -"1411 _param_constant243" -> "1412 layer_norm_31"; -"1412 layer_norm_31" -> "1413 add_50"; -"1413 add_50" -> "1417 linear_90"; -"1413 add_50" -> "1428 add_51"; -"1414 _param_constant245" -> "1417 linear_90"; -"1415 linear_90_updated_constant0" -> "1416 symmetric_weights_decompressor_linear_90_updated_constant0_0"; -"1416 symmetric_weights_decompressor_linear_90_updated_constant0_0" -> "1417 linear_90"; -"1417 linear_90" -> "1418 gelu_14"; -"1418 gelu_14" -> "1419 dropout_58"; -"1419 dropout_58" -> "1423 linear_91"; -"1420 _param_constant247" -> "1423 linear_91"; -"1421 linear_91_updated_constant0" -> "1422 symmetric_weights_decompressor_linear_91_updated_constant0_0"; -"1422 symmetric_weights_decompressor_linear_91_updated_constant0_0" -> "1423 linear_91"; -"1423 linear_91" -> "1424 dropout_59"; -"1424 dropout_59" -> "1427 layer_norm_32"; -"1425 _param_constant248" -> "1427 layer_norm_32"; -"1426 _param_constant249" -> "1427 layer_norm_32"; -"1427 layer_norm_32" -> "1428 add_51"; -"1428 add_51" -> "1447 pad_17"; -"1428 add_51" -> "1515 add_54"; -"1429 _tensor_constant93" -> "1433 linear_92"; -"1430 _param_constant251" -> "1433 linear_92"; -"1431 linear_92_updated_constant0" -> "1432 symmetric_weights_decompressor_linear_92_updated_constant0_0"; -"1432 symmetric_weights_decompressor_linear_92_updated_constant0_0" -> "1433 linear_92"; -"1433 linear_92" -> "1434 relu__15"; -"1434 relu__15" -> "1437 linear_93"; -"1435 linear_93_updated_constant0" -> "1436 symmetric_weights_decompressor_linear_93_updated_constant0_0"; -"1436 symmetric_weights_decompressor_linear_93_updated_constant0_0" -> "1437 linear_93"; -"1437 linear_93" -> "1438 view_81"; -"1438 view_81" -> "1440 index_15"; -"1439 _tensor_constant94" -> "1440 index_15"; -"1440 index_15" -> "1441 view_82"; -"1441 view_82" -> "1442 permute_68"; -"1442 permute_68" -> "1443 contiguous_28"; -"1443 contiguous_28" -> "1444 unsqueeze_43"; -"1444 unsqueeze_43" -> "1445 sigmoid_15"; -"1445 sigmoid_15" -> "1446 mul_30"; -"1446 mul_30" -> "1476 add_52"; -"1447 pad_17" -> "1448 roll_14"; -"1448 roll_14" -> "1449 view_83"; -"1449 view_83" -> "1450 permute_69"; -"1450 permute_69" -> "1451 reshape_67"; -"1451 reshape_67" -> "1456 linear_94"; -"1451 reshape_67" -> "1477 new_zeros_7"; -"1452 _param_constant253" -> "1453 clone_15"; -"1453 clone_15" -> "1456 linear_94"; -"1454 linear_94_updated_constant0" -> "1455 symmetric_weights_decompressor_linear_94_updated_constant0_0"; -"1455 symmetric_weights_decompressor_linear_94_updated_constant0_0" -> "1456 linear_94"; -"1456 linear_94" -> "1457 reshape_68"; -"1457 reshape_68" -> "1458 permute_70"; -"1458 permute_70" -> "1459 select_45"; -"1458 permute_70" -> "1460 select_46"; -"1458 permute_70" -> "1461 select_47"; -"1459 select_45" -> "1462 linalg_vector_norm_30"; -"1459 select_45" -> "1464 expand_as_30"; -"1459 select_45" -> "1465 div_30"; -"1460 select_46" -> "1466 linalg_vector_norm_31"; -"1460 select_46" -> "1468 expand_as_31"; -"1460 select_46" -> "1469 div_31"; -"1461 select_47" -> "1495 matmul_31"; -"1462 linalg_vector_norm_30" -> "1463 clamp_min_30"; -"1463 clamp_min_30" -> "1464 expand_as_30"; -"1464 expand_as_30" -> "1465 div_30"; -"1465 div_30" -> "1471 matmul_30"; -"1466 linalg_vector_norm_31" -> "1467 clamp_min_31"; -"1467 clamp_min_31" -> "1468 expand_as_31"; -"1468 expand_as_31" -> "1469 div_31"; -"1469 div_31" -> "1470 transpose_30"; -"1470 transpose_30" -> "1471 matmul_30"; -"1471 matmul_30" -> "1475 mul_31"; -"1472 _param_constant255" -> "1473 clamp_15"; -"1473 clamp_15" -> "1474 exp_15"; -"1474 exp_15" -> "1475 mul_31"; -"1475 mul_31" -> "1476 add_52"; -"1476 add_52" -> "1488 view_85"; -"1477 new_zeros_7" -> "1478 view_84"; -"1478 view_84" -> "1479 permute_71"; -"1479 permute_71" -> "1480 reshape_69"; -"1480 reshape_69" -> "1481 unsqueeze_44"; -"1480 reshape_69" -> "1482 unsqueeze_45"; -"1481 unsqueeze_44" -> "1483 sub_7"; -"1482 unsqueeze_45" -> "1483 sub_7"; -"1483 sub_7" -> "1484 ne_7"; -"1483 sub_7" -> "1485 masked_fill_14"; -"1483 sub_7" -> "1486 eq_7"; -"1484 ne_7" -> "1485 masked_fill_14"; -"1485 masked_fill_14" -> "1487 masked_fill_15"; -"1486 eq_7" -> "1487 masked_fill_15"; -"1487 masked_fill_15" -> "1489 unsqueeze_46"; -"1488 view_85" -> "1491 add_53"; -"1489 unsqueeze_46" -> "1490 unsqueeze_47"; -"1490 unsqueeze_47" -> "1491 add_53"; -"1491 add_53" -> "1492 view_86"; -"1492 view_86" -> "1493 softmax_15"; -"1493 softmax_15" -> "1494 dropout_60"; -"1494 dropout_60" -> "1495 matmul_31"; -"1495 matmul_31" -> "1496 transpose_31"; -"1496 transpose_31" -> "1497 reshape_70"; -"1497 reshape_70" -> "1501 linear_95"; -"1498 _param_constant257" -> "1501 linear_95"; -"1499 linear_95_updated_constant0" -> "1500 symmetric_weights_decompressor_linear_95_updated_constant0_0"; -"1500 symmetric_weights_decompressor_linear_95_updated_constant0_0" -> "1501 linear_95"; -"1501 linear_95" -> "1502 dropout_61"; -"1502 dropout_61" -> "1503 view_87"; -"1503 view_87" -> "1504 permute_72"; -"1504 permute_72" -> "1505 reshape_71"; -"1505 reshape_71" -> "1506 roll_15"; -"1506 roll_15" -> "1507 slice_241"; -"1507 slice_241" -> "1508 slice_242"; -"1508 slice_242" -> "1509 slice_243"; -"1509 slice_243" -> "1510 slice_244"; -"1510 slice_244" -> "1511 contiguous_29"; -"1511 contiguous_29" -> "1514 layer_norm_33"; -"1512 _param_constant258" -> "1514 layer_norm_33"; -"1513 _param_constant259" -> "1514 layer_norm_33"; -"1514 layer_norm_33" -> "1515 add_54"; -"1515 add_54" -> "1519 linear_96"; -"1515 add_54" -> "1530 add_55"; -"1516 _param_constant261" -> "1519 linear_96"; -"1517 linear_96_updated_constant0" -> "1518 symmetric_weights_decompressor_linear_96_updated_constant0_0"; -"1518 symmetric_weights_decompressor_linear_96_updated_constant0_0" -> "1519 linear_96"; -"1519 linear_96" -> "1520 gelu_15"; -"1520 gelu_15" -> "1521 dropout_62"; -"1521 dropout_62" -> "1525 linear_97"; -"1522 _param_constant263" -> "1525 linear_97"; -"1523 linear_97_updated_constant0" -> "1524 symmetric_weights_decompressor_linear_97_updated_constant0_0"; -"1524 symmetric_weights_decompressor_linear_97_updated_constant0_0" -> "1525 linear_97"; -"1525 linear_97" -> "1526 dropout_63"; -"1526 dropout_63" -> "1529 layer_norm_34"; -"1527 _param_constant264" -> "1529 layer_norm_34"; -"1528 _param_constant265" -> "1529 layer_norm_34"; -"1529 layer_norm_34" -> "1530 add_55"; -"1530 add_55" -> "1549 pad_18"; -"1530 add_55" -> "1599 add_57"; -"1531 _tensor_constant104" -> "1535 linear_98"; -"1532 _param_constant267" -> "1535 linear_98"; -"1533 linear_98_updated_constant0" -> "1534 symmetric_weights_decompressor_linear_98_updated_constant0_0"; -"1534 symmetric_weights_decompressor_linear_98_updated_constant0_0" -> "1535 linear_98"; -"1535 linear_98" -> "1536 relu__16"; -"1536 relu__16" -> "1539 linear_99"; -"1537 linear_99_updated_constant0" -> "1538 symmetric_weights_decompressor_linear_99_updated_constant0_0"; -"1538 symmetric_weights_decompressor_linear_99_updated_constant0_0" -> "1539 linear_99"; -"1539 linear_99" -> "1540 view_88"; -"1540 view_88" -> "1542 index_16"; -"1541 _tensor_constant105" -> "1542 index_16"; -"1542 index_16" -> "1543 view_89"; -"1543 view_89" -> "1544 permute_73"; -"1544 permute_73" -> "1545 contiguous_30"; -"1545 contiguous_30" -> "1546 unsqueeze_48"; -"1546 unsqueeze_48" -> "1547 sigmoid_16"; -"1547 sigmoid_16" -> "1548 mul_32"; -"1548 mul_32" -> "1577 add_56"; -"1549 pad_18" -> "1550 view_90"; -"1550 view_90" -> "1551 permute_74"; -"1551 permute_74" -> "1552 reshape_72"; -"1552 reshape_72" -> "1557 linear_100"; -"1553 _param_constant269" -> "1554 clone_16"; -"1554 clone_16" -> "1557 linear_100"; -"1555 linear_100_updated_constant0" -> "1556 symmetric_weights_decompressor_linear_100_updated_constant0_0"; -"1556 symmetric_weights_decompressor_linear_100_updated_constant0_0" -> "1557 linear_100"; -"1557 linear_100" -> "1558 reshape_73"; -"1558 reshape_73" -> "1559 permute_75"; -"1559 permute_75" -> "1560 select_48"; -"1559 permute_75" -> "1561 select_49"; -"1559 permute_75" -> "1562 select_50"; -"1560 select_48" -> "1563 linalg_vector_norm_32"; -"1560 select_48" -> "1565 expand_as_32"; -"1560 select_48" -> "1566 div_32"; -"1561 select_49" -> "1567 linalg_vector_norm_33"; -"1561 select_49" -> "1569 expand_as_33"; -"1561 select_49" -> "1570 div_33"; -"1562 select_50" -> "1580 matmul_33"; -"1563 linalg_vector_norm_32" -> "1564 clamp_min_32"; -"1564 clamp_min_32" -> "1565 expand_as_32"; -"1565 expand_as_32" -> "1566 div_32"; -"1566 div_32" -> "1572 matmul_32"; -"1567 linalg_vector_norm_33" -> "1568 clamp_min_33"; -"1568 clamp_min_33" -> "1569 expand_as_33"; -"1569 expand_as_33" -> "1570 div_33"; -"1570 div_33" -> "1571 transpose_32"; -"1571 transpose_32" -> "1572 matmul_32"; -"1572 matmul_32" -> "1576 mul_33"; -"1573 _param_constant271" -> "1574 clamp_16"; -"1574 clamp_16" -> "1575 exp_16"; -"1575 exp_16" -> "1576 mul_33"; -"1576 mul_33" -> "1577 add_56"; -"1577 add_56" -> "1578 softmax_16"; -"1578 softmax_16" -> "1579 dropout_64"; -"1579 dropout_64" -> "1580 matmul_33"; -"1580 matmul_33" -> "1581 transpose_33"; -"1581 transpose_33" -> "1582 reshape_74"; -"1582 reshape_74" -> "1586 linear_101"; -"1583 _param_constant273" -> "1586 linear_101"; -"1584 linear_101_updated_constant0" -> "1585 symmetric_weights_decompressor_linear_101_updated_constant0_0"; -"1585 symmetric_weights_decompressor_linear_101_updated_constant0_0" -> "1586 linear_101"; -"1586 linear_101" -> "1587 dropout_65"; -"1587 dropout_65" -> "1588 view_91"; -"1588 view_91" -> "1589 permute_76"; -"1589 permute_76" -> "1590 reshape_75"; -"1590 reshape_75" -> "1591 slice_246"; -"1591 slice_246" -> "1592 slice_247"; -"1592 slice_247" -> "1593 slice_248"; -"1593 slice_248" -> "1594 slice_249"; -"1594 slice_249" -> "1595 contiguous_31"; -"1595 contiguous_31" -> "1598 layer_norm_35"; -"1596 _param_constant274" -> "1598 layer_norm_35"; -"1597 _param_constant275" -> "1598 layer_norm_35"; -"1598 layer_norm_35" -> "1599 add_57"; -"1599 add_57" -> "1603 linear_102"; -"1599 add_57" -> "1614 add_58"; -"1600 _param_constant277" -> "1603 linear_102"; -"1601 linear_102_updated_constant0" -> "1602 symmetric_weights_decompressor_linear_102_updated_constant0_0"; -"1602 symmetric_weights_decompressor_linear_102_updated_constant0_0" -> "1603 linear_102"; -"1603 linear_102" -> "1604 gelu_16"; -"1604 gelu_16" -> "1605 dropout_66"; -"1605 dropout_66" -> "1609 linear_103"; -"1606 _param_constant279" -> "1609 linear_103"; -"1607 linear_103_updated_constant0" -> "1608 symmetric_weights_decompressor_linear_103_updated_constant0_0"; -"1608 symmetric_weights_decompressor_linear_103_updated_constant0_0" -> "1609 linear_103"; -"1609 linear_103" -> "1610 dropout_67"; -"1610 dropout_67" -> "1613 layer_norm_36"; -"1611 _param_constant280" -> "1613 layer_norm_36"; -"1612 _param_constant281" -> "1613 layer_norm_36"; -"1613 layer_norm_36" -> "1614 add_58"; -"1614 add_58" -> "1633 pad_19"; -"1614 add_58" -> "1701 add_61"; -"1615 _tensor_constant106" -> "1619 linear_104"; -"1616 _param_constant283" -> "1619 linear_104"; -"1617 linear_104_updated_constant0" -> "1618 symmetric_weights_decompressor_linear_104_updated_constant0_0"; -"1618 symmetric_weights_decompressor_linear_104_updated_constant0_0" -> "1619 linear_104"; -"1619 linear_104" -> "1620 relu__17"; -"1620 relu__17" -> "1623 linear_105"; -"1621 linear_105_updated_constant0" -> "1622 symmetric_weights_decompressor_linear_105_updated_constant0_0"; -"1622 symmetric_weights_decompressor_linear_105_updated_constant0_0" -> "1623 linear_105"; -"1623 linear_105" -> "1624 view_92"; -"1624 view_92" -> "1626 index_17"; -"1625 _tensor_constant107" -> "1626 index_17"; -"1626 index_17" -> "1627 view_93"; -"1627 view_93" -> "1628 permute_77"; -"1628 permute_77" -> "1629 contiguous_32"; -"1629 contiguous_32" -> "1630 unsqueeze_49"; -"1630 unsqueeze_49" -> "1631 sigmoid_17"; -"1631 sigmoid_17" -> "1632 mul_34"; -"1632 mul_34" -> "1662 add_59"; -"1633 pad_19" -> "1634 roll_16"; -"1634 roll_16" -> "1635 view_94"; -"1635 view_94" -> "1636 permute_78"; -"1636 permute_78" -> "1637 reshape_76"; -"1637 reshape_76" -> "1642 linear_106"; -"1637 reshape_76" -> "1663 new_zeros_8"; -"1638 _param_constant285" -> "1639 clone_17"; -"1639 clone_17" -> "1642 linear_106"; -"1640 linear_106_updated_constant0" -> "1641 symmetric_weights_decompressor_linear_106_updated_constant0_0"; -"1641 symmetric_weights_decompressor_linear_106_updated_constant0_0" -> "1642 linear_106"; -"1642 linear_106" -> "1643 reshape_77"; -"1643 reshape_77" -> "1644 permute_79"; -"1644 permute_79" -> "1645 select_51"; -"1644 permute_79" -> "1646 select_52"; -"1644 permute_79" -> "1647 select_53"; -"1645 select_51" -> "1648 linalg_vector_norm_34"; -"1645 select_51" -> "1650 expand_as_34"; -"1645 select_51" -> "1651 div_34"; -"1646 select_52" -> "1652 linalg_vector_norm_35"; -"1646 select_52" -> "1654 expand_as_35"; -"1646 select_52" -> "1655 div_35"; -"1647 select_53" -> "1681 matmul_35"; -"1648 linalg_vector_norm_34" -> "1649 clamp_min_34"; -"1649 clamp_min_34" -> "1650 expand_as_34"; -"1650 expand_as_34" -> "1651 div_34"; -"1651 div_34" -> "1657 matmul_34"; -"1652 linalg_vector_norm_35" -> "1653 clamp_min_35"; -"1653 clamp_min_35" -> "1654 expand_as_35"; -"1654 expand_as_35" -> "1655 div_35"; -"1655 div_35" -> "1656 transpose_34"; -"1656 transpose_34" -> "1657 matmul_34"; -"1657 matmul_34" -> "1661 mul_35"; -"1658 _param_constant287" -> "1659 clamp_17"; -"1659 clamp_17" -> "1660 exp_17"; -"1660 exp_17" -> "1661 mul_35"; -"1661 mul_35" -> "1662 add_59"; -"1662 add_59" -> "1674 view_96"; -"1663 new_zeros_8" -> "1664 view_95"; -"1664 view_95" -> "1665 permute_80"; -"1665 permute_80" -> "1666 reshape_78"; -"1666 reshape_78" -> "1667 unsqueeze_50"; -"1666 reshape_78" -> "1668 unsqueeze_51"; -"1667 unsqueeze_50" -> "1669 sub_8"; -"1668 unsqueeze_51" -> "1669 sub_8"; -"1669 sub_8" -> "1670 ne_8"; -"1669 sub_8" -> "1671 masked_fill_16"; -"1669 sub_8" -> "1672 eq_8"; -"1670 ne_8" -> "1671 masked_fill_16"; -"1671 masked_fill_16" -> "1673 masked_fill_17"; -"1672 eq_8" -> "1673 masked_fill_17"; -"1673 masked_fill_17" -> "1675 unsqueeze_52"; -"1674 view_96" -> "1677 add_60"; -"1675 unsqueeze_52" -> "1676 unsqueeze_53"; -"1676 unsqueeze_53" -> "1677 add_60"; -"1677 add_60" -> "1678 view_97"; -"1678 view_97" -> "1679 softmax_17"; -"1679 softmax_17" -> "1680 dropout_68"; -"1680 dropout_68" -> "1681 matmul_35"; -"1681 matmul_35" -> "1682 transpose_35"; -"1682 transpose_35" -> "1683 reshape_79"; -"1683 reshape_79" -> "1687 linear_107"; -"1684 _param_constant289" -> "1687 linear_107"; -"1685 linear_107_updated_constant0" -> "1686 symmetric_weights_decompressor_linear_107_updated_constant0_0"; -"1686 symmetric_weights_decompressor_linear_107_updated_constant0_0" -> "1687 linear_107"; -"1687 linear_107" -> "1688 dropout_69"; -"1688 dropout_69" -> "1689 view_98"; -"1689 view_98" -> "1690 permute_81"; -"1690 permute_81" -> "1691 reshape_80"; -"1691 reshape_80" -> "1692 roll_17"; -"1692 roll_17" -> "1693 slice_269"; -"1693 slice_269" -> "1694 slice_270"; -"1694 slice_270" -> "1695 slice_271"; -"1695 slice_271" -> "1696 slice_272"; -"1696 slice_272" -> "1697 contiguous_33"; -"1697 contiguous_33" -> "1700 layer_norm_37"; -"1698 _param_constant290" -> "1700 layer_norm_37"; -"1699 _param_constant291" -> "1700 layer_norm_37"; -"1700 layer_norm_37" -> "1701 add_61"; -"1701 add_61" -> "1705 linear_108"; -"1701 add_61" -> "1716 add_62"; -"1702 _param_constant293" -> "1705 linear_108"; -"1703 linear_108_updated_constant0" -> "1704 symmetric_weights_decompressor_linear_108_updated_constant0_0"; -"1704 symmetric_weights_decompressor_linear_108_updated_constant0_0" -> "1705 linear_108"; -"1705 linear_108" -> "1706 gelu_17"; -"1706 gelu_17" -> "1707 dropout_70"; -"1707 dropout_70" -> "1711 linear_109"; -"1708 _param_constant295" -> "1711 linear_109"; -"1709 linear_109_updated_constant0" -> "1710 symmetric_weights_decompressor_linear_109_updated_constant0_0"; -"1710 symmetric_weights_decompressor_linear_109_updated_constant0_0" -> "1711 linear_109"; -"1711 linear_109" -> "1712 dropout_71"; -"1712 dropout_71" -> "1715 layer_norm_38"; -"1713 _param_constant296" -> "1715 layer_norm_38"; -"1714 _param_constant297" -> "1715 layer_norm_38"; -"1715 layer_norm_38" -> "1716 add_62"; -"1716 add_62" -> "1735 pad_20"; -"1716 add_62" -> "1785 add_64"; -"1717 _tensor_constant117" -> "1721 linear_110"; -"1718 _param_constant299" -> "1721 linear_110"; -"1719 linear_110_updated_constant0" -> "1720 symmetric_weights_decompressor_linear_110_updated_constant0_0"; -"1720 symmetric_weights_decompressor_linear_110_updated_constant0_0" -> "1721 linear_110"; -"1721 linear_110" -> "1722 relu__18"; -"1722 relu__18" -> "1725 linear_111"; -"1723 linear_111_updated_constant0" -> "1724 symmetric_weights_decompressor_linear_111_updated_constant0_0"; -"1724 symmetric_weights_decompressor_linear_111_updated_constant0_0" -> "1725 linear_111"; -"1725 linear_111" -> "1726 view_99"; -"1726 view_99" -> "1728 index_18"; -"1727 _tensor_constant118" -> "1728 index_18"; -"1728 index_18" -> "1729 view_100"; -"1729 view_100" -> "1730 permute_82"; -"1730 permute_82" -> "1731 contiguous_34"; -"1731 contiguous_34" -> "1732 unsqueeze_54"; -"1732 unsqueeze_54" -> "1733 sigmoid_18"; -"1733 sigmoid_18" -> "1734 mul_36"; -"1734 mul_36" -> "1763 add_63"; -"1735 pad_20" -> "1736 view_101"; -"1736 view_101" -> "1737 permute_83"; -"1737 permute_83" -> "1738 reshape_81"; -"1738 reshape_81" -> "1743 linear_112"; -"1739 _param_constant301" -> "1740 clone_18"; -"1740 clone_18" -> "1743 linear_112"; -"1741 linear_112_updated_constant0" -> "1742 symmetric_weights_decompressor_linear_112_updated_constant0_0"; -"1742 symmetric_weights_decompressor_linear_112_updated_constant0_0" -> "1743 linear_112"; -"1743 linear_112" -> "1744 reshape_82"; -"1744 reshape_82" -> "1745 permute_84"; -"1745 permute_84" -> "1746 select_54"; -"1745 permute_84" -> "1747 select_55"; -"1745 permute_84" -> "1748 select_56"; -"1746 select_54" -> "1749 linalg_vector_norm_36"; -"1746 select_54" -> "1751 expand_as_36"; -"1746 select_54" -> "1752 div_36"; -"1747 select_55" -> "1753 linalg_vector_norm_37"; -"1747 select_55" -> "1755 expand_as_37"; -"1747 select_55" -> "1756 div_37"; -"1748 select_56" -> "1766 matmul_37"; -"1749 linalg_vector_norm_36" -> "1750 clamp_min_36"; -"1750 clamp_min_36" -> "1751 expand_as_36"; -"1751 expand_as_36" -> "1752 div_36"; -"1752 div_36" -> "1758 matmul_36"; -"1753 linalg_vector_norm_37" -> "1754 clamp_min_37"; -"1754 clamp_min_37" -> "1755 expand_as_37"; -"1755 expand_as_37" -> "1756 div_37"; -"1756 div_37" -> "1757 transpose_36"; -"1757 transpose_36" -> "1758 matmul_36"; -"1758 matmul_36" -> "1762 mul_37"; -"1759 _param_constant303" -> "1760 clamp_18"; -"1760 clamp_18" -> "1761 exp_18"; -"1761 exp_18" -> "1762 mul_37"; -"1762 mul_37" -> "1763 add_63"; -"1763 add_63" -> "1764 softmax_18"; -"1764 softmax_18" -> "1765 dropout_72"; -"1765 dropout_72" -> "1766 matmul_37"; -"1766 matmul_37" -> "1767 transpose_37"; -"1767 transpose_37" -> "1768 reshape_83"; -"1768 reshape_83" -> "1772 linear_113"; -"1769 _param_constant305" -> "1772 linear_113"; -"1770 linear_113_updated_constant0" -> "1771 symmetric_weights_decompressor_linear_113_updated_constant0_0"; -"1771 symmetric_weights_decompressor_linear_113_updated_constant0_0" -> "1772 linear_113"; -"1772 linear_113" -> "1773 dropout_73"; -"1773 dropout_73" -> "1774 view_102"; -"1774 view_102" -> "1775 permute_85"; -"1775 permute_85" -> "1776 reshape_84"; -"1776 reshape_84" -> "1777 slice_274"; -"1777 slice_274" -> "1778 slice_275"; -"1778 slice_275" -> "1779 slice_276"; -"1779 slice_276" -> "1780 slice_277"; -"1780 slice_277" -> "1781 contiguous_35"; -"1781 contiguous_35" -> "1784 layer_norm_39"; -"1782 _param_constant306" -> "1784 layer_norm_39"; -"1783 _param_constant307" -> "1784 layer_norm_39"; -"1784 layer_norm_39" -> "1785 add_64"; -"1785 add_64" -> "1789 linear_114"; -"1785 add_64" -> "1800 add_65"; -"1786 _param_constant309" -> "1789 linear_114"; -"1787 linear_114_updated_constant0" -> "1788 symmetric_weights_decompressor_linear_114_updated_constant0_0"; -"1788 symmetric_weights_decompressor_linear_114_updated_constant0_0" -> "1789 linear_114"; -"1789 linear_114" -> "1790 gelu_18"; -"1790 gelu_18" -> "1791 dropout_74"; -"1791 dropout_74" -> "1795 linear_115"; -"1792 _param_constant311" -> "1795 linear_115"; -"1793 linear_115_updated_constant0" -> "1794 symmetric_weights_decompressor_linear_115_updated_constant0_0"; -"1794 symmetric_weights_decompressor_linear_115_updated_constant0_0" -> "1795 linear_115"; -"1795 linear_115" -> "1796 dropout_75"; -"1796 dropout_75" -> "1799 layer_norm_40"; -"1797 _param_constant312" -> "1799 layer_norm_40"; -"1798 _param_constant313" -> "1799 layer_norm_40"; -"1799 layer_norm_40" -> "1800 add_65"; -"1800 add_65" -> "1819 pad_21"; -"1800 add_65" -> "1887 add_68"; -"1801 _tensor_constant119" -> "1805 linear_116"; -"1802 _param_constant315" -> "1805 linear_116"; -"1803 linear_116_updated_constant0" -> "1804 symmetric_weights_decompressor_linear_116_updated_constant0_0"; -"1804 symmetric_weights_decompressor_linear_116_updated_constant0_0" -> "1805 linear_116"; -"1805 linear_116" -> "1806 relu__19"; -"1806 relu__19" -> "1809 linear_117"; -"1807 linear_117_updated_constant0" -> "1808 symmetric_weights_decompressor_linear_117_updated_constant0_0"; -"1808 symmetric_weights_decompressor_linear_117_updated_constant0_0" -> "1809 linear_117"; -"1809 linear_117" -> "1810 view_103"; -"1810 view_103" -> "1812 index_19"; -"1811 _tensor_constant120" -> "1812 index_19"; -"1812 index_19" -> "1813 view_104"; -"1813 view_104" -> "1814 permute_86"; -"1814 permute_86" -> "1815 contiguous_36"; -"1815 contiguous_36" -> "1816 unsqueeze_55"; -"1816 unsqueeze_55" -> "1817 sigmoid_19"; -"1817 sigmoid_19" -> "1818 mul_38"; -"1818 mul_38" -> "1848 add_66"; -"1819 pad_21" -> "1820 roll_18"; -"1820 roll_18" -> "1821 view_105"; -"1821 view_105" -> "1822 permute_87"; -"1822 permute_87" -> "1823 reshape_85"; -"1823 reshape_85" -> "1828 linear_118"; -"1823 reshape_85" -> "1849 new_zeros_9"; -"1824 _param_constant317" -> "1825 clone_19"; -"1825 clone_19" -> "1828 linear_118"; -"1826 linear_118_updated_constant0" -> "1827 symmetric_weights_decompressor_linear_118_updated_constant0_0"; -"1827 symmetric_weights_decompressor_linear_118_updated_constant0_0" -> "1828 linear_118"; -"1828 linear_118" -> "1829 reshape_86"; -"1829 reshape_86" -> "1830 permute_88"; -"1830 permute_88" -> "1831 select_57"; -"1830 permute_88" -> "1832 select_58"; -"1830 permute_88" -> "1833 select_59"; -"1831 select_57" -> "1834 linalg_vector_norm_38"; -"1831 select_57" -> "1836 expand_as_38"; -"1831 select_57" -> "1837 div_38"; -"1832 select_58" -> "1838 linalg_vector_norm_39"; -"1832 select_58" -> "1840 expand_as_39"; -"1832 select_58" -> "1841 div_39"; -"1833 select_59" -> "1867 matmul_39"; -"1834 linalg_vector_norm_38" -> "1835 clamp_min_38"; -"1835 clamp_min_38" -> "1836 expand_as_38"; -"1836 expand_as_38" -> "1837 div_38"; -"1837 div_38" -> "1843 matmul_38"; -"1838 linalg_vector_norm_39" -> "1839 clamp_min_39"; -"1839 clamp_min_39" -> "1840 expand_as_39"; -"1840 expand_as_39" -> "1841 div_39"; -"1841 div_39" -> "1842 transpose_38"; -"1842 transpose_38" -> "1843 matmul_38"; -"1843 matmul_38" -> "1847 mul_39"; -"1844 _param_constant319" -> "1845 clamp_19"; -"1845 clamp_19" -> "1846 exp_19"; -"1846 exp_19" -> "1847 mul_39"; -"1847 mul_39" -> "1848 add_66"; -"1848 add_66" -> "1860 view_107"; -"1849 new_zeros_9" -> "1850 view_106"; -"1850 view_106" -> "1851 permute_89"; -"1851 permute_89" -> "1852 reshape_87"; -"1852 reshape_87" -> "1853 unsqueeze_56"; -"1852 reshape_87" -> "1854 unsqueeze_57"; -"1853 unsqueeze_56" -> "1855 sub_9"; -"1854 unsqueeze_57" -> "1855 sub_9"; -"1855 sub_9" -> "1856 ne_9"; -"1855 sub_9" -> "1857 masked_fill_18"; -"1855 sub_9" -> "1858 eq_9"; -"1856 ne_9" -> "1857 masked_fill_18"; -"1857 masked_fill_18" -> "1859 masked_fill_19"; -"1858 eq_9" -> "1859 masked_fill_19"; -"1859 masked_fill_19" -> "1861 unsqueeze_58"; -"1860 view_107" -> "1863 add_67"; -"1861 unsqueeze_58" -> "1862 unsqueeze_59"; -"1862 unsqueeze_59" -> "1863 add_67"; -"1863 add_67" -> "1864 view_108"; -"1864 view_108" -> "1865 softmax_19"; -"1865 softmax_19" -> "1866 dropout_76"; -"1866 dropout_76" -> "1867 matmul_39"; -"1867 matmul_39" -> "1868 transpose_39"; -"1868 transpose_39" -> "1869 reshape_88"; -"1869 reshape_88" -> "1873 linear_119"; -"1870 _param_constant321" -> "1873 linear_119"; -"1871 linear_119_updated_constant0" -> "1872 symmetric_weights_decompressor_linear_119_updated_constant0_0"; -"1872 symmetric_weights_decompressor_linear_119_updated_constant0_0" -> "1873 linear_119"; -"1873 linear_119" -> "1874 dropout_77"; -"1874 dropout_77" -> "1875 view_109"; -"1875 view_109" -> "1876 permute_90"; -"1876 permute_90" -> "1877 reshape_89"; -"1877 reshape_89" -> "1878 roll_19"; -"1878 roll_19" -> "1879 slice_297"; -"1879 slice_297" -> "1880 slice_298"; -"1880 slice_298" -> "1881 slice_299"; -"1881 slice_299" -> "1882 slice_300"; -"1882 slice_300" -> "1883 contiguous_37"; -"1883 contiguous_37" -> "1886 layer_norm_41"; -"1884 _param_constant322" -> "1886 layer_norm_41"; -"1885 _param_constant323" -> "1886 layer_norm_41"; -"1886 layer_norm_41" -> "1887 add_68"; -"1887 add_68" -> "1891 linear_120"; -"1887 add_68" -> "1902 add_69"; -"1888 _param_constant325" -> "1891 linear_120"; -"1889 linear_120_updated_constant0" -> "1890 symmetric_weights_decompressor_linear_120_updated_constant0_0"; -"1890 symmetric_weights_decompressor_linear_120_updated_constant0_0" -> "1891 linear_120"; -"1891 linear_120" -> "1892 gelu_19"; -"1892 gelu_19" -> "1893 dropout_78"; -"1893 dropout_78" -> "1897 linear_121"; -"1894 _param_constant327" -> "1897 linear_121"; -"1895 linear_121_updated_constant0" -> "1896 symmetric_weights_decompressor_linear_121_updated_constant0_0"; -"1896 symmetric_weights_decompressor_linear_121_updated_constant0_0" -> "1897 linear_121"; -"1897 linear_121" -> "1898 dropout_79"; -"1898 dropout_79" -> "1901 layer_norm_42"; -"1899 _param_constant328" -> "1901 layer_norm_42"; -"1900 _param_constant329" -> "1901 layer_norm_42"; -"1901 layer_norm_42" -> "1902 add_69"; -"1902 add_69" -> "1921 pad_22"; -"1902 add_69" -> "1971 add_71"; -"1903 _tensor_constant130" -> "1907 linear_122"; -"1904 _param_constant331" -> "1907 linear_122"; -"1905 linear_122_updated_constant0" -> "1906 symmetric_weights_decompressor_linear_122_updated_constant0_0"; -"1906 symmetric_weights_decompressor_linear_122_updated_constant0_0" -> "1907 linear_122"; -"1907 linear_122" -> "1908 relu__20"; -"1908 relu__20" -> "1911 linear_123"; -"1909 linear_123_updated_constant0" -> "1910 symmetric_weights_decompressor_linear_123_updated_constant0_0"; -"1910 symmetric_weights_decompressor_linear_123_updated_constant0_0" -> "1911 linear_123"; -"1911 linear_123" -> "1912 view_110"; -"1912 view_110" -> "1914 index_20"; -"1913 _tensor_constant131" -> "1914 index_20"; -"1914 index_20" -> "1915 view_111"; -"1915 view_111" -> "1916 permute_91"; -"1916 permute_91" -> "1917 contiguous_38"; -"1917 contiguous_38" -> "1918 unsqueeze_60"; -"1918 unsqueeze_60" -> "1919 sigmoid_20"; -"1919 sigmoid_20" -> "1920 mul_40"; -"1920 mul_40" -> "1949 add_70"; -"1921 pad_22" -> "1922 view_112"; -"1922 view_112" -> "1923 permute_92"; -"1923 permute_92" -> "1924 reshape_90"; -"1924 reshape_90" -> "1929 linear_124"; -"1925 _param_constant333" -> "1926 clone_20"; -"1926 clone_20" -> "1929 linear_124"; -"1927 linear_124_updated_constant0" -> "1928 symmetric_weights_decompressor_linear_124_updated_constant0_0"; -"1928 symmetric_weights_decompressor_linear_124_updated_constant0_0" -> "1929 linear_124"; -"1929 linear_124" -> "1930 reshape_91"; -"1930 reshape_91" -> "1931 permute_93"; -"1931 permute_93" -> "1932 select_60"; -"1931 permute_93" -> "1933 select_61"; -"1931 permute_93" -> "1934 select_62"; -"1932 select_60" -> "1935 linalg_vector_norm_40"; -"1932 select_60" -> "1937 expand_as_40"; -"1932 select_60" -> "1938 div_40"; -"1933 select_61" -> "1939 linalg_vector_norm_41"; -"1933 select_61" -> "1941 expand_as_41"; -"1933 select_61" -> "1942 div_41"; -"1934 select_62" -> "1952 matmul_41"; -"1935 linalg_vector_norm_40" -> "1936 clamp_min_40"; -"1936 clamp_min_40" -> "1937 expand_as_40"; -"1937 expand_as_40" -> "1938 div_40"; -"1938 div_40" -> "1944 matmul_40"; -"1939 linalg_vector_norm_41" -> "1940 clamp_min_41"; -"1940 clamp_min_41" -> "1941 expand_as_41"; -"1941 expand_as_41" -> "1942 div_41"; -"1942 div_41" -> "1943 transpose_40"; -"1943 transpose_40" -> "1944 matmul_40"; -"1944 matmul_40" -> "1948 mul_41"; -"1945 _param_constant335" -> "1946 clamp_20"; -"1946 clamp_20" -> "1947 exp_20"; -"1947 exp_20" -> "1948 mul_41"; -"1948 mul_41" -> "1949 add_70"; -"1949 add_70" -> "1950 softmax_20"; -"1950 softmax_20" -> "1951 dropout_80"; -"1951 dropout_80" -> "1952 matmul_41"; -"1952 matmul_41" -> "1953 transpose_41"; -"1953 transpose_41" -> "1954 reshape_92"; -"1954 reshape_92" -> "1958 linear_125"; -"1955 _param_constant337" -> "1958 linear_125"; -"1956 linear_125_updated_constant0" -> "1957 symmetric_weights_decompressor_linear_125_updated_constant0_0"; -"1957 symmetric_weights_decompressor_linear_125_updated_constant0_0" -> "1958 linear_125"; -"1958 linear_125" -> "1959 dropout_81"; -"1959 dropout_81" -> "1960 view_113"; -"1960 view_113" -> "1961 permute_94"; -"1961 permute_94" -> "1962 reshape_93"; -"1962 reshape_93" -> "1963 slice_302"; -"1963 slice_302" -> "1964 slice_303"; -"1964 slice_303" -> "1965 slice_304"; -"1965 slice_304" -> "1966 slice_305"; -"1966 slice_305" -> "1967 contiguous_39"; -"1967 contiguous_39" -> "1970 layer_norm_43"; -"1968 _param_constant338" -> "1970 layer_norm_43"; -"1969 _param_constant339" -> "1970 layer_norm_43"; -"1970 layer_norm_43" -> "1971 add_71"; -"1971 add_71" -> "1975 linear_126"; -"1971 add_71" -> "1986 add_72"; -"1972 _param_constant341" -> "1975 linear_126"; -"1973 linear_126_updated_constant0" -> "1974 symmetric_weights_decompressor_linear_126_updated_constant0_0"; -"1974 symmetric_weights_decompressor_linear_126_updated_constant0_0" -> "1975 linear_126"; -"1975 linear_126" -> "1976 gelu_20"; -"1976 gelu_20" -> "1977 dropout_82"; -"1977 dropout_82" -> "1981 linear_127"; -"1978 _param_constant343" -> "1981 linear_127"; -"1979 linear_127_updated_constant0" -> "1980 symmetric_weights_decompressor_linear_127_updated_constant0_0"; -"1980 symmetric_weights_decompressor_linear_127_updated_constant0_0" -> "1981 linear_127"; -"1981 linear_127" -> "1982 dropout_83"; -"1982 dropout_83" -> "1985 layer_norm_44"; -"1983 _param_constant344" -> "1985 layer_norm_44"; -"1984 _param_constant345" -> "1985 layer_norm_44"; -"1985 layer_norm_44" -> "1986 add_72"; -"1986 add_72" -> "2005 pad_23"; -"1986 add_72" -> "2073 add_75"; -"1987 _tensor_constant132" -> "1991 linear_128"; -"1988 _param_constant347" -> "1991 linear_128"; -"1989 linear_128_updated_constant0" -> "1990 symmetric_weights_decompressor_linear_128_updated_constant0_0"; -"1990 symmetric_weights_decompressor_linear_128_updated_constant0_0" -> "1991 linear_128"; -"1991 linear_128" -> "1992 relu__21"; -"1992 relu__21" -> "1995 linear_129"; -"1993 linear_129_updated_constant0" -> "1994 symmetric_weights_decompressor_linear_129_updated_constant0_0"; -"1994 symmetric_weights_decompressor_linear_129_updated_constant0_0" -> "1995 linear_129"; -"1995 linear_129" -> "1996 view_114"; -"1996 view_114" -> "1998 index_21"; -"1997 _tensor_constant133" -> "1998 index_21"; -"1998 index_21" -> "1999 view_115"; -"1999 view_115" -> "2000 permute_95"; -"2000 permute_95" -> "2001 contiguous_40"; -"2001 contiguous_40" -> "2002 unsqueeze_61"; -"2002 unsqueeze_61" -> "2003 sigmoid_21"; -"2003 sigmoid_21" -> "2004 mul_42"; -"2004 mul_42" -> "2034 add_73"; -"2005 pad_23" -> "2006 roll_20"; -"2006 roll_20" -> "2007 view_116"; -"2007 view_116" -> "2008 permute_96"; -"2008 permute_96" -> "2009 reshape_94"; -"2009 reshape_94" -> "2014 linear_130"; -"2009 reshape_94" -> "2035 new_zeros_10"; -"2010 _param_constant349" -> "2011 clone_21"; -"2011 clone_21" -> "2014 linear_130"; -"2012 linear_130_updated_constant0" -> "2013 symmetric_weights_decompressor_linear_130_updated_constant0_0"; -"2013 symmetric_weights_decompressor_linear_130_updated_constant0_0" -> "2014 linear_130"; -"2014 linear_130" -> "2015 reshape_95"; -"2015 reshape_95" -> "2016 permute_97"; -"2016 permute_97" -> "2017 select_63"; -"2016 permute_97" -> "2018 select_64"; -"2016 permute_97" -> "2019 select_65"; -"2017 select_63" -> "2020 linalg_vector_norm_42"; -"2017 select_63" -> "2022 expand_as_42"; -"2017 select_63" -> "2023 div_42"; -"2018 select_64" -> "2024 linalg_vector_norm_43"; -"2018 select_64" -> "2026 expand_as_43"; -"2018 select_64" -> "2027 div_43"; -"2019 select_65" -> "2053 matmul_43"; -"2020 linalg_vector_norm_42" -> "2021 clamp_min_42"; -"2021 clamp_min_42" -> "2022 expand_as_42"; -"2022 expand_as_42" -> "2023 div_42"; -"2023 div_42" -> "2029 matmul_42"; -"2024 linalg_vector_norm_43" -> "2025 clamp_min_43"; -"2025 clamp_min_43" -> "2026 expand_as_43"; -"2026 expand_as_43" -> "2027 div_43"; -"2027 div_43" -> "2028 transpose_42"; -"2028 transpose_42" -> "2029 matmul_42"; -"2029 matmul_42" -> "2033 mul_43"; -"2030 _param_constant351" -> "2031 clamp_21"; -"2031 clamp_21" -> "2032 exp_21"; -"2032 exp_21" -> "2033 mul_43"; -"2033 mul_43" -> "2034 add_73"; -"2034 add_73" -> "2046 view_118"; -"2035 new_zeros_10" -> "2036 view_117"; -"2036 view_117" -> "2037 permute_98"; -"2037 permute_98" -> "2038 reshape_96"; -"2038 reshape_96" -> "2039 unsqueeze_62"; -"2038 reshape_96" -> "2040 unsqueeze_63"; -"2039 unsqueeze_62" -> "2041 sub_10"; -"2040 unsqueeze_63" -> "2041 sub_10"; -"2041 sub_10" -> "2042 ne_10"; -"2041 sub_10" -> "2043 masked_fill_20"; -"2041 sub_10" -> "2044 eq_10"; -"2042 ne_10" -> "2043 masked_fill_20"; -"2043 masked_fill_20" -> "2045 masked_fill_21"; -"2044 eq_10" -> "2045 masked_fill_21"; -"2045 masked_fill_21" -> "2047 unsqueeze_64"; -"2046 view_118" -> "2049 add_74"; -"2047 unsqueeze_64" -> "2048 unsqueeze_65"; -"2048 unsqueeze_65" -> "2049 add_74"; -"2049 add_74" -> "2050 view_119"; -"2050 view_119" -> "2051 softmax_21"; -"2051 softmax_21" -> "2052 dropout_84"; -"2052 dropout_84" -> "2053 matmul_43"; -"2053 matmul_43" -> "2054 transpose_43"; -"2054 transpose_43" -> "2055 reshape_97"; -"2055 reshape_97" -> "2059 linear_131"; -"2056 _param_constant353" -> "2059 linear_131"; -"2057 linear_131_updated_constant0" -> "2058 symmetric_weights_decompressor_linear_131_updated_constant0_0"; -"2058 symmetric_weights_decompressor_linear_131_updated_constant0_0" -> "2059 linear_131"; -"2059 linear_131" -> "2060 dropout_85"; -"2060 dropout_85" -> "2061 view_120"; -"2061 view_120" -> "2062 permute_99"; -"2062 permute_99" -> "2063 reshape_98"; -"2063 reshape_98" -> "2064 roll_21"; -"2064 roll_21" -> "2065 slice_325"; -"2065 slice_325" -> "2066 slice_326"; -"2066 slice_326" -> "2067 slice_327"; -"2067 slice_327" -> "2068 slice_328"; -"2068 slice_328" -> "2069 contiguous_41"; -"2069 contiguous_41" -> "2072 layer_norm_45"; -"2070 _param_constant354" -> "2072 layer_norm_45"; -"2071 _param_constant355" -> "2072 layer_norm_45"; -"2072 layer_norm_45" -> "2073 add_75"; -"2073 add_75" -> "2077 linear_132"; -"2073 add_75" -> "2088 add_76"; -"2074 _param_constant357" -> "2077 linear_132"; -"2075 linear_132_updated_constant0" -> "2076 symmetric_weights_decompressor_linear_132_updated_constant0_0"; -"2076 symmetric_weights_decompressor_linear_132_updated_constant0_0" -> "2077 linear_132"; -"2077 linear_132" -> "2078 gelu_21"; -"2078 gelu_21" -> "2079 dropout_86"; -"2079 dropout_86" -> "2083 linear_133"; -"2080 _param_constant359" -> "2083 linear_133"; -"2081 linear_133_updated_constant0" -> "2082 symmetric_weights_decompressor_linear_133_updated_constant0_0"; -"2082 symmetric_weights_decompressor_linear_133_updated_constant0_0" -> "2083 linear_133"; -"2083 linear_133" -> "2084 dropout_87"; -"2084 dropout_87" -> "2087 layer_norm_46"; -"2085 _param_constant360" -> "2087 layer_norm_46"; -"2086 _param_constant361" -> "2087 layer_norm_46"; -"2087 layer_norm_46" -> "2088 add_76"; -"2088 add_76" -> "2089 pad_24"; -"2089 pad_24" -> "2090 slice_329"; -"2089 pad_24" -> "2093 slice_332"; -"2089 pad_24" -> "2096 slice_335"; -"2089 pad_24" -> "2099 slice_338"; -"2090 slice_329" -> "2091 slice_330"; -"2091 slice_330" -> "2092 slice_331"; -"2092 slice_331" -> "2102 cat_2"; -"2093 slice_332" -> "2094 slice_333"; -"2094 slice_333" -> "2095 slice_334"; -"2095 slice_334" -> "2102 cat_2"; -"2096 slice_335" -> "2097 slice_336"; -"2097 slice_336" -> "2098 slice_337"; -"2098 slice_337" -> "2102 cat_2"; -"2099 slice_338" -> "2100 slice_339"; -"2100 slice_339" -> "2101 slice_340"; -"2101 slice_340" -> "2102 cat_2"; -"2102 cat_2" -> "2105 linear_134"; -"2103 linear_134_updated_constant0" -> "2104 symmetric_weights_decompressor_linear_134_updated_constant0_0"; -"2104 symmetric_weights_decompressor_linear_134_updated_constant0_0" -> "2105 linear_134"; -"2105 linear_134" -> "2108 layer_norm_47"; -"2106 _param_constant363" -> "2108 layer_norm_47"; -"2107 _param_constant364" -> "2108 layer_norm_47"; -"2108 layer_norm_47" -> "2127 pad_25"; -"2108 layer_norm_47" -> "2177 add_78"; -"2109 _tensor_constant143" -> "2113 linear_135"; -"2110 _param_constant366" -> "2113 linear_135"; -"2111 linear_135_updated_constant0" -> "2112 symmetric_weights_decompressor_linear_135_updated_constant0_0"; -"2112 symmetric_weights_decompressor_linear_135_updated_constant0_0" -> "2113 linear_135"; -"2113 linear_135" -> "2114 relu__22"; -"2114 relu__22" -> "2117 linear_136"; -"2115 linear_136_updated_constant0" -> "2116 symmetric_weights_decompressor_linear_136_updated_constant0_0"; -"2116 symmetric_weights_decompressor_linear_136_updated_constant0_0" -> "2117 linear_136"; -"2117 linear_136" -> "2118 view_121"; -"2118 view_121" -> "2120 index_22"; -"2119 _tensor_constant144" -> "2120 index_22"; -"2120 index_22" -> "2121 view_122"; -"2121 view_122" -> "2122 permute_100"; -"2122 permute_100" -> "2123 contiguous_42"; -"2123 contiguous_42" -> "2124 unsqueeze_66"; -"2124 unsqueeze_66" -> "2125 sigmoid_22"; -"2125 sigmoid_22" -> "2126 mul_44"; -"2126 mul_44" -> "2155 add_77"; -"2127 pad_25" -> "2128 view_123"; -"2128 view_123" -> "2129 permute_101"; -"2129 permute_101" -> "2130 reshape_99"; -"2130 reshape_99" -> "2135 linear_137"; -"2131 _param_constant368" -> "2132 clone_22"; -"2132 clone_22" -> "2135 linear_137"; -"2133 linear_137_updated_constant0" -> "2134 symmetric_weights_decompressor_linear_137_updated_constant0_0"; -"2134 symmetric_weights_decompressor_linear_137_updated_constant0_0" -> "2135 linear_137"; -"2135 linear_137" -> "2136 reshape_100"; -"2136 reshape_100" -> "2137 permute_102"; -"2137 permute_102" -> "2138 select_66"; -"2137 permute_102" -> "2139 select_67"; -"2137 permute_102" -> "2140 select_68"; -"2138 select_66" -> "2141 linalg_vector_norm_44"; -"2138 select_66" -> "2143 expand_as_44"; -"2138 select_66" -> "2144 div_44"; -"2139 select_67" -> "2145 linalg_vector_norm_45"; -"2139 select_67" -> "2147 expand_as_45"; -"2139 select_67" -> "2148 div_45"; -"2140 select_68" -> "2158 matmul_45"; -"2141 linalg_vector_norm_44" -> "2142 clamp_min_44"; -"2142 clamp_min_44" -> "2143 expand_as_44"; -"2143 expand_as_44" -> "2144 div_44"; -"2144 div_44" -> "2150 matmul_44"; -"2145 linalg_vector_norm_45" -> "2146 clamp_min_45"; -"2146 clamp_min_45" -> "2147 expand_as_45"; -"2147 expand_as_45" -> "2148 div_45"; -"2148 div_45" -> "2149 transpose_44"; -"2149 transpose_44" -> "2150 matmul_44"; -"2150 matmul_44" -> "2154 mul_45"; -"2151 _param_constant370" -> "2152 clamp_22"; -"2152 clamp_22" -> "2153 exp_22"; -"2153 exp_22" -> "2154 mul_45"; -"2154 mul_45" -> "2155 add_77"; -"2155 add_77" -> "2156 softmax_22"; -"2156 softmax_22" -> "2157 dropout_88"; -"2157 dropout_88" -> "2158 matmul_45"; -"2158 matmul_45" -> "2159 transpose_45"; -"2159 transpose_45" -> "2160 reshape_101"; -"2160 reshape_101" -> "2164 linear_138"; -"2161 _param_constant372" -> "2164 linear_138"; -"2162 linear_138_updated_constant0" -> "2163 symmetric_weights_decompressor_linear_138_updated_constant0_0"; -"2163 symmetric_weights_decompressor_linear_138_updated_constant0_0" -> "2164 linear_138"; -"2164 linear_138" -> "2165 dropout_89"; -"2165 dropout_89" -> "2166 view_124"; -"2166 view_124" -> "2167 permute_103"; -"2167 permute_103" -> "2168 reshape_102"; -"2168 reshape_102" -> "2169 slice_342"; -"2169 slice_342" -> "2170 slice_343"; -"2170 slice_343" -> "2171 slice_344"; -"2171 slice_344" -> "2172 slice_345"; -"2172 slice_345" -> "2173 contiguous_43"; -"2173 contiguous_43" -> "2176 layer_norm_48"; -"2174 _param_constant373" -> "2176 layer_norm_48"; -"2175 _param_constant374" -> "2176 layer_norm_48"; -"2176 layer_norm_48" -> "2177 add_78"; -"2177 add_78" -> "2181 linear_139"; -"2177 add_78" -> "2192 add_79"; -"2178 _param_constant376" -> "2181 linear_139"; -"2179 linear_139_updated_constant0" -> "2180 symmetric_weights_decompressor_linear_139_updated_constant0_0"; -"2180 symmetric_weights_decompressor_linear_139_updated_constant0_0" -> "2181 linear_139"; -"2181 linear_139" -> "2182 gelu_22"; -"2182 gelu_22" -> "2183 dropout_90"; -"2183 dropout_90" -> "2187 linear_140"; -"2184 _param_constant378" -> "2187 linear_140"; -"2185 linear_140_updated_constant0" -> "2186 symmetric_weights_decompressor_linear_140_updated_constant0_0"; -"2186 symmetric_weights_decompressor_linear_140_updated_constant0_0" -> "2187 linear_140"; -"2187 linear_140" -> "2188 dropout_91"; -"2188 dropout_91" -> "2191 layer_norm_49"; -"2189 _param_constant379" -> "2191 layer_norm_49"; -"2190 _param_constant380" -> "2191 layer_norm_49"; -"2191 layer_norm_49" -> "2192 add_79"; -"2192 add_79" -> "2211 pad_26"; -"2192 add_79" -> "2261 add_81"; -"2193 _tensor_constant145" -> "2197 linear_141"; -"2194 _param_constant382" -> "2197 linear_141"; -"2195 linear_141_updated_constant0" -> "2196 symmetric_weights_decompressor_linear_141_updated_constant0_0"; -"2196 symmetric_weights_decompressor_linear_141_updated_constant0_0" -> "2197 linear_141"; -"2197 linear_141" -> "2198 relu__23"; -"2198 relu__23" -> "2201 linear_142"; -"2199 linear_142_updated_constant0" -> "2200 symmetric_weights_decompressor_linear_142_updated_constant0_0"; -"2200 symmetric_weights_decompressor_linear_142_updated_constant0_0" -> "2201 linear_142"; -"2201 linear_142" -> "2202 view_125"; -"2202 view_125" -> "2204 index_23"; -"2203 _tensor_constant146" -> "2204 index_23"; -"2204 index_23" -> "2205 view_126"; -"2205 view_126" -> "2206 permute_104"; -"2206 permute_104" -> "2207 contiguous_44"; -"2207 contiguous_44" -> "2208 unsqueeze_67"; -"2208 unsqueeze_67" -> "2209 sigmoid_23"; -"2209 sigmoid_23" -> "2210 mul_46"; -"2210 mul_46" -> "2239 add_80"; -"2211 pad_26" -> "2212 view_127"; -"2212 view_127" -> "2213 permute_105"; -"2213 permute_105" -> "2214 reshape_103"; -"2214 reshape_103" -> "2219 linear_143"; -"2215 _param_constant384" -> "2216 clone_23"; -"2216 clone_23" -> "2219 linear_143"; -"2217 linear_143_updated_constant0" -> "2218 symmetric_weights_decompressor_linear_143_updated_constant0_0"; -"2218 symmetric_weights_decompressor_linear_143_updated_constant0_0" -> "2219 linear_143"; -"2219 linear_143" -> "2220 reshape_104"; -"2220 reshape_104" -> "2221 permute_106"; -"2221 permute_106" -> "2222 select_69"; -"2221 permute_106" -> "2223 select_70"; -"2221 permute_106" -> "2224 select_71"; -"2222 select_69" -> "2225 linalg_vector_norm_46"; -"2222 select_69" -> "2227 expand_as_46"; -"2222 select_69" -> "2228 div_46"; -"2223 select_70" -> "2229 linalg_vector_norm_47"; -"2223 select_70" -> "2231 expand_as_47"; -"2223 select_70" -> "2232 div_47"; -"2224 select_71" -> "2242 matmul_47"; -"2225 linalg_vector_norm_46" -> "2226 clamp_min_46"; -"2226 clamp_min_46" -> "2227 expand_as_46"; -"2227 expand_as_46" -> "2228 div_46"; -"2228 div_46" -> "2234 matmul_46"; -"2229 linalg_vector_norm_47" -> "2230 clamp_min_47"; -"2230 clamp_min_47" -> "2231 expand_as_47"; -"2231 expand_as_47" -> "2232 div_47"; -"2232 div_47" -> "2233 transpose_46"; -"2233 transpose_46" -> "2234 matmul_46"; -"2234 matmul_46" -> "2238 mul_47"; -"2235 _param_constant386" -> "2236 clamp_23"; -"2236 clamp_23" -> "2237 exp_23"; -"2237 exp_23" -> "2238 mul_47"; -"2238 mul_47" -> "2239 add_80"; -"2239 add_80" -> "2240 softmax_23"; -"2240 softmax_23" -> "2241 dropout_92"; -"2241 dropout_92" -> "2242 matmul_47"; -"2242 matmul_47" -> "2243 transpose_47"; -"2243 transpose_47" -> "2244 reshape_105"; -"2244 reshape_105" -> "2248 linear_144"; -"2245 _param_constant388" -> "2248 linear_144"; -"2246 linear_144_updated_constant0" -> "2247 symmetric_weights_decompressor_linear_144_updated_constant0_0"; -"2247 symmetric_weights_decompressor_linear_144_updated_constant0_0" -> "2248 linear_144"; -"2248 linear_144" -> "2249 dropout_93"; -"2249 dropout_93" -> "2250 view_128"; -"2250 view_128" -> "2251 permute_107"; -"2251 permute_107" -> "2252 reshape_106"; -"2252 reshape_106" -> "2253 slice_347"; -"2253 slice_347" -> "2254 slice_348"; -"2254 slice_348" -> "2255 slice_349"; -"2255 slice_349" -> "2256 slice_350"; -"2256 slice_350" -> "2257 contiguous_45"; -"2257 contiguous_45" -> "2260 layer_norm_50"; -"2258 _param_constant389" -> "2260 layer_norm_50"; -"2259 _param_constant390" -> "2260 layer_norm_50"; -"2260 layer_norm_50" -> "2261 add_81"; -"2261 add_81" -> "2265 linear_145"; -"2261 add_81" -> "2276 add_82"; -"2262 _param_constant392" -> "2265 linear_145"; -"2263 linear_145_updated_constant0" -> "2264 symmetric_weights_decompressor_linear_145_updated_constant0_0"; -"2264 symmetric_weights_decompressor_linear_145_updated_constant0_0" -> "2265 linear_145"; -"2265 linear_145" -> "2266 gelu_23"; -"2266 gelu_23" -> "2267 dropout_94"; -"2267 dropout_94" -> "2271 linear_146"; -"2268 _param_constant394" -> "2271 linear_146"; -"2269 linear_146_updated_constant0" -> "2270 symmetric_weights_decompressor_linear_146_updated_constant0_0"; -"2270 symmetric_weights_decompressor_linear_146_updated_constant0_0" -> "2271 linear_146"; -"2271 linear_146" -> "2272 dropout_95"; -"2272 dropout_95" -> "2275 layer_norm_51"; -"2273 _param_constant395" -> "2275 layer_norm_51"; -"2274 _param_constant396" -> "2275 layer_norm_51"; -"2275 layer_norm_51" -> "2276 add_82"; -"2276 add_82" -> "2279 layer_norm_52"; -"2277 _param_constant397" -> "2279 layer_norm_52"; -"2278 _param_constant398" -> "2279 layer_norm_52"; -"2279 layer_norm_52" -> "2280 permute_108"; -"2280 permute_108" -> "2281 adaptive_avg_pool2d"; -"2281 adaptive_avg_pool2d" -> "2282 flatten"; -"2282 flatten" -> "2286 linear_147"; -"2283 _param_constant400" -> "2286 linear_147"; -"2284 linear_147_updated_constant0" -> "2285 symmetric_weights_decompressor_linear_147_updated_constant0_0"; -"2285 symmetric_weights_decompressor_linear_147_updated_constant0_0" -> "2286 linear_147"; -"2286 linear_147" -> "2287 output"; -} diff --git a/tests/torch/data/reference_graphs/fx/compressed/swin_v2_s_int8_asym.dot b/tests/torch/data/reference_graphs/fx/compressed/swin_v2_s_int8_asym.dot deleted file mode 100644 index 698f9b1646f..00000000000 --- a/tests/torch/data/reference_graphs/fx/compressed/swin_v2_s_int8_asym.dot +++ /dev/null @@ -1,4822 +0,0 @@ -strict digraph { -"0 arg0_1" [id=0, type=input]; -"1 _param_constant1" [id=1, type=get_attr]; -"2 conv2d_updated_constant0" [id=2, type=get_attr]; -"3 asymmetric_weights_decompressor_conv2d_updated_constant0_0" [id=3, type=call_module]; -"4 conv2d" [id=4, type=conv2d]; -"5 permute" [id=5, type=permute]; -"6 _param_constant2" [id=6, type=get_attr]; -"7 _param_constant3" [id=7, type=get_attr]; -"8 layer_norm" [id=8, type=layer_norm]; -"9 _tensor_constant0" [id=9, type=get_attr]; -"10 _param_constant5" [id=10, type=get_attr]; -"11 linear_updated_constant0" [id=11, type=get_attr]; -"12 asymmetric_weights_decompressor_linear_updated_constant0_0" [id=12, type=call_module]; -"13 linear" [id=13, type=linear]; -"14 relu_" [id=14, type=relu_]; -"15 linear_1_updated_constant0" [id=15, type=get_attr]; -"16 asymmetric_weights_decompressor_linear_1_updated_constant0_0" [id=16, type=call_module]; -"17 linear_1" [id=17, type=linear]; -"18 view" [id=18, type=view]; -"19 _tensor_constant1" [id=19, type=get_attr]; -"20 index" [id=20, type=index]; -"21 view_1" [id=21, type=view]; -"22 permute_1" [id=22, type=permute]; -"23 contiguous" [id=23, type=contiguous]; -"24 unsqueeze" [id=24, type=unsqueeze]; -"25 sigmoid" [id=25, type=sigmoid]; -"26 mul" [id=26, type=mul]; -"27 pad" [id=27, type=pad]; -"28 view_2" [id=28, type=view]; -"29 permute_2" [id=29, type=permute]; -"30 reshape" [id=30, type=reshape]; -"31 _param_constant7" [id=31, type=get_attr]; -"32 clone" [id=32, type=clone]; -"33 linear_2_updated_constant0" [id=33, type=get_attr]; -"34 asymmetric_weights_decompressor_linear_2_updated_constant0_0" [id=34, type=call_module]; -"35 linear_2" [id=35, type=linear]; -"36 reshape_1" [id=36, type=reshape]; -"37 permute_3" [id=37, type=permute]; -"38 select" [id=38, type=select]; -"39 select_1" [id=39, type=select]; -"40 select_2" [id=40, type=select]; -"41 linalg_vector_norm" [id=41, type=linalg_vector_norm]; -"42 clamp_min" [id=42, type=clamp_min]; -"43 expand_as" [id=43, type=expand_as]; -"44 div" [id=44, type=div]; -"45 linalg_vector_norm_1" [id=45, type=linalg_vector_norm]; -"46 clamp_min_1" [id=46, type=clamp_min]; -"47 expand_as_1" [id=47, type=expand_as]; -"48 div_1" [id=48, type=div]; -"49 transpose" [id=49, type=transpose]; -"50 matmul" [id=50, type=matmul]; -"51 _param_constant9" [id=51, type=get_attr]; -"52 clamp" [id=52, type=clamp]; -"53 exp" [id=53, type=exp]; -"54 mul_1" [id=54, type=mul]; -"55 add" [id=55, type=add]; -"56 softmax" [id=56, type=softmax]; -"57 dropout" [id=57, type=dropout]; -"58 matmul_1" [id=58, type=matmul]; -"59 transpose_1" [id=59, type=transpose]; -"60 reshape_2" [id=60, type=reshape]; -"61 _param_constant11" [id=61, type=get_attr]; -"62 linear_3_updated_constant0" [id=62, type=get_attr]; -"63 asymmetric_weights_decompressor_linear_3_updated_constant0_0" [id=63, type=call_module]; -"64 linear_3" [id=64, type=linear]; -"65 dropout_1" [id=65, type=dropout]; -"66 view_3" [id=66, type=view]; -"67 permute_4" [id=67, type=permute]; -"68 reshape_3" [id=68, type=reshape]; -"69 slice_2" [id=69, type=slice]; -"70 slice_3" [id=70, type=slice]; -"71 _param_constant12" [id=71, type=get_attr]; -"72 _param_constant13" [id=72, type=get_attr]; -"73 layer_norm_1" [id=73, type=layer_norm]; -"74 add_1" [id=74, type=add]; -"75 _param_constant15" [id=75, type=get_attr]; -"76 linear_4_updated_constant0" [id=76, type=get_attr]; -"77 asymmetric_weights_decompressor_linear_4_updated_constant0_0" [id=77, type=call_module]; -"78 linear_4" [id=78, type=linear]; -"79 gelu" [id=79, type=gelu]; -"80 dropout_2" [id=80, type=dropout]; -"81 _param_constant17" [id=81, type=get_attr]; -"82 linear_5_updated_constant0" [id=82, type=get_attr]; -"83 asymmetric_weights_decompressor_linear_5_updated_constant0_0" [id=83, type=call_module]; -"84 linear_5" [id=84, type=linear]; -"85 dropout_3" [id=85, type=dropout]; -"86 _param_constant18" [id=86, type=get_attr]; -"87 _param_constant19" [id=87, type=get_attr]; -"88 layer_norm_2" [id=88, type=layer_norm]; -"89 add_2" [id=89, type=add]; -"90 _tensor_constant2" [id=90, type=get_attr]; -"91 _param_constant21" [id=91, type=get_attr]; -"92 linear_6_updated_constant0" [id=92, type=get_attr]; -"93 asymmetric_weights_decompressor_linear_6_updated_constant0_0" [id=93, type=call_module]; -"94 linear_6" [id=94, type=linear]; -"95 relu__1" [id=95, type=relu_]; -"96 linear_7_updated_constant0" [id=96, type=get_attr]; -"97 asymmetric_weights_decompressor_linear_7_updated_constant0_0" [id=97, type=call_module]; -"98 linear_7" [id=98, type=linear]; -"99 view_4" [id=99, type=view]; -"100 _tensor_constant3" [id=100, type=get_attr]; -"101 index_1" [id=101, type=index]; -"102 view_5" [id=102, type=view]; -"103 permute_5" [id=103, type=permute]; -"104 contiguous_1" [id=104, type=contiguous]; -"105 unsqueeze_1" [id=105, type=unsqueeze]; -"106 sigmoid_1" [id=106, type=sigmoid]; -"107 mul_2" [id=107, type=mul]; -"108 pad_1" [id=108, type=pad]; -"109 roll" [id=109, type=roll]; -"110 view_6" [id=110, type=view]; -"111 permute_6" [id=111, type=permute]; -"112 reshape_4" [id=112, type=reshape]; -"113 _param_constant23" [id=113, type=get_attr]; -"114 clone_1" [id=114, type=clone]; -"115 linear_8_updated_constant0" [id=115, type=get_attr]; -"116 asymmetric_weights_decompressor_linear_8_updated_constant0_0" [id=116, type=call_module]; -"117 linear_8" [id=117, type=linear]; -"118 reshape_5" [id=118, type=reshape]; -"119 permute_7" [id=119, type=permute]; -"120 select_3" [id=120, type=select]; -"121 select_4" [id=121, type=select]; -"122 select_5" [id=122, type=select]; -"123 linalg_vector_norm_2" [id=123, type=linalg_vector_norm]; -"124 clamp_min_2" [id=124, type=clamp_min]; -"125 expand_as_2" [id=125, type=expand_as]; -"126 div_2" [id=126, type=div]; -"127 linalg_vector_norm_3" [id=127, type=linalg_vector_norm]; -"128 clamp_min_3" [id=128, type=clamp_min]; -"129 expand_as_3" [id=129, type=expand_as]; -"130 div_3" [id=130, type=div]; -"131 transpose_2" [id=131, type=transpose]; -"132 matmul_2" [id=132, type=matmul]; -"133 _param_constant25" [id=133, type=get_attr]; -"134 clamp_1" [id=134, type=clamp]; -"135 exp_1" [id=135, type=exp]; -"136 mul_3" [id=136, type=mul]; -"137 add_3" [id=137, type=add]; -"138 new_zeros" [id=138, type=new_zeros]; -"139 view_7" [id=139, type=view]; -"140 permute_8" [id=140, type=permute]; -"141 reshape_6" [id=141, type=reshape]; -"142 unsqueeze_2" [id=142, type=unsqueeze]; -"143 unsqueeze_3" [id=143, type=unsqueeze]; -"144 sub" [id=144, type=sub]; -"145 ne" [id=145, type=ne]; -"146 masked_fill" [id=146, type=masked_fill]; -"147 eq" [id=147, type=eq]; -"148 masked_fill_1" [id=148, type=masked_fill]; -"149 view_8" [id=149, type=view]; -"150 unsqueeze_4" [id=150, type=unsqueeze]; -"151 unsqueeze_5" [id=151, type=unsqueeze]; -"152 add_4" [id=152, type=add]; -"153 view_9" [id=153, type=view]; -"154 softmax_1" [id=154, type=softmax]; -"155 dropout_4" [id=155, type=dropout]; -"156 matmul_3" [id=156, type=matmul]; -"157 transpose_3" [id=157, type=transpose]; -"158 reshape_7" [id=158, type=reshape]; -"159 _param_constant27" [id=159, type=get_attr]; -"160 linear_9_updated_constant0" [id=160, type=get_attr]; -"161 asymmetric_weights_decompressor_linear_9_updated_constant0_0" [id=161, type=call_module]; -"162 linear_9" [id=162, type=linear]; -"163 dropout_5" [id=163, type=dropout]; -"164 view_10" [id=164, type=view]; -"165 permute_9" [id=165, type=permute]; -"166 reshape_8" [id=166, type=reshape]; -"167 roll_1" [id=167, type=roll]; -"168 slice_23" [id=168, type=slice]; -"169 slice_24" [id=169, type=slice]; -"170 _param_constant28" [id=170, type=get_attr]; -"171 _param_constant29" [id=171, type=get_attr]; -"172 layer_norm_3" [id=172, type=layer_norm]; -"173 add_5" [id=173, type=add]; -"174 _param_constant31" [id=174, type=get_attr]; -"175 linear_10_updated_constant0" [id=175, type=get_attr]; -"176 asymmetric_weights_decompressor_linear_10_updated_constant0_0" [id=176, type=call_module]; -"177 linear_10" [id=177, type=linear]; -"178 gelu_1" [id=178, type=gelu]; -"179 dropout_6" [id=179, type=dropout]; -"180 _param_constant33" [id=180, type=get_attr]; -"181 linear_11_updated_constant0" [id=181, type=get_attr]; -"182 asymmetric_weights_decompressor_linear_11_updated_constant0_0" [id=182, type=call_module]; -"183 linear_11" [id=183, type=linear]; -"184 dropout_7" [id=184, type=dropout]; -"185 _param_constant34" [id=185, type=get_attr]; -"186 _param_constant35" [id=186, type=get_attr]; -"187 layer_norm_4" [id=187, type=layer_norm]; -"188 add_6" [id=188, type=add]; -"189 pad_2" [id=189, type=pad]; -"190 slice_25" [id=190, type=slice]; -"191 slice_26" [id=191, type=slice]; -"192 slice_27" [id=192, type=slice]; -"193 slice_28" [id=193, type=slice]; -"194 slice_29" [id=194, type=slice]; -"195 slice_30" [id=195, type=slice]; -"196 slice_31" [id=196, type=slice]; -"197 slice_32" [id=197, type=slice]; -"198 slice_33" [id=198, type=slice]; -"199 slice_34" [id=199, type=slice]; -"200 slice_35" [id=200, type=slice]; -"201 slice_36" [id=201, type=slice]; -"202 cat" [id=202, type=cat]; -"203 linear_12_updated_constant0" [id=203, type=get_attr]; -"204 asymmetric_weights_decompressor_linear_12_updated_constant0_0" [id=204, type=call_module]; -"205 linear_12" [id=205, type=linear]; -"206 _param_constant37" [id=206, type=get_attr]; -"207 _param_constant38" [id=207, type=get_attr]; -"208 layer_norm_5" [id=208, type=layer_norm]; -"209 _tensor_constant13" [id=209, type=get_attr]; -"210 _param_constant40" [id=210, type=get_attr]; -"211 linear_13_updated_constant0" [id=211, type=get_attr]; -"212 asymmetric_weights_decompressor_linear_13_updated_constant0_0" [id=212, type=call_module]; -"213 linear_13" [id=213, type=linear]; -"214 relu__2" [id=214, type=relu_]; -"215 linear_14_updated_constant0" [id=215, type=get_attr]; -"216 asymmetric_weights_decompressor_linear_14_updated_constant0_0" [id=216, type=call_module]; -"217 linear_14" [id=217, type=linear]; -"218 view_11" [id=218, type=view]; -"219 _tensor_constant14" [id=219, type=get_attr]; -"220 index_2" [id=220, type=index]; -"221 view_12" [id=221, type=view]; -"222 permute_10" [id=222, type=permute]; -"223 contiguous_2" [id=223, type=contiguous]; -"224 unsqueeze_6" [id=224, type=unsqueeze]; -"225 sigmoid_2" [id=225, type=sigmoid]; -"226 mul_4" [id=226, type=mul]; -"227 pad_3" [id=227, type=pad]; -"228 view_13" [id=228, type=view]; -"229 permute_11" [id=229, type=permute]; -"230 reshape_9" [id=230, type=reshape]; -"231 _param_constant42" [id=231, type=get_attr]; -"232 clone_2" [id=232, type=clone]; -"233 linear_15_updated_constant0" [id=233, type=get_attr]; -"234 asymmetric_weights_decompressor_linear_15_updated_constant0_0" [id=234, type=call_module]; -"235 linear_15" [id=235, type=linear]; -"236 reshape_10" [id=236, type=reshape]; -"237 permute_12" [id=237, type=permute]; -"238 select_6" [id=238, type=select]; -"239 select_7" [id=239, type=select]; -"240 select_8" [id=240, type=select]; -"241 linalg_vector_norm_4" [id=241, type=linalg_vector_norm]; -"242 clamp_min_4" [id=242, type=clamp_min]; -"243 expand_as_4" [id=243, type=expand_as]; -"244 div_4" [id=244, type=div]; -"245 linalg_vector_norm_5" [id=245, type=linalg_vector_norm]; -"246 clamp_min_5" [id=246, type=clamp_min]; -"247 expand_as_5" [id=247, type=expand_as]; -"248 div_5" [id=248, type=div]; -"249 transpose_4" [id=249, type=transpose]; -"250 matmul_4" [id=250, type=matmul]; -"251 _param_constant44" [id=251, type=get_attr]; -"252 clamp_2" [id=252, type=clamp]; -"253 exp_2" [id=253, type=exp]; -"254 mul_5" [id=254, type=mul]; -"255 add_7" [id=255, type=add]; -"256 softmax_2" [id=256, type=softmax]; -"257 dropout_8" [id=257, type=dropout]; -"258 matmul_5" [id=258, type=matmul]; -"259 transpose_5" [id=259, type=transpose]; -"260 reshape_11" [id=260, type=reshape]; -"261 _param_constant46" [id=261, type=get_attr]; -"262 linear_16_updated_constant0" [id=262, type=get_attr]; -"263 asymmetric_weights_decompressor_linear_16_updated_constant0_0" [id=263, type=call_module]; -"264 linear_16" [id=264, type=linear]; -"265 dropout_9" [id=265, type=dropout]; -"266 view_14" [id=266, type=view]; -"267 permute_13" [id=267, type=permute]; -"268 reshape_12" [id=268, type=reshape]; -"269 slice_38" [id=269, type=slice]; -"270 slice_39" [id=270, type=slice]; -"271 slice_40" [id=271, type=slice]; -"272 slice_41" [id=272, type=slice]; -"273 contiguous_3" [id=273, type=contiguous]; -"274 _param_constant47" [id=274, type=get_attr]; -"275 _param_constant48" [id=275, type=get_attr]; -"276 layer_norm_6" [id=276, type=layer_norm]; -"277 add_8" [id=277, type=add]; -"278 _param_constant50" [id=278, type=get_attr]; -"279 linear_17_updated_constant0" [id=279, type=get_attr]; -"280 asymmetric_weights_decompressor_linear_17_updated_constant0_0" [id=280, type=call_module]; -"281 linear_17" [id=281, type=linear]; -"282 gelu_2" [id=282, type=gelu]; -"283 dropout_10" [id=283, type=dropout]; -"284 _param_constant52" [id=284, type=get_attr]; -"285 linear_18_updated_constant0" [id=285, type=get_attr]; -"286 asymmetric_weights_decompressor_linear_18_updated_constant0_0" [id=286, type=call_module]; -"287 linear_18" [id=287, type=linear]; -"288 dropout_11" [id=288, type=dropout]; -"289 _param_constant53" [id=289, type=get_attr]; -"290 _param_constant54" [id=290, type=get_attr]; -"291 layer_norm_7" [id=291, type=layer_norm]; -"292 add_9" [id=292, type=add]; -"293 _tensor_constant15" [id=293, type=get_attr]; -"294 _param_constant56" [id=294, type=get_attr]; -"295 linear_19_updated_constant0" [id=295, type=get_attr]; -"296 asymmetric_weights_decompressor_linear_19_updated_constant0_0" [id=296, type=call_module]; -"297 linear_19" [id=297, type=linear]; -"298 relu__3" [id=298, type=relu_]; -"299 linear_20_updated_constant0" [id=299, type=get_attr]; -"300 asymmetric_weights_decompressor_linear_20_updated_constant0_0" [id=300, type=call_module]; -"301 linear_20" [id=301, type=linear]; -"302 view_15" [id=302, type=view]; -"303 _tensor_constant16" [id=303, type=get_attr]; -"304 index_3" [id=304, type=index]; -"305 view_16" [id=305, type=view]; -"306 permute_14" [id=306, type=permute]; -"307 contiguous_4" [id=307, type=contiguous]; -"308 unsqueeze_7" [id=308, type=unsqueeze]; -"309 sigmoid_3" [id=309, type=sigmoid]; -"310 mul_6" [id=310, type=mul]; -"311 pad_4" [id=311, type=pad]; -"312 roll_2" [id=312, type=roll]; -"313 view_17" [id=313, type=view]; -"314 permute_15" [id=314, type=permute]; -"315 reshape_13" [id=315, type=reshape]; -"316 _param_constant58" [id=316, type=get_attr]; -"317 clone_3" [id=317, type=clone]; -"318 linear_21_updated_constant0" [id=318, type=get_attr]; -"319 asymmetric_weights_decompressor_linear_21_updated_constant0_0" [id=319, type=call_module]; -"320 linear_21" [id=320, type=linear]; -"321 reshape_14" [id=321, type=reshape]; -"322 permute_16" [id=322, type=permute]; -"323 select_9" [id=323, type=select]; -"324 select_10" [id=324, type=select]; -"325 select_11" [id=325, type=select]; -"326 linalg_vector_norm_6" [id=326, type=linalg_vector_norm]; -"327 clamp_min_6" [id=327, type=clamp_min]; -"328 expand_as_6" [id=328, type=expand_as]; -"329 div_6" [id=329, type=div]; -"330 linalg_vector_norm_7" [id=330, type=linalg_vector_norm]; -"331 clamp_min_7" [id=331, type=clamp_min]; -"332 expand_as_7" [id=332, type=expand_as]; -"333 div_7" [id=333, type=div]; -"334 transpose_6" [id=334, type=transpose]; -"335 matmul_6" [id=335, type=matmul]; -"336 _param_constant60" [id=336, type=get_attr]; -"337 clamp_3" [id=337, type=clamp]; -"338 exp_3" [id=338, type=exp]; -"339 mul_7" [id=339, type=mul]; -"340 add_10" [id=340, type=add]; -"341 new_zeros_1" [id=341, type=new_zeros]; -"342 view_18" [id=342, type=view]; -"343 permute_17" [id=343, type=permute]; -"344 reshape_15" [id=344, type=reshape]; -"345 unsqueeze_8" [id=345, type=unsqueeze]; -"346 unsqueeze_9" [id=346, type=unsqueeze]; -"347 sub_1" [id=347, type=sub]; -"348 ne_1" [id=348, type=ne]; -"349 masked_fill_2" [id=349, type=masked_fill]; -"350 eq_1" [id=350, type=eq]; -"351 masked_fill_3" [id=351, type=masked_fill]; -"352 view_19" [id=352, type=view]; -"353 unsqueeze_10" [id=353, type=unsqueeze]; -"354 unsqueeze_11" [id=354, type=unsqueeze]; -"355 add_11" [id=355, type=add]; -"356 view_20" [id=356, type=view]; -"357 softmax_3" [id=357, type=softmax]; -"358 dropout_12" [id=358, type=dropout]; -"359 matmul_7" [id=359, type=matmul]; -"360 transpose_7" [id=360, type=transpose]; -"361 reshape_16" [id=361, type=reshape]; -"362 _param_constant62" [id=362, type=get_attr]; -"363 linear_22_updated_constant0" [id=363, type=get_attr]; -"364 asymmetric_weights_decompressor_linear_22_updated_constant0_0" [id=364, type=call_module]; -"365 linear_22" [id=365, type=linear]; -"366 dropout_13" [id=366, type=dropout]; -"367 view_21" [id=367, type=view]; -"368 permute_18" [id=368, type=permute]; -"369 reshape_17" [id=369, type=reshape]; -"370 roll_3" [id=370, type=roll]; -"371 slice_61" [id=371, type=slice]; -"372 slice_62" [id=372, type=slice]; -"373 slice_63" [id=373, type=slice]; -"374 slice_64" [id=374, type=slice]; -"375 contiguous_5" [id=375, type=contiguous]; -"376 _param_constant63" [id=376, type=get_attr]; -"377 _param_constant64" [id=377, type=get_attr]; -"378 layer_norm_8" [id=378, type=layer_norm]; -"379 add_12" [id=379, type=add]; -"380 _param_constant66" [id=380, type=get_attr]; -"381 linear_23_updated_constant0" [id=381, type=get_attr]; -"382 asymmetric_weights_decompressor_linear_23_updated_constant0_0" [id=382, type=call_module]; -"383 linear_23" [id=383, type=linear]; -"384 gelu_3" [id=384, type=gelu]; -"385 dropout_14" [id=385, type=dropout]; -"386 _param_constant68" [id=386, type=get_attr]; -"387 linear_24_updated_constant0" [id=387, type=get_attr]; -"388 asymmetric_weights_decompressor_linear_24_updated_constant0_0" [id=388, type=call_module]; -"389 linear_24" [id=389, type=linear]; -"390 dropout_15" [id=390, type=dropout]; -"391 _param_constant69" [id=391, type=get_attr]; -"392 _param_constant70" [id=392, type=get_attr]; -"393 layer_norm_9" [id=393, type=layer_norm]; -"394 add_13" [id=394, type=add]; -"395 pad_5" [id=395, type=pad]; -"396 slice_65" [id=396, type=slice]; -"397 slice_66" [id=397, type=slice]; -"398 slice_67" [id=398, type=slice]; -"399 slice_68" [id=399, type=slice]; -"400 slice_69" [id=400, type=slice]; -"401 slice_70" [id=401, type=slice]; -"402 slice_71" [id=402, type=slice]; -"403 slice_72" [id=403, type=slice]; -"404 slice_73" [id=404, type=slice]; -"405 slice_74" [id=405, type=slice]; -"406 slice_75" [id=406, type=slice]; -"407 slice_76" [id=407, type=slice]; -"408 cat_1" [id=408, type=cat]; -"409 linear_25_updated_constant0" [id=409, type=get_attr]; -"410 asymmetric_weights_decompressor_linear_25_updated_constant0_0" [id=410, type=call_module]; -"411 linear_25" [id=411, type=linear]; -"412 _param_constant72" [id=412, type=get_attr]; -"413 _param_constant73" [id=413, type=get_attr]; -"414 layer_norm_10" [id=414, type=layer_norm]; -"415 _tensor_constant26" [id=415, type=get_attr]; -"416 _param_constant75" [id=416, type=get_attr]; -"417 linear_26_updated_constant0" [id=417, type=get_attr]; -"418 asymmetric_weights_decompressor_linear_26_updated_constant0_0" [id=418, type=call_module]; -"419 linear_26" [id=419, type=linear]; -"420 relu__4" [id=420, type=relu_]; -"421 linear_27_updated_constant0" [id=421, type=get_attr]; -"422 asymmetric_weights_decompressor_linear_27_updated_constant0_0" [id=422, type=call_module]; -"423 linear_27" [id=423, type=linear]; -"424 view_22" [id=424, type=view]; -"425 _tensor_constant27" [id=425, type=get_attr]; -"426 index_4" [id=426, type=index]; -"427 view_23" [id=427, type=view]; -"428 permute_19" [id=428, type=permute]; -"429 contiguous_6" [id=429, type=contiguous]; -"430 unsqueeze_12" [id=430, type=unsqueeze]; -"431 sigmoid_4" [id=431, type=sigmoid]; -"432 mul_8" [id=432, type=mul]; -"433 pad_6" [id=433, type=pad]; -"434 view_24" [id=434, type=view]; -"435 permute_20" [id=435, type=permute]; -"436 reshape_18" [id=436, type=reshape]; -"437 _param_constant77" [id=437, type=get_attr]; -"438 clone_4" [id=438, type=clone]; -"439 linear_28_updated_constant0" [id=439, type=get_attr]; -"440 asymmetric_weights_decompressor_linear_28_updated_constant0_0" [id=440, type=call_module]; -"441 linear_28" [id=441, type=linear]; -"442 reshape_19" [id=442, type=reshape]; -"443 permute_21" [id=443, type=permute]; -"444 select_12" [id=444, type=select]; -"445 select_13" [id=445, type=select]; -"446 select_14" [id=446, type=select]; -"447 linalg_vector_norm_8" [id=447, type=linalg_vector_norm]; -"448 clamp_min_8" [id=448, type=clamp_min]; -"449 expand_as_8" [id=449, type=expand_as]; -"450 div_8" [id=450, type=div]; -"451 linalg_vector_norm_9" [id=451, type=linalg_vector_norm]; -"452 clamp_min_9" [id=452, type=clamp_min]; -"453 expand_as_9" [id=453, type=expand_as]; -"454 div_9" [id=454, type=div]; -"455 transpose_8" [id=455, type=transpose]; -"456 matmul_8" [id=456, type=matmul]; -"457 _param_constant79" [id=457, type=get_attr]; -"458 clamp_4" [id=458, type=clamp]; -"459 exp_4" [id=459, type=exp]; -"460 mul_9" [id=460, type=mul]; -"461 add_14" [id=461, type=add]; -"462 softmax_4" [id=462, type=softmax]; -"463 dropout_16" [id=463, type=dropout]; -"464 matmul_9" [id=464, type=matmul]; -"465 transpose_9" [id=465, type=transpose]; -"466 reshape_20" [id=466, type=reshape]; -"467 _param_constant81" [id=467, type=get_attr]; -"468 linear_29_updated_constant0" [id=468, type=get_attr]; -"469 asymmetric_weights_decompressor_linear_29_updated_constant0_0" [id=469, type=call_module]; -"470 linear_29" [id=470, type=linear]; -"471 dropout_17" [id=471, type=dropout]; -"472 view_25" [id=472, type=view]; -"473 permute_22" [id=473, type=permute]; -"474 reshape_21" [id=474, type=reshape]; -"475 slice_78" [id=475, type=slice]; -"476 slice_79" [id=476, type=slice]; -"477 slice_80" [id=477, type=slice]; -"478 slice_81" [id=478, type=slice]; -"479 contiguous_7" [id=479, type=contiguous]; -"480 _param_constant82" [id=480, type=get_attr]; -"481 _param_constant83" [id=481, type=get_attr]; -"482 layer_norm_11" [id=482, type=layer_norm]; -"483 add_15" [id=483, type=add]; -"484 _param_constant85" [id=484, type=get_attr]; -"485 linear_30_updated_constant0" [id=485, type=get_attr]; -"486 asymmetric_weights_decompressor_linear_30_updated_constant0_0" [id=486, type=call_module]; -"487 linear_30" [id=487, type=linear]; -"488 gelu_4" [id=488, type=gelu]; -"489 dropout_18" [id=489, type=dropout]; -"490 _param_constant87" [id=490, type=get_attr]; -"491 linear_31_updated_constant0" [id=491, type=get_attr]; -"492 asymmetric_weights_decompressor_linear_31_updated_constant0_0" [id=492, type=call_module]; -"493 linear_31" [id=493, type=linear]; -"494 dropout_19" [id=494, type=dropout]; -"495 _param_constant88" [id=495, type=get_attr]; -"496 _param_constant89" [id=496, type=get_attr]; -"497 layer_norm_12" [id=497, type=layer_norm]; -"498 add_16" [id=498, type=add]; -"499 _tensor_constant28" [id=499, type=get_attr]; -"500 _param_constant91" [id=500, type=get_attr]; -"501 linear_32_updated_constant0" [id=501, type=get_attr]; -"502 asymmetric_weights_decompressor_linear_32_updated_constant0_0" [id=502, type=call_module]; -"503 linear_32" [id=503, type=linear]; -"504 relu__5" [id=504, type=relu_]; -"505 linear_33_updated_constant0" [id=505, type=get_attr]; -"506 asymmetric_weights_decompressor_linear_33_updated_constant0_0" [id=506, type=call_module]; -"507 linear_33" [id=507, type=linear]; -"508 view_26" [id=508, type=view]; -"509 _tensor_constant29" [id=509, type=get_attr]; -"510 index_5" [id=510, type=index]; -"511 view_27" [id=511, type=view]; -"512 permute_23" [id=512, type=permute]; -"513 contiguous_8" [id=513, type=contiguous]; -"514 unsqueeze_13" [id=514, type=unsqueeze]; -"515 sigmoid_5" [id=515, type=sigmoid]; -"516 mul_10" [id=516, type=mul]; -"517 pad_7" [id=517, type=pad]; -"518 roll_4" [id=518, type=roll]; -"519 view_28" [id=519, type=view]; -"520 permute_24" [id=520, type=permute]; -"521 reshape_22" [id=521, type=reshape]; -"522 _param_constant93" [id=522, type=get_attr]; -"523 clone_5" [id=523, type=clone]; -"524 linear_34_updated_constant0" [id=524, type=get_attr]; -"525 asymmetric_weights_decompressor_linear_34_updated_constant0_0" [id=525, type=call_module]; -"526 linear_34" [id=526, type=linear]; -"527 reshape_23" [id=527, type=reshape]; -"528 permute_25" [id=528, type=permute]; -"529 select_15" [id=529, type=select]; -"530 select_16" [id=530, type=select]; -"531 select_17" [id=531, type=select]; -"532 linalg_vector_norm_10" [id=532, type=linalg_vector_norm]; -"533 clamp_min_10" [id=533, type=clamp_min]; -"534 expand_as_10" [id=534, type=expand_as]; -"535 div_10" [id=535, type=div]; -"536 linalg_vector_norm_11" [id=536, type=linalg_vector_norm]; -"537 clamp_min_11" [id=537, type=clamp_min]; -"538 expand_as_11" [id=538, type=expand_as]; -"539 div_11" [id=539, type=div]; -"540 transpose_10" [id=540, type=transpose]; -"541 matmul_10" [id=541, type=matmul]; -"542 _param_constant95" [id=542, type=get_attr]; -"543 clamp_5" [id=543, type=clamp]; -"544 exp_5" [id=544, type=exp]; -"545 mul_11" [id=545, type=mul]; -"546 add_17" [id=546, type=add]; -"547 new_zeros_2" [id=547, type=new_zeros]; -"548 view_29" [id=548, type=view]; -"549 permute_26" [id=549, type=permute]; -"550 reshape_24" [id=550, type=reshape]; -"551 unsqueeze_14" [id=551, type=unsqueeze]; -"552 unsqueeze_15" [id=552, type=unsqueeze]; -"553 sub_2" [id=553, type=sub]; -"554 ne_2" [id=554, type=ne]; -"555 masked_fill_4" [id=555, type=masked_fill]; -"556 eq_2" [id=556, type=eq]; -"557 masked_fill_5" [id=557, type=masked_fill]; -"558 view_30" [id=558, type=view]; -"559 unsqueeze_16" [id=559, type=unsqueeze]; -"560 unsqueeze_17" [id=560, type=unsqueeze]; -"561 add_18" [id=561, type=add]; -"562 view_31" [id=562, type=view]; -"563 softmax_5" [id=563, type=softmax]; -"564 dropout_20" [id=564, type=dropout]; -"565 matmul_11" [id=565, type=matmul]; -"566 transpose_11" [id=566, type=transpose]; -"567 reshape_25" [id=567, type=reshape]; -"568 _param_constant97" [id=568, type=get_attr]; -"569 linear_35_updated_constant0" [id=569, type=get_attr]; -"570 asymmetric_weights_decompressor_linear_35_updated_constant0_0" [id=570, type=call_module]; -"571 linear_35" [id=571, type=linear]; -"572 dropout_21" [id=572, type=dropout]; -"573 view_32" [id=573, type=view]; -"574 permute_27" [id=574, type=permute]; -"575 reshape_26" [id=575, type=reshape]; -"576 roll_5" [id=576, type=roll]; -"577 slice_101" [id=577, type=slice]; -"578 slice_102" [id=578, type=slice]; -"579 slice_103" [id=579, type=slice]; -"580 slice_104" [id=580, type=slice]; -"581 contiguous_9" [id=581, type=contiguous]; -"582 _param_constant98" [id=582, type=get_attr]; -"583 _param_constant99" [id=583, type=get_attr]; -"584 layer_norm_13" [id=584, type=layer_norm]; -"585 add_19" [id=585, type=add]; -"586 _param_constant101" [id=586, type=get_attr]; -"587 linear_36_updated_constant0" [id=587, type=get_attr]; -"588 asymmetric_weights_decompressor_linear_36_updated_constant0_0" [id=588, type=call_module]; -"589 linear_36" [id=589, type=linear]; -"590 gelu_5" [id=590, type=gelu]; -"591 dropout_22" [id=591, type=dropout]; -"592 _param_constant103" [id=592, type=get_attr]; -"593 linear_37_updated_constant0" [id=593, type=get_attr]; -"594 asymmetric_weights_decompressor_linear_37_updated_constant0_0" [id=594, type=call_module]; -"595 linear_37" [id=595, type=linear]; -"596 dropout_23" [id=596, type=dropout]; -"597 _param_constant104" [id=597, type=get_attr]; -"598 _param_constant105" [id=598, type=get_attr]; -"599 layer_norm_14" [id=599, type=layer_norm]; -"600 add_20" [id=600, type=add]; -"601 _tensor_constant39" [id=601, type=get_attr]; -"602 _param_constant107" [id=602, type=get_attr]; -"603 linear_38_updated_constant0" [id=603, type=get_attr]; -"604 asymmetric_weights_decompressor_linear_38_updated_constant0_0" [id=604, type=call_module]; -"605 linear_38" [id=605, type=linear]; -"606 relu__6" [id=606, type=relu_]; -"607 linear_39_updated_constant0" [id=607, type=get_attr]; -"608 asymmetric_weights_decompressor_linear_39_updated_constant0_0" [id=608, type=call_module]; -"609 linear_39" [id=609, type=linear]; -"610 view_33" [id=610, type=view]; -"611 _tensor_constant40" [id=611, type=get_attr]; -"612 index_6" [id=612, type=index]; -"613 view_34" [id=613, type=view]; -"614 permute_28" [id=614, type=permute]; -"615 contiguous_10" [id=615, type=contiguous]; -"616 unsqueeze_18" [id=616, type=unsqueeze]; -"617 sigmoid_6" [id=617, type=sigmoid]; -"618 mul_12" [id=618, type=mul]; -"619 pad_8" [id=619, type=pad]; -"620 view_35" [id=620, type=view]; -"621 permute_29" [id=621, type=permute]; -"622 reshape_27" [id=622, type=reshape]; -"623 _param_constant109" [id=623, type=get_attr]; -"624 clone_6" [id=624, type=clone]; -"625 linear_40_updated_constant0" [id=625, type=get_attr]; -"626 asymmetric_weights_decompressor_linear_40_updated_constant0_0" [id=626, type=call_module]; -"627 linear_40" [id=627, type=linear]; -"628 reshape_28" [id=628, type=reshape]; -"629 permute_30" [id=629, type=permute]; -"630 select_18" [id=630, type=select]; -"631 select_19" [id=631, type=select]; -"632 select_20" [id=632, type=select]; -"633 linalg_vector_norm_12" [id=633, type=linalg_vector_norm]; -"634 clamp_min_12" [id=634, type=clamp_min]; -"635 expand_as_12" [id=635, type=expand_as]; -"636 div_12" [id=636, type=div]; -"637 linalg_vector_norm_13" [id=637, type=linalg_vector_norm]; -"638 clamp_min_13" [id=638, type=clamp_min]; -"639 expand_as_13" [id=639, type=expand_as]; -"640 div_13" [id=640, type=div]; -"641 transpose_12" [id=641, type=transpose]; -"642 matmul_12" [id=642, type=matmul]; -"643 _param_constant111" [id=643, type=get_attr]; -"644 clamp_6" [id=644, type=clamp]; -"645 exp_6" [id=645, type=exp]; -"646 mul_13" [id=646, type=mul]; -"647 add_21" [id=647, type=add]; -"648 softmax_6" [id=648, type=softmax]; -"649 dropout_24" [id=649, type=dropout]; -"650 matmul_13" [id=650, type=matmul]; -"651 transpose_13" [id=651, type=transpose]; -"652 reshape_29" [id=652, type=reshape]; -"653 _param_constant113" [id=653, type=get_attr]; -"654 linear_41_updated_constant0" [id=654, type=get_attr]; -"655 asymmetric_weights_decompressor_linear_41_updated_constant0_0" [id=655, type=call_module]; -"656 linear_41" [id=656, type=linear]; -"657 dropout_25" [id=657, type=dropout]; -"658 view_36" [id=658, type=view]; -"659 permute_31" [id=659, type=permute]; -"660 reshape_30" [id=660, type=reshape]; -"661 slice_106" [id=661, type=slice]; -"662 slice_107" [id=662, type=slice]; -"663 slice_108" [id=663, type=slice]; -"664 slice_109" [id=664, type=slice]; -"665 contiguous_11" [id=665, type=contiguous]; -"666 _param_constant114" [id=666, type=get_attr]; -"667 _param_constant115" [id=667, type=get_attr]; -"668 layer_norm_15" [id=668, type=layer_norm]; -"669 add_22" [id=669, type=add]; -"670 _param_constant117" [id=670, type=get_attr]; -"671 linear_42_updated_constant0" [id=671, type=get_attr]; -"672 asymmetric_weights_decompressor_linear_42_updated_constant0_0" [id=672, type=call_module]; -"673 linear_42" [id=673, type=linear]; -"674 gelu_6" [id=674, type=gelu]; -"675 dropout_26" [id=675, type=dropout]; -"676 _param_constant119" [id=676, type=get_attr]; -"677 linear_43_updated_constant0" [id=677, type=get_attr]; -"678 asymmetric_weights_decompressor_linear_43_updated_constant0_0" [id=678, type=call_module]; -"679 linear_43" [id=679, type=linear]; -"680 dropout_27" [id=680, type=dropout]; -"681 _param_constant120" [id=681, type=get_attr]; -"682 _param_constant121" [id=682, type=get_attr]; -"683 layer_norm_16" [id=683, type=layer_norm]; -"684 add_23" [id=684, type=add]; -"685 _tensor_constant41" [id=685, type=get_attr]; -"686 _param_constant123" [id=686, type=get_attr]; -"687 linear_44_updated_constant0" [id=687, type=get_attr]; -"688 asymmetric_weights_decompressor_linear_44_updated_constant0_0" [id=688, type=call_module]; -"689 linear_44" [id=689, type=linear]; -"690 relu__7" [id=690, type=relu_]; -"691 linear_45_updated_constant0" [id=691, type=get_attr]; -"692 asymmetric_weights_decompressor_linear_45_updated_constant0_0" [id=692, type=call_module]; -"693 linear_45" [id=693, type=linear]; -"694 view_37" [id=694, type=view]; -"695 _tensor_constant42" [id=695, type=get_attr]; -"696 index_7" [id=696, type=index]; -"697 view_38" [id=697, type=view]; -"698 permute_32" [id=698, type=permute]; -"699 contiguous_12" [id=699, type=contiguous]; -"700 unsqueeze_19" [id=700, type=unsqueeze]; -"701 sigmoid_7" [id=701, type=sigmoid]; -"702 mul_14" [id=702, type=mul]; -"703 pad_9" [id=703, type=pad]; -"704 roll_6" [id=704, type=roll]; -"705 view_39" [id=705, type=view]; -"706 permute_33" [id=706, type=permute]; -"707 reshape_31" [id=707, type=reshape]; -"708 _param_constant125" [id=708, type=get_attr]; -"709 clone_7" [id=709, type=clone]; -"710 linear_46_updated_constant0" [id=710, type=get_attr]; -"711 asymmetric_weights_decompressor_linear_46_updated_constant0_0" [id=711, type=call_module]; -"712 linear_46" [id=712, type=linear]; -"713 reshape_32" [id=713, type=reshape]; -"714 permute_34" [id=714, type=permute]; -"715 select_21" [id=715, type=select]; -"716 select_22" [id=716, type=select]; -"717 select_23" [id=717, type=select]; -"718 linalg_vector_norm_14" [id=718, type=linalg_vector_norm]; -"719 clamp_min_14" [id=719, type=clamp_min]; -"720 expand_as_14" [id=720, type=expand_as]; -"721 div_14" [id=721, type=div]; -"722 linalg_vector_norm_15" [id=722, type=linalg_vector_norm]; -"723 clamp_min_15" [id=723, type=clamp_min]; -"724 expand_as_15" [id=724, type=expand_as]; -"725 div_15" [id=725, type=div]; -"726 transpose_14" [id=726, type=transpose]; -"727 matmul_14" [id=727, type=matmul]; -"728 _param_constant127" [id=728, type=get_attr]; -"729 clamp_7" [id=729, type=clamp]; -"730 exp_7" [id=730, type=exp]; -"731 mul_15" [id=731, type=mul]; -"732 add_24" [id=732, type=add]; -"733 new_zeros_3" [id=733, type=new_zeros]; -"734 view_40" [id=734, type=view]; -"735 permute_35" [id=735, type=permute]; -"736 reshape_33" [id=736, type=reshape]; -"737 unsqueeze_20" [id=737, type=unsqueeze]; -"738 unsqueeze_21" [id=738, type=unsqueeze]; -"739 sub_3" [id=739, type=sub]; -"740 ne_3" [id=740, type=ne]; -"741 masked_fill_6" [id=741, type=masked_fill]; -"742 eq_3" [id=742, type=eq]; -"743 masked_fill_7" [id=743, type=masked_fill]; -"744 view_41" [id=744, type=view]; -"745 unsqueeze_22" [id=745, type=unsqueeze]; -"746 unsqueeze_23" [id=746, type=unsqueeze]; -"747 add_25" [id=747, type=add]; -"748 view_42" [id=748, type=view]; -"749 softmax_7" [id=749, type=softmax]; -"750 dropout_28" [id=750, type=dropout]; -"751 matmul_15" [id=751, type=matmul]; -"752 transpose_15" [id=752, type=transpose]; -"753 reshape_34" [id=753, type=reshape]; -"754 _param_constant129" [id=754, type=get_attr]; -"755 linear_47_updated_constant0" [id=755, type=get_attr]; -"756 asymmetric_weights_decompressor_linear_47_updated_constant0_0" [id=756, type=call_module]; -"757 linear_47" [id=757, type=linear]; -"758 dropout_29" [id=758, type=dropout]; -"759 view_43" [id=759, type=view]; -"760 permute_36" [id=760, type=permute]; -"761 reshape_35" [id=761, type=reshape]; -"762 roll_7" [id=762, type=roll]; -"763 slice_129" [id=763, type=slice]; -"764 slice_130" [id=764, type=slice]; -"765 slice_131" [id=765, type=slice]; -"766 slice_132" [id=766, type=slice]; -"767 contiguous_13" [id=767, type=contiguous]; -"768 _param_constant130" [id=768, type=get_attr]; -"769 _param_constant131" [id=769, type=get_attr]; -"770 layer_norm_17" [id=770, type=layer_norm]; -"771 add_26" [id=771, type=add]; -"772 _param_constant133" [id=772, type=get_attr]; -"773 linear_48_updated_constant0" [id=773, type=get_attr]; -"774 asymmetric_weights_decompressor_linear_48_updated_constant0_0" [id=774, type=call_module]; -"775 linear_48" [id=775, type=linear]; -"776 gelu_7" [id=776, type=gelu]; -"777 dropout_30" [id=777, type=dropout]; -"778 _param_constant135" [id=778, type=get_attr]; -"779 linear_49_updated_constant0" [id=779, type=get_attr]; -"780 asymmetric_weights_decompressor_linear_49_updated_constant0_0" [id=780, type=call_module]; -"781 linear_49" [id=781, type=linear]; -"782 dropout_31" [id=782, type=dropout]; -"783 _param_constant136" [id=783, type=get_attr]; -"784 _param_constant137" [id=784, type=get_attr]; -"785 layer_norm_18" [id=785, type=layer_norm]; -"786 add_27" [id=786, type=add]; -"787 _tensor_constant52" [id=787, type=get_attr]; -"788 _param_constant139" [id=788, type=get_attr]; -"789 linear_50_updated_constant0" [id=789, type=get_attr]; -"790 asymmetric_weights_decompressor_linear_50_updated_constant0_0" [id=790, type=call_module]; -"791 linear_50" [id=791, type=linear]; -"792 relu__8" [id=792, type=relu_]; -"793 linear_51_updated_constant0" [id=793, type=get_attr]; -"794 asymmetric_weights_decompressor_linear_51_updated_constant0_0" [id=794, type=call_module]; -"795 linear_51" [id=795, type=linear]; -"796 view_44" [id=796, type=view]; -"797 _tensor_constant53" [id=797, type=get_attr]; -"798 index_8" [id=798, type=index]; -"799 view_45" [id=799, type=view]; -"800 permute_37" [id=800, type=permute]; -"801 contiguous_14" [id=801, type=contiguous]; -"802 unsqueeze_24" [id=802, type=unsqueeze]; -"803 sigmoid_8" [id=803, type=sigmoid]; -"804 mul_16" [id=804, type=mul]; -"805 pad_10" [id=805, type=pad]; -"806 view_46" [id=806, type=view]; -"807 permute_38" [id=807, type=permute]; -"808 reshape_36" [id=808, type=reshape]; -"809 _param_constant141" [id=809, type=get_attr]; -"810 clone_8" [id=810, type=clone]; -"811 linear_52_updated_constant0" [id=811, type=get_attr]; -"812 asymmetric_weights_decompressor_linear_52_updated_constant0_0" [id=812, type=call_module]; -"813 linear_52" [id=813, type=linear]; -"814 reshape_37" [id=814, type=reshape]; -"815 permute_39" [id=815, type=permute]; -"816 select_24" [id=816, type=select]; -"817 select_25" [id=817, type=select]; -"818 select_26" [id=818, type=select]; -"819 linalg_vector_norm_16" [id=819, type=linalg_vector_norm]; -"820 clamp_min_16" [id=820, type=clamp_min]; -"821 expand_as_16" [id=821, type=expand_as]; -"822 div_16" [id=822, type=div]; -"823 linalg_vector_norm_17" [id=823, type=linalg_vector_norm]; -"824 clamp_min_17" [id=824, type=clamp_min]; -"825 expand_as_17" [id=825, type=expand_as]; -"826 div_17" [id=826, type=div]; -"827 transpose_16" [id=827, type=transpose]; -"828 matmul_16" [id=828, type=matmul]; -"829 _param_constant143" [id=829, type=get_attr]; -"830 clamp_8" [id=830, type=clamp]; -"831 exp_8" [id=831, type=exp]; -"832 mul_17" [id=832, type=mul]; -"833 add_28" [id=833, type=add]; -"834 softmax_8" [id=834, type=softmax]; -"835 dropout_32" [id=835, type=dropout]; -"836 matmul_17" [id=836, type=matmul]; -"837 transpose_17" [id=837, type=transpose]; -"838 reshape_38" [id=838, type=reshape]; -"839 _param_constant145" [id=839, type=get_attr]; -"840 linear_53_updated_constant0" [id=840, type=get_attr]; -"841 asymmetric_weights_decompressor_linear_53_updated_constant0_0" [id=841, type=call_module]; -"842 linear_53" [id=842, type=linear]; -"843 dropout_33" [id=843, type=dropout]; -"844 view_47" [id=844, type=view]; -"845 permute_40" [id=845, type=permute]; -"846 reshape_39" [id=846, type=reshape]; -"847 slice_134" [id=847, type=slice]; -"848 slice_135" [id=848, type=slice]; -"849 slice_136" [id=849, type=slice]; -"850 slice_137" [id=850, type=slice]; -"851 contiguous_15" [id=851, type=contiguous]; -"852 _param_constant146" [id=852, type=get_attr]; -"853 _param_constant147" [id=853, type=get_attr]; -"854 layer_norm_19" [id=854, type=layer_norm]; -"855 add_29" [id=855, type=add]; -"856 _param_constant149" [id=856, type=get_attr]; -"857 linear_54_updated_constant0" [id=857, type=get_attr]; -"858 asymmetric_weights_decompressor_linear_54_updated_constant0_0" [id=858, type=call_module]; -"859 linear_54" [id=859, type=linear]; -"860 gelu_8" [id=860, type=gelu]; -"861 dropout_34" [id=861, type=dropout]; -"862 _param_constant151" [id=862, type=get_attr]; -"863 linear_55_updated_constant0" [id=863, type=get_attr]; -"864 asymmetric_weights_decompressor_linear_55_updated_constant0_0" [id=864, type=call_module]; -"865 linear_55" [id=865, type=linear]; -"866 dropout_35" [id=866, type=dropout]; -"867 _param_constant152" [id=867, type=get_attr]; -"868 _param_constant153" [id=868, type=get_attr]; -"869 layer_norm_20" [id=869, type=layer_norm]; -"870 add_30" [id=870, type=add]; -"871 _tensor_constant54" [id=871, type=get_attr]; -"872 _param_constant155" [id=872, type=get_attr]; -"873 linear_56_updated_constant0" [id=873, type=get_attr]; -"874 asymmetric_weights_decompressor_linear_56_updated_constant0_0" [id=874, type=call_module]; -"875 linear_56" [id=875, type=linear]; -"876 relu__9" [id=876, type=relu_]; -"877 linear_57_updated_constant0" [id=877, type=get_attr]; -"878 asymmetric_weights_decompressor_linear_57_updated_constant0_0" [id=878, type=call_module]; -"879 linear_57" [id=879, type=linear]; -"880 view_48" [id=880, type=view]; -"881 _tensor_constant55" [id=881, type=get_attr]; -"882 index_9" [id=882, type=index]; -"883 view_49" [id=883, type=view]; -"884 permute_41" [id=884, type=permute]; -"885 contiguous_16" [id=885, type=contiguous]; -"886 unsqueeze_25" [id=886, type=unsqueeze]; -"887 sigmoid_9" [id=887, type=sigmoid]; -"888 mul_18" [id=888, type=mul]; -"889 pad_11" [id=889, type=pad]; -"890 roll_8" [id=890, type=roll]; -"891 view_50" [id=891, type=view]; -"892 permute_42" [id=892, type=permute]; -"893 reshape_40" [id=893, type=reshape]; -"894 _param_constant157" [id=894, type=get_attr]; -"895 clone_9" [id=895, type=clone]; -"896 linear_58_updated_constant0" [id=896, type=get_attr]; -"897 asymmetric_weights_decompressor_linear_58_updated_constant0_0" [id=897, type=call_module]; -"898 linear_58" [id=898, type=linear]; -"899 reshape_41" [id=899, type=reshape]; -"900 permute_43" [id=900, type=permute]; -"901 select_27" [id=901, type=select]; -"902 select_28" [id=902, type=select]; -"903 select_29" [id=903, type=select]; -"904 linalg_vector_norm_18" [id=904, type=linalg_vector_norm]; -"905 clamp_min_18" [id=905, type=clamp_min]; -"906 expand_as_18" [id=906, type=expand_as]; -"907 div_18" [id=907, type=div]; -"908 linalg_vector_norm_19" [id=908, type=linalg_vector_norm]; -"909 clamp_min_19" [id=909, type=clamp_min]; -"910 expand_as_19" [id=910, type=expand_as]; -"911 div_19" [id=911, type=div]; -"912 transpose_18" [id=912, type=transpose]; -"913 matmul_18" [id=913, type=matmul]; -"914 _param_constant159" [id=914, type=get_attr]; -"915 clamp_9" [id=915, type=clamp]; -"916 exp_9" [id=916, type=exp]; -"917 mul_19" [id=917, type=mul]; -"918 add_31" [id=918, type=add]; -"919 new_zeros_4" [id=919, type=new_zeros]; -"920 view_51" [id=920, type=view]; -"921 permute_44" [id=921, type=permute]; -"922 reshape_42" [id=922, type=reshape]; -"923 unsqueeze_26" [id=923, type=unsqueeze]; -"924 unsqueeze_27" [id=924, type=unsqueeze]; -"925 sub_4" [id=925, type=sub]; -"926 ne_4" [id=926, type=ne]; -"927 masked_fill_8" [id=927, type=masked_fill]; -"928 eq_4" [id=928, type=eq]; -"929 masked_fill_9" [id=929, type=masked_fill]; -"930 view_52" [id=930, type=view]; -"931 unsqueeze_28" [id=931, type=unsqueeze]; -"932 unsqueeze_29" [id=932, type=unsqueeze]; -"933 add_32" [id=933, type=add]; -"934 view_53" [id=934, type=view]; -"935 softmax_9" [id=935, type=softmax]; -"936 dropout_36" [id=936, type=dropout]; -"937 matmul_19" [id=937, type=matmul]; -"938 transpose_19" [id=938, type=transpose]; -"939 reshape_43" [id=939, type=reshape]; -"940 _param_constant161" [id=940, type=get_attr]; -"941 linear_59_updated_constant0" [id=941, type=get_attr]; -"942 asymmetric_weights_decompressor_linear_59_updated_constant0_0" [id=942, type=call_module]; -"943 linear_59" [id=943, type=linear]; -"944 dropout_37" [id=944, type=dropout]; -"945 view_54" [id=945, type=view]; -"946 permute_45" [id=946, type=permute]; -"947 reshape_44" [id=947, type=reshape]; -"948 roll_9" [id=948, type=roll]; -"949 slice_157" [id=949, type=slice]; -"950 slice_158" [id=950, type=slice]; -"951 slice_159" [id=951, type=slice]; -"952 slice_160" [id=952, type=slice]; -"953 contiguous_17" [id=953, type=contiguous]; -"954 _param_constant162" [id=954, type=get_attr]; -"955 _param_constant163" [id=955, type=get_attr]; -"956 layer_norm_21" [id=956, type=layer_norm]; -"957 add_33" [id=957, type=add]; -"958 _param_constant165" [id=958, type=get_attr]; -"959 linear_60_updated_constant0" [id=959, type=get_attr]; -"960 asymmetric_weights_decompressor_linear_60_updated_constant0_0" [id=960, type=call_module]; -"961 linear_60" [id=961, type=linear]; -"962 gelu_9" [id=962, type=gelu]; -"963 dropout_38" [id=963, type=dropout]; -"964 _param_constant167" [id=964, type=get_attr]; -"965 linear_61_updated_constant0" [id=965, type=get_attr]; -"966 asymmetric_weights_decompressor_linear_61_updated_constant0_0" [id=966, type=call_module]; -"967 linear_61" [id=967, type=linear]; -"968 dropout_39" [id=968, type=dropout]; -"969 _param_constant168" [id=969, type=get_attr]; -"970 _param_constant169" [id=970, type=get_attr]; -"971 layer_norm_22" [id=971, type=layer_norm]; -"972 add_34" [id=972, type=add]; -"973 _tensor_constant65" [id=973, type=get_attr]; -"974 _param_constant171" [id=974, type=get_attr]; -"975 linear_62_updated_constant0" [id=975, type=get_attr]; -"976 asymmetric_weights_decompressor_linear_62_updated_constant0_0" [id=976, type=call_module]; -"977 linear_62" [id=977, type=linear]; -"978 relu__10" [id=978, type=relu_]; -"979 linear_63_updated_constant0" [id=979, type=get_attr]; -"980 asymmetric_weights_decompressor_linear_63_updated_constant0_0" [id=980, type=call_module]; -"981 linear_63" [id=981, type=linear]; -"982 view_55" [id=982, type=view]; -"983 _tensor_constant66" [id=983, type=get_attr]; -"984 index_10" [id=984, type=index]; -"985 view_56" [id=985, type=view]; -"986 permute_46" [id=986, type=permute]; -"987 contiguous_18" [id=987, type=contiguous]; -"988 unsqueeze_30" [id=988, type=unsqueeze]; -"989 sigmoid_10" [id=989, type=sigmoid]; -"990 mul_20" [id=990, type=mul]; -"991 pad_12" [id=991, type=pad]; -"992 view_57" [id=992, type=view]; -"993 permute_47" [id=993, type=permute]; -"994 reshape_45" [id=994, type=reshape]; -"995 _param_constant173" [id=995, type=get_attr]; -"996 clone_10" [id=996, type=clone]; -"997 linear_64_updated_constant0" [id=997, type=get_attr]; -"998 asymmetric_weights_decompressor_linear_64_updated_constant0_0" [id=998, type=call_module]; -"999 linear_64" [id=999, type=linear]; -"1000 reshape_46" [id=1000, type=reshape]; -"1001 permute_48" [id=1001, type=permute]; -"1002 select_30" [id=1002, type=select]; -"1003 select_31" [id=1003, type=select]; -"1004 select_32" [id=1004, type=select]; -"1005 linalg_vector_norm_20" [id=1005, type=linalg_vector_norm]; -"1006 clamp_min_20" [id=1006, type=clamp_min]; -"1007 expand_as_20" [id=1007, type=expand_as]; -"1008 div_20" [id=1008, type=div]; -"1009 linalg_vector_norm_21" [id=1009, type=linalg_vector_norm]; -"1010 clamp_min_21" [id=1010, type=clamp_min]; -"1011 expand_as_21" [id=1011, type=expand_as]; -"1012 div_21" [id=1012, type=div]; -"1013 transpose_20" [id=1013, type=transpose]; -"1014 matmul_20" [id=1014, type=matmul]; -"1015 _param_constant175" [id=1015, type=get_attr]; -"1016 clamp_10" [id=1016, type=clamp]; -"1017 exp_10" [id=1017, type=exp]; -"1018 mul_21" [id=1018, type=mul]; -"1019 add_35" [id=1019, type=add]; -"1020 softmax_10" [id=1020, type=softmax]; -"1021 dropout_40" [id=1021, type=dropout]; -"1022 matmul_21" [id=1022, type=matmul]; -"1023 transpose_21" [id=1023, type=transpose]; -"1024 reshape_47" [id=1024, type=reshape]; -"1025 _param_constant177" [id=1025, type=get_attr]; -"1026 linear_65_updated_constant0" [id=1026, type=get_attr]; -"1027 asymmetric_weights_decompressor_linear_65_updated_constant0_0" [id=1027, type=call_module]; -"1028 linear_65" [id=1028, type=linear]; -"1029 dropout_41" [id=1029, type=dropout]; -"1030 view_58" [id=1030, type=view]; -"1031 permute_49" [id=1031, type=permute]; -"1032 reshape_48" [id=1032, type=reshape]; -"1033 slice_162" [id=1033, type=slice]; -"1034 slice_163" [id=1034, type=slice]; -"1035 slice_164" [id=1035, type=slice]; -"1036 slice_165" [id=1036, type=slice]; -"1037 contiguous_19" [id=1037, type=contiguous]; -"1038 _param_constant178" [id=1038, type=get_attr]; -"1039 _param_constant179" [id=1039, type=get_attr]; -"1040 layer_norm_23" [id=1040, type=layer_norm]; -"1041 add_36" [id=1041, type=add]; -"1042 _param_constant181" [id=1042, type=get_attr]; -"1043 linear_66_updated_constant0" [id=1043, type=get_attr]; -"1044 asymmetric_weights_decompressor_linear_66_updated_constant0_0" [id=1044, type=call_module]; -"1045 linear_66" [id=1045, type=linear]; -"1046 gelu_10" [id=1046, type=gelu]; -"1047 dropout_42" [id=1047, type=dropout]; -"1048 _param_constant183" [id=1048, type=get_attr]; -"1049 linear_67_updated_constant0" [id=1049, type=get_attr]; -"1050 asymmetric_weights_decompressor_linear_67_updated_constant0_0" [id=1050, type=call_module]; -"1051 linear_67" [id=1051, type=linear]; -"1052 dropout_43" [id=1052, type=dropout]; -"1053 _param_constant184" [id=1053, type=get_attr]; -"1054 _param_constant185" [id=1054, type=get_attr]; -"1055 layer_norm_24" [id=1055, type=layer_norm]; -"1056 add_37" [id=1056, type=add]; -"1057 _tensor_constant67" [id=1057, type=get_attr]; -"1058 _param_constant187" [id=1058, type=get_attr]; -"1059 linear_68_updated_constant0" [id=1059, type=get_attr]; -"1060 asymmetric_weights_decompressor_linear_68_updated_constant0_0" [id=1060, type=call_module]; -"1061 linear_68" [id=1061, type=linear]; -"1062 relu__11" [id=1062, type=relu_]; -"1063 linear_69_updated_constant0" [id=1063, type=get_attr]; -"1064 asymmetric_weights_decompressor_linear_69_updated_constant0_0" [id=1064, type=call_module]; -"1065 linear_69" [id=1065, type=linear]; -"1066 view_59" [id=1066, type=view]; -"1067 _tensor_constant68" [id=1067, type=get_attr]; -"1068 index_11" [id=1068, type=index]; -"1069 view_60" [id=1069, type=view]; -"1070 permute_50" [id=1070, type=permute]; -"1071 contiguous_20" [id=1071, type=contiguous]; -"1072 unsqueeze_31" [id=1072, type=unsqueeze]; -"1073 sigmoid_11" [id=1073, type=sigmoid]; -"1074 mul_22" [id=1074, type=mul]; -"1075 pad_13" [id=1075, type=pad]; -"1076 roll_10" [id=1076, type=roll]; -"1077 view_61" [id=1077, type=view]; -"1078 permute_51" [id=1078, type=permute]; -"1079 reshape_49" [id=1079, type=reshape]; -"1080 _param_constant189" [id=1080, type=get_attr]; -"1081 clone_11" [id=1081, type=clone]; -"1082 linear_70_updated_constant0" [id=1082, type=get_attr]; -"1083 asymmetric_weights_decompressor_linear_70_updated_constant0_0" [id=1083, type=call_module]; -"1084 linear_70" [id=1084, type=linear]; -"1085 reshape_50" [id=1085, type=reshape]; -"1086 permute_52" [id=1086, type=permute]; -"1087 select_33" [id=1087, type=select]; -"1088 select_34" [id=1088, type=select]; -"1089 select_35" [id=1089, type=select]; -"1090 linalg_vector_norm_22" [id=1090, type=linalg_vector_norm]; -"1091 clamp_min_22" [id=1091, type=clamp_min]; -"1092 expand_as_22" [id=1092, type=expand_as]; -"1093 div_22" [id=1093, type=div]; -"1094 linalg_vector_norm_23" [id=1094, type=linalg_vector_norm]; -"1095 clamp_min_23" [id=1095, type=clamp_min]; -"1096 expand_as_23" [id=1096, type=expand_as]; -"1097 div_23" [id=1097, type=div]; -"1098 transpose_22" [id=1098, type=transpose]; -"1099 matmul_22" [id=1099, type=matmul]; -"1100 _param_constant191" [id=1100, type=get_attr]; -"1101 clamp_11" [id=1101, type=clamp]; -"1102 exp_11" [id=1102, type=exp]; -"1103 mul_23" [id=1103, type=mul]; -"1104 add_38" [id=1104, type=add]; -"1105 new_zeros_5" [id=1105, type=new_zeros]; -"1106 view_62" [id=1106, type=view]; -"1107 permute_53" [id=1107, type=permute]; -"1108 reshape_51" [id=1108, type=reshape]; -"1109 unsqueeze_32" [id=1109, type=unsqueeze]; -"1110 unsqueeze_33" [id=1110, type=unsqueeze]; -"1111 sub_5" [id=1111, type=sub]; -"1112 ne_5" [id=1112, type=ne]; -"1113 masked_fill_10" [id=1113, type=masked_fill]; -"1114 eq_5" [id=1114, type=eq]; -"1115 masked_fill_11" [id=1115, type=masked_fill]; -"1116 view_63" [id=1116, type=view]; -"1117 unsqueeze_34" [id=1117, type=unsqueeze]; -"1118 unsqueeze_35" [id=1118, type=unsqueeze]; -"1119 add_39" [id=1119, type=add]; -"1120 view_64" [id=1120, type=view]; -"1121 softmax_11" [id=1121, type=softmax]; -"1122 dropout_44" [id=1122, type=dropout]; -"1123 matmul_23" [id=1123, type=matmul]; -"1124 transpose_23" [id=1124, type=transpose]; -"1125 reshape_52" [id=1125, type=reshape]; -"1126 _param_constant193" [id=1126, type=get_attr]; -"1127 linear_71_updated_constant0" [id=1127, type=get_attr]; -"1128 asymmetric_weights_decompressor_linear_71_updated_constant0_0" [id=1128, type=call_module]; -"1129 linear_71" [id=1129, type=linear]; -"1130 dropout_45" [id=1130, type=dropout]; -"1131 view_65" [id=1131, type=view]; -"1132 permute_54" [id=1132, type=permute]; -"1133 reshape_53" [id=1133, type=reshape]; -"1134 roll_11" [id=1134, type=roll]; -"1135 slice_185" [id=1135, type=slice]; -"1136 slice_186" [id=1136, type=slice]; -"1137 slice_187" [id=1137, type=slice]; -"1138 slice_188" [id=1138, type=slice]; -"1139 contiguous_21" [id=1139, type=contiguous]; -"1140 _param_constant194" [id=1140, type=get_attr]; -"1141 _param_constant195" [id=1141, type=get_attr]; -"1142 layer_norm_25" [id=1142, type=layer_norm]; -"1143 add_40" [id=1143, type=add]; -"1144 _param_constant197" [id=1144, type=get_attr]; -"1145 linear_72_updated_constant0" [id=1145, type=get_attr]; -"1146 asymmetric_weights_decompressor_linear_72_updated_constant0_0" [id=1146, type=call_module]; -"1147 linear_72" [id=1147, type=linear]; -"1148 gelu_11" [id=1148, type=gelu]; -"1149 dropout_46" [id=1149, type=dropout]; -"1150 _param_constant199" [id=1150, type=get_attr]; -"1151 linear_73_updated_constant0" [id=1151, type=get_attr]; -"1152 asymmetric_weights_decompressor_linear_73_updated_constant0_0" [id=1152, type=call_module]; -"1153 linear_73" [id=1153, type=linear]; -"1154 dropout_47" [id=1154, type=dropout]; -"1155 _param_constant200" [id=1155, type=get_attr]; -"1156 _param_constant201" [id=1156, type=get_attr]; -"1157 layer_norm_26" [id=1157, type=layer_norm]; -"1158 add_41" [id=1158, type=add]; -"1159 _tensor_constant78" [id=1159, type=get_attr]; -"1160 _param_constant203" [id=1160, type=get_attr]; -"1161 linear_74_updated_constant0" [id=1161, type=get_attr]; -"1162 asymmetric_weights_decompressor_linear_74_updated_constant0_0" [id=1162, type=call_module]; -"1163 linear_74" [id=1163, type=linear]; -"1164 relu__12" [id=1164, type=relu_]; -"1165 linear_75_updated_constant0" [id=1165, type=get_attr]; -"1166 asymmetric_weights_decompressor_linear_75_updated_constant0_0" [id=1166, type=call_module]; -"1167 linear_75" [id=1167, type=linear]; -"1168 view_66" [id=1168, type=view]; -"1169 _tensor_constant79" [id=1169, type=get_attr]; -"1170 index_12" [id=1170, type=index]; -"1171 view_67" [id=1171, type=view]; -"1172 permute_55" [id=1172, type=permute]; -"1173 contiguous_22" [id=1173, type=contiguous]; -"1174 unsqueeze_36" [id=1174, type=unsqueeze]; -"1175 sigmoid_12" [id=1175, type=sigmoid]; -"1176 mul_24" [id=1176, type=mul]; -"1177 pad_14" [id=1177, type=pad]; -"1178 view_68" [id=1178, type=view]; -"1179 permute_56" [id=1179, type=permute]; -"1180 reshape_54" [id=1180, type=reshape]; -"1181 _param_constant205" [id=1181, type=get_attr]; -"1182 clone_12" [id=1182, type=clone]; -"1183 linear_76_updated_constant0" [id=1183, type=get_attr]; -"1184 asymmetric_weights_decompressor_linear_76_updated_constant0_0" [id=1184, type=call_module]; -"1185 linear_76" [id=1185, type=linear]; -"1186 reshape_55" [id=1186, type=reshape]; -"1187 permute_57" [id=1187, type=permute]; -"1188 select_36" [id=1188, type=select]; -"1189 select_37" [id=1189, type=select]; -"1190 select_38" [id=1190, type=select]; -"1191 linalg_vector_norm_24" [id=1191, type=linalg_vector_norm]; -"1192 clamp_min_24" [id=1192, type=clamp_min]; -"1193 expand_as_24" [id=1193, type=expand_as]; -"1194 div_24" [id=1194, type=div]; -"1195 linalg_vector_norm_25" [id=1195, type=linalg_vector_norm]; -"1196 clamp_min_25" [id=1196, type=clamp_min]; -"1197 expand_as_25" [id=1197, type=expand_as]; -"1198 div_25" [id=1198, type=div]; -"1199 transpose_24" [id=1199, type=transpose]; -"1200 matmul_24" [id=1200, type=matmul]; -"1201 _param_constant207" [id=1201, type=get_attr]; -"1202 clamp_12" [id=1202, type=clamp]; -"1203 exp_12" [id=1203, type=exp]; -"1204 mul_25" [id=1204, type=mul]; -"1205 add_42" [id=1205, type=add]; -"1206 softmax_12" [id=1206, type=softmax]; -"1207 dropout_48" [id=1207, type=dropout]; -"1208 matmul_25" [id=1208, type=matmul]; -"1209 transpose_25" [id=1209, type=transpose]; -"1210 reshape_56" [id=1210, type=reshape]; -"1211 _param_constant209" [id=1211, type=get_attr]; -"1212 linear_77_updated_constant0" [id=1212, type=get_attr]; -"1213 asymmetric_weights_decompressor_linear_77_updated_constant0_0" [id=1213, type=call_module]; -"1214 linear_77" [id=1214, type=linear]; -"1215 dropout_49" [id=1215, type=dropout]; -"1216 view_69" [id=1216, type=view]; -"1217 permute_58" [id=1217, type=permute]; -"1218 reshape_57" [id=1218, type=reshape]; -"1219 slice_190" [id=1219, type=slice]; -"1220 slice_191" [id=1220, type=slice]; -"1221 slice_192" [id=1221, type=slice]; -"1222 slice_193" [id=1222, type=slice]; -"1223 contiguous_23" [id=1223, type=contiguous]; -"1224 _param_constant210" [id=1224, type=get_attr]; -"1225 _param_constant211" [id=1225, type=get_attr]; -"1226 layer_norm_27" [id=1226, type=layer_norm]; -"1227 add_43" [id=1227, type=add]; -"1228 _param_constant213" [id=1228, type=get_attr]; -"1229 linear_78_updated_constant0" [id=1229, type=get_attr]; -"1230 asymmetric_weights_decompressor_linear_78_updated_constant0_0" [id=1230, type=call_module]; -"1231 linear_78" [id=1231, type=linear]; -"1232 gelu_12" [id=1232, type=gelu]; -"1233 dropout_50" [id=1233, type=dropout]; -"1234 _param_constant215" [id=1234, type=get_attr]; -"1235 linear_79_updated_constant0" [id=1235, type=get_attr]; -"1236 asymmetric_weights_decompressor_linear_79_updated_constant0_0" [id=1236, type=call_module]; -"1237 linear_79" [id=1237, type=linear]; -"1238 dropout_51" [id=1238, type=dropout]; -"1239 _param_constant216" [id=1239, type=get_attr]; -"1240 _param_constant217" [id=1240, type=get_attr]; -"1241 layer_norm_28" [id=1241, type=layer_norm]; -"1242 add_44" [id=1242, type=add]; -"1243 _tensor_constant80" [id=1243, type=get_attr]; -"1244 _param_constant219" [id=1244, type=get_attr]; -"1245 linear_80_updated_constant0" [id=1245, type=get_attr]; -"1246 asymmetric_weights_decompressor_linear_80_updated_constant0_0" [id=1246, type=call_module]; -"1247 linear_80" [id=1247, type=linear]; -"1248 relu__13" [id=1248, type=relu_]; -"1249 linear_81_updated_constant0" [id=1249, type=get_attr]; -"1250 asymmetric_weights_decompressor_linear_81_updated_constant0_0" [id=1250, type=call_module]; -"1251 linear_81" [id=1251, type=linear]; -"1252 view_70" [id=1252, type=view]; -"1253 _tensor_constant81" [id=1253, type=get_attr]; -"1254 index_13" [id=1254, type=index]; -"1255 view_71" [id=1255, type=view]; -"1256 permute_59" [id=1256, type=permute]; -"1257 contiguous_24" [id=1257, type=contiguous]; -"1258 unsqueeze_37" [id=1258, type=unsqueeze]; -"1259 sigmoid_13" [id=1259, type=sigmoid]; -"1260 mul_26" [id=1260, type=mul]; -"1261 pad_15" [id=1261, type=pad]; -"1262 roll_12" [id=1262, type=roll]; -"1263 view_72" [id=1263, type=view]; -"1264 permute_60" [id=1264, type=permute]; -"1265 reshape_58" [id=1265, type=reshape]; -"1266 _param_constant221" [id=1266, type=get_attr]; -"1267 clone_13" [id=1267, type=clone]; -"1268 linear_82_updated_constant0" [id=1268, type=get_attr]; -"1269 asymmetric_weights_decompressor_linear_82_updated_constant0_0" [id=1269, type=call_module]; -"1270 linear_82" [id=1270, type=linear]; -"1271 reshape_59" [id=1271, type=reshape]; -"1272 permute_61" [id=1272, type=permute]; -"1273 select_39" [id=1273, type=select]; -"1274 select_40" [id=1274, type=select]; -"1275 select_41" [id=1275, type=select]; -"1276 linalg_vector_norm_26" [id=1276, type=linalg_vector_norm]; -"1277 clamp_min_26" [id=1277, type=clamp_min]; -"1278 expand_as_26" [id=1278, type=expand_as]; -"1279 div_26" [id=1279, type=div]; -"1280 linalg_vector_norm_27" [id=1280, type=linalg_vector_norm]; -"1281 clamp_min_27" [id=1281, type=clamp_min]; -"1282 expand_as_27" [id=1282, type=expand_as]; -"1283 div_27" [id=1283, type=div]; -"1284 transpose_26" [id=1284, type=transpose]; -"1285 matmul_26" [id=1285, type=matmul]; -"1286 _param_constant223" [id=1286, type=get_attr]; -"1287 clamp_13" [id=1287, type=clamp]; -"1288 exp_13" [id=1288, type=exp]; -"1289 mul_27" [id=1289, type=mul]; -"1290 add_45" [id=1290, type=add]; -"1291 new_zeros_6" [id=1291, type=new_zeros]; -"1292 view_73" [id=1292, type=view]; -"1293 permute_62" [id=1293, type=permute]; -"1294 reshape_60" [id=1294, type=reshape]; -"1295 unsqueeze_38" [id=1295, type=unsqueeze]; -"1296 unsqueeze_39" [id=1296, type=unsqueeze]; -"1297 sub_6" [id=1297, type=sub]; -"1298 ne_6" [id=1298, type=ne]; -"1299 masked_fill_12" [id=1299, type=masked_fill]; -"1300 eq_6" [id=1300, type=eq]; -"1301 masked_fill_13" [id=1301, type=masked_fill]; -"1302 view_74" [id=1302, type=view]; -"1303 unsqueeze_40" [id=1303, type=unsqueeze]; -"1304 unsqueeze_41" [id=1304, type=unsqueeze]; -"1305 add_46" [id=1305, type=add]; -"1306 view_75" [id=1306, type=view]; -"1307 softmax_13" [id=1307, type=softmax]; -"1308 dropout_52" [id=1308, type=dropout]; -"1309 matmul_27" [id=1309, type=matmul]; -"1310 transpose_27" [id=1310, type=transpose]; -"1311 reshape_61" [id=1311, type=reshape]; -"1312 _param_constant225" [id=1312, type=get_attr]; -"1313 linear_83_updated_constant0" [id=1313, type=get_attr]; -"1314 asymmetric_weights_decompressor_linear_83_updated_constant0_0" [id=1314, type=call_module]; -"1315 linear_83" [id=1315, type=linear]; -"1316 dropout_53" [id=1316, type=dropout]; -"1317 view_76" [id=1317, type=view]; -"1318 permute_63" [id=1318, type=permute]; -"1319 reshape_62" [id=1319, type=reshape]; -"1320 roll_13" [id=1320, type=roll]; -"1321 slice_213" [id=1321, type=slice]; -"1322 slice_214" [id=1322, type=slice]; -"1323 slice_215" [id=1323, type=slice]; -"1324 slice_216" [id=1324, type=slice]; -"1325 contiguous_25" [id=1325, type=contiguous]; -"1326 _param_constant226" [id=1326, type=get_attr]; -"1327 _param_constant227" [id=1327, type=get_attr]; -"1328 layer_norm_29" [id=1328, type=layer_norm]; -"1329 add_47" [id=1329, type=add]; -"1330 _param_constant229" [id=1330, type=get_attr]; -"1331 linear_84_updated_constant0" [id=1331, type=get_attr]; -"1332 asymmetric_weights_decompressor_linear_84_updated_constant0_0" [id=1332, type=call_module]; -"1333 linear_84" [id=1333, type=linear]; -"1334 gelu_13" [id=1334, type=gelu]; -"1335 dropout_54" [id=1335, type=dropout]; -"1336 _param_constant231" [id=1336, type=get_attr]; -"1337 linear_85_updated_constant0" [id=1337, type=get_attr]; -"1338 asymmetric_weights_decompressor_linear_85_updated_constant0_0" [id=1338, type=call_module]; -"1339 linear_85" [id=1339, type=linear]; -"1340 dropout_55" [id=1340, type=dropout]; -"1341 _param_constant232" [id=1341, type=get_attr]; -"1342 _param_constant233" [id=1342, type=get_attr]; -"1343 layer_norm_30" [id=1343, type=layer_norm]; -"1344 add_48" [id=1344, type=add]; -"1345 _tensor_constant91" [id=1345, type=get_attr]; -"1346 _param_constant235" [id=1346, type=get_attr]; -"1347 linear_86_updated_constant0" [id=1347, type=get_attr]; -"1348 asymmetric_weights_decompressor_linear_86_updated_constant0_0" [id=1348, type=call_module]; -"1349 linear_86" [id=1349, type=linear]; -"1350 relu__14" [id=1350, type=relu_]; -"1351 linear_87_updated_constant0" [id=1351, type=get_attr]; -"1352 asymmetric_weights_decompressor_linear_87_updated_constant0_0" [id=1352, type=call_module]; -"1353 linear_87" [id=1353, type=linear]; -"1354 view_77" [id=1354, type=view]; -"1355 _tensor_constant92" [id=1355, type=get_attr]; -"1356 index_14" [id=1356, type=index]; -"1357 view_78" [id=1357, type=view]; -"1358 permute_64" [id=1358, type=permute]; -"1359 contiguous_26" [id=1359, type=contiguous]; -"1360 unsqueeze_42" [id=1360, type=unsqueeze]; -"1361 sigmoid_14" [id=1361, type=sigmoid]; -"1362 mul_28" [id=1362, type=mul]; -"1363 pad_16" [id=1363, type=pad]; -"1364 view_79" [id=1364, type=view]; -"1365 permute_65" [id=1365, type=permute]; -"1366 reshape_63" [id=1366, type=reshape]; -"1367 _param_constant237" [id=1367, type=get_attr]; -"1368 clone_14" [id=1368, type=clone]; -"1369 linear_88_updated_constant0" [id=1369, type=get_attr]; -"1370 asymmetric_weights_decompressor_linear_88_updated_constant0_0" [id=1370, type=call_module]; -"1371 linear_88" [id=1371, type=linear]; -"1372 reshape_64" [id=1372, type=reshape]; -"1373 permute_66" [id=1373, type=permute]; -"1374 select_42" [id=1374, type=select]; -"1375 select_43" [id=1375, type=select]; -"1376 select_44" [id=1376, type=select]; -"1377 linalg_vector_norm_28" [id=1377, type=linalg_vector_norm]; -"1378 clamp_min_28" [id=1378, type=clamp_min]; -"1379 expand_as_28" [id=1379, type=expand_as]; -"1380 div_28" [id=1380, type=div]; -"1381 linalg_vector_norm_29" [id=1381, type=linalg_vector_norm]; -"1382 clamp_min_29" [id=1382, type=clamp_min]; -"1383 expand_as_29" [id=1383, type=expand_as]; -"1384 div_29" [id=1384, type=div]; -"1385 transpose_28" [id=1385, type=transpose]; -"1386 matmul_28" [id=1386, type=matmul]; -"1387 _param_constant239" [id=1387, type=get_attr]; -"1388 clamp_14" [id=1388, type=clamp]; -"1389 exp_14" [id=1389, type=exp]; -"1390 mul_29" [id=1390, type=mul]; -"1391 add_49" [id=1391, type=add]; -"1392 softmax_14" [id=1392, type=softmax]; -"1393 dropout_56" [id=1393, type=dropout]; -"1394 matmul_29" [id=1394, type=matmul]; -"1395 transpose_29" [id=1395, type=transpose]; -"1396 reshape_65" [id=1396, type=reshape]; -"1397 _param_constant241" [id=1397, type=get_attr]; -"1398 linear_89_updated_constant0" [id=1398, type=get_attr]; -"1399 asymmetric_weights_decompressor_linear_89_updated_constant0_0" [id=1399, type=call_module]; -"1400 linear_89" [id=1400, type=linear]; -"1401 dropout_57" [id=1401, type=dropout]; -"1402 view_80" [id=1402, type=view]; -"1403 permute_67" [id=1403, type=permute]; -"1404 reshape_66" [id=1404, type=reshape]; -"1405 slice_218" [id=1405, type=slice]; -"1406 slice_219" [id=1406, type=slice]; -"1407 slice_220" [id=1407, type=slice]; -"1408 slice_221" [id=1408, type=slice]; -"1409 contiguous_27" [id=1409, type=contiguous]; -"1410 _param_constant242" [id=1410, type=get_attr]; -"1411 _param_constant243" [id=1411, type=get_attr]; -"1412 layer_norm_31" [id=1412, type=layer_norm]; -"1413 add_50" [id=1413, type=add]; -"1414 _param_constant245" [id=1414, type=get_attr]; -"1415 linear_90_updated_constant0" [id=1415, type=get_attr]; -"1416 asymmetric_weights_decompressor_linear_90_updated_constant0_0" [id=1416, type=call_module]; -"1417 linear_90" [id=1417, type=linear]; -"1418 gelu_14" [id=1418, type=gelu]; -"1419 dropout_58" [id=1419, type=dropout]; -"1420 _param_constant247" [id=1420, type=get_attr]; -"1421 linear_91_updated_constant0" [id=1421, type=get_attr]; -"1422 asymmetric_weights_decompressor_linear_91_updated_constant0_0" [id=1422, type=call_module]; -"1423 linear_91" [id=1423, type=linear]; -"1424 dropout_59" [id=1424, type=dropout]; -"1425 _param_constant248" [id=1425, type=get_attr]; -"1426 _param_constant249" [id=1426, type=get_attr]; -"1427 layer_norm_32" [id=1427, type=layer_norm]; -"1428 add_51" [id=1428, type=add]; -"1429 _tensor_constant93" [id=1429, type=get_attr]; -"1430 _param_constant251" [id=1430, type=get_attr]; -"1431 linear_92_updated_constant0" [id=1431, type=get_attr]; -"1432 asymmetric_weights_decompressor_linear_92_updated_constant0_0" [id=1432, type=call_module]; -"1433 linear_92" [id=1433, type=linear]; -"1434 relu__15" [id=1434, type=relu_]; -"1435 linear_93_updated_constant0" [id=1435, type=get_attr]; -"1436 asymmetric_weights_decompressor_linear_93_updated_constant0_0" [id=1436, type=call_module]; -"1437 linear_93" [id=1437, type=linear]; -"1438 view_81" [id=1438, type=view]; -"1439 _tensor_constant94" [id=1439, type=get_attr]; -"1440 index_15" [id=1440, type=index]; -"1441 view_82" [id=1441, type=view]; -"1442 permute_68" [id=1442, type=permute]; -"1443 contiguous_28" [id=1443, type=contiguous]; -"1444 unsqueeze_43" [id=1444, type=unsqueeze]; -"1445 sigmoid_15" [id=1445, type=sigmoid]; -"1446 mul_30" [id=1446, type=mul]; -"1447 pad_17" [id=1447, type=pad]; -"1448 roll_14" [id=1448, type=roll]; -"1449 view_83" [id=1449, type=view]; -"1450 permute_69" [id=1450, type=permute]; -"1451 reshape_67" [id=1451, type=reshape]; -"1452 _param_constant253" [id=1452, type=get_attr]; -"1453 clone_15" [id=1453, type=clone]; -"1454 linear_94_updated_constant0" [id=1454, type=get_attr]; -"1455 asymmetric_weights_decompressor_linear_94_updated_constant0_0" [id=1455, type=call_module]; -"1456 linear_94" [id=1456, type=linear]; -"1457 reshape_68" [id=1457, type=reshape]; -"1458 permute_70" [id=1458, type=permute]; -"1459 select_45" [id=1459, type=select]; -"1460 select_46" [id=1460, type=select]; -"1461 select_47" [id=1461, type=select]; -"1462 linalg_vector_norm_30" [id=1462, type=linalg_vector_norm]; -"1463 clamp_min_30" [id=1463, type=clamp_min]; -"1464 expand_as_30" [id=1464, type=expand_as]; -"1465 div_30" [id=1465, type=div]; -"1466 linalg_vector_norm_31" [id=1466, type=linalg_vector_norm]; -"1467 clamp_min_31" [id=1467, type=clamp_min]; -"1468 expand_as_31" [id=1468, type=expand_as]; -"1469 div_31" [id=1469, type=div]; -"1470 transpose_30" [id=1470, type=transpose]; -"1471 matmul_30" [id=1471, type=matmul]; -"1472 _param_constant255" [id=1472, type=get_attr]; -"1473 clamp_15" [id=1473, type=clamp]; -"1474 exp_15" [id=1474, type=exp]; -"1475 mul_31" [id=1475, type=mul]; -"1476 add_52" [id=1476, type=add]; -"1477 new_zeros_7" [id=1477, type=new_zeros]; -"1478 view_84" [id=1478, type=view]; -"1479 permute_71" [id=1479, type=permute]; -"1480 reshape_69" [id=1480, type=reshape]; -"1481 unsqueeze_44" [id=1481, type=unsqueeze]; -"1482 unsqueeze_45" [id=1482, type=unsqueeze]; -"1483 sub_7" [id=1483, type=sub]; -"1484 ne_7" [id=1484, type=ne]; -"1485 masked_fill_14" [id=1485, type=masked_fill]; -"1486 eq_7" [id=1486, type=eq]; -"1487 masked_fill_15" [id=1487, type=masked_fill]; -"1488 view_85" [id=1488, type=view]; -"1489 unsqueeze_46" [id=1489, type=unsqueeze]; -"1490 unsqueeze_47" [id=1490, type=unsqueeze]; -"1491 add_53" [id=1491, type=add]; -"1492 view_86" [id=1492, type=view]; -"1493 softmax_15" [id=1493, type=softmax]; -"1494 dropout_60" [id=1494, type=dropout]; -"1495 matmul_31" [id=1495, type=matmul]; -"1496 transpose_31" [id=1496, type=transpose]; -"1497 reshape_70" [id=1497, type=reshape]; -"1498 _param_constant257" [id=1498, type=get_attr]; -"1499 linear_95_updated_constant0" [id=1499, type=get_attr]; -"1500 asymmetric_weights_decompressor_linear_95_updated_constant0_0" [id=1500, type=call_module]; -"1501 linear_95" [id=1501, type=linear]; -"1502 dropout_61" [id=1502, type=dropout]; -"1503 view_87" [id=1503, type=view]; -"1504 permute_72" [id=1504, type=permute]; -"1505 reshape_71" [id=1505, type=reshape]; -"1506 roll_15" [id=1506, type=roll]; -"1507 slice_241" [id=1507, type=slice]; -"1508 slice_242" [id=1508, type=slice]; -"1509 slice_243" [id=1509, type=slice]; -"1510 slice_244" [id=1510, type=slice]; -"1511 contiguous_29" [id=1511, type=contiguous]; -"1512 _param_constant258" [id=1512, type=get_attr]; -"1513 _param_constant259" [id=1513, type=get_attr]; -"1514 layer_norm_33" [id=1514, type=layer_norm]; -"1515 add_54" [id=1515, type=add]; -"1516 _param_constant261" [id=1516, type=get_attr]; -"1517 linear_96_updated_constant0" [id=1517, type=get_attr]; -"1518 asymmetric_weights_decompressor_linear_96_updated_constant0_0" [id=1518, type=call_module]; -"1519 linear_96" [id=1519, type=linear]; -"1520 gelu_15" [id=1520, type=gelu]; -"1521 dropout_62" [id=1521, type=dropout]; -"1522 _param_constant263" [id=1522, type=get_attr]; -"1523 linear_97_updated_constant0" [id=1523, type=get_attr]; -"1524 asymmetric_weights_decompressor_linear_97_updated_constant0_0" [id=1524, type=call_module]; -"1525 linear_97" [id=1525, type=linear]; -"1526 dropout_63" [id=1526, type=dropout]; -"1527 _param_constant264" [id=1527, type=get_attr]; -"1528 _param_constant265" [id=1528, type=get_attr]; -"1529 layer_norm_34" [id=1529, type=layer_norm]; -"1530 add_55" [id=1530, type=add]; -"1531 _tensor_constant104" [id=1531, type=get_attr]; -"1532 _param_constant267" [id=1532, type=get_attr]; -"1533 linear_98_updated_constant0" [id=1533, type=get_attr]; -"1534 asymmetric_weights_decompressor_linear_98_updated_constant0_0" [id=1534, type=call_module]; -"1535 linear_98" [id=1535, type=linear]; -"1536 relu__16" [id=1536, type=relu_]; -"1537 linear_99_updated_constant0" [id=1537, type=get_attr]; -"1538 asymmetric_weights_decompressor_linear_99_updated_constant0_0" [id=1538, type=call_module]; -"1539 linear_99" [id=1539, type=linear]; -"1540 view_88" [id=1540, type=view]; -"1541 _tensor_constant105" [id=1541, type=get_attr]; -"1542 index_16" [id=1542, type=index]; -"1543 view_89" [id=1543, type=view]; -"1544 permute_73" [id=1544, type=permute]; -"1545 contiguous_30" [id=1545, type=contiguous]; -"1546 unsqueeze_48" [id=1546, type=unsqueeze]; -"1547 sigmoid_16" [id=1547, type=sigmoid]; -"1548 mul_32" [id=1548, type=mul]; -"1549 pad_18" [id=1549, type=pad]; -"1550 view_90" [id=1550, type=view]; -"1551 permute_74" [id=1551, type=permute]; -"1552 reshape_72" [id=1552, type=reshape]; -"1553 _param_constant269" [id=1553, type=get_attr]; -"1554 clone_16" [id=1554, type=clone]; -"1555 linear_100_updated_constant0" [id=1555, type=get_attr]; -"1556 asymmetric_weights_decompressor_linear_100_updated_constant0_0" [id=1556, type=call_module]; -"1557 linear_100" [id=1557, type=linear]; -"1558 reshape_73" [id=1558, type=reshape]; -"1559 permute_75" [id=1559, type=permute]; -"1560 select_48" [id=1560, type=select]; -"1561 select_49" [id=1561, type=select]; -"1562 select_50" [id=1562, type=select]; -"1563 linalg_vector_norm_32" [id=1563, type=linalg_vector_norm]; -"1564 clamp_min_32" [id=1564, type=clamp_min]; -"1565 expand_as_32" [id=1565, type=expand_as]; -"1566 div_32" [id=1566, type=div]; -"1567 linalg_vector_norm_33" [id=1567, type=linalg_vector_norm]; -"1568 clamp_min_33" [id=1568, type=clamp_min]; -"1569 expand_as_33" [id=1569, type=expand_as]; -"1570 div_33" [id=1570, type=div]; -"1571 transpose_32" [id=1571, type=transpose]; -"1572 matmul_32" [id=1572, type=matmul]; -"1573 _param_constant271" [id=1573, type=get_attr]; -"1574 clamp_16" [id=1574, type=clamp]; -"1575 exp_16" [id=1575, type=exp]; -"1576 mul_33" [id=1576, type=mul]; -"1577 add_56" [id=1577, type=add]; -"1578 softmax_16" [id=1578, type=softmax]; -"1579 dropout_64" [id=1579, type=dropout]; -"1580 matmul_33" [id=1580, type=matmul]; -"1581 transpose_33" [id=1581, type=transpose]; -"1582 reshape_74" [id=1582, type=reshape]; -"1583 _param_constant273" [id=1583, type=get_attr]; -"1584 linear_101_updated_constant0" [id=1584, type=get_attr]; -"1585 asymmetric_weights_decompressor_linear_101_updated_constant0_0" [id=1585, type=call_module]; -"1586 linear_101" [id=1586, type=linear]; -"1587 dropout_65" [id=1587, type=dropout]; -"1588 view_91" [id=1588, type=view]; -"1589 permute_76" [id=1589, type=permute]; -"1590 reshape_75" [id=1590, type=reshape]; -"1591 slice_246" [id=1591, type=slice]; -"1592 slice_247" [id=1592, type=slice]; -"1593 slice_248" [id=1593, type=slice]; -"1594 slice_249" [id=1594, type=slice]; -"1595 contiguous_31" [id=1595, type=contiguous]; -"1596 _param_constant274" [id=1596, type=get_attr]; -"1597 _param_constant275" [id=1597, type=get_attr]; -"1598 layer_norm_35" [id=1598, type=layer_norm]; -"1599 add_57" [id=1599, type=add]; -"1600 _param_constant277" [id=1600, type=get_attr]; -"1601 linear_102_updated_constant0" [id=1601, type=get_attr]; -"1602 asymmetric_weights_decompressor_linear_102_updated_constant0_0" [id=1602, type=call_module]; -"1603 linear_102" [id=1603, type=linear]; -"1604 gelu_16" [id=1604, type=gelu]; -"1605 dropout_66" [id=1605, type=dropout]; -"1606 _param_constant279" [id=1606, type=get_attr]; -"1607 linear_103_updated_constant0" [id=1607, type=get_attr]; -"1608 asymmetric_weights_decompressor_linear_103_updated_constant0_0" [id=1608, type=call_module]; -"1609 linear_103" [id=1609, type=linear]; -"1610 dropout_67" [id=1610, type=dropout]; -"1611 _param_constant280" [id=1611, type=get_attr]; -"1612 _param_constant281" [id=1612, type=get_attr]; -"1613 layer_norm_36" [id=1613, type=layer_norm]; -"1614 add_58" [id=1614, type=add]; -"1615 _tensor_constant106" [id=1615, type=get_attr]; -"1616 _param_constant283" [id=1616, type=get_attr]; -"1617 linear_104_updated_constant0" [id=1617, type=get_attr]; -"1618 asymmetric_weights_decompressor_linear_104_updated_constant0_0" [id=1618, type=call_module]; -"1619 linear_104" [id=1619, type=linear]; -"1620 relu__17" [id=1620, type=relu_]; -"1621 linear_105_updated_constant0" [id=1621, type=get_attr]; -"1622 asymmetric_weights_decompressor_linear_105_updated_constant0_0" [id=1622, type=call_module]; -"1623 linear_105" [id=1623, type=linear]; -"1624 view_92" [id=1624, type=view]; -"1625 _tensor_constant107" [id=1625, type=get_attr]; -"1626 index_17" [id=1626, type=index]; -"1627 view_93" [id=1627, type=view]; -"1628 permute_77" [id=1628, type=permute]; -"1629 contiguous_32" [id=1629, type=contiguous]; -"1630 unsqueeze_49" [id=1630, type=unsqueeze]; -"1631 sigmoid_17" [id=1631, type=sigmoid]; -"1632 mul_34" [id=1632, type=mul]; -"1633 pad_19" [id=1633, type=pad]; -"1634 roll_16" [id=1634, type=roll]; -"1635 view_94" [id=1635, type=view]; -"1636 permute_78" [id=1636, type=permute]; -"1637 reshape_76" [id=1637, type=reshape]; -"1638 _param_constant285" [id=1638, type=get_attr]; -"1639 clone_17" [id=1639, type=clone]; -"1640 linear_106_updated_constant0" [id=1640, type=get_attr]; -"1641 asymmetric_weights_decompressor_linear_106_updated_constant0_0" [id=1641, type=call_module]; -"1642 linear_106" [id=1642, type=linear]; -"1643 reshape_77" [id=1643, type=reshape]; -"1644 permute_79" [id=1644, type=permute]; -"1645 select_51" [id=1645, type=select]; -"1646 select_52" [id=1646, type=select]; -"1647 select_53" [id=1647, type=select]; -"1648 linalg_vector_norm_34" [id=1648, type=linalg_vector_norm]; -"1649 clamp_min_34" [id=1649, type=clamp_min]; -"1650 expand_as_34" [id=1650, type=expand_as]; -"1651 div_34" [id=1651, type=div]; -"1652 linalg_vector_norm_35" [id=1652, type=linalg_vector_norm]; -"1653 clamp_min_35" [id=1653, type=clamp_min]; -"1654 expand_as_35" [id=1654, type=expand_as]; -"1655 div_35" [id=1655, type=div]; -"1656 transpose_34" [id=1656, type=transpose]; -"1657 matmul_34" [id=1657, type=matmul]; -"1658 _param_constant287" [id=1658, type=get_attr]; -"1659 clamp_17" [id=1659, type=clamp]; -"1660 exp_17" [id=1660, type=exp]; -"1661 mul_35" [id=1661, type=mul]; -"1662 add_59" [id=1662, type=add]; -"1663 new_zeros_8" [id=1663, type=new_zeros]; -"1664 view_95" [id=1664, type=view]; -"1665 permute_80" [id=1665, type=permute]; -"1666 reshape_78" [id=1666, type=reshape]; -"1667 unsqueeze_50" [id=1667, type=unsqueeze]; -"1668 unsqueeze_51" [id=1668, type=unsqueeze]; -"1669 sub_8" [id=1669, type=sub]; -"1670 ne_8" [id=1670, type=ne]; -"1671 masked_fill_16" [id=1671, type=masked_fill]; -"1672 eq_8" [id=1672, type=eq]; -"1673 masked_fill_17" [id=1673, type=masked_fill]; -"1674 view_96" [id=1674, type=view]; -"1675 unsqueeze_52" [id=1675, type=unsqueeze]; -"1676 unsqueeze_53" [id=1676, type=unsqueeze]; -"1677 add_60" [id=1677, type=add]; -"1678 view_97" [id=1678, type=view]; -"1679 softmax_17" [id=1679, type=softmax]; -"1680 dropout_68" [id=1680, type=dropout]; -"1681 matmul_35" [id=1681, type=matmul]; -"1682 transpose_35" [id=1682, type=transpose]; -"1683 reshape_79" [id=1683, type=reshape]; -"1684 _param_constant289" [id=1684, type=get_attr]; -"1685 linear_107_updated_constant0" [id=1685, type=get_attr]; -"1686 asymmetric_weights_decompressor_linear_107_updated_constant0_0" [id=1686, type=call_module]; -"1687 linear_107" [id=1687, type=linear]; -"1688 dropout_69" [id=1688, type=dropout]; -"1689 view_98" [id=1689, type=view]; -"1690 permute_81" [id=1690, type=permute]; -"1691 reshape_80" [id=1691, type=reshape]; -"1692 roll_17" [id=1692, type=roll]; -"1693 slice_269" [id=1693, type=slice]; -"1694 slice_270" [id=1694, type=slice]; -"1695 slice_271" [id=1695, type=slice]; -"1696 slice_272" [id=1696, type=slice]; -"1697 contiguous_33" [id=1697, type=contiguous]; -"1698 _param_constant290" [id=1698, type=get_attr]; -"1699 _param_constant291" [id=1699, type=get_attr]; -"1700 layer_norm_37" [id=1700, type=layer_norm]; -"1701 add_61" [id=1701, type=add]; -"1702 _param_constant293" [id=1702, type=get_attr]; -"1703 linear_108_updated_constant0" [id=1703, type=get_attr]; -"1704 asymmetric_weights_decompressor_linear_108_updated_constant0_0" [id=1704, type=call_module]; -"1705 linear_108" [id=1705, type=linear]; -"1706 gelu_17" [id=1706, type=gelu]; -"1707 dropout_70" [id=1707, type=dropout]; -"1708 _param_constant295" [id=1708, type=get_attr]; -"1709 linear_109_updated_constant0" [id=1709, type=get_attr]; -"1710 asymmetric_weights_decompressor_linear_109_updated_constant0_0" [id=1710, type=call_module]; -"1711 linear_109" [id=1711, type=linear]; -"1712 dropout_71" [id=1712, type=dropout]; -"1713 _param_constant296" [id=1713, type=get_attr]; -"1714 _param_constant297" [id=1714, type=get_attr]; -"1715 layer_norm_38" [id=1715, type=layer_norm]; -"1716 add_62" [id=1716, type=add]; -"1717 _tensor_constant117" [id=1717, type=get_attr]; -"1718 _param_constant299" [id=1718, type=get_attr]; -"1719 linear_110_updated_constant0" [id=1719, type=get_attr]; -"1720 asymmetric_weights_decompressor_linear_110_updated_constant0_0" [id=1720, type=call_module]; -"1721 linear_110" [id=1721, type=linear]; -"1722 relu__18" [id=1722, type=relu_]; -"1723 linear_111_updated_constant0" [id=1723, type=get_attr]; -"1724 asymmetric_weights_decompressor_linear_111_updated_constant0_0" [id=1724, type=call_module]; -"1725 linear_111" [id=1725, type=linear]; -"1726 view_99" [id=1726, type=view]; -"1727 _tensor_constant118" [id=1727, type=get_attr]; -"1728 index_18" [id=1728, type=index]; -"1729 view_100" [id=1729, type=view]; -"1730 permute_82" [id=1730, type=permute]; -"1731 contiguous_34" [id=1731, type=contiguous]; -"1732 unsqueeze_54" [id=1732, type=unsqueeze]; -"1733 sigmoid_18" [id=1733, type=sigmoid]; -"1734 mul_36" [id=1734, type=mul]; -"1735 pad_20" [id=1735, type=pad]; -"1736 view_101" [id=1736, type=view]; -"1737 permute_83" [id=1737, type=permute]; -"1738 reshape_81" [id=1738, type=reshape]; -"1739 _param_constant301" [id=1739, type=get_attr]; -"1740 clone_18" [id=1740, type=clone]; -"1741 linear_112_updated_constant0" [id=1741, type=get_attr]; -"1742 asymmetric_weights_decompressor_linear_112_updated_constant0_0" [id=1742, type=call_module]; -"1743 linear_112" [id=1743, type=linear]; -"1744 reshape_82" [id=1744, type=reshape]; -"1745 permute_84" [id=1745, type=permute]; -"1746 select_54" [id=1746, type=select]; -"1747 select_55" [id=1747, type=select]; -"1748 select_56" [id=1748, type=select]; -"1749 linalg_vector_norm_36" [id=1749, type=linalg_vector_norm]; -"1750 clamp_min_36" [id=1750, type=clamp_min]; -"1751 expand_as_36" [id=1751, type=expand_as]; -"1752 div_36" [id=1752, type=div]; -"1753 linalg_vector_norm_37" [id=1753, type=linalg_vector_norm]; -"1754 clamp_min_37" [id=1754, type=clamp_min]; -"1755 expand_as_37" [id=1755, type=expand_as]; -"1756 div_37" [id=1756, type=div]; -"1757 transpose_36" [id=1757, type=transpose]; -"1758 matmul_36" [id=1758, type=matmul]; -"1759 _param_constant303" [id=1759, type=get_attr]; -"1760 clamp_18" [id=1760, type=clamp]; -"1761 exp_18" [id=1761, type=exp]; -"1762 mul_37" [id=1762, type=mul]; -"1763 add_63" [id=1763, type=add]; -"1764 softmax_18" [id=1764, type=softmax]; -"1765 dropout_72" [id=1765, type=dropout]; -"1766 matmul_37" [id=1766, type=matmul]; -"1767 transpose_37" [id=1767, type=transpose]; -"1768 reshape_83" [id=1768, type=reshape]; -"1769 _param_constant305" [id=1769, type=get_attr]; -"1770 linear_113_updated_constant0" [id=1770, type=get_attr]; -"1771 asymmetric_weights_decompressor_linear_113_updated_constant0_0" [id=1771, type=call_module]; -"1772 linear_113" [id=1772, type=linear]; -"1773 dropout_73" [id=1773, type=dropout]; -"1774 view_102" [id=1774, type=view]; -"1775 permute_85" [id=1775, type=permute]; -"1776 reshape_84" [id=1776, type=reshape]; -"1777 slice_274" [id=1777, type=slice]; -"1778 slice_275" [id=1778, type=slice]; -"1779 slice_276" [id=1779, type=slice]; -"1780 slice_277" [id=1780, type=slice]; -"1781 contiguous_35" [id=1781, type=contiguous]; -"1782 _param_constant306" [id=1782, type=get_attr]; -"1783 _param_constant307" [id=1783, type=get_attr]; -"1784 layer_norm_39" [id=1784, type=layer_norm]; -"1785 add_64" [id=1785, type=add]; -"1786 _param_constant309" [id=1786, type=get_attr]; -"1787 linear_114_updated_constant0" [id=1787, type=get_attr]; -"1788 asymmetric_weights_decompressor_linear_114_updated_constant0_0" [id=1788, type=call_module]; -"1789 linear_114" [id=1789, type=linear]; -"1790 gelu_18" [id=1790, type=gelu]; -"1791 dropout_74" [id=1791, type=dropout]; -"1792 _param_constant311" [id=1792, type=get_attr]; -"1793 linear_115_updated_constant0" [id=1793, type=get_attr]; -"1794 asymmetric_weights_decompressor_linear_115_updated_constant0_0" [id=1794, type=call_module]; -"1795 linear_115" [id=1795, type=linear]; -"1796 dropout_75" [id=1796, type=dropout]; -"1797 _param_constant312" [id=1797, type=get_attr]; -"1798 _param_constant313" [id=1798, type=get_attr]; -"1799 layer_norm_40" [id=1799, type=layer_norm]; -"1800 add_65" [id=1800, type=add]; -"1801 _tensor_constant119" [id=1801, type=get_attr]; -"1802 _param_constant315" [id=1802, type=get_attr]; -"1803 linear_116_updated_constant0" [id=1803, type=get_attr]; -"1804 asymmetric_weights_decompressor_linear_116_updated_constant0_0" [id=1804, type=call_module]; -"1805 linear_116" [id=1805, type=linear]; -"1806 relu__19" [id=1806, type=relu_]; -"1807 linear_117_updated_constant0" [id=1807, type=get_attr]; -"1808 asymmetric_weights_decompressor_linear_117_updated_constant0_0" [id=1808, type=call_module]; -"1809 linear_117" [id=1809, type=linear]; -"1810 view_103" [id=1810, type=view]; -"1811 _tensor_constant120" [id=1811, type=get_attr]; -"1812 index_19" [id=1812, type=index]; -"1813 view_104" [id=1813, type=view]; -"1814 permute_86" [id=1814, type=permute]; -"1815 contiguous_36" [id=1815, type=contiguous]; -"1816 unsqueeze_55" [id=1816, type=unsqueeze]; -"1817 sigmoid_19" [id=1817, type=sigmoid]; -"1818 mul_38" [id=1818, type=mul]; -"1819 pad_21" [id=1819, type=pad]; -"1820 roll_18" [id=1820, type=roll]; -"1821 view_105" [id=1821, type=view]; -"1822 permute_87" [id=1822, type=permute]; -"1823 reshape_85" [id=1823, type=reshape]; -"1824 _param_constant317" [id=1824, type=get_attr]; -"1825 clone_19" [id=1825, type=clone]; -"1826 linear_118_updated_constant0" [id=1826, type=get_attr]; -"1827 asymmetric_weights_decompressor_linear_118_updated_constant0_0" [id=1827, type=call_module]; -"1828 linear_118" [id=1828, type=linear]; -"1829 reshape_86" [id=1829, type=reshape]; -"1830 permute_88" [id=1830, type=permute]; -"1831 select_57" [id=1831, type=select]; -"1832 select_58" [id=1832, type=select]; -"1833 select_59" [id=1833, type=select]; -"1834 linalg_vector_norm_38" [id=1834, type=linalg_vector_norm]; -"1835 clamp_min_38" [id=1835, type=clamp_min]; -"1836 expand_as_38" [id=1836, type=expand_as]; -"1837 div_38" [id=1837, type=div]; -"1838 linalg_vector_norm_39" [id=1838, type=linalg_vector_norm]; -"1839 clamp_min_39" [id=1839, type=clamp_min]; -"1840 expand_as_39" [id=1840, type=expand_as]; -"1841 div_39" [id=1841, type=div]; -"1842 transpose_38" [id=1842, type=transpose]; -"1843 matmul_38" [id=1843, type=matmul]; -"1844 _param_constant319" [id=1844, type=get_attr]; -"1845 clamp_19" [id=1845, type=clamp]; -"1846 exp_19" [id=1846, type=exp]; -"1847 mul_39" [id=1847, type=mul]; -"1848 add_66" [id=1848, type=add]; -"1849 new_zeros_9" [id=1849, type=new_zeros]; -"1850 view_106" [id=1850, type=view]; -"1851 permute_89" [id=1851, type=permute]; -"1852 reshape_87" [id=1852, type=reshape]; -"1853 unsqueeze_56" [id=1853, type=unsqueeze]; -"1854 unsqueeze_57" [id=1854, type=unsqueeze]; -"1855 sub_9" [id=1855, type=sub]; -"1856 ne_9" [id=1856, type=ne]; -"1857 masked_fill_18" [id=1857, type=masked_fill]; -"1858 eq_9" [id=1858, type=eq]; -"1859 masked_fill_19" [id=1859, type=masked_fill]; -"1860 view_107" [id=1860, type=view]; -"1861 unsqueeze_58" [id=1861, type=unsqueeze]; -"1862 unsqueeze_59" [id=1862, type=unsqueeze]; -"1863 add_67" [id=1863, type=add]; -"1864 view_108" [id=1864, type=view]; -"1865 softmax_19" [id=1865, type=softmax]; -"1866 dropout_76" [id=1866, type=dropout]; -"1867 matmul_39" [id=1867, type=matmul]; -"1868 transpose_39" [id=1868, type=transpose]; -"1869 reshape_88" [id=1869, type=reshape]; -"1870 _param_constant321" [id=1870, type=get_attr]; -"1871 linear_119_updated_constant0" [id=1871, type=get_attr]; -"1872 asymmetric_weights_decompressor_linear_119_updated_constant0_0" [id=1872, type=call_module]; -"1873 linear_119" [id=1873, type=linear]; -"1874 dropout_77" [id=1874, type=dropout]; -"1875 view_109" [id=1875, type=view]; -"1876 permute_90" [id=1876, type=permute]; -"1877 reshape_89" [id=1877, type=reshape]; -"1878 roll_19" [id=1878, type=roll]; -"1879 slice_297" [id=1879, type=slice]; -"1880 slice_298" [id=1880, type=slice]; -"1881 slice_299" [id=1881, type=slice]; -"1882 slice_300" [id=1882, type=slice]; -"1883 contiguous_37" [id=1883, type=contiguous]; -"1884 _param_constant322" [id=1884, type=get_attr]; -"1885 _param_constant323" [id=1885, type=get_attr]; -"1886 layer_norm_41" [id=1886, type=layer_norm]; -"1887 add_68" [id=1887, type=add]; -"1888 _param_constant325" [id=1888, type=get_attr]; -"1889 linear_120_updated_constant0" [id=1889, type=get_attr]; -"1890 asymmetric_weights_decompressor_linear_120_updated_constant0_0" [id=1890, type=call_module]; -"1891 linear_120" [id=1891, type=linear]; -"1892 gelu_19" [id=1892, type=gelu]; -"1893 dropout_78" [id=1893, type=dropout]; -"1894 _param_constant327" [id=1894, type=get_attr]; -"1895 linear_121_updated_constant0" [id=1895, type=get_attr]; -"1896 asymmetric_weights_decompressor_linear_121_updated_constant0_0" [id=1896, type=call_module]; -"1897 linear_121" [id=1897, type=linear]; -"1898 dropout_79" [id=1898, type=dropout]; -"1899 _param_constant328" [id=1899, type=get_attr]; -"1900 _param_constant329" [id=1900, type=get_attr]; -"1901 layer_norm_42" [id=1901, type=layer_norm]; -"1902 add_69" [id=1902, type=add]; -"1903 _tensor_constant130" [id=1903, type=get_attr]; -"1904 _param_constant331" [id=1904, type=get_attr]; -"1905 linear_122_updated_constant0" [id=1905, type=get_attr]; -"1906 asymmetric_weights_decompressor_linear_122_updated_constant0_0" [id=1906, type=call_module]; -"1907 linear_122" [id=1907, type=linear]; -"1908 relu__20" [id=1908, type=relu_]; -"1909 linear_123_updated_constant0" [id=1909, type=get_attr]; -"1910 asymmetric_weights_decompressor_linear_123_updated_constant0_0" [id=1910, type=call_module]; -"1911 linear_123" [id=1911, type=linear]; -"1912 view_110" [id=1912, type=view]; -"1913 _tensor_constant131" [id=1913, type=get_attr]; -"1914 index_20" [id=1914, type=index]; -"1915 view_111" [id=1915, type=view]; -"1916 permute_91" [id=1916, type=permute]; -"1917 contiguous_38" [id=1917, type=contiguous]; -"1918 unsqueeze_60" [id=1918, type=unsqueeze]; -"1919 sigmoid_20" [id=1919, type=sigmoid]; -"1920 mul_40" [id=1920, type=mul]; -"1921 pad_22" [id=1921, type=pad]; -"1922 view_112" [id=1922, type=view]; -"1923 permute_92" [id=1923, type=permute]; -"1924 reshape_90" [id=1924, type=reshape]; -"1925 _param_constant333" [id=1925, type=get_attr]; -"1926 clone_20" [id=1926, type=clone]; -"1927 linear_124_updated_constant0" [id=1927, type=get_attr]; -"1928 asymmetric_weights_decompressor_linear_124_updated_constant0_0" [id=1928, type=call_module]; -"1929 linear_124" [id=1929, type=linear]; -"1930 reshape_91" [id=1930, type=reshape]; -"1931 permute_93" [id=1931, type=permute]; -"1932 select_60" [id=1932, type=select]; -"1933 select_61" [id=1933, type=select]; -"1934 select_62" [id=1934, type=select]; -"1935 linalg_vector_norm_40" [id=1935, type=linalg_vector_norm]; -"1936 clamp_min_40" [id=1936, type=clamp_min]; -"1937 expand_as_40" [id=1937, type=expand_as]; -"1938 div_40" [id=1938, type=div]; -"1939 linalg_vector_norm_41" [id=1939, type=linalg_vector_norm]; -"1940 clamp_min_41" [id=1940, type=clamp_min]; -"1941 expand_as_41" [id=1941, type=expand_as]; -"1942 div_41" [id=1942, type=div]; -"1943 transpose_40" [id=1943, type=transpose]; -"1944 matmul_40" [id=1944, type=matmul]; -"1945 _param_constant335" [id=1945, type=get_attr]; -"1946 clamp_20" [id=1946, type=clamp]; -"1947 exp_20" [id=1947, type=exp]; -"1948 mul_41" [id=1948, type=mul]; -"1949 add_70" [id=1949, type=add]; -"1950 softmax_20" [id=1950, type=softmax]; -"1951 dropout_80" [id=1951, type=dropout]; -"1952 matmul_41" [id=1952, type=matmul]; -"1953 transpose_41" [id=1953, type=transpose]; -"1954 reshape_92" [id=1954, type=reshape]; -"1955 _param_constant337" [id=1955, type=get_attr]; -"1956 linear_125_updated_constant0" [id=1956, type=get_attr]; -"1957 asymmetric_weights_decompressor_linear_125_updated_constant0_0" [id=1957, type=call_module]; -"1958 linear_125" [id=1958, type=linear]; -"1959 dropout_81" [id=1959, type=dropout]; -"1960 view_113" [id=1960, type=view]; -"1961 permute_94" [id=1961, type=permute]; -"1962 reshape_93" [id=1962, type=reshape]; -"1963 slice_302" [id=1963, type=slice]; -"1964 slice_303" [id=1964, type=slice]; -"1965 slice_304" [id=1965, type=slice]; -"1966 slice_305" [id=1966, type=slice]; -"1967 contiguous_39" [id=1967, type=contiguous]; -"1968 _param_constant338" [id=1968, type=get_attr]; -"1969 _param_constant339" [id=1969, type=get_attr]; -"1970 layer_norm_43" [id=1970, type=layer_norm]; -"1971 add_71" [id=1971, type=add]; -"1972 _param_constant341" [id=1972, type=get_attr]; -"1973 linear_126_updated_constant0" [id=1973, type=get_attr]; -"1974 asymmetric_weights_decompressor_linear_126_updated_constant0_0" [id=1974, type=call_module]; -"1975 linear_126" [id=1975, type=linear]; -"1976 gelu_20" [id=1976, type=gelu]; -"1977 dropout_82" [id=1977, type=dropout]; -"1978 _param_constant343" [id=1978, type=get_attr]; -"1979 linear_127_updated_constant0" [id=1979, type=get_attr]; -"1980 asymmetric_weights_decompressor_linear_127_updated_constant0_0" [id=1980, type=call_module]; -"1981 linear_127" [id=1981, type=linear]; -"1982 dropout_83" [id=1982, type=dropout]; -"1983 _param_constant344" [id=1983, type=get_attr]; -"1984 _param_constant345" [id=1984, type=get_attr]; -"1985 layer_norm_44" [id=1985, type=layer_norm]; -"1986 add_72" [id=1986, type=add]; -"1987 _tensor_constant132" [id=1987, type=get_attr]; -"1988 _param_constant347" [id=1988, type=get_attr]; -"1989 linear_128_updated_constant0" [id=1989, type=get_attr]; -"1990 asymmetric_weights_decompressor_linear_128_updated_constant0_0" [id=1990, type=call_module]; -"1991 linear_128" [id=1991, type=linear]; -"1992 relu__21" [id=1992, type=relu_]; -"1993 linear_129_updated_constant0" [id=1993, type=get_attr]; -"1994 asymmetric_weights_decompressor_linear_129_updated_constant0_0" [id=1994, type=call_module]; -"1995 linear_129" [id=1995, type=linear]; -"1996 view_114" [id=1996, type=view]; -"1997 _tensor_constant133" [id=1997, type=get_attr]; -"1998 index_21" [id=1998, type=index]; -"1999 view_115" [id=1999, type=view]; -"2000 permute_95" [id=2000, type=permute]; -"2001 contiguous_40" [id=2001, type=contiguous]; -"2002 unsqueeze_61" [id=2002, type=unsqueeze]; -"2003 sigmoid_21" [id=2003, type=sigmoid]; -"2004 mul_42" [id=2004, type=mul]; -"2005 pad_23" [id=2005, type=pad]; -"2006 roll_20" [id=2006, type=roll]; -"2007 view_116" [id=2007, type=view]; -"2008 permute_96" [id=2008, type=permute]; -"2009 reshape_94" [id=2009, type=reshape]; -"2010 _param_constant349" [id=2010, type=get_attr]; -"2011 clone_21" [id=2011, type=clone]; -"2012 linear_130_updated_constant0" [id=2012, type=get_attr]; -"2013 asymmetric_weights_decompressor_linear_130_updated_constant0_0" [id=2013, type=call_module]; -"2014 linear_130" [id=2014, type=linear]; -"2015 reshape_95" [id=2015, type=reshape]; -"2016 permute_97" [id=2016, type=permute]; -"2017 select_63" [id=2017, type=select]; -"2018 select_64" [id=2018, type=select]; -"2019 select_65" [id=2019, type=select]; -"2020 linalg_vector_norm_42" [id=2020, type=linalg_vector_norm]; -"2021 clamp_min_42" [id=2021, type=clamp_min]; -"2022 expand_as_42" [id=2022, type=expand_as]; -"2023 div_42" [id=2023, type=div]; -"2024 linalg_vector_norm_43" [id=2024, type=linalg_vector_norm]; -"2025 clamp_min_43" [id=2025, type=clamp_min]; -"2026 expand_as_43" [id=2026, type=expand_as]; -"2027 div_43" [id=2027, type=div]; -"2028 transpose_42" [id=2028, type=transpose]; -"2029 matmul_42" [id=2029, type=matmul]; -"2030 _param_constant351" [id=2030, type=get_attr]; -"2031 clamp_21" [id=2031, type=clamp]; -"2032 exp_21" [id=2032, type=exp]; -"2033 mul_43" [id=2033, type=mul]; -"2034 add_73" [id=2034, type=add]; -"2035 new_zeros_10" [id=2035, type=new_zeros]; -"2036 view_117" [id=2036, type=view]; -"2037 permute_98" [id=2037, type=permute]; -"2038 reshape_96" [id=2038, type=reshape]; -"2039 unsqueeze_62" [id=2039, type=unsqueeze]; -"2040 unsqueeze_63" [id=2040, type=unsqueeze]; -"2041 sub_10" [id=2041, type=sub]; -"2042 ne_10" [id=2042, type=ne]; -"2043 masked_fill_20" [id=2043, type=masked_fill]; -"2044 eq_10" [id=2044, type=eq]; -"2045 masked_fill_21" [id=2045, type=masked_fill]; -"2046 view_118" [id=2046, type=view]; -"2047 unsqueeze_64" [id=2047, type=unsqueeze]; -"2048 unsqueeze_65" [id=2048, type=unsqueeze]; -"2049 add_74" [id=2049, type=add]; -"2050 view_119" [id=2050, type=view]; -"2051 softmax_21" [id=2051, type=softmax]; -"2052 dropout_84" [id=2052, type=dropout]; -"2053 matmul_43" [id=2053, type=matmul]; -"2054 transpose_43" [id=2054, type=transpose]; -"2055 reshape_97" [id=2055, type=reshape]; -"2056 _param_constant353" [id=2056, type=get_attr]; -"2057 linear_131_updated_constant0" [id=2057, type=get_attr]; -"2058 asymmetric_weights_decompressor_linear_131_updated_constant0_0" [id=2058, type=call_module]; -"2059 linear_131" [id=2059, type=linear]; -"2060 dropout_85" [id=2060, type=dropout]; -"2061 view_120" [id=2061, type=view]; -"2062 permute_99" [id=2062, type=permute]; -"2063 reshape_98" [id=2063, type=reshape]; -"2064 roll_21" [id=2064, type=roll]; -"2065 slice_325" [id=2065, type=slice]; -"2066 slice_326" [id=2066, type=slice]; -"2067 slice_327" [id=2067, type=slice]; -"2068 slice_328" [id=2068, type=slice]; -"2069 contiguous_41" [id=2069, type=contiguous]; -"2070 _param_constant354" [id=2070, type=get_attr]; -"2071 _param_constant355" [id=2071, type=get_attr]; -"2072 layer_norm_45" [id=2072, type=layer_norm]; -"2073 add_75" [id=2073, type=add]; -"2074 _param_constant357" [id=2074, type=get_attr]; -"2075 linear_132_updated_constant0" [id=2075, type=get_attr]; -"2076 asymmetric_weights_decompressor_linear_132_updated_constant0_0" [id=2076, type=call_module]; -"2077 linear_132" [id=2077, type=linear]; -"2078 gelu_21" [id=2078, type=gelu]; -"2079 dropout_86" [id=2079, type=dropout]; -"2080 _param_constant359" [id=2080, type=get_attr]; -"2081 linear_133_updated_constant0" [id=2081, type=get_attr]; -"2082 asymmetric_weights_decompressor_linear_133_updated_constant0_0" [id=2082, type=call_module]; -"2083 linear_133" [id=2083, type=linear]; -"2084 dropout_87" [id=2084, type=dropout]; -"2085 _param_constant360" [id=2085, type=get_attr]; -"2086 _param_constant361" [id=2086, type=get_attr]; -"2087 layer_norm_46" [id=2087, type=layer_norm]; -"2088 add_76" [id=2088, type=add]; -"2089 pad_24" [id=2089, type=pad]; -"2090 slice_329" [id=2090, type=slice]; -"2091 slice_330" [id=2091, type=slice]; -"2092 slice_331" [id=2092, type=slice]; -"2093 slice_332" [id=2093, type=slice]; -"2094 slice_333" [id=2094, type=slice]; -"2095 slice_334" [id=2095, type=slice]; -"2096 slice_335" [id=2096, type=slice]; -"2097 slice_336" [id=2097, type=slice]; -"2098 slice_337" [id=2098, type=slice]; -"2099 slice_338" [id=2099, type=slice]; -"2100 slice_339" [id=2100, type=slice]; -"2101 slice_340" [id=2101, type=slice]; -"2102 cat_2" [id=2102, type=cat]; -"2103 linear_134_updated_constant0" [id=2103, type=get_attr]; -"2104 asymmetric_weights_decompressor_linear_134_updated_constant0_0" [id=2104, type=call_module]; -"2105 linear_134" [id=2105, type=linear]; -"2106 _param_constant363" [id=2106, type=get_attr]; -"2107 _param_constant364" [id=2107, type=get_attr]; -"2108 layer_norm_47" [id=2108, type=layer_norm]; -"2109 _tensor_constant143" [id=2109, type=get_attr]; -"2110 _param_constant366" [id=2110, type=get_attr]; -"2111 linear_135_updated_constant0" [id=2111, type=get_attr]; -"2112 asymmetric_weights_decompressor_linear_135_updated_constant0_0" [id=2112, type=call_module]; -"2113 linear_135" [id=2113, type=linear]; -"2114 relu__22" [id=2114, type=relu_]; -"2115 linear_136_updated_constant0" [id=2115, type=get_attr]; -"2116 asymmetric_weights_decompressor_linear_136_updated_constant0_0" [id=2116, type=call_module]; -"2117 linear_136" [id=2117, type=linear]; -"2118 view_121" [id=2118, type=view]; -"2119 _tensor_constant144" [id=2119, type=get_attr]; -"2120 index_22" [id=2120, type=index]; -"2121 view_122" [id=2121, type=view]; -"2122 permute_100" [id=2122, type=permute]; -"2123 contiguous_42" [id=2123, type=contiguous]; -"2124 unsqueeze_66" [id=2124, type=unsqueeze]; -"2125 sigmoid_22" [id=2125, type=sigmoid]; -"2126 mul_44" [id=2126, type=mul]; -"2127 pad_25" [id=2127, type=pad]; -"2128 view_123" [id=2128, type=view]; -"2129 permute_101" [id=2129, type=permute]; -"2130 reshape_99" [id=2130, type=reshape]; -"2131 _param_constant368" [id=2131, type=get_attr]; -"2132 clone_22" [id=2132, type=clone]; -"2133 linear_137_updated_constant0" [id=2133, type=get_attr]; -"2134 asymmetric_weights_decompressor_linear_137_updated_constant0_0" [id=2134, type=call_module]; -"2135 linear_137" [id=2135, type=linear]; -"2136 reshape_100" [id=2136, type=reshape]; -"2137 permute_102" [id=2137, type=permute]; -"2138 select_66" [id=2138, type=select]; -"2139 select_67" [id=2139, type=select]; -"2140 select_68" [id=2140, type=select]; -"2141 linalg_vector_norm_44" [id=2141, type=linalg_vector_norm]; -"2142 clamp_min_44" [id=2142, type=clamp_min]; -"2143 expand_as_44" [id=2143, type=expand_as]; -"2144 div_44" [id=2144, type=div]; -"2145 linalg_vector_norm_45" [id=2145, type=linalg_vector_norm]; -"2146 clamp_min_45" [id=2146, type=clamp_min]; -"2147 expand_as_45" [id=2147, type=expand_as]; -"2148 div_45" [id=2148, type=div]; -"2149 transpose_44" [id=2149, type=transpose]; -"2150 matmul_44" [id=2150, type=matmul]; -"2151 _param_constant370" [id=2151, type=get_attr]; -"2152 clamp_22" [id=2152, type=clamp]; -"2153 exp_22" [id=2153, type=exp]; -"2154 mul_45" [id=2154, type=mul]; -"2155 add_77" [id=2155, type=add]; -"2156 softmax_22" [id=2156, type=softmax]; -"2157 dropout_88" [id=2157, type=dropout]; -"2158 matmul_45" [id=2158, type=matmul]; -"2159 transpose_45" [id=2159, type=transpose]; -"2160 reshape_101" [id=2160, type=reshape]; -"2161 _param_constant372" [id=2161, type=get_attr]; -"2162 linear_138_updated_constant0" [id=2162, type=get_attr]; -"2163 asymmetric_weights_decompressor_linear_138_updated_constant0_0" [id=2163, type=call_module]; -"2164 linear_138" [id=2164, type=linear]; -"2165 dropout_89" [id=2165, type=dropout]; -"2166 view_124" [id=2166, type=view]; -"2167 permute_103" [id=2167, type=permute]; -"2168 reshape_102" [id=2168, type=reshape]; -"2169 slice_342" [id=2169, type=slice]; -"2170 slice_343" [id=2170, type=slice]; -"2171 slice_344" [id=2171, type=slice]; -"2172 slice_345" [id=2172, type=slice]; -"2173 contiguous_43" [id=2173, type=contiguous]; -"2174 _param_constant373" [id=2174, type=get_attr]; -"2175 _param_constant374" [id=2175, type=get_attr]; -"2176 layer_norm_48" [id=2176, type=layer_norm]; -"2177 add_78" [id=2177, type=add]; -"2178 _param_constant376" [id=2178, type=get_attr]; -"2179 linear_139_updated_constant0" [id=2179, type=get_attr]; -"2180 asymmetric_weights_decompressor_linear_139_updated_constant0_0" [id=2180, type=call_module]; -"2181 linear_139" [id=2181, type=linear]; -"2182 gelu_22" [id=2182, type=gelu]; -"2183 dropout_90" [id=2183, type=dropout]; -"2184 _param_constant378" [id=2184, type=get_attr]; -"2185 linear_140_updated_constant0" [id=2185, type=get_attr]; -"2186 asymmetric_weights_decompressor_linear_140_updated_constant0_0" [id=2186, type=call_module]; -"2187 linear_140" [id=2187, type=linear]; -"2188 dropout_91" [id=2188, type=dropout]; -"2189 _param_constant379" [id=2189, type=get_attr]; -"2190 _param_constant380" [id=2190, type=get_attr]; -"2191 layer_norm_49" [id=2191, type=layer_norm]; -"2192 add_79" [id=2192, type=add]; -"2193 _tensor_constant145" [id=2193, type=get_attr]; -"2194 _param_constant382" [id=2194, type=get_attr]; -"2195 linear_141_updated_constant0" [id=2195, type=get_attr]; -"2196 asymmetric_weights_decompressor_linear_141_updated_constant0_0" [id=2196, type=call_module]; -"2197 linear_141" [id=2197, type=linear]; -"2198 relu__23" [id=2198, type=relu_]; -"2199 linear_142_updated_constant0" [id=2199, type=get_attr]; -"2200 asymmetric_weights_decompressor_linear_142_updated_constant0_0" [id=2200, type=call_module]; -"2201 linear_142" [id=2201, type=linear]; -"2202 view_125" [id=2202, type=view]; -"2203 _tensor_constant146" [id=2203, type=get_attr]; -"2204 index_23" [id=2204, type=index]; -"2205 view_126" [id=2205, type=view]; -"2206 permute_104" [id=2206, type=permute]; -"2207 contiguous_44" [id=2207, type=contiguous]; -"2208 unsqueeze_67" [id=2208, type=unsqueeze]; -"2209 sigmoid_23" [id=2209, type=sigmoid]; -"2210 mul_46" [id=2210, type=mul]; -"2211 pad_26" [id=2211, type=pad]; -"2212 view_127" [id=2212, type=view]; -"2213 permute_105" [id=2213, type=permute]; -"2214 reshape_103" [id=2214, type=reshape]; -"2215 _param_constant384" [id=2215, type=get_attr]; -"2216 clone_23" [id=2216, type=clone]; -"2217 linear_143_updated_constant0" [id=2217, type=get_attr]; -"2218 asymmetric_weights_decompressor_linear_143_updated_constant0_0" [id=2218, type=call_module]; -"2219 linear_143" [id=2219, type=linear]; -"2220 reshape_104" [id=2220, type=reshape]; -"2221 permute_106" [id=2221, type=permute]; -"2222 select_69" [id=2222, type=select]; -"2223 select_70" [id=2223, type=select]; -"2224 select_71" [id=2224, type=select]; -"2225 linalg_vector_norm_46" [id=2225, type=linalg_vector_norm]; -"2226 clamp_min_46" [id=2226, type=clamp_min]; -"2227 expand_as_46" [id=2227, type=expand_as]; -"2228 div_46" [id=2228, type=div]; -"2229 linalg_vector_norm_47" [id=2229, type=linalg_vector_norm]; -"2230 clamp_min_47" [id=2230, type=clamp_min]; -"2231 expand_as_47" [id=2231, type=expand_as]; -"2232 div_47" [id=2232, type=div]; -"2233 transpose_46" [id=2233, type=transpose]; -"2234 matmul_46" [id=2234, type=matmul]; -"2235 _param_constant386" [id=2235, type=get_attr]; -"2236 clamp_23" [id=2236, type=clamp]; -"2237 exp_23" [id=2237, type=exp]; -"2238 mul_47" [id=2238, type=mul]; -"2239 add_80" [id=2239, type=add]; -"2240 softmax_23" [id=2240, type=softmax]; -"2241 dropout_92" [id=2241, type=dropout]; -"2242 matmul_47" [id=2242, type=matmul]; -"2243 transpose_47" [id=2243, type=transpose]; -"2244 reshape_105" [id=2244, type=reshape]; -"2245 _param_constant388" [id=2245, type=get_attr]; -"2246 linear_144_updated_constant0" [id=2246, type=get_attr]; -"2247 asymmetric_weights_decompressor_linear_144_updated_constant0_0" [id=2247, type=call_module]; -"2248 linear_144" [id=2248, type=linear]; -"2249 dropout_93" [id=2249, type=dropout]; -"2250 view_128" [id=2250, type=view]; -"2251 permute_107" [id=2251, type=permute]; -"2252 reshape_106" [id=2252, type=reshape]; -"2253 slice_347" [id=2253, type=slice]; -"2254 slice_348" [id=2254, type=slice]; -"2255 slice_349" [id=2255, type=slice]; -"2256 slice_350" [id=2256, type=slice]; -"2257 contiguous_45" [id=2257, type=contiguous]; -"2258 _param_constant389" [id=2258, type=get_attr]; -"2259 _param_constant390" [id=2259, type=get_attr]; -"2260 layer_norm_50" [id=2260, type=layer_norm]; -"2261 add_81" [id=2261, type=add]; -"2262 _param_constant392" [id=2262, type=get_attr]; -"2263 linear_145_updated_constant0" [id=2263, type=get_attr]; -"2264 asymmetric_weights_decompressor_linear_145_updated_constant0_0" [id=2264, type=call_module]; -"2265 linear_145" [id=2265, type=linear]; -"2266 gelu_23" [id=2266, type=gelu]; -"2267 dropout_94" [id=2267, type=dropout]; -"2268 _param_constant394" [id=2268, type=get_attr]; -"2269 linear_146_updated_constant0" [id=2269, type=get_attr]; -"2270 asymmetric_weights_decompressor_linear_146_updated_constant0_0" [id=2270, type=call_module]; -"2271 linear_146" [id=2271, type=linear]; -"2272 dropout_95" [id=2272, type=dropout]; -"2273 _param_constant395" [id=2273, type=get_attr]; -"2274 _param_constant396" [id=2274, type=get_attr]; -"2275 layer_norm_51" [id=2275, type=layer_norm]; -"2276 add_82" [id=2276, type=add]; -"2277 _param_constant397" [id=2277, type=get_attr]; -"2278 _param_constant398" [id=2278, type=get_attr]; -"2279 layer_norm_52" [id=2279, type=layer_norm]; -"2280 permute_108" [id=2280, type=permute]; -"2281 adaptive_avg_pool2d" [id=2281, type=adaptive_avg_pool2d]; -"2282 flatten" [id=2282, type=flatten]; -"2283 _param_constant400" [id=2283, type=get_attr]; -"2284 linear_147_updated_constant0" [id=2284, type=get_attr]; -"2285 asymmetric_weights_decompressor_linear_147_updated_constant0_0" [id=2285, type=call_module]; -"2286 linear_147" [id=2286, type=linear]; -"2287 output" [id=2287, type=output]; -"0 arg0_1" -> "4 conv2d"; -"1 _param_constant1" -> "4 conv2d"; -"2 conv2d_updated_constant0" -> "3 asymmetric_weights_decompressor_conv2d_updated_constant0_0"; -"3 asymmetric_weights_decompressor_conv2d_updated_constant0_0" -> "4 conv2d"; -"4 conv2d" -> "5 permute"; -"5 permute" -> "8 layer_norm"; -"6 _param_constant2" -> "8 layer_norm"; -"7 _param_constant3" -> "8 layer_norm"; -"8 layer_norm" -> "27 pad"; -"8 layer_norm" -> "74 add_1"; -"9 _tensor_constant0" -> "13 linear"; -"10 _param_constant5" -> "13 linear"; -"11 linear_updated_constant0" -> "12 asymmetric_weights_decompressor_linear_updated_constant0_0"; -"12 asymmetric_weights_decompressor_linear_updated_constant0_0" -> "13 linear"; -"13 linear" -> "14 relu_"; -"14 relu_" -> "17 linear_1"; -"15 linear_1_updated_constant0" -> "16 asymmetric_weights_decompressor_linear_1_updated_constant0_0"; -"16 asymmetric_weights_decompressor_linear_1_updated_constant0_0" -> "17 linear_1"; -"17 linear_1" -> "18 view"; -"18 view" -> "20 index"; -"19 _tensor_constant1" -> "20 index"; -"20 index" -> "21 view_1"; -"21 view_1" -> "22 permute_1"; -"22 permute_1" -> "23 contiguous"; -"23 contiguous" -> "24 unsqueeze"; -"24 unsqueeze" -> "25 sigmoid"; -"25 sigmoid" -> "26 mul"; -"26 mul" -> "55 add"; -"27 pad" -> "28 view_2"; -"28 view_2" -> "29 permute_2"; -"29 permute_2" -> "30 reshape"; -"30 reshape" -> "35 linear_2"; -"31 _param_constant7" -> "32 clone"; -"32 clone" -> "35 linear_2"; -"33 linear_2_updated_constant0" -> "34 asymmetric_weights_decompressor_linear_2_updated_constant0_0"; -"34 asymmetric_weights_decompressor_linear_2_updated_constant0_0" -> "35 linear_2"; -"35 linear_2" -> "36 reshape_1"; -"36 reshape_1" -> "37 permute_3"; -"37 permute_3" -> "38 select"; -"37 permute_3" -> "39 select_1"; -"37 permute_3" -> "40 select_2"; -"38 select" -> "41 linalg_vector_norm"; -"38 select" -> "43 expand_as"; -"38 select" -> "44 div"; -"39 select_1" -> "45 linalg_vector_norm_1"; -"39 select_1" -> "47 expand_as_1"; -"39 select_1" -> "48 div_1"; -"40 select_2" -> "58 matmul_1"; -"41 linalg_vector_norm" -> "42 clamp_min"; -"42 clamp_min" -> "43 expand_as"; -"43 expand_as" -> "44 div"; -"44 div" -> "50 matmul"; -"45 linalg_vector_norm_1" -> "46 clamp_min_1"; -"46 clamp_min_1" -> "47 expand_as_1"; -"47 expand_as_1" -> "48 div_1"; -"48 div_1" -> "49 transpose"; -"49 transpose" -> "50 matmul"; -"50 matmul" -> "54 mul_1"; -"51 _param_constant9" -> "52 clamp"; -"52 clamp" -> "53 exp"; -"53 exp" -> "54 mul_1"; -"54 mul_1" -> "55 add"; -"55 add" -> "56 softmax"; -"56 softmax" -> "57 dropout"; -"57 dropout" -> "58 matmul_1"; -"58 matmul_1" -> "59 transpose_1"; -"59 transpose_1" -> "60 reshape_2"; -"60 reshape_2" -> "64 linear_3"; -"61 _param_constant11" -> "64 linear_3"; -"62 linear_3_updated_constant0" -> "63 asymmetric_weights_decompressor_linear_3_updated_constant0_0"; -"63 asymmetric_weights_decompressor_linear_3_updated_constant0_0" -> "64 linear_3"; -"64 linear_3" -> "65 dropout_1"; -"65 dropout_1" -> "66 view_3"; -"66 view_3" -> "67 permute_4"; -"67 permute_4" -> "68 reshape_3"; -"68 reshape_3" -> "69 slice_2"; -"69 slice_2" -> "70 slice_3"; -"70 slice_3" -> "73 layer_norm_1"; -"71 _param_constant12" -> "73 layer_norm_1"; -"72 _param_constant13" -> "73 layer_norm_1"; -"73 layer_norm_1" -> "74 add_1"; -"74 add_1" -> "78 linear_4"; -"74 add_1" -> "89 add_2"; -"75 _param_constant15" -> "78 linear_4"; -"76 linear_4_updated_constant0" -> "77 asymmetric_weights_decompressor_linear_4_updated_constant0_0"; -"77 asymmetric_weights_decompressor_linear_4_updated_constant0_0" -> "78 linear_4"; -"78 linear_4" -> "79 gelu"; -"79 gelu" -> "80 dropout_2"; -"80 dropout_2" -> "84 linear_5"; -"81 _param_constant17" -> "84 linear_5"; -"82 linear_5_updated_constant0" -> "83 asymmetric_weights_decompressor_linear_5_updated_constant0_0"; -"83 asymmetric_weights_decompressor_linear_5_updated_constant0_0" -> "84 linear_5"; -"84 linear_5" -> "85 dropout_3"; -"85 dropout_3" -> "88 layer_norm_2"; -"86 _param_constant18" -> "88 layer_norm_2"; -"87 _param_constant19" -> "88 layer_norm_2"; -"88 layer_norm_2" -> "89 add_2"; -"89 add_2" -> "108 pad_1"; -"89 add_2" -> "173 add_5"; -"90 _tensor_constant2" -> "94 linear_6"; -"91 _param_constant21" -> "94 linear_6"; -"92 linear_6_updated_constant0" -> "93 asymmetric_weights_decompressor_linear_6_updated_constant0_0"; -"93 asymmetric_weights_decompressor_linear_6_updated_constant0_0" -> "94 linear_6"; -"94 linear_6" -> "95 relu__1"; -"95 relu__1" -> "98 linear_7"; -"96 linear_7_updated_constant0" -> "97 asymmetric_weights_decompressor_linear_7_updated_constant0_0"; -"97 asymmetric_weights_decompressor_linear_7_updated_constant0_0" -> "98 linear_7"; -"98 linear_7" -> "99 view_4"; -"99 view_4" -> "101 index_1"; -"100 _tensor_constant3" -> "101 index_1"; -"101 index_1" -> "102 view_5"; -"102 view_5" -> "103 permute_5"; -"103 permute_5" -> "104 contiguous_1"; -"104 contiguous_1" -> "105 unsqueeze_1"; -"105 unsqueeze_1" -> "106 sigmoid_1"; -"106 sigmoid_1" -> "107 mul_2"; -"107 mul_2" -> "137 add_3"; -"108 pad_1" -> "109 roll"; -"109 roll" -> "110 view_6"; -"110 view_6" -> "111 permute_6"; -"111 permute_6" -> "112 reshape_4"; -"112 reshape_4" -> "117 linear_8"; -"112 reshape_4" -> "138 new_zeros"; -"113 _param_constant23" -> "114 clone_1"; -"114 clone_1" -> "117 linear_8"; -"115 linear_8_updated_constant0" -> "116 asymmetric_weights_decompressor_linear_8_updated_constant0_0"; -"116 asymmetric_weights_decompressor_linear_8_updated_constant0_0" -> "117 linear_8"; -"117 linear_8" -> "118 reshape_5"; -"118 reshape_5" -> "119 permute_7"; -"119 permute_7" -> "120 select_3"; -"119 permute_7" -> "121 select_4"; -"119 permute_7" -> "122 select_5"; -"120 select_3" -> "123 linalg_vector_norm_2"; -"120 select_3" -> "125 expand_as_2"; -"120 select_3" -> "126 div_2"; -"121 select_4" -> "127 linalg_vector_norm_3"; -"121 select_4" -> "129 expand_as_3"; -"121 select_4" -> "130 div_3"; -"122 select_5" -> "156 matmul_3"; -"123 linalg_vector_norm_2" -> "124 clamp_min_2"; -"124 clamp_min_2" -> "125 expand_as_2"; -"125 expand_as_2" -> "126 div_2"; -"126 div_2" -> "132 matmul_2"; -"127 linalg_vector_norm_3" -> "128 clamp_min_3"; -"128 clamp_min_3" -> "129 expand_as_3"; -"129 expand_as_3" -> "130 div_3"; -"130 div_3" -> "131 transpose_2"; -"131 transpose_2" -> "132 matmul_2"; -"132 matmul_2" -> "136 mul_3"; -"133 _param_constant25" -> "134 clamp_1"; -"134 clamp_1" -> "135 exp_1"; -"135 exp_1" -> "136 mul_3"; -"136 mul_3" -> "137 add_3"; -"137 add_3" -> "149 view_8"; -"138 new_zeros" -> "139 view_7"; -"139 view_7" -> "140 permute_8"; -"140 permute_8" -> "141 reshape_6"; -"141 reshape_6" -> "142 unsqueeze_2"; -"141 reshape_6" -> "143 unsqueeze_3"; -"142 unsqueeze_2" -> "144 sub"; -"143 unsqueeze_3" -> "144 sub"; -"144 sub" -> "145 ne"; -"144 sub" -> "146 masked_fill"; -"144 sub" -> "147 eq"; -"145 ne" -> "146 masked_fill"; -"146 masked_fill" -> "148 masked_fill_1"; -"147 eq" -> "148 masked_fill_1"; -"148 masked_fill_1" -> "150 unsqueeze_4"; -"149 view_8" -> "152 add_4"; -"150 unsqueeze_4" -> "151 unsqueeze_5"; -"151 unsqueeze_5" -> "152 add_4"; -"152 add_4" -> "153 view_9"; -"153 view_9" -> "154 softmax_1"; -"154 softmax_1" -> "155 dropout_4"; -"155 dropout_4" -> "156 matmul_3"; -"156 matmul_3" -> "157 transpose_3"; -"157 transpose_3" -> "158 reshape_7"; -"158 reshape_7" -> "162 linear_9"; -"159 _param_constant27" -> "162 linear_9"; -"160 linear_9_updated_constant0" -> "161 asymmetric_weights_decompressor_linear_9_updated_constant0_0"; -"161 asymmetric_weights_decompressor_linear_9_updated_constant0_0" -> "162 linear_9"; -"162 linear_9" -> "163 dropout_5"; -"163 dropout_5" -> "164 view_10"; -"164 view_10" -> "165 permute_9"; -"165 permute_9" -> "166 reshape_8"; -"166 reshape_8" -> "167 roll_1"; -"167 roll_1" -> "168 slice_23"; -"168 slice_23" -> "169 slice_24"; -"169 slice_24" -> "172 layer_norm_3"; -"170 _param_constant28" -> "172 layer_norm_3"; -"171 _param_constant29" -> "172 layer_norm_3"; -"172 layer_norm_3" -> "173 add_5"; -"173 add_5" -> "177 linear_10"; -"173 add_5" -> "188 add_6"; -"174 _param_constant31" -> "177 linear_10"; -"175 linear_10_updated_constant0" -> "176 asymmetric_weights_decompressor_linear_10_updated_constant0_0"; -"176 asymmetric_weights_decompressor_linear_10_updated_constant0_0" -> "177 linear_10"; -"177 linear_10" -> "178 gelu_1"; -"178 gelu_1" -> "179 dropout_6"; -"179 dropout_6" -> "183 linear_11"; -"180 _param_constant33" -> "183 linear_11"; -"181 linear_11_updated_constant0" -> "182 asymmetric_weights_decompressor_linear_11_updated_constant0_0"; -"182 asymmetric_weights_decompressor_linear_11_updated_constant0_0" -> "183 linear_11"; -"183 linear_11" -> "184 dropout_7"; -"184 dropout_7" -> "187 layer_norm_4"; -"185 _param_constant34" -> "187 layer_norm_4"; -"186 _param_constant35" -> "187 layer_norm_4"; -"187 layer_norm_4" -> "188 add_6"; -"188 add_6" -> "189 pad_2"; -"189 pad_2" -> "190 slice_25"; -"189 pad_2" -> "193 slice_28"; -"189 pad_2" -> "196 slice_31"; -"189 pad_2" -> "199 slice_34"; -"190 slice_25" -> "191 slice_26"; -"191 slice_26" -> "192 slice_27"; -"192 slice_27" -> "202 cat"; -"193 slice_28" -> "194 slice_29"; -"194 slice_29" -> "195 slice_30"; -"195 slice_30" -> "202 cat"; -"196 slice_31" -> "197 slice_32"; -"197 slice_32" -> "198 slice_33"; -"198 slice_33" -> "202 cat"; -"199 slice_34" -> "200 slice_35"; -"200 slice_35" -> "201 slice_36"; -"201 slice_36" -> "202 cat"; -"202 cat" -> "205 linear_12"; -"203 linear_12_updated_constant0" -> "204 asymmetric_weights_decompressor_linear_12_updated_constant0_0"; -"204 asymmetric_weights_decompressor_linear_12_updated_constant0_0" -> "205 linear_12"; -"205 linear_12" -> "208 layer_norm_5"; -"206 _param_constant37" -> "208 layer_norm_5"; -"207 _param_constant38" -> "208 layer_norm_5"; -"208 layer_norm_5" -> "227 pad_3"; -"208 layer_norm_5" -> "277 add_8"; -"209 _tensor_constant13" -> "213 linear_13"; -"210 _param_constant40" -> "213 linear_13"; -"211 linear_13_updated_constant0" -> "212 asymmetric_weights_decompressor_linear_13_updated_constant0_0"; -"212 asymmetric_weights_decompressor_linear_13_updated_constant0_0" -> "213 linear_13"; -"213 linear_13" -> "214 relu__2"; -"214 relu__2" -> "217 linear_14"; -"215 linear_14_updated_constant0" -> "216 asymmetric_weights_decompressor_linear_14_updated_constant0_0"; -"216 asymmetric_weights_decompressor_linear_14_updated_constant0_0" -> "217 linear_14"; -"217 linear_14" -> "218 view_11"; -"218 view_11" -> "220 index_2"; -"219 _tensor_constant14" -> "220 index_2"; -"220 index_2" -> "221 view_12"; -"221 view_12" -> "222 permute_10"; -"222 permute_10" -> "223 contiguous_2"; -"223 contiguous_2" -> "224 unsqueeze_6"; -"224 unsqueeze_6" -> "225 sigmoid_2"; -"225 sigmoid_2" -> "226 mul_4"; -"226 mul_4" -> "255 add_7"; -"227 pad_3" -> "228 view_13"; -"228 view_13" -> "229 permute_11"; -"229 permute_11" -> "230 reshape_9"; -"230 reshape_9" -> "235 linear_15"; -"231 _param_constant42" -> "232 clone_2"; -"232 clone_2" -> "235 linear_15"; -"233 linear_15_updated_constant0" -> "234 asymmetric_weights_decompressor_linear_15_updated_constant0_0"; -"234 asymmetric_weights_decompressor_linear_15_updated_constant0_0" -> "235 linear_15"; -"235 linear_15" -> "236 reshape_10"; -"236 reshape_10" -> "237 permute_12"; -"237 permute_12" -> "238 select_6"; -"237 permute_12" -> "239 select_7"; -"237 permute_12" -> "240 select_8"; -"238 select_6" -> "241 linalg_vector_norm_4"; -"238 select_6" -> "243 expand_as_4"; -"238 select_6" -> "244 div_4"; -"239 select_7" -> "245 linalg_vector_norm_5"; -"239 select_7" -> "247 expand_as_5"; -"239 select_7" -> "248 div_5"; -"240 select_8" -> "258 matmul_5"; -"241 linalg_vector_norm_4" -> "242 clamp_min_4"; -"242 clamp_min_4" -> "243 expand_as_4"; -"243 expand_as_4" -> "244 div_4"; -"244 div_4" -> "250 matmul_4"; -"245 linalg_vector_norm_5" -> "246 clamp_min_5"; -"246 clamp_min_5" -> "247 expand_as_5"; -"247 expand_as_5" -> "248 div_5"; -"248 div_5" -> "249 transpose_4"; -"249 transpose_4" -> "250 matmul_4"; -"250 matmul_4" -> "254 mul_5"; -"251 _param_constant44" -> "252 clamp_2"; -"252 clamp_2" -> "253 exp_2"; -"253 exp_2" -> "254 mul_5"; -"254 mul_5" -> "255 add_7"; -"255 add_7" -> "256 softmax_2"; -"256 softmax_2" -> "257 dropout_8"; -"257 dropout_8" -> "258 matmul_5"; -"258 matmul_5" -> "259 transpose_5"; -"259 transpose_5" -> "260 reshape_11"; -"260 reshape_11" -> "264 linear_16"; -"261 _param_constant46" -> "264 linear_16"; -"262 linear_16_updated_constant0" -> "263 asymmetric_weights_decompressor_linear_16_updated_constant0_0"; -"263 asymmetric_weights_decompressor_linear_16_updated_constant0_0" -> "264 linear_16"; -"264 linear_16" -> "265 dropout_9"; -"265 dropout_9" -> "266 view_14"; -"266 view_14" -> "267 permute_13"; -"267 permute_13" -> "268 reshape_12"; -"268 reshape_12" -> "269 slice_38"; -"269 slice_38" -> "270 slice_39"; -"270 slice_39" -> "271 slice_40"; -"271 slice_40" -> "272 slice_41"; -"272 slice_41" -> "273 contiguous_3"; -"273 contiguous_3" -> "276 layer_norm_6"; -"274 _param_constant47" -> "276 layer_norm_6"; -"275 _param_constant48" -> "276 layer_norm_6"; -"276 layer_norm_6" -> "277 add_8"; -"277 add_8" -> "281 linear_17"; -"277 add_8" -> "292 add_9"; -"278 _param_constant50" -> "281 linear_17"; -"279 linear_17_updated_constant0" -> "280 asymmetric_weights_decompressor_linear_17_updated_constant0_0"; -"280 asymmetric_weights_decompressor_linear_17_updated_constant0_0" -> "281 linear_17"; -"281 linear_17" -> "282 gelu_2"; -"282 gelu_2" -> "283 dropout_10"; -"283 dropout_10" -> "287 linear_18"; -"284 _param_constant52" -> "287 linear_18"; -"285 linear_18_updated_constant0" -> "286 asymmetric_weights_decompressor_linear_18_updated_constant0_0"; -"286 asymmetric_weights_decompressor_linear_18_updated_constant0_0" -> "287 linear_18"; -"287 linear_18" -> "288 dropout_11"; -"288 dropout_11" -> "291 layer_norm_7"; -"289 _param_constant53" -> "291 layer_norm_7"; -"290 _param_constant54" -> "291 layer_norm_7"; -"291 layer_norm_7" -> "292 add_9"; -"292 add_9" -> "311 pad_4"; -"292 add_9" -> "379 add_12"; -"293 _tensor_constant15" -> "297 linear_19"; -"294 _param_constant56" -> "297 linear_19"; -"295 linear_19_updated_constant0" -> "296 asymmetric_weights_decompressor_linear_19_updated_constant0_0"; -"296 asymmetric_weights_decompressor_linear_19_updated_constant0_0" -> "297 linear_19"; -"297 linear_19" -> "298 relu__3"; -"298 relu__3" -> "301 linear_20"; -"299 linear_20_updated_constant0" -> "300 asymmetric_weights_decompressor_linear_20_updated_constant0_0"; -"300 asymmetric_weights_decompressor_linear_20_updated_constant0_0" -> "301 linear_20"; -"301 linear_20" -> "302 view_15"; -"302 view_15" -> "304 index_3"; -"303 _tensor_constant16" -> "304 index_3"; -"304 index_3" -> "305 view_16"; -"305 view_16" -> "306 permute_14"; -"306 permute_14" -> "307 contiguous_4"; -"307 contiguous_4" -> "308 unsqueeze_7"; -"308 unsqueeze_7" -> "309 sigmoid_3"; -"309 sigmoid_3" -> "310 mul_6"; -"310 mul_6" -> "340 add_10"; -"311 pad_4" -> "312 roll_2"; -"312 roll_2" -> "313 view_17"; -"313 view_17" -> "314 permute_15"; -"314 permute_15" -> "315 reshape_13"; -"315 reshape_13" -> "320 linear_21"; -"315 reshape_13" -> "341 new_zeros_1"; -"316 _param_constant58" -> "317 clone_3"; -"317 clone_3" -> "320 linear_21"; -"318 linear_21_updated_constant0" -> "319 asymmetric_weights_decompressor_linear_21_updated_constant0_0"; -"319 asymmetric_weights_decompressor_linear_21_updated_constant0_0" -> "320 linear_21"; -"320 linear_21" -> "321 reshape_14"; -"321 reshape_14" -> "322 permute_16"; -"322 permute_16" -> "323 select_9"; -"322 permute_16" -> "324 select_10"; -"322 permute_16" -> "325 select_11"; -"323 select_9" -> "326 linalg_vector_norm_6"; -"323 select_9" -> "328 expand_as_6"; -"323 select_9" -> "329 div_6"; -"324 select_10" -> "330 linalg_vector_norm_7"; -"324 select_10" -> "332 expand_as_7"; -"324 select_10" -> "333 div_7"; -"325 select_11" -> "359 matmul_7"; -"326 linalg_vector_norm_6" -> "327 clamp_min_6"; -"327 clamp_min_6" -> "328 expand_as_6"; -"328 expand_as_6" -> "329 div_6"; -"329 div_6" -> "335 matmul_6"; -"330 linalg_vector_norm_7" -> "331 clamp_min_7"; -"331 clamp_min_7" -> "332 expand_as_7"; -"332 expand_as_7" -> "333 div_7"; -"333 div_7" -> "334 transpose_6"; -"334 transpose_6" -> "335 matmul_6"; -"335 matmul_6" -> "339 mul_7"; -"336 _param_constant60" -> "337 clamp_3"; -"337 clamp_3" -> "338 exp_3"; -"338 exp_3" -> "339 mul_7"; -"339 mul_7" -> "340 add_10"; -"340 add_10" -> "352 view_19"; -"341 new_zeros_1" -> "342 view_18"; -"342 view_18" -> "343 permute_17"; -"343 permute_17" -> "344 reshape_15"; -"344 reshape_15" -> "345 unsqueeze_8"; -"344 reshape_15" -> "346 unsqueeze_9"; -"345 unsqueeze_8" -> "347 sub_1"; -"346 unsqueeze_9" -> "347 sub_1"; -"347 sub_1" -> "348 ne_1"; -"347 sub_1" -> "349 masked_fill_2"; -"347 sub_1" -> "350 eq_1"; -"348 ne_1" -> "349 masked_fill_2"; -"349 masked_fill_2" -> "351 masked_fill_3"; -"350 eq_1" -> "351 masked_fill_3"; -"351 masked_fill_3" -> "353 unsqueeze_10"; -"352 view_19" -> "355 add_11"; -"353 unsqueeze_10" -> "354 unsqueeze_11"; -"354 unsqueeze_11" -> "355 add_11"; -"355 add_11" -> "356 view_20"; -"356 view_20" -> "357 softmax_3"; -"357 softmax_3" -> "358 dropout_12"; -"358 dropout_12" -> "359 matmul_7"; -"359 matmul_7" -> "360 transpose_7"; -"360 transpose_7" -> "361 reshape_16"; -"361 reshape_16" -> "365 linear_22"; -"362 _param_constant62" -> "365 linear_22"; -"363 linear_22_updated_constant0" -> "364 asymmetric_weights_decompressor_linear_22_updated_constant0_0"; -"364 asymmetric_weights_decompressor_linear_22_updated_constant0_0" -> "365 linear_22"; -"365 linear_22" -> "366 dropout_13"; -"366 dropout_13" -> "367 view_21"; -"367 view_21" -> "368 permute_18"; -"368 permute_18" -> "369 reshape_17"; -"369 reshape_17" -> "370 roll_3"; -"370 roll_3" -> "371 slice_61"; -"371 slice_61" -> "372 slice_62"; -"372 slice_62" -> "373 slice_63"; -"373 slice_63" -> "374 slice_64"; -"374 slice_64" -> "375 contiguous_5"; -"375 contiguous_5" -> "378 layer_norm_8"; -"376 _param_constant63" -> "378 layer_norm_8"; -"377 _param_constant64" -> "378 layer_norm_8"; -"378 layer_norm_8" -> "379 add_12"; -"379 add_12" -> "383 linear_23"; -"379 add_12" -> "394 add_13"; -"380 _param_constant66" -> "383 linear_23"; -"381 linear_23_updated_constant0" -> "382 asymmetric_weights_decompressor_linear_23_updated_constant0_0"; -"382 asymmetric_weights_decompressor_linear_23_updated_constant0_0" -> "383 linear_23"; -"383 linear_23" -> "384 gelu_3"; -"384 gelu_3" -> "385 dropout_14"; -"385 dropout_14" -> "389 linear_24"; -"386 _param_constant68" -> "389 linear_24"; -"387 linear_24_updated_constant0" -> "388 asymmetric_weights_decompressor_linear_24_updated_constant0_0"; -"388 asymmetric_weights_decompressor_linear_24_updated_constant0_0" -> "389 linear_24"; -"389 linear_24" -> "390 dropout_15"; -"390 dropout_15" -> "393 layer_norm_9"; -"391 _param_constant69" -> "393 layer_norm_9"; -"392 _param_constant70" -> "393 layer_norm_9"; -"393 layer_norm_9" -> "394 add_13"; -"394 add_13" -> "395 pad_5"; -"395 pad_5" -> "396 slice_65"; -"395 pad_5" -> "399 slice_68"; -"395 pad_5" -> "402 slice_71"; -"395 pad_5" -> "405 slice_74"; -"396 slice_65" -> "397 slice_66"; -"397 slice_66" -> "398 slice_67"; -"398 slice_67" -> "408 cat_1"; -"399 slice_68" -> "400 slice_69"; -"400 slice_69" -> "401 slice_70"; -"401 slice_70" -> "408 cat_1"; -"402 slice_71" -> "403 slice_72"; -"403 slice_72" -> "404 slice_73"; -"404 slice_73" -> "408 cat_1"; -"405 slice_74" -> "406 slice_75"; -"406 slice_75" -> "407 slice_76"; -"407 slice_76" -> "408 cat_1"; -"408 cat_1" -> "411 linear_25"; -"409 linear_25_updated_constant0" -> "410 asymmetric_weights_decompressor_linear_25_updated_constant0_0"; -"410 asymmetric_weights_decompressor_linear_25_updated_constant0_0" -> "411 linear_25"; -"411 linear_25" -> "414 layer_norm_10"; -"412 _param_constant72" -> "414 layer_norm_10"; -"413 _param_constant73" -> "414 layer_norm_10"; -"414 layer_norm_10" -> "433 pad_6"; -"414 layer_norm_10" -> "483 add_15"; -"415 _tensor_constant26" -> "419 linear_26"; -"416 _param_constant75" -> "419 linear_26"; -"417 linear_26_updated_constant0" -> "418 asymmetric_weights_decompressor_linear_26_updated_constant0_0"; -"418 asymmetric_weights_decompressor_linear_26_updated_constant0_0" -> "419 linear_26"; -"419 linear_26" -> "420 relu__4"; -"420 relu__4" -> "423 linear_27"; -"421 linear_27_updated_constant0" -> "422 asymmetric_weights_decompressor_linear_27_updated_constant0_0"; -"422 asymmetric_weights_decompressor_linear_27_updated_constant0_0" -> "423 linear_27"; -"423 linear_27" -> "424 view_22"; -"424 view_22" -> "426 index_4"; -"425 _tensor_constant27" -> "426 index_4"; -"426 index_4" -> "427 view_23"; -"427 view_23" -> "428 permute_19"; -"428 permute_19" -> "429 contiguous_6"; -"429 contiguous_6" -> "430 unsqueeze_12"; -"430 unsqueeze_12" -> "431 sigmoid_4"; -"431 sigmoid_4" -> "432 mul_8"; -"432 mul_8" -> "461 add_14"; -"433 pad_6" -> "434 view_24"; -"434 view_24" -> "435 permute_20"; -"435 permute_20" -> "436 reshape_18"; -"436 reshape_18" -> "441 linear_28"; -"437 _param_constant77" -> "438 clone_4"; -"438 clone_4" -> "441 linear_28"; -"439 linear_28_updated_constant0" -> "440 asymmetric_weights_decompressor_linear_28_updated_constant0_0"; -"440 asymmetric_weights_decompressor_linear_28_updated_constant0_0" -> "441 linear_28"; -"441 linear_28" -> "442 reshape_19"; -"442 reshape_19" -> "443 permute_21"; -"443 permute_21" -> "444 select_12"; -"443 permute_21" -> "445 select_13"; -"443 permute_21" -> "446 select_14"; -"444 select_12" -> "447 linalg_vector_norm_8"; -"444 select_12" -> "449 expand_as_8"; -"444 select_12" -> "450 div_8"; -"445 select_13" -> "451 linalg_vector_norm_9"; -"445 select_13" -> "453 expand_as_9"; -"445 select_13" -> "454 div_9"; -"446 select_14" -> "464 matmul_9"; -"447 linalg_vector_norm_8" -> "448 clamp_min_8"; -"448 clamp_min_8" -> "449 expand_as_8"; -"449 expand_as_8" -> "450 div_8"; -"450 div_8" -> "456 matmul_8"; -"451 linalg_vector_norm_9" -> "452 clamp_min_9"; -"452 clamp_min_9" -> "453 expand_as_9"; -"453 expand_as_9" -> "454 div_9"; -"454 div_9" -> "455 transpose_8"; -"455 transpose_8" -> "456 matmul_8"; -"456 matmul_8" -> "460 mul_9"; -"457 _param_constant79" -> "458 clamp_4"; -"458 clamp_4" -> "459 exp_4"; -"459 exp_4" -> "460 mul_9"; -"460 mul_9" -> "461 add_14"; -"461 add_14" -> "462 softmax_4"; -"462 softmax_4" -> "463 dropout_16"; -"463 dropout_16" -> "464 matmul_9"; -"464 matmul_9" -> "465 transpose_9"; -"465 transpose_9" -> "466 reshape_20"; -"466 reshape_20" -> "470 linear_29"; -"467 _param_constant81" -> "470 linear_29"; -"468 linear_29_updated_constant0" -> "469 asymmetric_weights_decompressor_linear_29_updated_constant0_0"; -"469 asymmetric_weights_decompressor_linear_29_updated_constant0_0" -> "470 linear_29"; -"470 linear_29" -> "471 dropout_17"; -"471 dropout_17" -> "472 view_25"; -"472 view_25" -> "473 permute_22"; -"473 permute_22" -> "474 reshape_21"; -"474 reshape_21" -> "475 slice_78"; -"475 slice_78" -> "476 slice_79"; -"476 slice_79" -> "477 slice_80"; -"477 slice_80" -> "478 slice_81"; -"478 slice_81" -> "479 contiguous_7"; -"479 contiguous_7" -> "482 layer_norm_11"; -"480 _param_constant82" -> "482 layer_norm_11"; -"481 _param_constant83" -> "482 layer_norm_11"; -"482 layer_norm_11" -> "483 add_15"; -"483 add_15" -> "487 linear_30"; -"483 add_15" -> "498 add_16"; -"484 _param_constant85" -> "487 linear_30"; -"485 linear_30_updated_constant0" -> "486 asymmetric_weights_decompressor_linear_30_updated_constant0_0"; -"486 asymmetric_weights_decompressor_linear_30_updated_constant0_0" -> "487 linear_30"; -"487 linear_30" -> "488 gelu_4"; -"488 gelu_4" -> "489 dropout_18"; -"489 dropout_18" -> "493 linear_31"; -"490 _param_constant87" -> "493 linear_31"; -"491 linear_31_updated_constant0" -> "492 asymmetric_weights_decompressor_linear_31_updated_constant0_0"; -"492 asymmetric_weights_decompressor_linear_31_updated_constant0_0" -> "493 linear_31"; -"493 linear_31" -> "494 dropout_19"; -"494 dropout_19" -> "497 layer_norm_12"; -"495 _param_constant88" -> "497 layer_norm_12"; -"496 _param_constant89" -> "497 layer_norm_12"; -"497 layer_norm_12" -> "498 add_16"; -"498 add_16" -> "517 pad_7"; -"498 add_16" -> "585 add_19"; -"499 _tensor_constant28" -> "503 linear_32"; -"500 _param_constant91" -> "503 linear_32"; -"501 linear_32_updated_constant0" -> "502 asymmetric_weights_decompressor_linear_32_updated_constant0_0"; -"502 asymmetric_weights_decompressor_linear_32_updated_constant0_0" -> "503 linear_32"; -"503 linear_32" -> "504 relu__5"; -"504 relu__5" -> "507 linear_33"; -"505 linear_33_updated_constant0" -> "506 asymmetric_weights_decompressor_linear_33_updated_constant0_0"; -"506 asymmetric_weights_decompressor_linear_33_updated_constant0_0" -> "507 linear_33"; -"507 linear_33" -> "508 view_26"; -"508 view_26" -> "510 index_5"; -"509 _tensor_constant29" -> "510 index_5"; -"510 index_5" -> "511 view_27"; -"511 view_27" -> "512 permute_23"; -"512 permute_23" -> "513 contiguous_8"; -"513 contiguous_8" -> "514 unsqueeze_13"; -"514 unsqueeze_13" -> "515 sigmoid_5"; -"515 sigmoid_5" -> "516 mul_10"; -"516 mul_10" -> "546 add_17"; -"517 pad_7" -> "518 roll_4"; -"518 roll_4" -> "519 view_28"; -"519 view_28" -> "520 permute_24"; -"520 permute_24" -> "521 reshape_22"; -"521 reshape_22" -> "526 linear_34"; -"521 reshape_22" -> "547 new_zeros_2"; -"522 _param_constant93" -> "523 clone_5"; -"523 clone_5" -> "526 linear_34"; -"524 linear_34_updated_constant0" -> "525 asymmetric_weights_decompressor_linear_34_updated_constant0_0"; -"525 asymmetric_weights_decompressor_linear_34_updated_constant0_0" -> "526 linear_34"; -"526 linear_34" -> "527 reshape_23"; -"527 reshape_23" -> "528 permute_25"; -"528 permute_25" -> "529 select_15"; -"528 permute_25" -> "530 select_16"; -"528 permute_25" -> "531 select_17"; -"529 select_15" -> "532 linalg_vector_norm_10"; -"529 select_15" -> "534 expand_as_10"; -"529 select_15" -> "535 div_10"; -"530 select_16" -> "536 linalg_vector_norm_11"; -"530 select_16" -> "538 expand_as_11"; -"530 select_16" -> "539 div_11"; -"531 select_17" -> "565 matmul_11"; -"532 linalg_vector_norm_10" -> "533 clamp_min_10"; -"533 clamp_min_10" -> "534 expand_as_10"; -"534 expand_as_10" -> "535 div_10"; -"535 div_10" -> "541 matmul_10"; -"536 linalg_vector_norm_11" -> "537 clamp_min_11"; -"537 clamp_min_11" -> "538 expand_as_11"; -"538 expand_as_11" -> "539 div_11"; -"539 div_11" -> "540 transpose_10"; -"540 transpose_10" -> "541 matmul_10"; -"541 matmul_10" -> "545 mul_11"; -"542 _param_constant95" -> "543 clamp_5"; -"543 clamp_5" -> "544 exp_5"; -"544 exp_5" -> "545 mul_11"; -"545 mul_11" -> "546 add_17"; -"546 add_17" -> "558 view_30"; -"547 new_zeros_2" -> "548 view_29"; -"548 view_29" -> "549 permute_26"; -"549 permute_26" -> "550 reshape_24"; -"550 reshape_24" -> "551 unsqueeze_14"; -"550 reshape_24" -> "552 unsqueeze_15"; -"551 unsqueeze_14" -> "553 sub_2"; -"552 unsqueeze_15" -> "553 sub_2"; -"553 sub_2" -> "554 ne_2"; -"553 sub_2" -> "555 masked_fill_4"; -"553 sub_2" -> "556 eq_2"; -"554 ne_2" -> "555 masked_fill_4"; -"555 masked_fill_4" -> "557 masked_fill_5"; -"556 eq_2" -> "557 masked_fill_5"; -"557 masked_fill_5" -> "559 unsqueeze_16"; -"558 view_30" -> "561 add_18"; -"559 unsqueeze_16" -> "560 unsqueeze_17"; -"560 unsqueeze_17" -> "561 add_18"; -"561 add_18" -> "562 view_31"; -"562 view_31" -> "563 softmax_5"; -"563 softmax_5" -> "564 dropout_20"; -"564 dropout_20" -> "565 matmul_11"; -"565 matmul_11" -> "566 transpose_11"; -"566 transpose_11" -> "567 reshape_25"; -"567 reshape_25" -> "571 linear_35"; -"568 _param_constant97" -> "571 linear_35"; -"569 linear_35_updated_constant0" -> "570 asymmetric_weights_decompressor_linear_35_updated_constant0_0"; -"570 asymmetric_weights_decompressor_linear_35_updated_constant0_0" -> "571 linear_35"; -"571 linear_35" -> "572 dropout_21"; -"572 dropout_21" -> "573 view_32"; -"573 view_32" -> "574 permute_27"; -"574 permute_27" -> "575 reshape_26"; -"575 reshape_26" -> "576 roll_5"; -"576 roll_5" -> "577 slice_101"; -"577 slice_101" -> "578 slice_102"; -"578 slice_102" -> "579 slice_103"; -"579 slice_103" -> "580 slice_104"; -"580 slice_104" -> "581 contiguous_9"; -"581 contiguous_9" -> "584 layer_norm_13"; -"582 _param_constant98" -> "584 layer_norm_13"; -"583 _param_constant99" -> "584 layer_norm_13"; -"584 layer_norm_13" -> "585 add_19"; -"585 add_19" -> "589 linear_36"; -"585 add_19" -> "600 add_20"; -"586 _param_constant101" -> "589 linear_36"; -"587 linear_36_updated_constant0" -> "588 asymmetric_weights_decompressor_linear_36_updated_constant0_0"; -"588 asymmetric_weights_decompressor_linear_36_updated_constant0_0" -> "589 linear_36"; -"589 linear_36" -> "590 gelu_5"; -"590 gelu_5" -> "591 dropout_22"; -"591 dropout_22" -> "595 linear_37"; -"592 _param_constant103" -> "595 linear_37"; -"593 linear_37_updated_constant0" -> "594 asymmetric_weights_decompressor_linear_37_updated_constant0_0"; -"594 asymmetric_weights_decompressor_linear_37_updated_constant0_0" -> "595 linear_37"; -"595 linear_37" -> "596 dropout_23"; -"596 dropout_23" -> "599 layer_norm_14"; -"597 _param_constant104" -> "599 layer_norm_14"; -"598 _param_constant105" -> "599 layer_norm_14"; -"599 layer_norm_14" -> "600 add_20"; -"600 add_20" -> "619 pad_8"; -"600 add_20" -> "669 add_22"; -"601 _tensor_constant39" -> "605 linear_38"; -"602 _param_constant107" -> "605 linear_38"; -"603 linear_38_updated_constant0" -> "604 asymmetric_weights_decompressor_linear_38_updated_constant0_0"; -"604 asymmetric_weights_decompressor_linear_38_updated_constant0_0" -> "605 linear_38"; -"605 linear_38" -> "606 relu__6"; -"606 relu__6" -> "609 linear_39"; -"607 linear_39_updated_constant0" -> "608 asymmetric_weights_decompressor_linear_39_updated_constant0_0"; -"608 asymmetric_weights_decompressor_linear_39_updated_constant0_0" -> "609 linear_39"; -"609 linear_39" -> "610 view_33"; -"610 view_33" -> "612 index_6"; -"611 _tensor_constant40" -> "612 index_6"; -"612 index_6" -> "613 view_34"; -"613 view_34" -> "614 permute_28"; -"614 permute_28" -> "615 contiguous_10"; -"615 contiguous_10" -> "616 unsqueeze_18"; -"616 unsqueeze_18" -> "617 sigmoid_6"; -"617 sigmoid_6" -> "618 mul_12"; -"618 mul_12" -> "647 add_21"; -"619 pad_8" -> "620 view_35"; -"620 view_35" -> "621 permute_29"; -"621 permute_29" -> "622 reshape_27"; -"622 reshape_27" -> "627 linear_40"; -"623 _param_constant109" -> "624 clone_6"; -"624 clone_6" -> "627 linear_40"; -"625 linear_40_updated_constant0" -> "626 asymmetric_weights_decompressor_linear_40_updated_constant0_0"; -"626 asymmetric_weights_decompressor_linear_40_updated_constant0_0" -> "627 linear_40"; -"627 linear_40" -> "628 reshape_28"; -"628 reshape_28" -> "629 permute_30"; -"629 permute_30" -> "630 select_18"; -"629 permute_30" -> "631 select_19"; -"629 permute_30" -> "632 select_20"; -"630 select_18" -> "633 linalg_vector_norm_12"; -"630 select_18" -> "635 expand_as_12"; -"630 select_18" -> "636 div_12"; -"631 select_19" -> "637 linalg_vector_norm_13"; -"631 select_19" -> "639 expand_as_13"; -"631 select_19" -> "640 div_13"; -"632 select_20" -> "650 matmul_13"; -"633 linalg_vector_norm_12" -> "634 clamp_min_12"; -"634 clamp_min_12" -> "635 expand_as_12"; -"635 expand_as_12" -> "636 div_12"; -"636 div_12" -> "642 matmul_12"; -"637 linalg_vector_norm_13" -> "638 clamp_min_13"; -"638 clamp_min_13" -> "639 expand_as_13"; -"639 expand_as_13" -> "640 div_13"; -"640 div_13" -> "641 transpose_12"; -"641 transpose_12" -> "642 matmul_12"; -"642 matmul_12" -> "646 mul_13"; -"643 _param_constant111" -> "644 clamp_6"; -"644 clamp_6" -> "645 exp_6"; -"645 exp_6" -> "646 mul_13"; -"646 mul_13" -> "647 add_21"; -"647 add_21" -> "648 softmax_6"; -"648 softmax_6" -> "649 dropout_24"; -"649 dropout_24" -> "650 matmul_13"; -"650 matmul_13" -> "651 transpose_13"; -"651 transpose_13" -> "652 reshape_29"; -"652 reshape_29" -> "656 linear_41"; -"653 _param_constant113" -> "656 linear_41"; -"654 linear_41_updated_constant0" -> "655 asymmetric_weights_decompressor_linear_41_updated_constant0_0"; -"655 asymmetric_weights_decompressor_linear_41_updated_constant0_0" -> "656 linear_41"; -"656 linear_41" -> "657 dropout_25"; -"657 dropout_25" -> "658 view_36"; -"658 view_36" -> "659 permute_31"; -"659 permute_31" -> "660 reshape_30"; -"660 reshape_30" -> "661 slice_106"; -"661 slice_106" -> "662 slice_107"; -"662 slice_107" -> "663 slice_108"; -"663 slice_108" -> "664 slice_109"; -"664 slice_109" -> "665 contiguous_11"; -"665 contiguous_11" -> "668 layer_norm_15"; -"666 _param_constant114" -> "668 layer_norm_15"; -"667 _param_constant115" -> "668 layer_norm_15"; -"668 layer_norm_15" -> "669 add_22"; -"669 add_22" -> "673 linear_42"; -"669 add_22" -> "684 add_23"; -"670 _param_constant117" -> "673 linear_42"; -"671 linear_42_updated_constant0" -> "672 asymmetric_weights_decompressor_linear_42_updated_constant0_0"; -"672 asymmetric_weights_decompressor_linear_42_updated_constant0_0" -> "673 linear_42"; -"673 linear_42" -> "674 gelu_6"; -"674 gelu_6" -> "675 dropout_26"; -"675 dropout_26" -> "679 linear_43"; -"676 _param_constant119" -> "679 linear_43"; -"677 linear_43_updated_constant0" -> "678 asymmetric_weights_decompressor_linear_43_updated_constant0_0"; -"678 asymmetric_weights_decompressor_linear_43_updated_constant0_0" -> "679 linear_43"; -"679 linear_43" -> "680 dropout_27"; -"680 dropout_27" -> "683 layer_norm_16"; -"681 _param_constant120" -> "683 layer_norm_16"; -"682 _param_constant121" -> "683 layer_norm_16"; -"683 layer_norm_16" -> "684 add_23"; -"684 add_23" -> "703 pad_9"; -"684 add_23" -> "771 add_26"; -"685 _tensor_constant41" -> "689 linear_44"; -"686 _param_constant123" -> "689 linear_44"; -"687 linear_44_updated_constant0" -> "688 asymmetric_weights_decompressor_linear_44_updated_constant0_0"; -"688 asymmetric_weights_decompressor_linear_44_updated_constant0_0" -> "689 linear_44"; -"689 linear_44" -> "690 relu__7"; -"690 relu__7" -> "693 linear_45"; -"691 linear_45_updated_constant0" -> "692 asymmetric_weights_decompressor_linear_45_updated_constant0_0"; -"692 asymmetric_weights_decompressor_linear_45_updated_constant0_0" -> "693 linear_45"; -"693 linear_45" -> "694 view_37"; -"694 view_37" -> "696 index_7"; -"695 _tensor_constant42" -> "696 index_7"; -"696 index_7" -> "697 view_38"; -"697 view_38" -> "698 permute_32"; -"698 permute_32" -> "699 contiguous_12"; -"699 contiguous_12" -> "700 unsqueeze_19"; -"700 unsqueeze_19" -> "701 sigmoid_7"; -"701 sigmoid_7" -> "702 mul_14"; -"702 mul_14" -> "732 add_24"; -"703 pad_9" -> "704 roll_6"; -"704 roll_6" -> "705 view_39"; -"705 view_39" -> "706 permute_33"; -"706 permute_33" -> "707 reshape_31"; -"707 reshape_31" -> "712 linear_46"; -"707 reshape_31" -> "733 new_zeros_3"; -"708 _param_constant125" -> "709 clone_7"; -"709 clone_7" -> "712 linear_46"; -"710 linear_46_updated_constant0" -> "711 asymmetric_weights_decompressor_linear_46_updated_constant0_0"; -"711 asymmetric_weights_decompressor_linear_46_updated_constant0_0" -> "712 linear_46"; -"712 linear_46" -> "713 reshape_32"; -"713 reshape_32" -> "714 permute_34"; -"714 permute_34" -> "715 select_21"; -"714 permute_34" -> "716 select_22"; -"714 permute_34" -> "717 select_23"; -"715 select_21" -> "718 linalg_vector_norm_14"; -"715 select_21" -> "720 expand_as_14"; -"715 select_21" -> "721 div_14"; -"716 select_22" -> "722 linalg_vector_norm_15"; -"716 select_22" -> "724 expand_as_15"; -"716 select_22" -> "725 div_15"; -"717 select_23" -> "751 matmul_15"; -"718 linalg_vector_norm_14" -> "719 clamp_min_14"; -"719 clamp_min_14" -> "720 expand_as_14"; -"720 expand_as_14" -> "721 div_14"; -"721 div_14" -> "727 matmul_14"; -"722 linalg_vector_norm_15" -> "723 clamp_min_15"; -"723 clamp_min_15" -> "724 expand_as_15"; -"724 expand_as_15" -> "725 div_15"; -"725 div_15" -> "726 transpose_14"; -"726 transpose_14" -> "727 matmul_14"; -"727 matmul_14" -> "731 mul_15"; -"728 _param_constant127" -> "729 clamp_7"; -"729 clamp_7" -> "730 exp_7"; -"730 exp_7" -> "731 mul_15"; -"731 mul_15" -> "732 add_24"; -"732 add_24" -> "744 view_41"; -"733 new_zeros_3" -> "734 view_40"; -"734 view_40" -> "735 permute_35"; -"735 permute_35" -> "736 reshape_33"; -"736 reshape_33" -> "737 unsqueeze_20"; -"736 reshape_33" -> "738 unsqueeze_21"; -"737 unsqueeze_20" -> "739 sub_3"; -"738 unsqueeze_21" -> "739 sub_3"; -"739 sub_3" -> "740 ne_3"; -"739 sub_3" -> "741 masked_fill_6"; -"739 sub_3" -> "742 eq_3"; -"740 ne_3" -> "741 masked_fill_6"; -"741 masked_fill_6" -> "743 masked_fill_7"; -"742 eq_3" -> "743 masked_fill_7"; -"743 masked_fill_7" -> "745 unsqueeze_22"; -"744 view_41" -> "747 add_25"; -"745 unsqueeze_22" -> "746 unsqueeze_23"; -"746 unsqueeze_23" -> "747 add_25"; -"747 add_25" -> "748 view_42"; -"748 view_42" -> "749 softmax_7"; -"749 softmax_7" -> "750 dropout_28"; -"750 dropout_28" -> "751 matmul_15"; -"751 matmul_15" -> "752 transpose_15"; -"752 transpose_15" -> "753 reshape_34"; -"753 reshape_34" -> "757 linear_47"; -"754 _param_constant129" -> "757 linear_47"; -"755 linear_47_updated_constant0" -> "756 asymmetric_weights_decompressor_linear_47_updated_constant0_0"; -"756 asymmetric_weights_decompressor_linear_47_updated_constant0_0" -> "757 linear_47"; -"757 linear_47" -> "758 dropout_29"; -"758 dropout_29" -> "759 view_43"; -"759 view_43" -> "760 permute_36"; -"760 permute_36" -> "761 reshape_35"; -"761 reshape_35" -> "762 roll_7"; -"762 roll_7" -> "763 slice_129"; -"763 slice_129" -> "764 slice_130"; -"764 slice_130" -> "765 slice_131"; -"765 slice_131" -> "766 slice_132"; -"766 slice_132" -> "767 contiguous_13"; -"767 contiguous_13" -> "770 layer_norm_17"; -"768 _param_constant130" -> "770 layer_norm_17"; -"769 _param_constant131" -> "770 layer_norm_17"; -"770 layer_norm_17" -> "771 add_26"; -"771 add_26" -> "775 linear_48"; -"771 add_26" -> "786 add_27"; -"772 _param_constant133" -> "775 linear_48"; -"773 linear_48_updated_constant0" -> "774 asymmetric_weights_decompressor_linear_48_updated_constant0_0"; -"774 asymmetric_weights_decompressor_linear_48_updated_constant0_0" -> "775 linear_48"; -"775 linear_48" -> "776 gelu_7"; -"776 gelu_7" -> "777 dropout_30"; -"777 dropout_30" -> "781 linear_49"; -"778 _param_constant135" -> "781 linear_49"; -"779 linear_49_updated_constant0" -> "780 asymmetric_weights_decompressor_linear_49_updated_constant0_0"; -"780 asymmetric_weights_decompressor_linear_49_updated_constant0_0" -> "781 linear_49"; -"781 linear_49" -> "782 dropout_31"; -"782 dropout_31" -> "785 layer_norm_18"; -"783 _param_constant136" -> "785 layer_norm_18"; -"784 _param_constant137" -> "785 layer_norm_18"; -"785 layer_norm_18" -> "786 add_27"; -"786 add_27" -> "805 pad_10"; -"786 add_27" -> "855 add_29"; -"787 _tensor_constant52" -> "791 linear_50"; -"788 _param_constant139" -> "791 linear_50"; -"789 linear_50_updated_constant0" -> "790 asymmetric_weights_decompressor_linear_50_updated_constant0_0"; -"790 asymmetric_weights_decompressor_linear_50_updated_constant0_0" -> "791 linear_50"; -"791 linear_50" -> "792 relu__8"; -"792 relu__8" -> "795 linear_51"; -"793 linear_51_updated_constant0" -> "794 asymmetric_weights_decompressor_linear_51_updated_constant0_0"; -"794 asymmetric_weights_decompressor_linear_51_updated_constant0_0" -> "795 linear_51"; -"795 linear_51" -> "796 view_44"; -"796 view_44" -> "798 index_8"; -"797 _tensor_constant53" -> "798 index_8"; -"798 index_8" -> "799 view_45"; -"799 view_45" -> "800 permute_37"; -"800 permute_37" -> "801 contiguous_14"; -"801 contiguous_14" -> "802 unsqueeze_24"; -"802 unsqueeze_24" -> "803 sigmoid_8"; -"803 sigmoid_8" -> "804 mul_16"; -"804 mul_16" -> "833 add_28"; -"805 pad_10" -> "806 view_46"; -"806 view_46" -> "807 permute_38"; -"807 permute_38" -> "808 reshape_36"; -"808 reshape_36" -> "813 linear_52"; -"809 _param_constant141" -> "810 clone_8"; -"810 clone_8" -> "813 linear_52"; -"811 linear_52_updated_constant0" -> "812 asymmetric_weights_decompressor_linear_52_updated_constant0_0"; -"812 asymmetric_weights_decompressor_linear_52_updated_constant0_0" -> "813 linear_52"; -"813 linear_52" -> "814 reshape_37"; -"814 reshape_37" -> "815 permute_39"; -"815 permute_39" -> "816 select_24"; -"815 permute_39" -> "817 select_25"; -"815 permute_39" -> "818 select_26"; -"816 select_24" -> "819 linalg_vector_norm_16"; -"816 select_24" -> "821 expand_as_16"; -"816 select_24" -> "822 div_16"; -"817 select_25" -> "823 linalg_vector_norm_17"; -"817 select_25" -> "825 expand_as_17"; -"817 select_25" -> "826 div_17"; -"818 select_26" -> "836 matmul_17"; -"819 linalg_vector_norm_16" -> "820 clamp_min_16"; -"820 clamp_min_16" -> "821 expand_as_16"; -"821 expand_as_16" -> "822 div_16"; -"822 div_16" -> "828 matmul_16"; -"823 linalg_vector_norm_17" -> "824 clamp_min_17"; -"824 clamp_min_17" -> "825 expand_as_17"; -"825 expand_as_17" -> "826 div_17"; -"826 div_17" -> "827 transpose_16"; -"827 transpose_16" -> "828 matmul_16"; -"828 matmul_16" -> "832 mul_17"; -"829 _param_constant143" -> "830 clamp_8"; -"830 clamp_8" -> "831 exp_8"; -"831 exp_8" -> "832 mul_17"; -"832 mul_17" -> "833 add_28"; -"833 add_28" -> "834 softmax_8"; -"834 softmax_8" -> "835 dropout_32"; -"835 dropout_32" -> "836 matmul_17"; -"836 matmul_17" -> "837 transpose_17"; -"837 transpose_17" -> "838 reshape_38"; -"838 reshape_38" -> "842 linear_53"; -"839 _param_constant145" -> "842 linear_53"; -"840 linear_53_updated_constant0" -> "841 asymmetric_weights_decompressor_linear_53_updated_constant0_0"; -"841 asymmetric_weights_decompressor_linear_53_updated_constant0_0" -> "842 linear_53"; -"842 linear_53" -> "843 dropout_33"; -"843 dropout_33" -> "844 view_47"; -"844 view_47" -> "845 permute_40"; -"845 permute_40" -> "846 reshape_39"; -"846 reshape_39" -> "847 slice_134"; -"847 slice_134" -> "848 slice_135"; -"848 slice_135" -> "849 slice_136"; -"849 slice_136" -> "850 slice_137"; -"850 slice_137" -> "851 contiguous_15"; -"851 contiguous_15" -> "854 layer_norm_19"; -"852 _param_constant146" -> "854 layer_norm_19"; -"853 _param_constant147" -> "854 layer_norm_19"; -"854 layer_norm_19" -> "855 add_29"; -"855 add_29" -> "859 linear_54"; -"855 add_29" -> "870 add_30"; -"856 _param_constant149" -> "859 linear_54"; -"857 linear_54_updated_constant0" -> "858 asymmetric_weights_decompressor_linear_54_updated_constant0_0"; -"858 asymmetric_weights_decompressor_linear_54_updated_constant0_0" -> "859 linear_54"; -"859 linear_54" -> "860 gelu_8"; -"860 gelu_8" -> "861 dropout_34"; -"861 dropout_34" -> "865 linear_55"; -"862 _param_constant151" -> "865 linear_55"; -"863 linear_55_updated_constant0" -> "864 asymmetric_weights_decompressor_linear_55_updated_constant0_0"; -"864 asymmetric_weights_decompressor_linear_55_updated_constant0_0" -> "865 linear_55"; -"865 linear_55" -> "866 dropout_35"; -"866 dropout_35" -> "869 layer_norm_20"; -"867 _param_constant152" -> "869 layer_norm_20"; -"868 _param_constant153" -> "869 layer_norm_20"; -"869 layer_norm_20" -> "870 add_30"; -"870 add_30" -> "889 pad_11"; -"870 add_30" -> "957 add_33"; -"871 _tensor_constant54" -> "875 linear_56"; -"872 _param_constant155" -> "875 linear_56"; -"873 linear_56_updated_constant0" -> "874 asymmetric_weights_decompressor_linear_56_updated_constant0_0"; -"874 asymmetric_weights_decompressor_linear_56_updated_constant0_0" -> "875 linear_56"; -"875 linear_56" -> "876 relu__9"; -"876 relu__9" -> "879 linear_57"; -"877 linear_57_updated_constant0" -> "878 asymmetric_weights_decompressor_linear_57_updated_constant0_0"; -"878 asymmetric_weights_decompressor_linear_57_updated_constant0_0" -> "879 linear_57"; -"879 linear_57" -> "880 view_48"; -"880 view_48" -> "882 index_9"; -"881 _tensor_constant55" -> "882 index_9"; -"882 index_9" -> "883 view_49"; -"883 view_49" -> "884 permute_41"; -"884 permute_41" -> "885 contiguous_16"; -"885 contiguous_16" -> "886 unsqueeze_25"; -"886 unsqueeze_25" -> "887 sigmoid_9"; -"887 sigmoid_9" -> "888 mul_18"; -"888 mul_18" -> "918 add_31"; -"889 pad_11" -> "890 roll_8"; -"890 roll_8" -> "891 view_50"; -"891 view_50" -> "892 permute_42"; -"892 permute_42" -> "893 reshape_40"; -"893 reshape_40" -> "898 linear_58"; -"893 reshape_40" -> "919 new_zeros_4"; -"894 _param_constant157" -> "895 clone_9"; -"895 clone_9" -> "898 linear_58"; -"896 linear_58_updated_constant0" -> "897 asymmetric_weights_decompressor_linear_58_updated_constant0_0"; -"897 asymmetric_weights_decompressor_linear_58_updated_constant0_0" -> "898 linear_58"; -"898 linear_58" -> "899 reshape_41"; -"899 reshape_41" -> "900 permute_43"; -"900 permute_43" -> "901 select_27"; -"900 permute_43" -> "902 select_28"; -"900 permute_43" -> "903 select_29"; -"901 select_27" -> "904 linalg_vector_norm_18"; -"901 select_27" -> "906 expand_as_18"; -"901 select_27" -> "907 div_18"; -"902 select_28" -> "908 linalg_vector_norm_19"; -"902 select_28" -> "910 expand_as_19"; -"902 select_28" -> "911 div_19"; -"903 select_29" -> "937 matmul_19"; -"904 linalg_vector_norm_18" -> "905 clamp_min_18"; -"905 clamp_min_18" -> "906 expand_as_18"; -"906 expand_as_18" -> "907 div_18"; -"907 div_18" -> "913 matmul_18"; -"908 linalg_vector_norm_19" -> "909 clamp_min_19"; -"909 clamp_min_19" -> "910 expand_as_19"; -"910 expand_as_19" -> "911 div_19"; -"911 div_19" -> "912 transpose_18"; -"912 transpose_18" -> "913 matmul_18"; -"913 matmul_18" -> "917 mul_19"; -"914 _param_constant159" -> "915 clamp_9"; -"915 clamp_9" -> "916 exp_9"; -"916 exp_9" -> "917 mul_19"; -"917 mul_19" -> "918 add_31"; -"918 add_31" -> "930 view_52"; -"919 new_zeros_4" -> "920 view_51"; -"920 view_51" -> "921 permute_44"; -"921 permute_44" -> "922 reshape_42"; -"922 reshape_42" -> "923 unsqueeze_26"; -"922 reshape_42" -> "924 unsqueeze_27"; -"923 unsqueeze_26" -> "925 sub_4"; -"924 unsqueeze_27" -> "925 sub_4"; -"925 sub_4" -> "926 ne_4"; -"925 sub_4" -> "927 masked_fill_8"; -"925 sub_4" -> "928 eq_4"; -"926 ne_4" -> "927 masked_fill_8"; -"927 masked_fill_8" -> "929 masked_fill_9"; -"928 eq_4" -> "929 masked_fill_9"; -"929 masked_fill_9" -> "931 unsqueeze_28"; -"930 view_52" -> "933 add_32"; -"931 unsqueeze_28" -> "932 unsqueeze_29"; -"932 unsqueeze_29" -> "933 add_32"; -"933 add_32" -> "934 view_53"; -"934 view_53" -> "935 softmax_9"; -"935 softmax_9" -> "936 dropout_36"; -"936 dropout_36" -> "937 matmul_19"; -"937 matmul_19" -> "938 transpose_19"; -"938 transpose_19" -> "939 reshape_43"; -"939 reshape_43" -> "943 linear_59"; -"940 _param_constant161" -> "943 linear_59"; -"941 linear_59_updated_constant0" -> "942 asymmetric_weights_decompressor_linear_59_updated_constant0_0"; -"942 asymmetric_weights_decompressor_linear_59_updated_constant0_0" -> "943 linear_59"; -"943 linear_59" -> "944 dropout_37"; -"944 dropout_37" -> "945 view_54"; -"945 view_54" -> "946 permute_45"; -"946 permute_45" -> "947 reshape_44"; -"947 reshape_44" -> "948 roll_9"; -"948 roll_9" -> "949 slice_157"; -"949 slice_157" -> "950 slice_158"; -"950 slice_158" -> "951 slice_159"; -"951 slice_159" -> "952 slice_160"; -"952 slice_160" -> "953 contiguous_17"; -"953 contiguous_17" -> "956 layer_norm_21"; -"954 _param_constant162" -> "956 layer_norm_21"; -"955 _param_constant163" -> "956 layer_norm_21"; -"956 layer_norm_21" -> "957 add_33"; -"957 add_33" -> "961 linear_60"; -"957 add_33" -> "972 add_34"; -"958 _param_constant165" -> "961 linear_60"; -"959 linear_60_updated_constant0" -> "960 asymmetric_weights_decompressor_linear_60_updated_constant0_0"; -"960 asymmetric_weights_decompressor_linear_60_updated_constant0_0" -> "961 linear_60"; -"961 linear_60" -> "962 gelu_9"; -"962 gelu_9" -> "963 dropout_38"; -"963 dropout_38" -> "967 linear_61"; -"964 _param_constant167" -> "967 linear_61"; -"965 linear_61_updated_constant0" -> "966 asymmetric_weights_decompressor_linear_61_updated_constant0_0"; -"966 asymmetric_weights_decompressor_linear_61_updated_constant0_0" -> "967 linear_61"; -"967 linear_61" -> "968 dropout_39"; -"968 dropout_39" -> "971 layer_norm_22"; -"969 _param_constant168" -> "971 layer_norm_22"; -"970 _param_constant169" -> "971 layer_norm_22"; -"971 layer_norm_22" -> "972 add_34"; -"972 add_34" -> "991 pad_12"; -"972 add_34" -> "1041 add_36"; -"973 _tensor_constant65" -> "977 linear_62"; -"974 _param_constant171" -> "977 linear_62"; -"975 linear_62_updated_constant0" -> "976 asymmetric_weights_decompressor_linear_62_updated_constant0_0"; -"976 asymmetric_weights_decompressor_linear_62_updated_constant0_0" -> "977 linear_62"; -"977 linear_62" -> "978 relu__10"; -"978 relu__10" -> "981 linear_63"; -"979 linear_63_updated_constant0" -> "980 asymmetric_weights_decompressor_linear_63_updated_constant0_0"; -"980 asymmetric_weights_decompressor_linear_63_updated_constant0_0" -> "981 linear_63"; -"981 linear_63" -> "982 view_55"; -"982 view_55" -> "984 index_10"; -"983 _tensor_constant66" -> "984 index_10"; -"984 index_10" -> "985 view_56"; -"985 view_56" -> "986 permute_46"; -"986 permute_46" -> "987 contiguous_18"; -"987 contiguous_18" -> "988 unsqueeze_30"; -"988 unsqueeze_30" -> "989 sigmoid_10"; -"989 sigmoid_10" -> "990 mul_20"; -"990 mul_20" -> "1019 add_35"; -"991 pad_12" -> "992 view_57"; -"992 view_57" -> "993 permute_47"; -"993 permute_47" -> "994 reshape_45"; -"994 reshape_45" -> "999 linear_64"; -"995 _param_constant173" -> "996 clone_10"; -"996 clone_10" -> "999 linear_64"; -"997 linear_64_updated_constant0" -> "998 asymmetric_weights_decompressor_linear_64_updated_constant0_0"; -"998 asymmetric_weights_decompressor_linear_64_updated_constant0_0" -> "999 linear_64"; -"999 linear_64" -> "1000 reshape_46"; -"1000 reshape_46" -> "1001 permute_48"; -"1001 permute_48" -> "1002 select_30"; -"1001 permute_48" -> "1003 select_31"; -"1001 permute_48" -> "1004 select_32"; -"1002 select_30" -> "1005 linalg_vector_norm_20"; -"1002 select_30" -> "1007 expand_as_20"; -"1002 select_30" -> "1008 div_20"; -"1003 select_31" -> "1009 linalg_vector_norm_21"; -"1003 select_31" -> "1011 expand_as_21"; -"1003 select_31" -> "1012 div_21"; -"1004 select_32" -> "1022 matmul_21"; -"1005 linalg_vector_norm_20" -> "1006 clamp_min_20"; -"1006 clamp_min_20" -> "1007 expand_as_20"; -"1007 expand_as_20" -> "1008 div_20"; -"1008 div_20" -> "1014 matmul_20"; -"1009 linalg_vector_norm_21" -> "1010 clamp_min_21"; -"1010 clamp_min_21" -> "1011 expand_as_21"; -"1011 expand_as_21" -> "1012 div_21"; -"1012 div_21" -> "1013 transpose_20"; -"1013 transpose_20" -> "1014 matmul_20"; -"1014 matmul_20" -> "1018 mul_21"; -"1015 _param_constant175" -> "1016 clamp_10"; -"1016 clamp_10" -> "1017 exp_10"; -"1017 exp_10" -> "1018 mul_21"; -"1018 mul_21" -> "1019 add_35"; -"1019 add_35" -> "1020 softmax_10"; -"1020 softmax_10" -> "1021 dropout_40"; -"1021 dropout_40" -> "1022 matmul_21"; -"1022 matmul_21" -> "1023 transpose_21"; -"1023 transpose_21" -> "1024 reshape_47"; -"1024 reshape_47" -> "1028 linear_65"; -"1025 _param_constant177" -> "1028 linear_65"; -"1026 linear_65_updated_constant0" -> "1027 asymmetric_weights_decompressor_linear_65_updated_constant0_0"; -"1027 asymmetric_weights_decompressor_linear_65_updated_constant0_0" -> "1028 linear_65"; -"1028 linear_65" -> "1029 dropout_41"; -"1029 dropout_41" -> "1030 view_58"; -"1030 view_58" -> "1031 permute_49"; -"1031 permute_49" -> "1032 reshape_48"; -"1032 reshape_48" -> "1033 slice_162"; -"1033 slice_162" -> "1034 slice_163"; -"1034 slice_163" -> "1035 slice_164"; -"1035 slice_164" -> "1036 slice_165"; -"1036 slice_165" -> "1037 contiguous_19"; -"1037 contiguous_19" -> "1040 layer_norm_23"; -"1038 _param_constant178" -> "1040 layer_norm_23"; -"1039 _param_constant179" -> "1040 layer_norm_23"; -"1040 layer_norm_23" -> "1041 add_36"; -"1041 add_36" -> "1045 linear_66"; -"1041 add_36" -> "1056 add_37"; -"1042 _param_constant181" -> "1045 linear_66"; -"1043 linear_66_updated_constant0" -> "1044 asymmetric_weights_decompressor_linear_66_updated_constant0_0"; -"1044 asymmetric_weights_decompressor_linear_66_updated_constant0_0" -> "1045 linear_66"; -"1045 linear_66" -> "1046 gelu_10"; -"1046 gelu_10" -> "1047 dropout_42"; -"1047 dropout_42" -> "1051 linear_67"; -"1048 _param_constant183" -> "1051 linear_67"; -"1049 linear_67_updated_constant0" -> "1050 asymmetric_weights_decompressor_linear_67_updated_constant0_0"; -"1050 asymmetric_weights_decompressor_linear_67_updated_constant0_0" -> "1051 linear_67"; -"1051 linear_67" -> "1052 dropout_43"; -"1052 dropout_43" -> "1055 layer_norm_24"; -"1053 _param_constant184" -> "1055 layer_norm_24"; -"1054 _param_constant185" -> "1055 layer_norm_24"; -"1055 layer_norm_24" -> "1056 add_37"; -"1056 add_37" -> "1075 pad_13"; -"1056 add_37" -> "1143 add_40"; -"1057 _tensor_constant67" -> "1061 linear_68"; -"1058 _param_constant187" -> "1061 linear_68"; -"1059 linear_68_updated_constant0" -> "1060 asymmetric_weights_decompressor_linear_68_updated_constant0_0"; -"1060 asymmetric_weights_decompressor_linear_68_updated_constant0_0" -> "1061 linear_68"; -"1061 linear_68" -> "1062 relu__11"; -"1062 relu__11" -> "1065 linear_69"; -"1063 linear_69_updated_constant0" -> "1064 asymmetric_weights_decompressor_linear_69_updated_constant0_0"; -"1064 asymmetric_weights_decompressor_linear_69_updated_constant0_0" -> "1065 linear_69"; -"1065 linear_69" -> "1066 view_59"; -"1066 view_59" -> "1068 index_11"; -"1067 _tensor_constant68" -> "1068 index_11"; -"1068 index_11" -> "1069 view_60"; -"1069 view_60" -> "1070 permute_50"; -"1070 permute_50" -> "1071 contiguous_20"; -"1071 contiguous_20" -> "1072 unsqueeze_31"; -"1072 unsqueeze_31" -> "1073 sigmoid_11"; -"1073 sigmoid_11" -> "1074 mul_22"; -"1074 mul_22" -> "1104 add_38"; -"1075 pad_13" -> "1076 roll_10"; -"1076 roll_10" -> "1077 view_61"; -"1077 view_61" -> "1078 permute_51"; -"1078 permute_51" -> "1079 reshape_49"; -"1079 reshape_49" -> "1084 linear_70"; -"1079 reshape_49" -> "1105 new_zeros_5"; -"1080 _param_constant189" -> "1081 clone_11"; -"1081 clone_11" -> "1084 linear_70"; -"1082 linear_70_updated_constant0" -> "1083 asymmetric_weights_decompressor_linear_70_updated_constant0_0"; -"1083 asymmetric_weights_decompressor_linear_70_updated_constant0_0" -> "1084 linear_70"; -"1084 linear_70" -> "1085 reshape_50"; -"1085 reshape_50" -> "1086 permute_52"; -"1086 permute_52" -> "1087 select_33"; -"1086 permute_52" -> "1088 select_34"; -"1086 permute_52" -> "1089 select_35"; -"1087 select_33" -> "1090 linalg_vector_norm_22"; -"1087 select_33" -> "1092 expand_as_22"; -"1087 select_33" -> "1093 div_22"; -"1088 select_34" -> "1094 linalg_vector_norm_23"; -"1088 select_34" -> "1096 expand_as_23"; -"1088 select_34" -> "1097 div_23"; -"1089 select_35" -> "1123 matmul_23"; -"1090 linalg_vector_norm_22" -> "1091 clamp_min_22"; -"1091 clamp_min_22" -> "1092 expand_as_22"; -"1092 expand_as_22" -> "1093 div_22"; -"1093 div_22" -> "1099 matmul_22"; -"1094 linalg_vector_norm_23" -> "1095 clamp_min_23"; -"1095 clamp_min_23" -> "1096 expand_as_23"; -"1096 expand_as_23" -> "1097 div_23"; -"1097 div_23" -> "1098 transpose_22"; -"1098 transpose_22" -> "1099 matmul_22"; -"1099 matmul_22" -> "1103 mul_23"; -"1100 _param_constant191" -> "1101 clamp_11"; -"1101 clamp_11" -> "1102 exp_11"; -"1102 exp_11" -> "1103 mul_23"; -"1103 mul_23" -> "1104 add_38"; -"1104 add_38" -> "1116 view_63"; -"1105 new_zeros_5" -> "1106 view_62"; -"1106 view_62" -> "1107 permute_53"; -"1107 permute_53" -> "1108 reshape_51"; -"1108 reshape_51" -> "1109 unsqueeze_32"; -"1108 reshape_51" -> "1110 unsqueeze_33"; -"1109 unsqueeze_32" -> "1111 sub_5"; -"1110 unsqueeze_33" -> "1111 sub_5"; -"1111 sub_5" -> "1112 ne_5"; -"1111 sub_5" -> "1113 masked_fill_10"; -"1111 sub_5" -> "1114 eq_5"; -"1112 ne_5" -> "1113 masked_fill_10"; -"1113 masked_fill_10" -> "1115 masked_fill_11"; -"1114 eq_5" -> "1115 masked_fill_11"; -"1115 masked_fill_11" -> "1117 unsqueeze_34"; -"1116 view_63" -> "1119 add_39"; -"1117 unsqueeze_34" -> "1118 unsqueeze_35"; -"1118 unsqueeze_35" -> "1119 add_39"; -"1119 add_39" -> "1120 view_64"; -"1120 view_64" -> "1121 softmax_11"; -"1121 softmax_11" -> "1122 dropout_44"; -"1122 dropout_44" -> "1123 matmul_23"; -"1123 matmul_23" -> "1124 transpose_23"; -"1124 transpose_23" -> "1125 reshape_52"; -"1125 reshape_52" -> "1129 linear_71"; -"1126 _param_constant193" -> "1129 linear_71"; -"1127 linear_71_updated_constant0" -> "1128 asymmetric_weights_decompressor_linear_71_updated_constant0_0"; -"1128 asymmetric_weights_decompressor_linear_71_updated_constant0_0" -> "1129 linear_71"; -"1129 linear_71" -> "1130 dropout_45"; -"1130 dropout_45" -> "1131 view_65"; -"1131 view_65" -> "1132 permute_54"; -"1132 permute_54" -> "1133 reshape_53"; -"1133 reshape_53" -> "1134 roll_11"; -"1134 roll_11" -> "1135 slice_185"; -"1135 slice_185" -> "1136 slice_186"; -"1136 slice_186" -> "1137 slice_187"; -"1137 slice_187" -> "1138 slice_188"; -"1138 slice_188" -> "1139 contiguous_21"; -"1139 contiguous_21" -> "1142 layer_norm_25"; -"1140 _param_constant194" -> "1142 layer_norm_25"; -"1141 _param_constant195" -> "1142 layer_norm_25"; -"1142 layer_norm_25" -> "1143 add_40"; -"1143 add_40" -> "1147 linear_72"; -"1143 add_40" -> "1158 add_41"; -"1144 _param_constant197" -> "1147 linear_72"; -"1145 linear_72_updated_constant0" -> "1146 asymmetric_weights_decompressor_linear_72_updated_constant0_0"; -"1146 asymmetric_weights_decompressor_linear_72_updated_constant0_0" -> "1147 linear_72"; -"1147 linear_72" -> "1148 gelu_11"; -"1148 gelu_11" -> "1149 dropout_46"; -"1149 dropout_46" -> "1153 linear_73"; -"1150 _param_constant199" -> "1153 linear_73"; -"1151 linear_73_updated_constant0" -> "1152 asymmetric_weights_decompressor_linear_73_updated_constant0_0"; -"1152 asymmetric_weights_decompressor_linear_73_updated_constant0_0" -> "1153 linear_73"; -"1153 linear_73" -> "1154 dropout_47"; -"1154 dropout_47" -> "1157 layer_norm_26"; -"1155 _param_constant200" -> "1157 layer_norm_26"; -"1156 _param_constant201" -> "1157 layer_norm_26"; -"1157 layer_norm_26" -> "1158 add_41"; -"1158 add_41" -> "1177 pad_14"; -"1158 add_41" -> "1227 add_43"; -"1159 _tensor_constant78" -> "1163 linear_74"; -"1160 _param_constant203" -> "1163 linear_74"; -"1161 linear_74_updated_constant0" -> "1162 asymmetric_weights_decompressor_linear_74_updated_constant0_0"; -"1162 asymmetric_weights_decompressor_linear_74_updated_constant0_0" -> "1163 linear_74"; -"1163 linear_74" -> "1164 relu__12"; -"1164 relu__12" -> "1167 linear_75"; -"1165 linear_75_updated_constant0" -> "1166 asymmetric_weights_decompressor_linear_75_updated_constant0_0"; -"1166 asymmetric_weights_decompressor_linear_75_updated_constant0_0" -> "1167 linear_75"; -"1167 linear_75" -> "1168 view_66"; -"1168 view_66" -> "1170 index_12"; -"1169 _tensor_constant79" -> "1170 index_12"; -"1170 index_12" -> "1171 view_67"; -"1171 view_67" -> "1172 permute_55"; -"1172 permute_55" -> "1173 contiguous_22"; -"1173 contiguous_22" -> "1174 unsqueeze_36"; -"1174 unsqueeze_36" -> "1175 sigmoid_12"; -"1175 sigmoid_12" -> "1176 mul_24"; -"1176 mul_24" -> "1205 add_42"; -"1177 pad_14" -> "1178 view_68"; -"1178 view_68" -> "1179 permute_56"; -"1179 permute_56" -> "1180 reshape_54"; -"1180 reshape_54" -> "1185 linear_76"; -"1181 _param_constant205" -> "1182 clone_12"; -"1182 clone_12" -> "1185 linear_76"; -"1183 linear_76_updated_constant0" -> "1184 asymmetric_weights_decompressor_linear_76_updated_constant0_0"; -"1184 asymmetric_weights_decompressor_linear_76_updated_constant0_0" -> "1185 linear_76"; -"1185 linear_76" -> "1186 reshape_55"; -"1186 reshape_55" -> "1187 permute_57"; -"1187 permute_57" -> "1188 select_36"; -"1187 permute_57" -> "1189 select_37"; -"1187 permute_57" -> "1190 select_38"; -"1188 select_36" -> "1191 linalg_vector_norm_24"; -"1188 select_36" -> "1193 expand_as_24"; -"1188 select_36" -> "1194 div_24"; -"1189 select_37" -> "1195 linalg_vector_norm_25"; -"1189 select_37" -> "1197 expand_as_25"; -"1189 select_37" -> "1198 div_25"; -"1190 select_38" -> "1208 matmul_25"; -"1191 linalg_vector_norm_24" -> "1192 clamp_min_24"; -"1192 clamp_min_24" -> "1193 expand_as_24"; -"1193 expand_as_24" -> "1194 div_24"; -"1194 div_24" -> "1200 matmul_24"; -"1195 linalg_vector_norm_25" -> "1196 clamp_min_25"; -"1196 clamp_min_25" -> "1197 expand_as_25"; -"1197 expand_as_25" -> "1198 div_25"; -"1198 div_25" -> "1199 transpose_24"; -"1199 transpose_24" -> "1200 matmul_24"; -"1200 matmul_24" -> "1204 mul_25"; -"1201 _param_constant207" -> "1202 clamp_12"; -"1202 clamp_12" -> "1203 exp_12"; -"1203 exp_12" -> "1204 mul_25"; -"1204 mul_25" -> "1205 add_42"; -"1205 add_42" -> "1206 softmax_12"; -"1206 softmax_12" -> "1207 dropout_48"; -"1207 dropout_48" -> "1208 matmul_25"; -"1208 matmul_25" -> "1209 transpose_25"; -"1209 transpose_25" -> "1210 reshape_56"; -"1210 reshape_56" -> "1214 linear_77"; -"1211 _param_constant209" -> "1214 linear_77"; -"1212 linear_77_updated_constant0" -> "1213 asymmetric_weights_decompressor_linear_77_updated_constant0_0"; -"1213 asymmetric_weights_decompressor_linear_77_updated_constant0_0" -> "1214 linear_77"; -"1214 linear_77" -> "1215 dropout_49"; -"1215 dropout_49" -> "1216 view_69"; -"1216 view_69" -> "1217 permute_58"; -"1217 permute_58" -> "1218 reshape_57"; -"1218 reshape_57" -> "1219 slice_190"; -"1219 slice_190" -> "1220 slice_191"; -"1220 slice_191" -> "1221 slice_192"; -"1221 slice_192" -> "1222 slice_193"; -"1222 slice_193" -> "1223 contiguous_23"; -"1223 contiguous_23" -> "1226 layer_norm_27"; -"1224 _param_constant210" -> "1226 layer_norm_27"; -"1225 _param_constant211" -> "1226 layer_norm_27"; -"1226 layer_norm_27" -> "1227 add_43"; -"1227 add_43" -> "1231 linear_78"; -"1227 add_43" -> "1242 add_44"; -"1228 _param_constant213" -> "1231 linear_78"; -"1229 linear_78_updated_constant0" -> "1230 asymmetric_weights_decompressor_linear_78_updated_constant0_0"; -"1230 asymmetric_weights_decompressor_linear_78_updated_constant0_0" -> "1231 linear_78"; -"1231 linear_78" -> "1232 gelu_12"; -"1232 gelu_12" -> "1233 dropout_50"; -"1233 dropout_50" -> "1237 linear_79"; -"1234 _param_constant215" -> "1237 linear_79"; -"1235 linear_79_updated_constant0" -> "1236 asymmetric_weights_decompressor_linear_79_updated_constant0_0"; -"1236 asymmetric_weights_decompressor_linear_79_updated_constant0_0" -> "1237 linear_79"; -"1237 linear_79" -> "1238 dropout_51"; -"1238 dropout_51" -> "1241 layer_norm_28"; -"1239 _param_constant216" -> "1241 layer_norm_28"; -"1240 _param_constant217" -> "1241 layer_norm_28"; -"1241 layer_norm_28" -> "1242 add_44"; -"1242 add_44" -> "1261 pad_15"; -"1242 add_44" -> "1329 add_47"; -"1243 _tensor_constant80" -> "1247 linear_80"; -"1244 _param_constant219" -> "1247 linear_80"; -"1245 linear_80_updated_constant0" -> "1246 asymmetric_weights_decompressor_linear_80_updated_constant0_0"; -"1246 asymmetric_weights_decompressor_linear_80_updated_constant0_0" -> "1247 linear_80"; -"1247 linear_80" -> "1248 relu__13"; -"1248 relu__13" -> "1251 linear_81"; -"1249 linear_81_updated_constant0" -> "1250 asymmetric_weights_decompressor_linear_81_updated_constant0_0"; -"1250 asymmetric_weights_decompressor_linear_81_updated_constant0_0" -> "1251 linear_81"; -"1251 linear_81" -> "1252 view_70"; -"1252 view_70" -> "1254 index_13"; -"1253 _tensor_constant81" -> "1254 index_13"; -"1254 index_13" -> "1255 view_71"; -"1255 view_71" -> "1256 permute_59"; -"1256 permute_59" -> "1257 contiguous_24"; -"1257 contiguous_24" -> "1258 unsqueeze_37"; -"1258 unsqueeze_37" -> "1259 sigmoid_13"; -"1259 sigmoid_13" -> "1260 mul_26"; -"1260 mul_26" -> "1290 add_45"; -"1261 pad_15" -> "1262 roll_12"; -"1262 roll_12" -> "1263 view_72"; -"1263 view_72" -> "1264 permute_60"; -"1264 permute_60" -> "1265 reshape_58"; -"1265 reshape_58" -> "1270 linear_82"; -"1265 reshape_58" -> "1291 new_zeros_6"; -"1266 _param_constant221" -> "1267 clone_13"; -"1267 clone_13" -> "1270 linear_82"; -"1268 linear_82_updated_constant0" -> "1269 asymmetric_weights_decompressor_linear_82_updated_constant0_0"; -"1269 asymmetric_weights_decompressor_linear_82_updated_constant0_0" -> "1270 linear_82"; -"1270 linear_82" -> "1271 reshape_59"; -"1271 reshape_59" -> "1272 permute_61"; -"1272 permute_61" -> "1273 select_39"; -"1272 permute_61" -> "1274 select_40"; -"1272 permute_61" -> "1275 select_41"; -"1273 select_39" -> "1276 linalg_vector_norm_26"; -"1273 select_39" -> "1278 expand_as_26"; -"1273 select_39" -> "1279 div_26"; -"1274 select_40" -> "1280 linalg_vector_norm_27"; -"1274 select_40" -> "1282 expand_as_27"; -"1274 select_40" -> "1283 div_27"; -"1275 select_41" -> "1309 matmul_27"; -"1276 linalg_vector_norm_26" -> "1277 clamp_min_26"; -"1277 clamp_min_26" -> "1278 expand_as_26"; -"1278 expand_as_26" -> "1279 div_26"; -"1279 div_26" -> "1285 matmul_26"; -"1280 linalg_vector_norm_27" -> "1281 clamp_min_27"; -"1281 clamp_min_27" -> "1282 expand_as_27"; -"1282 expand_as_27" -> "1283 div_27"; -"1283 div_27" -> "1284 transpose_26"; -"1284 transpose_26" -> "1285 matmul_26"; -"1285 matmul_26" -> "1289 mul_27"; -"1286 _param_constant223" -> "1287 clamp_13"; -"1287 clamp_13" -> "1288 exp_13"; -"1288 exp_13" -> "1289 mul_27"; -"1289 mul_27" -> "1290 add_45"; -"1290 add_45" -> "1302 view_74"; -"1291 new_zeros_6" -> "1292 view_73"; -"1292 view_73" -> "1293 permute_62"; -"1293 permute_62" -> "1294 reshape_60"; -"1294 reshape_60" -> "1295 unsqueeze_38"; -"1294 reshape_60" -> "1296 unsqueeze_39"; -"1295 unsqueeze_38" -> "1297 sub_6"; -"1296 unsqueeze_39" -> "1297 sub_6"; -"1297 sub_6" -> "1298 ne_6"; -"1297 sub_6" -> "1299 masked_fill_12"; -"1297 sub_6" -> "1300 eq_6"; -"1298 ne_6" -> "1299 masked_fill_12"; -"1299 masked_fill_12" -> "1301 masked_fill_13"; -"1300 eq_6" -> "1301 masked_fill_13"; -"1301 masked_fill_13" -> "1303 unsqueeze_40"; -"1302 view_74" -> "1305 add_46"; -"1303 unsqueeze_40" -> "1304 unsqueeze_41"; -"1304 unsqueeze_41" -> "1305 add_46"; -"1305 add_46" -> "1306 view_75"; -"1306 view_75" -> "1307 softmax_13"; -"1307 softmax_13" -> "1308 dropout_52"; -"1308 dropout_52" -> "1309 matmul_27"; -"1309 matmul_27" -> "1310 transpose_27"; -"1310 transpose_27" -> "1311 reshape_61"; -"1311 reshape_61" -> "1315 linear_83"; -"1312 _param_constant225" -> "1315 linear_83"; -"1313 linear_83_updated_constant0" -> "1314 asymmetric_weights_decompressor_linear_83_updated_constant0_0"; -"1314 asymmetric_weights_decompressor_linear_83_updated_constant0_0" -> "1315 linear_83"; -"1315 linear_83" -> "1316 dropout_53"; -"1316 dropout_53" -> "1317 view_76"; -"1317 view_76" -> "1318 permute_63"; -"1318 permute_63" -> "1319 reshape_62"; -"1319 reshape_62" -> "1320 roll_13"; -"1320 roll_13" -> "1321 slice_213"; -"1321 slice_213" -> "1322 slice_214"; -"1322 slice_214" -> "1323 slice_215"; -"1323 slice_215" -> "1324 slice_216"; -"1324 slice_216" -> "1325 contiguous_25"; -"1325 contiguous_25" -> "1328 layer_norm_29"; -"1326 _param_constant226" -> "1328 layer_norm_29"; -"1327 _param_constant227" -> "1328 layer_norm_29"; -"1328 layer_norm_29" -> "1329 add_47"; -"1329 add_47" -> "1333 linear_84"; -"1329 add_47" -> "1344 add_48"; -"1330 _param_constant229" -> "1333 linear_84"; -"1331 linear_84_updated_constant0" -> "1332 asymmetric_weights_decompressor_linear_84_updated_constant0_0"; -"1332 asymmetric_weights_decompressor_linear_84_updated_constant0_0" -> "1333 linear_84"; -"1333 linear_84" -> "1334 gelu_13"; -"1334 gelu_13" -> "1335 dropout_54"; -"1335 dropout_54" -> "1339 linear_85"; -"1336 _param_constant231" -> "1339 linear_85"; -"1337 linear_85_updated_constant0" -> "1338 asymmetric_weights_decompressor_linear_85_updated_constant0_0"; -"1338 asymmetric_weights_decompressor_linear_85_updated_constant0_0" -> "1339 linear_85"; -"1339 linear_85" -> "1340 dropout_55"; -"1340 dropout_55" -> "1343 layer_norm_30"; -"1341 _param_constant232" -> "1343 layer_norm_30"; -"1342 _param_constant233" -> "1343 layer_norm_30"; -"1343 layer_norm_30" -> "1344 add_48"; -"1344 add_48" -> "1363 pad_16"; -"1344 add_48" -> "1413 add_50"; -"1345 _tensor_constant91" -> "1349 linear_86"; -"1346 _param_constant235" -> "1349 linear_86"; -"1347 linear_86_updated_constant0" -> "1348 asymmetric_weights_decompressor_linear_86_updated_constant0_0"; -"1348 asymmetric_weights_decompressor_linear_86_updated_constant0_0" -> "1349 linear_86"; -"1349 linear_86" -> "1350 relu__14"; -"1350 relu__14" -> "1353 linear_87"; -"1351 linear_87_updated_constant0" -> "1352 asymmetric_weights_decompressor_linear_87_updated_constant0_0"; -"1352 asymmetric_weights_decompressor_linear_87_updated_constant0_0" -> "1353 linear_87"; -"1353 linear_87" -> "1354 view_77"; -"1354 view_77" -> "1356 index_14"; -"1355 _tensor_constant92" -> "1356 index_14"; -"1356 index_14" -> "1357 view_78"; -"1357 view_78" -> "1358 permute_64"; -"1358 permute_64" -> "1359 contiguous_26"; -"1359 contiguous_26" -> "1360 unsqueeze_42"; -"1360 unsqueeze_42" -> "1361 sigmoid_14"; -"1361 sigmoid_14" -> "1362 mul_28"; -"1362 mul_28" -> "1391 add_49"; -"1363 pad_16" -> "1364 view_79"; -"1364 view_79" -> "1365 permute_65"; -"1365 permute_65" -> "1366 reshape_63"; -"1366 reshape_63" -> "1371 linear_88"; -"1367 _param_constant237" -> "1368 clone_14"; -"1368 clone_14" -> "1371 linear_88"; -"1369 linear_88_updated_constant0" -> "1370 asymmetric_weights_decompressor_linear_88_updated_constant0_0"; -"1370 asymmetric_weights_decompressor_linear_88_updated_constant0_0" -> "1371 linear_88"; -"1371 linear_88" -> "1372 reshape_64"; -"1372 reshape_64" -> "1373 permute_66"; -"1373 permute_66" -> "1374 select_42"; -"1373 permute_66" -> "1375 select_43"; -"1373 permute_66" -> "1376 select_44"; -"1374 select_42" -> "1377 linalg_vector_norm_28"; -"1374 select_42" -> "1379 expand_as_28"; -"1374 select_42" -> "1380 div_28"; -"1375 select_43" -> "1381 linalg_vector_norm_29"; -"1375 select_43" -> "1383 expand_as_29"; -"1375 select_43" -> "1384 div_29"; -"1376 select_44" -> "1394 matmul_29"; -"1377 linalg_vector_norm_28" -> "1378 clamp_min_28"; -"1378 clamp_min_28" -> "1379 expand_as_28"; -"1379 expand_as_28" -> "1380 div_28"; -"1380 div_28" -> "1386 matmul_28"; -"1381 linalg_vector_norm_29" -> "1382 clamp_min_29"; -"1382 clamp_min_29" -> "1383 expand_as_29"; -"1383 expand_as_29" -> "1384 div_29"; -"1384 div_29" -> "1385 transpose_28"; -"1385 transpose_28" -> "1386 matmul_28"; -"1386 matmul_28" -> "1390 mul_29"; -"1387 _param_constant239" -> "1388 clamp_14"; -"1388 clamp_14" -> "1389 exp_14"; -"1389 exp_14" -> "1390 mul_29"; -"1390 mul_29" -> "1391 add_49"; -"1391 add_49" -> "1392 softmax_14"; -"1392 softmax_14" -> "1393 dropout_56"; -"1393 dropout_56" -> "1394 matmul_29"; -"1394 matmul_29" -> "1395 transpose_29"; -"1395 transpose_29" -> "1396 reshape_65"; -"1396 reshape_65" -> "1400 linear_89"; -"1397 _param_constant241" -> "1400 linear_89"; -"1398 linear_89_updated_constant0" -> "1399 asymmetric_weights_decompressor_linear_89_updated_constant0_0"; -"1399 asymmetric_weights_decompressor_linear_89_updated_constant0_0" -> "1400 linear_89"; -"1400 linear_89" -> "1401 dropout_57"; -"1401 dropout_57" -> "1402 view_80"; -"1402 view_80" -> "1403 permute_67"; -"1403 permute_67" -> "1404 reshape_66"; -"1404 reshape_66" -> "1405 slice_218"; -"1405 slice_218" -> "1406 slice_219"; -"1406 slice_219" -> "1407 slice_220"; -"1407 slice_220" -> "1408 slice_221"; -"1408 slice_221" -> "1409 contiguous_27"; -"1409 contiguous_27" -> "1412 layer_norm_31"; -"1410 _param_constant242" -> "1412 layer_norm_31"; -"1411 _param_constant243" -> "1412 layer_norm_31"; -"1412 layer_norm_31" -> "1413 add_50"; -"1413 add_50" -> "1417 linear_90"; -"1413 add_50" -> "1428 add_51"; -"1414 _param_constant245" -> "1417 linear_90"; -"1415 linear_90_updated_constant0" -> "1416 asymmetric_weights_decompressor_linear_90_updated_constant0_0"; -"1416 asymmetric_weights_decompressor_linear_90_updated_constant0_0" -> "1417 linear_90"; -"1417 linear_90" -> "1418 gelu_14"; -"1418 gelu_14" -> "1419 dropout_58"; -"1419 dropout_58" -> "1423 linear_91"; -"1420 _param_constant247" -> "1423 linear_91"; -"1421 linear_91_updated_constant0" -> "1422 asymmetric_weights_decompressor_linear_91_updated_constant0_0"; -"1422 asymmetric_weights_decompressor_linear_91_updated_constant0_0" -> "1423 linear_91"; -"1423 linear_91" -> "1424 dropout_59"; -"1424 dropout_59" -> "1427 layer_norm_32"; -"1425 _param_constant248" -> "1427 layer_norm_32"; -"1426 _param_constant249" -> "1427 layer_norm_32"; -"1427 layer_norm_32" -> "1428 add_51"; -"1428 add_51" -> "1447 pad_17"; -"1428 add_51" -> "1515 add_54"; -"1429 _tensor_constant93" -> "1433 linear_92"; -"1430 _param_constant251" -> "1433 linear_92"; -"1431 linear_92_updated_constant0" -> "1432 asymmetric_weights_decompressor_linear_92_updated_constant0_0"; -"1432 asymmetric_weights_decompressor_linear_92_updated_constant0_0" -> "1433 linear_92"; -"1433 linear_92" -> "1434 relu__15"; -"1434 relu__15" -> "1437 linear_93"; -"1435 linear_93_updated_constant0" -> "1436 asymmetric_weights_decompressor_linear_93_updated_constant0_0"; -"1436 asymmetric_weights_decompressor_linear_93_updated_constant0_0" -> "1437 linear_93"; -"1437 linear_93" -> "1438 view_81"; -"1438 view_81" -> "1440 index_15"; -"1439 _tensor_constant94" -> "1440 index_15"; -"1440 index_15" -> "1441 view_82"; -"1441 view_82" -> "1442 permute_68"; -"1442 permute_68" -> "1443 contiguous_28"; -"1443 contiguous_28" -> "1444 unsqueeze_43"; -"1444 unsqueeze_43" -> "1445 sigmoid_15"; -"1445 sigmoid_15" -> "1446 mul_30"; -"1446 mul_30" -> "1476 add_52"; -"1447 pad_17" -> "1448 roll_14"; -"1448 roll_14" -> "1449 view_83"; -"1449 view_83" -> "1450 permute_69"; -"1450 permute_69" -> "1451 reshape_67"; -"1451 reshape_67" -> "1456 linear_94"; -"1451 reshape_67" -> "1477 new_zeros_7"; -"1452 _param_constant253" -> "1453 clone_15"; -"1453 clone_15" -> "1456 linear_94"; -"1454 linear_94_updated_constant0" -> "1455 asymmetric_weights_decompressor_linear_94_updated_constant0_0"; -"1455 asymmetric_weights_decompressor_linear_94_updated_constant0_0" -> "1456 linear_94"; -"1456 linear_94" -> "1457 reshape_68"; -"1457 reshape_68" -> "1458 permute_70"; -"1458 permute_70" -> "1459 select_45"; -"1458 permute_70" -> "1460 select_46"; -"1458 permute_70" -> "1461 select_47"; -"1459 select_45" -> "1462 linalg_vector_norm_30"; -"1459 select_45" -> "1464 expand_as_30"; -"1459 select_45" -> "1465 div_30"; -"1460 select_46" -> "1466 linalg_vector_norm_31"; -"1460 select_46" -> "1468 expand_as_31"; -"1460 select_46" -> "1469 div_31"; -"1461 select_47" -> "1495 matmul_31"; -"1462 linalg_vector_norm_30" -> "1463 clamp_min_30"; -"1463 clamp_min_30" -> "1464 expand_as_30"; -"1464 expand_as_30" -> "1465 div_30"; -"1465 div_30" -> "1471 matmul_30"; -"1466 linalg_vector_norm_31" -> "1467 clamp_min_31"; -"1467 clamp_min_31" -> "1468 expand_as_31"; -"1468 expand_as_31" -> "1469 div_31"; -"1469 div_31" -> "1470 transpose_30"; -"1470 transpose_30" -> "1471 matmul_30"; -"1471 matmul_30" -> "1475 mul_31"; -"1472 _param_constant255" -> "1473 clamp_15"; -"1473 clamp_15" -> "1474 exp_15"; -"1474 exp_15" -> "1475 mul_31"; -"1475 mul_31" -> "1476 add_52"; -"1476 add_52" -> "1488 view_85"; -"1477 new_zeros_7" -> "1478 view_84"; -"1478 view_84" -> "1479 permute_71"; -"1479 permute_71" -> "1480 reshape_69"; -"1480 reshape_69" -> "1481 unsqueeze_44"; -"1480 reshape_69" -> "1482 unsqueeze_45"; -"1481 unsqueeze_44" -> "1483 sub_7"; -"1482 unsqueeze_45" -> "1483 sub_7"; -"1483 sub_7" -> "1484 ne_7"; -"1483 sub_7" -> "1485 masked_fill_14"; -"1483 sub_7" -> "1486 eq_7"; -"1484 ne_7" -> "1485 masked_fill_14"; -"1485 masked_fill_14" -> "1487 masked_fill_15"; -"1486 eq_7" -> "1487 masked_fill_15"; -"1487 masked_fill_15" -> "1489 unsqueeze_46"; -"1488 view_85" -> "1491 add_53"; -"1489 unsqueeze_46" -> "1490 unsqueeze_47"; -"1490 unsqueeze_47" -> "1491 add_53"; -"1491 add_53" -> "1492 view_86"; -"1492 view_86" -> "1493 softmax_15"; -"1493 softmax_15" -> "1494 dropout_60"; -"1494 dropout_60" -> "1495 matmul_31"; -"1495 matmul_31" -> "1496 transpose_31"; -"1496 transpose_31" -> "1497 reshape_70"; -"1497 reshape_70" -> "1501 linear_95"; -"1498 _param_constant257" -> "1501 linear_95"; -"1499 linear_95_updated_constant0" -> "1500 asymmetric_weights_decompressor_linear_95_updated_constant0_0"; -"1500 asymmetric_weights_decompressor_linear_95_updated_constant0_0" -> "1501 linear_95"; -"1501 linear_95" -> "1502 dropout_61"; -"1502 dropout_61" -> "1503 view_87"; -"1503 view_87" -> "1504 permute_72"; -"1504 permute_72" -> "1505 reshape_71"; -"1505 reshape_71" -> "1506 roll_15"; -"1506 roll_15" -> "1507 slice_241"; -"1507 slice_241" -> "1508 slice_242"; -"1508 slice_242" -> "1509 slice_243"; -"1509 slice_243" -> "1510 slice_244"; -"1510 slice_244" -> "1511 contiguous_29"; -"1511 contiguous_29" -> "1514 layer_norm_33"; -"1512 _param_constant258" -> "1514 layer_norm_33"; -"1513 _param_constant259" -> "1514 layer_norm_33"; -"1514 layer_norm_33" -> "1515 add_54"; -"1515 add_54" -> "1519 linear_96"; -"1515 add_54" -> "1530 add_55"; -"1516 _param_constant261" -> "1519 linear_96"; -"1517 linear_96_updated_constant0" -> "1518 asymmetric_weights_decompressor_linear_96_updated_constant0_0"; -"1518 asymmetric_weights_decompressor_linear_96_updated_constant0_0" -> "1519 linear_96"; -"1519 linear_96" -> "1520 gelu_15"; -"1520 gelu_15" -> "1521 dropout_62"; -"1521 dropout_62" -> "1525 linear_97"; -"1522 _param_constant263" -> "1525 linear_97"; -"1523 linear_97_updated_constant0" -> "1524 asymmetric_weights_decompressor_linear_97_updated_constant0_0"; -"1524 asymmetric_weights_decompressor_linear_97_updated_constant0_0" -> "1525 linear_97"; -"1525 linear_97" -> "1526 dropout_63"; -"1526 dropout_63" -> "1529 layer_norm_34"; -"1527 _param_constant264" -> "1529 layer_norm_34"; -"1528 _param_constant265" -> "1529 layer_norm_34"; -"1529 layer_norm_34" -> "1530 add_55"; -"1530 add_55" -> "1549 pad_18"; -"1530 add_55" -> "1599 add_57"; -"1531 _tensor_constant104" -> "1535 linear_98"; -"1532 _param_constant267" -> "1535 linear_98"; -"1533 linear_98_updated_constant0" -> "1534 asymmetric_weights_decompressor_linear_98_updated_constant0_0"; -"1534 asymmetric_weights_decompressor_linear_98_updated_constant0_0" -> "1535 linear_98"; -"1535 linear_98" -> "1536 relu__16"; -"1536 relu__16" -> "1539 linear_99"; -"1537 linear_99_updated_constant0" -> "1538 asymmetric_weights_decompressor_linear_99_updated_constant0_0"; -"1538 asymmetric_weights_decompressor_linear_99_updated_constant0_0" -> "1539 linear_99"; -"1539 linear_99" -> "1540 view_88"; -"1540 view_88" -> "1542 index_16"; -"1541 _tensor_constant105" -> "1542 index_16"; -"1542 index_16" -> "1543 view_89"; -"1543 view_89" -> "1544 permute_73"; -"1544 permute_73" -> "1545 contiguous_30"; -"1545 contiguous_30" -> "1546 unsqueeze_48"; -"1546 unsqueeze_48" -> "1547 sigmoid_16"; -"1547 sigmoid_16" -> "1548 mul_32"; -"1548 mul_32" -> "1577 add_56"; -"1549 pad_18" -> "1550 view_90"; -"1550 view_90" -> "1551 permute_74"; -"1551 permute_74" -> "1552 reshape_72"; -"1552 reshape_72" -> "1557 linear_100"; -"1553 _param_constant269" -> "1554 clone_16"; -"1554 clone_16" -> "1557 linear_100"; -"1555 linear_100_updated_constant0" -> "1556 asymmetric_weights_decompressor_linear_100_updated_constant0_0"; -"1556 asymmetric_weights_decompressor_linear_100_updated_constant0_0" -> "1557 linear_100"; -"1557 linear_100" -> "1558 reshape_73"; -"1558 reshape_73" -> "1559 permute_75"; -"1559 permute_75" -> "1560 select_48"; -"1559 permute_75" -> "1561 select_49"; -"1559 permute_75" -> "1562 select_50"; -"1560 select_48" -> "1563 linalg_vector_norm_32"; -"1560 select_48" -> "1565 expand_as_32"; -"1560 select_48" -> "1566 div_32"; -"1561 select_49" -> "1567 linalg_vector_norm_33"; -"1561 select_49" -> "1569 expand_as_33"; -"1561 select_49" -> "1570 div_33"; -"1562 select_50" -> "1580 matmul_33"; -"1563 linalg_vector_norm_32" -> "1564 clamp_min_32"; -"1564 clamp_min_32" -> "1565 expand_as_32"; -"1565 expand_as_32" -> "1566 div_32"; -"1566 div_32" -> "1572 matmul_32"; -"1567 linalg_vector_norm_33" -> "1568 clamp_min_33"; -"1568 clamp_min_33" -> "1569 expand_as_33"; -"1569 expand_as_33" -> "1570 div_33"; -"1570 div_33" -> "1571 transpose_32"; -"1571 transpose_32" -> "1572 matmul_32"; -"1572 matmul_32" -> "1576 mul_33"; -"1573 _param_constant271" -> "1574 clamp_16"; -"1574 clamp_16" -> "1575 exp_16"; -"1575 exp_16" -> "1576 mul_33"; -"1576 mul_33" -> "1577 add_56"; -"1577 add_56" -> "1578 softmax_16"; -"1578 softmax_16" -> "1579 dropout_64"; -"1579 dropout_64" -> "1580 matmul_33"; -"1580 matmul_33" -> "1581 transpose_33"; -"1581 transpose_33" -> "1582 reshape_74"; -"1582 reshape_74" -> "1586 linear_101"; -"1583 _param_constant273" -> "1586 linear_101"; -"1584 linear_101_updated_constant0" -> "1585 asymmetric_weights_decompressor_linear_101_updated_constant0_0"; -"1585 asymmetric_weights_decompressor_linear_101_updated_constant0_0" -> "1586 linear_101"; -"1586 linear_101" -> "1587 dropout_65"; -"1587 dropout_65" -> "1588 view_91"; -"1588 view_91" -> "1589 permute_76"; -"1589 permute_76" -> "1590 reshape_75"; -"1590 reshape_75" -> "1591 slice_246"; -"1591 slice_246" -> "1592 slice_247"; -"1592 slice_247" -> "1593 slice_248"; -"1593 slice_248" -> "1594 slice_249"; -"1594 slice_249" -> "1595 contiguous_31"; -"1595 contiguous_31" -> "1598 layer_norm_35"; -"1596 _param_constant274" -> "1598 layer_norm_35"; -"1597 _param_constant275" -> "1598 layer_norm_35"; -"1598 layer_norm_35" -> "1599 add_57"; -"1599 add_57" -> "1603 linear_102"; -"1599 add_57" -> "1614 add_58"; -"1600 _param_constant277" -> "1603 linear_102"; -"1601 linear_102_updated_constant0" -> "1602 asymmetric_weights_decompressor_linear_102_updated_constant0_0"; -"1602 asymmetric_weights_decompressor_linear_102_updated_constant0_0" -> "1603 linear_102"; -"1603 linear_102" -> "1604 gelu_16"; -"1604 gelu_16" -> "1605 dropout_66"; -"1605 dropout_66" -> "1609 linear_103"; -"1606 _param_constant279" -> "1609 linear_103"; -"1607 linear_103_updated_constant0" -> "1608 asymmetric_weights_decompressor_linear_103_updated_constant0_0"; -"1608 asymmetric_weights_decompressor_linear_103_updated_constant0_0" -> "1609 linear_103"; -"1609 linear_103" -> "1610 dropout_67"; -"1610 dropout_67" -> "1613 layer_norm_36"; -"1611 _param_constant280" -> "1613 layer_norm_36"; -"1612 _param_constant281" -> "1613 layer_norm_36"; -"1613 layer_norm_36" -> "1614 add_58"; -"1614 add_58" -> "1633 pad_19"; -"1614 add_58" -> "1701 add_61"; -"1615 _tensor_constant106" -> "1619 linear_104"; -"1616 _param_constant283" -> "1619 linear_104"; -"1617 linear_104_updated_constant0" -> "1618 asymmetric_weights_decompressor_linear_104_updated_constant0_0"; -"1618 asymmetric_weights_decompressor_linear_104_updated_constant0_0" -> "1619 linear_104"; -"1619 linear_104" -> "1620 relu__17"; -"1620 relu__17" -> "1623 linear_105"; -"1621 linear_105_updated_constant0" -> "1622 asymmetric_weights_decompressor_linear_105_updated_constant0_0"; -"1622 asymmetric_weights_decompressor_linear_105_updated_constant0_0" -> "1623 linear_105"; -"1623 linear_105" -> "1624 view_92"; -"1624 view_92" -> "1626 index_17"; -"1625 _tensor_constant107" -> "1626 index_17"; -"1626 index_17" -> "1627 view_93"; -"1627 view_93" -> "1628 permute_77"; -"1628 permute_77" -> "1629 contiguous_32"; -"1629 contiguous_32" -> "1630 unsqueeze_49"; -"1630 unsqueeze_49" -> "1631 sigmoid_17"; -"1631 sigmoid_17" -> "1632 mul_34"; -"1632 mul_34" -> "1662 add_59"; -"1633 pad_19" -> "1634 roll_16"; -"1634 roll_16" -> "1635 view_94"; -"1635 view_94" -> "1636 permute_78"; -"1636 permute_78" -> "1637 reshape_76"; -"1637 reshape_76" -> "1642 linear_106"; -"1637 reshape_76" -> "1663 new_zeros_8"; -"1638 _param_constant285" -> "1639 clone_17"; -"1639 clone_17" -> "1642 linear_106"; -"1640 linear_106_updated_constant0" -> "1641 asymmetric_weights_decompressor_linear_106_updated_constant0_0"; -"1641 asymmetric_weights_decompressor_linear_106_updated_constant0_0" -> "1642 linear_106"; -"1642 linear_106" -> "1643 reshape_77"; -"1643 reshape_77" -> "1644 permute_79"; -"1644 permute_79" -> "1645 select_51"; -"1644 permute_79" -> "1646 select_52"; -"1644 permute_79" -> "1647 select_53"; -"1645 select_51" -> "1648 linalg_vector_norm_34"; -"1645 select_51" -> "1650 expand_as_34"; -"1645 select_51" -> "1651 div_34"; -"1646 select_52" -> "1652 linalg_vector_norm_35"; -"1646 select_52" -> "1654 expand_as_35"; -"1646 select_52" -> "1655 div_35"; -"1647 select_53" -> "1681 matmul_35"; -"1648 linalg_vector_norm_34" -> "1649 clamp_min_34"; -"1649 clamp_min_34" -> "1650 expand_as_34"; -"1650 expand_as_34" -> "1651 div_34"; -"1651 div_34" -> "1657 matmul_34"; -"1652 linalg_vector_norm_35" -> "1653 clamp_min_35"; -"1653 clamp_min_35" -> "1654 expand_as_35"; -"1654 expand_as_35" -> "1655 div_35"; -"1655 div_35" -> "1656 transpose_34"; -"1656 transpose_34" -> "1657 matmul_34"; -"1657 matmul_34" -> "1661 mul_35"; -"1658 _param_constant287" -> "1659 clamp_17"; -"1659 clamp_17" -> "1660 exp_17"; -"1660 exp_17" -> "1661 mul_35"; -"1661 mul_35" -> "1662 add_59"; -"1662 add_59" -> "1674 view_96"; -"1663 new_zeros_8" -> "1664 view_95"; -"1664 view_95" -> "1665 permute_80"; -"1665 permute_80" -> "1666 reshape_78"; -"1666 reshape_78" -> "1667 unsqueeze_50"; -"1666 reshape_78" -> "1668 unsqueeze_51"; -"1667 unsqueeze_50" -> "1669 sub_8"; -"1668 unsqueeze_51" -> "1669 sub_8"; -"1669 sub_8" -> "1670 ne_8"; -"1669 sub_8" -> "1671 masked_fill_16"; -"1669 sub_8" -> "1672 eq_8"; -"1670 ne_8" -> "1671 masked_fill_16"; -"1671 masked_fill_16" -> "1673 masked_fill_17"; -"1672 eq_8" -> "1673 masked_fill_17"; -"1673 masked_fill_17" -> "1675 unsqueeze_52"; -"1674 view_96" -> "1677 add_60"; -"1675 unsqueeze_52" -> "1676 unsqueeze_53"; -"1676 unsqueeze_53" -> "1677 add_60"; -"1677 add_60" -> "1678 view_97"; -"1678 view_97" -> "1679 softmax_17"; -"1679 softmax_17" -> "1680 dropout_68"; -"1680 dropout_68" -> "1681 matmul_35"; -"1681 matmul_35" -> "1682 transpose_35"; -"1682 transpose_35" -> "1683 reshape_79"; -"1683 reshape_79" -> "1687 linear_107"; -"1684 _param_constant289" -> "1687 linear_107"; -"1685 linear_107_updated_constant0" -> "1686 asymmetric_weights_decompressor_linear_107_updated_constant0_0"; -"1686 asymmetric_weights_decompressor_linear_107_updated_constant0_0" -> "1687 linear_107"; -"1687 linear_107" -> "1688 dropout_69"; -"1688 dropout_69" -> "1689 view_98"; -"1689 view_98" -> "1690 permute_81"; -"1690 permute_81" -> "1691 reshape_80"; -"1691 reshape_80" -> "1692 roll_17"; -"1692 roll_17" -> "1693 slice_269"; -"1693 slice_269" -> "1694 slice_270"; -"1694 slice_270" -> "1695 slice_271"; -"1695 slice_271" -> "1696 slice_272"; -"1696 slice_272" -> "1697 contiguous_33"; -"1697 contiguous_33" -> "1700 layer_norm_37"; -"1698 _param_constant290" -> "1700 layer_norm_37"; -"1699 _param_constant291" -> "1700 layer_norm_37"; -"1700 layer_norm_37" -> "1701 add_61"; -"1701 add_61" -> "1705 linear_108"; -"1701 add_61" -> "1716 add_62"; -"1702 _param_constant293" -> "1705 linear_108"; -"1703 linear_108_updated_constant0" -> "1704 asymmetric_weights_decompressor_linear_108_updated_constant0_0"; -"1704 asymmetric_weights_decompressor_linear_108_updated_constant0_0" -> "1705 linear_108"; -"1705 linear_108" -> "1706 gelu_17"; -"1706 gelu_17" -> "1707 dropout_70"; -"1707 dropout_70" -> "1711 linear_109"; -"1708 _param_constant295" -> "1711 linear_109"; -"1709 linear_109_updated_constant0" -> "1710 asymmetric_weights_decompressor_linear_109_updated_constant0_0"; -"1710 asymmetric_weights_decompressor_linear_109_updated_constant0_0" -> "1711 linear_109"; -"1711 linear_109" -> "1712 dropout_71"; -"1712 dropout_71" -> "1715 layer_norm_38"; -"1713 _param_constant296" -> "1715 layer_norm_38"; -"1714 _param_constant297" -> "1715 layer_norm_38"; -"1715 layer_norm_38" -> "1716 add_62"; -"1716 add_62" -> "1735 pad_20"; -"1716 add_62" -> "1785 add_64"; -"1717 _tensor_constant117" -> "1721 linear_110"; -"1718 _param_constant299" -> "1721 linear_110"; -"1719 linear_110_updated_constant0" -> "1720 asymmetric_weights_decompressor_linear_110_updated_constant0_0"; -"1720 asymmetric_weights_decompressor_linear_110_updated_constant0_0" -> "1721 linear_110"; -"1721 linear_110" -> "1722 relu__18"; -"1722 relu__18" -> "1725 linear_111"; -"1723 linear_111_updated_constant0" -> "1724 asymmetric_weights_decompressor_linear_111_updated_constant0_0"; -"1724 asymmetric_weights_decompressor_linear_111_updated_constant0_0" -> "1725 linear_111"; -"1725 linear_111" -> "1726 view_99"; -"1726 view_99" -> "1728 index_18"; -"1727 _tensor_constant118" -> "1728 index_18"; -"1728 index_18" -> "1729 view_100"; -"1729 view_100" -> "1730 permute_82"; -"1730 permute_82" -> "1731 contiguous_34"; -"1731 contiguous_34" -> "1732 unsqueeze_54"; -"1732 unsqueeze_54" -> "1733 sigmoid_18"; -"1733 sigmoid_18" -> "1734 mul_36"; -"1734 mul_36" -> "1763 add_63"; -"1735 pad_20" -> "1736 view_101"; -"1736 view_101" -> "1737 permute_83"; -"1737 permute_83" -> "1738 reshape_81"; -"1738 reshape_81" -> "1743 linear_112"; -"1739 _param_constant301" -> "1740 clone_18"; -"1740 clone_18" -> "1743 linear_112"; -"1741 linear_112_updated_constant0" -> "1742 asymmetric_weights_decompressor_linear_112_updated_constant0_0"; -"1742 asymmetric_weights_decompressor_linear_112_updated_constant0_0" -> "1743 linear_112"; -"1743 linear_112" -> "1744 reshape_82"; -"1744 reshape_82" -> "1745 permute_84"; -"1745 permute_84" -> "1746 select_54"; -"1745 permute_84" -> "1747 select_55"; -"1745 permute_84" -> "1748 select_56"; -"1746 select_54" -> "1749 linalg_vector_norm_36"; -"1746 select_54" -> "1751 expand_as_36"; -"1746 select_54" -> "1752 div_36"; -"1747 select_55" -> "1753 linalg_vector_norm_37"; -"1747 select_55" -> "1755 expand_as_37"; -"1747 select_55" -> "1756 div_37"; -"1748 select_56" -> "1766 matmul_37"; -"1749 linalg_vector_norm_36" -> "1750 clamp_min_36"; -"1750 clamp_min_36" -> "1751 expand_as_36"; -"1751 expand_as_36" -> "1752 div_36"; -"1752 div_36" -> "1758 matmul_36"; -"1753 linalg_vector_norm_37" -> "1754 clamp_min_37"; -"1754 clamp_min_37" -> "1755 expand_as_37"; -"1755 expand_as_37" -> "1756 div_37"; -"1756 div_37" -> "1757 transpose_36"; -"1757 transpose_36" -> "1758 matmul_36"; -"1758 matmul_36" -> "1762 mul_37"; -"1759 _param_constant303" -> "1760 clamp_18"; -"1760 clamp_18" -> "1761 exp_18"; -"1761 exp_18" -> "1762 mul_37"; -"1762 mul_37" -> "1763 add_63"; -"1763 add_63" -> "1764 softmax_18"; -"1764 softmax_18" -> "1765 dropout_72"; -"1765 dropout_72" -> "1766 matmul_37"; -"1766 matmul_37" -> "1767 transpose_37"; -"1767 transpose_37" -> "1768 reshape_83"; -"1768 reshape_83" -> "1772 linear_113"; -"1769 _param_constant305" -> "1772 linear_113"; -"1770 linear_113_updated_constant0" -> "1771 asymmetric_weights_decompressor_linear_113_updated_constant0_0"; -"1771 asymmetric_weights_decompressor_linear_113_updated_constant0_0" -> "1772 linear_113"; -"1772 linear_113" -> "1773 dropout_73"; -"1773 dropout_73" -> "1774 view_102"; -"1774 view_102" -> "1775 permute_85"; -"1775 permute_85" -> "1776 reshape_84"; -"1776 reshape_84" -> "1777 slice_274"; -"1777 slice_274" -> "1778 slice_275"; -"1778 slice_275" -> "1779 slice_276"; -"1779 slice_276" -> "1780 slice_277"; -"1780 slice_277" -> "1781 contiguous_35"; -"1781 contiguous_35" -> "1784 layer_norm_39"; -"1782 _param_constant306" -> "1784 layer_norm_39"; -"1783 _param_constant307" -> "1784 layer_norm_39"; -"1784 layer_norm_39" -> "1785 add_64"; -"1785 add_64" -> "1789 linear_114"; -"1785 add_64" -> "1800 add_65"; -"1786 _param_constant309" -> "1789 linear_114"; -"1787 linear_114_updated_constant0" -> "1788 asymmetric_weights_decompressor_linear_114_updated_constant0_0"; -"1788 asymmetric_weights_decompressor_linear_114_updated_constant0_0" -> "1789 linear_114"; -"1789 linear_114" -> "1790 gelu_18"; -"1790 gelu_18" -> "1791 dropout_74"; -"1791 dropout_74" -> "1795 linear_115"; -"1792 _param_constant311" -> "1795 linear_115"; -"1793 linear_115_updated_constant0" -> "1794 asymmetric_weights_decompressor_linear_115_updated_constant0_0"; -"1794 asymmetric_weights_decompressor_linear_115_updated_constant0_0" -> "1795 linear_115"; -"1795 linear_115" -> "1796 dropout_75"; -"1796 dropout_75" -> "1799 layer_norm_40"; -"1797 _param_constant312" -> "1799 layer_norm_40"; -"1798 _param_constant313" -> "1799 layer_norm_40"; -"1799 layer_norm_40" -> "1800 add_65"; -"1800 add_65" -> "1819 pad_21"; -"1800 add_65" -> "1887 add_68"; -"1801 _tensor_constant119" -> "1805 linear_116"; -"1802 _param_constant315" -> "1805 linear_116"; -"1803 linear_116_updated_constant0" -> "1804 asymmetric_weights_decompressor_linear_116_updated_constant0_0"; -"1804 asymmetric_weights_decompressor_linear_116_updated_constant0_0" -> "1805 linear_116"; -"1805 linear_116" -> "1806 relu__19"; -"1806 relu__19" -> "1809 linear_117"; -"1807 linear_117_updated_constant0" -> "1808 asymmetric_weights_decompressor_linear_117_updated_constant0_0"; -"1808 asymmetric_weights_decompressor_linear_117_updated_constant0_0" -> "1809 linear_117"; -"1809 linear_117" -> "1810 view_103"; -"1810 view_103" -> "1812 index_19"; -"1811 _tensor_constant120" -> "1812 index_19"; -"1812 index_19" -> "1813 view_104"; -"1813 view_104" -> "1814 permute_86"; -"1814 permute_86" -> "1815 contiguous_36"; -"1815 contiguous_36" -> "1816 unsqueeze_55"; -"1816 unsqueeze_55" -> "1817 sigmoid_19"; -"1817 sigmoid_19" -> "1818 mul_38"; -"1818 mul_38" -> "1848 add_66"; -"1819 pad_21" -> "1820 roll_18"; -"1820 roll_18" -> "1821 view_105"; -"1821 view_105" -> "1822 permute_87"; -"1822 permute_87" -> "1823 reshape_85"; -"1823 reshape_85" -> "1828 linear_118"; -"1823 reshape_85" -> "1849 new_zeros_9"; -"1824 _param_constant317" -> "1825 clone_19"; -"1825 clone_19" -> "1828 linear_118"; -"1826 linear_118_updated_constant0" -> "1827 asymmetric_weights_decompressor_linear_118_updated_constant0_0"; -"1827 asymmetric_weights_decompressor_linear_118_updated_constant0_0" -> "1828 linear_118"; -"1828 linear_118" -> "1829 reshape_86"; -"1829 reshape_86" -> "1830 permute_88"; -"1830 permute_88" -> "1831 select_57"; -"1830 permute_88" -> "1832 select_58"; -"1830 permute_88" -> "1833 select_59"; -"1831 select_57" -> "1834 linalg_vector_norm_38"; -"1831 select_57" -> "1836 expand_as_38"; -"1831 select_57" -> "1837 div_38"; -"1832 select_58" -> "1838 linalg_vector_norm_39"; -"1832 select_58" -> "1840 expand_as_39"; -"1832 select_58" -> "1841 div_39"; -"1833 select_59" -> "1867 matmul_39"; -"1834 linalg_vector_norm_38" -> "1835 clamp_min_38"; -"1835 clamp_min_38" -> "1836 expand_as_38"; -"1836 expand_as_38" -> "1837 div_38"; -"1837 div_38" -> "1843 matmul_38"; -"1838 linalg_vector_norm_39" -> "1839 clamp_min_39"; -"1839 clamp_min_39" -> "1840 expand_as_39"; -"1840 expand_as_39" -> "1841 div_39"; -"1841 div_39" -> "1842 transpose_38"; -"1842 transpose_38" -> "1843 matmul_38"; -"1843 matmul_38" -> "1847 mul_39"; -"1844 _param_constant319" -> "1845 clamp_19"; -"1845 clamp_19" -> "1846 exp_19"; -"1846 exp_19" -> "1847 mul_39"; -"1847 mul_39" -> "1848 add_66"; -"1848 add_66" -> "1860 view_107"; -"1849 new_zeros_9" -> "1850 view_106"; -"1850 view_106" -> "1851 permute_89"; -"1851 permute_89" -> "1852 reshape_87"; -"1852 reshape_87" -> "1853 unsqueeze_56"; -"1852 reshape_87" -> "1854 unsqueeze_57"; -"1853 unsqueeze_56" -> "1855 sub_9"; -"1854 unsqueeze_57" -> "1855 sub_9"; -"1855 sub_9" -> "1856 ne_9"; -"1855 sub_9" -> "1857 masked_fill_18"; -"1855 sub_9" -> "1858 eq_9"; -"1856 ne_9" -> "1857 masked_fill_18"; -"1857 masked_fill_18" -> "1859 masked_fill_19"; -"1858 eq_9" -> "1859 masked_fill_19"; -"1859 masked_fill_19" -> "1861 unsqueeze_58"; -"1860 view_107" -> "1863 add_67"; -"1861 unsqueeze_58" -> "1862 unsqueeze_59"; -"1862 unsqueeze_59" -> "1863 add_67"; -"1863 add_67" -> "1864 view_108"; -"1864 view_108" -> "1865 softmax_19"; -"1865 softmax_19" -> "1866 dropout_76"; -"1866 dropout_76" -> "1867 matmul_39"; -"1867 matmul_39" -> "1868 transpose_39"; -"1868 transpose_39" -> "1869 reshape_88"; -"1869 reshape_88" -> "1873 linear_119"; -"1870 _param_constant321" -> "1873 linear_119"; -"1871 linear_119_updated_constant0" -> "1872 asymmetric_weights_decompressor_linear_119_updated_constant0_0"; -"1872 asymmetric_weights_decompressor_linear_119_updated_constant0_0" -> "1873 linear_119"; -"1873 linear_119" -> "1874 dropout_77"; -"1874 dropout_77" -> "1875 view_109"; -"1875 view_109" -> "1876 permute_90"; -"1876 permute_90" -> "1877 reshape_89"; -"1877 reshape_89" -> "1878 roll_19"; -"1878 roll_19" -> "1879 slice_297"; -"1879 slice_297" -> "1880 slice_298"; -"1880 slice_298" -> "1881 slice_299"; -"1881 slice_299" -> "1882 slice_300"; -"1882 slice_300" -> "1883 contiguous_37"; -"1883 contiguous_37" -> "1886 layer_norm_41"; -"1884 _param_constant322" -> "1886 layer_norm_41"; -"1885 _param_constant323" -> "1886 layer_norm_41"; -"1886 layer_norm_41" -> "1887 add_68"; -"1887 add_68" -> "1891 linear_120"; -"1887 add_68" -> "1902 add_69"; -"1888 _param_constant325" -> "1891 linear_120"; -"1889 linear_120_updated_constant0" -> "1890 asymmetric_weights_decompressor_linear_120_updated_constant0_0"; -"1890 asymmetric_weights_decompressor_linear_120_updated_constant0_0" -> "1891 linear_120"; -"1891 linear_120" -> "1892 gelu_19"; -"1892 gelu_19" -> "1893 dropout_78"; -"1893 dropout_78" -> "1897 linear_121"; -"1894 _param_constant327" -> "1897 linear_121"; -"1895 linear_121_updated_constant0" -> "1896 asymmetric_weights_decompressor_linear_121_updated_constant0_0"; -"1896 asymmetric_weights_decompressor_linear_121_updated_constant0_0" -> "1897 linear_121"; -"1897 linear_121" -> "1898 dropout_79"; -"1898 dropout_79" -> "1901 layer_norm_42"; -"1899 _param_constant328" -> "1901 layer_norm_42"; -"1900 _param_constant329" -> "1901 layer_norm_42"; -"1901 layer_norm_42" -> "1902 add_69"; -"1902 add_69" -> "1921 pad_22"; -"1902 add_69" -> "1971 add_71"; -"1903 _tensor_constant130" -> "1907 linear_122"; -"1904 _param_constant331" -> "1907 linear_122"; -"1905 linear_122_updated_constant0" -> "1906 asymmetric_weights_decompressor_linear_122_updated_constant0_0"; -"1906 asymmetric_weights_decompressor_linear_122_updated_constant0_0" -> "1907 linear_122"; -"1907 linear_122" -> "1908 relu__20"; -"1908 relu__20" -> "1911 linear_123"; -"1909 linear_123_updated_constant0" -> "1910 asymmetric_weights_decompressor_linear_123_updated_constant0_0"; -"1910 asymmetric_weights_decompressor_linear_123_updated_constant0_0" -> "1911 linear_123"; -"1911 linear_123" -> "1912 view_110"; -"1912 view_110" -> "1914 index_20"; -"1913 _tensor_constant131" -> "1914 index_20"; -"1914 index_20" -> "1915 view_111"; -"1915 view_111" -> "1916 permute_91"; -"1916 permute_91" -> "1917 contiguous_38"; -"1917 contiguous_38" -> "1918 unsqueeze_60"; -"1918 unsqueeze_60" -> "1919 sigmoid_20"; -"1919 sigmoid_20" -> "1920 mul_40"; -"1920 mul_40" -> "1949 add_70"; -"1921 pad_22" -> "1922 view_112"; -"1922 view_112" -> "1923 permute_92"; -"1923 permute_92" -> "1924 reshape_90"; -"1924 reshape_90" -> "1929 linear_124"; -"1925 _param_constant333" -> "1926 clone_20"; -"1926 clone_20" -> "1929 linear_124"; -"1927 linear_124_updated_constant0" -> "1928 asymmetric_weights_decompressor_linear_124_updated_constant0_0"; -"1928 asymmetric_weights_decompressor_linear_124_updated_constant0_0" -> "1929 linear_124"; -"1929 linear_124" -> "1930 reshape_91"; -"1930 reshape_91" -> "1931 permute_93"; -"1931 permute_93" -> "1932 select_60"; -"1931 permute_93" -> "1933 select_61"; -"1931 permute_93" -> "1934 select_62"; -"1932 select_60" -> "1935 linalg_vector_norm_40"; -"1932 select_60" -> "1937 expand_as_40"; -"1932 select_60" -> "1938 div_40"; -"1933 select_61" -> "1939 linalg_vector_norm_41"; -"1933 select_61" -> "1941 expand_as_41"; -"1933 select_61" -> "1942 div_41"; -"1934 select_62" -> "1952 matmul_41"; -"1935 linalg_vector_norm_40" -> "1936 clamp_min_40"; -"1936 clamp_min_40" -> "1937 expand_as_40"; -"1937 expand_as_40" -> "1938 div_40"; -"1938 div_40" -> "1944 matmul_40"; -"1939 linalg_vector_norm_41" -> "1940 clamp_min_41"; -"1940 clamp_min_41" -> "1941 expand_as_41"; -"1941 expand_as_41" -> "1942 div_41"; -"1942 div_41" -> "1943 transpose_40"; -"1943 transpose_40" -> "1944 matmul_40"; -"1944 matmul_40" -> "1948 mul_41"; -"1945 _param_constant335" -> "1946 clamp_20"; -"1946 clamp_20" -> "1947 exp_20"; -"1947 exp_20" -> "1948 mul_41"; -"1948 mul_41" -> "1949 add_70"; -"1949 add_70" -> "1950 softmax_20"; -"1950 softmax_20" -> "1951 dropout_80"; -"1951 dropout_80" -> "1952 matmul_41"; -"1952 matmul_41" -> "1953 transpose_41"; -"1953 transpose_41" -> "1954 reshape_92"; -"1954 reshape_92" -> "1958 linear_125"; -"1955 _param_constant337" -> "1958 linear_125"; -"1956 linear_125_updated_constant0" -> "1957 asymmetric_weights_decompressor_linear_125_updated_constant0_0"; -"1957 asymmetric_weights_decompressor_linear_125_updated_constant0_0" -> "1958 linear_125"; -"1958 linear_125" -> "1959 dropout_81"; -"1959 dropout_81" -> "1960 view_113"; -"1960 view_113" -> "1961 permute_94"; -"1961 permute_94" -> "1962 reshape_93"; -"1962 reshape_93" -> "1963 slice_302"; -"1963 slice_302" -> "1964 slice_303"; -"1964 slice_303" -> "1965 slice_304"; -"1965 slice_304" -> "1966 slice_305"; -"1966 slice_305" -> "1967 contiguous_39"; -"1967 contiguous_39" -> "1970 layer_norm_43"; -"1968 _param_constant338" -> "1970 layer_norm_43"; -"1969 _param_constant339" -> "1970 layer_norm_43"; -"1970 layer_norm_43" -> "1971 add_71"; -"1971 add_71" -> "1975 linear_126"; -"1971 add_71" -> "1986 add_72"; -"1972 _param_constant341" -> "1975 linear_126"; -"1973 linear_126_updated_constant0" -> "1974 asymmetric_weights_decompressor_linear_126_updated_constant0_0"; -"1974 asymmetric_weights_decompressor_linear_126_updated_constant0_0" -> "1975 linear_126"; -"1975 linear_126" -> "1976 gelu_20"; -"1976 gelu_20" -> "1977 dropout_82"; -"1977 dropout_82" -> "1981 linear_127"; -"1978 _param_constant343" -> "1981 linear_127"; -"1979 linear_127_updated_constant0" -> "1980 asymmetric_weights_decompressor_linear_127_updated_constant0_0"; -"1980 asymmetric_weights_decompressor_linear_127_updated_constant0_0" -> "1981 linear_127"; -"1981 linear_127" -> "1982 dropout_83"; -"1982 dropout_83" -> "1985 layer_norm_44"; -"1983 _param_constant344" -> "1985 layer_norm_44"; -"1984 _param_constant345" -> "1985 layer_norm_44"; -"1985 layer_norm_44" -> "1986 add_72"; -"1986 add_72" -> "2005 pad_23"; -"1986 add_72" -> "2073 add_75"; -"1987 _tensor_constant132" -> "1991 linear_128"; -"1988 _param_constant347" -> "1991 linear_128"; -"1989 linear_128_updated_constant0" -> "1990 asymmetric_weights_decompressor_linear_128_updated_constant0_0"; -"1990 asymmetric_weights_decompressor_linear_128_updated_constant0_0" -> "1991 linear_128"; -"1991 linear_128" -> "1992 relu__21"; -"1992 relu__21" -> "1995 linear_129"; -"1993 linear_129_updated_constant0" -> "1994 asymmetric_weights_decompressor_linear_129_updated_constant0_0"; -"1994 asymmetric_weights_decompressor_linear_129_updated_constant0_0" -> "1995 linear_129"; -"1995 linear_129" -> "1996 view_114"; -"1996 view_114" -> "1998 index_21"; -"1997 _tensor_constant133" -> "1998 index_21"; -"1998 index_21" -> "1999 view_115"; -"1999 view_115" -> "2000 permute_95"; -"2000 permute_95" -> "2001 contiguous_40"; -"2001 contiguous_40" -> "2002 unsqueeze_61"; -"2002 unsqueeze_61" -> "2003 sigmoid_21"; -"2003 sigmoid_21" -> "2004 mul_42"; -"2004 mul_42" -> "2034 add_73"; -"2005 pad_23" -> "2006 roll_20"; -"2006 roll_20" -> "2007 view_116"; -"2007 view_116" -> "2008 permute_96"; -"2008 permute_96" -> "2009 reshape_94"; -"2009 reshape_94" -> "2014 linear_130"; -"2009 reshape_94" -> "2035 new_zeros_10"; -"2010 _param_constant349" -> "2011 clone_21"; -"2011 clone_21" -> "2014 linear_130"; -"2012 linear_130_updated_constant0" -> "2013 asymmetric_weights_decompressor_linear_130_updated_constant0_0"; -"2013 asymmetric_weights_decompressor_linear_130_updated_constant0_0" -> "2014 linear_130"; -"2014 linear_130" -> "2015 reshape_95"; -"2015 reshape_95" -> "2016 permute_97"; -"2016 permute_97" -> "2017 select_63"; -"2016 permute_97" -> "2018 select_64"; -"2016 permute_97" -> "2019 select_65"; -"2017 select_63" -> "2020 linalg_vector_norm_42"; -"2017 select_63" -> "2022 expand_as_42"; -"2017 select_63" -> "2023 div_42"; -"2018 select_64" -> "2024 linalg_vector_norm_43"; -"2018 select_64" -> "2026 expand_as_43"; -"2018 select_64" -> "2027 div_43"; -"2019 select_65" -> "2053 matmul_43"; -"2020 linalg_vector_norm_42" -> "2021 clamp_min_42"; -"2021 clamp_min_42" -> "2022 expand_as_42"; -"2022 expand_as_42" -> "2023 div_42"; -"2023 div_42" -> "2029 matmul_42"; -"2024 linalg_vector_norm_43" -> "2025 clamp_min_43"; -"2025 clamp_min_43" -> "2026 expand_as_43"; -"2026 expand_as_43" -> "2027 div_43"; -"2027 div_43" -> "2028 transpose_42"; -"2028 transpose_42" -> "2029 matmul_42"; -"2029 matmul_42" -> "2033 mul_43"; -"2030 _param_constant351" -> "2031 clamp_21"; -"2031 clamp_21" -> "2032 exp_21"; -"2032 exp_21" -> "2033 mul_43"; -"2033 mul_43" -> "2034 add_73"; -"2034 add_73" -> "2046 view_118"; -"2035 new_zeros_10" -> "2036 view_117"; -"2036 view_117" -> "2037 permute_98"; -"2037 permute_98" -> "2038 reshape_96"; -"2038 reshape_96" -> "2039 unsqueeze_62"; -"2038 reshape_96" -> "2040 unsqueeze_63"; -"2039 unsqueeze_62" -> "2041 sub_10"; -"2040 unsqueeze_63" -> "2041 sub_10"; -"2041 sub_10" -> "2042 ne_10"; -"2041 sub_10" -> "2043 masked_fill_20"; -"2041 sub_10" -> "2044 eq_10"; -"2042 ne_10" -> "2043 masked_fill_20"; -"2043 masked_fill_20" -> "2045 masked_fill_21"; -"2044 eq_10" -> "2045 masked_fill_21"; -"2045 masked_fill_21" -> "2047 unsqueeze_64"; -"2046 view_118" -> "2049 add_74"; -"2047 unsqueeze_64" -> "2048 unsqueeze_65"; -"2048 unsqueeze_65" -> "2049 add_74"; -"2049 add_74" -> "2050 view_119"; -"2050 view_119" -> "2051 softmax_21"; -"2051 softmax_21" -> "2052 dropout_84"; -"2052 dropout_84" -> "2053 matmul_43"; -"2053 matmul_43" -> "2054 transpose_43"; -"2054 transpose_43" -> "2055 reshape_97"; -"2055 reshape_97" -> "2059 linear_131"; -"2056 _param_constant353" -> "2059 linear_131"; -"2057 linear_131_updated_constant0" -> "2058 asymmetric_weights_decompressor_linear_131_updated_constant0_0"; -"2058 asymmetric_weights_decompressor_linear_131_updated_constant0_0" -> "2059 linear_131"; -"2059 linear_131" -> "2060 dropout_85"; -"2060 dropout_85" -> "2061 view_120"; -"2061 view_120" -> "2062 permute_99"; -"2062 permute_99" -> "2063 reshape_98"; -"2063 reshape_98" -> "2064 roll_21"; -"2064 roll_21" -> "2065 slice_325"; -"2065 slice_325" -> "2066 slice_326"; -"2066 slice_326" -> "2067 slice_327"; -"2067 slice_327" -> "2068 slice_328"; -"2068 slice_328" -> "2069 contiguous_41"; -"2069 contiguous_41" -> "2072 layer_norm_45"; -"2070 _param_constant354" -> "2072 layer_norm_45"; -"2071 _param_constant355" -> "2072 layer_norm_45"; -"2072 layer_norm_45" -> "2073 add_75"; -"2073 add_75" -> "2077 linear_132"; -"2073 add_75" -> "2088 add_76"; -"2074 _param_constant357" -> "2077 linear_132"; -"2075 linear_132_updated_constant0" -> "2076 asymmetric_weights_decompressor_linear_132_updated_constant0_0"; -"2076 asymmetric_weights_decompressor_linear_132_updated_constant0_0" -> "2077 linear_132"; -"2077 linear_132" -> "2078 gelu_21"; -"2078 gelu_21" -> "2079 dropout_86"; -"2079 dropout_86" -> "2083 linear_133"; -"2080 _param_constant359" -> "2083 linear_133"; -"2081 linear_133_updated_constant0" -> "2082 asymmetric_weights_decompressor_linear_133_updated_constant0_0"; -"2082 asymmetric_weights_decompressor_linear_133_updated_constant0_0" -> "2083 linear_133"; -"2083 linear_133" -> "2084 dropout_87"; -"2084 dropout_87" -> "2087 layer_norm_46"; -"2085 _param_constant360" -> "2087 layer_norm_46"; -"2086 _param_constant361" -> "2087 layer_norm_46"; -"2087 layer_norm_46" -> "2088 add_76"; -"2088 add_76" -> "2089 pad_24"; -"2089 pad_24" -> "2090 slice_329"; -"2089 pad_24" -> "2093 slice_332"; -"2089 pad_24" -> "2096 slice_335"; -"2089 pad_24" -> "2099 slice_338"; -"2090 slice_329" -> "2091 slice_330"; -"2091 slice_330" -> "2092 slice_331"; -"2092 slice_331" -> "2102 cat_2"; -"2093 slice_332" -> "2094 slice_333"; -"2094 slice_333" -> "2095 slice_334"; -"2095 slice_334" -> "2102 cat_2"; -"2096 slice_335" -> "2097 slice_336"; -"2097 slice_336" -> "2098 slice_337"; -"2098 slice_337" -> "2102 cat_2"; -"2099 slice_338" -> "2100 slice_339"; -"2100 slice_339" -> "2101 slice_340"; -"2101 slice_340" -> "2102 cat_2"; -"2102 cat_2" -> "2105 linear_134"; -"2103 linear_134_updated_constant0" -> "2104 asymmetric_weights_decompressor_linear_134_updated_constant0_0"; -"2104 asymmetric_weights_decompressor_linear_134_updated_constant0_0" -> "2105 linear_134"; -"2105 linear_134" -> "2108 layer_norm_47"; -"2106 _param_constant363" -> "2108 layer_norm_47"; -"2107 _param_constant364" -> "2108 layer_norm_47"; -"2108 layer_norm_47" -> "2127 pad_25"; -"2108 layer_norm_47" -> "2177 add_78"; -"2109 _tensor_constant143" -> "2113 linear_135"; -"2110 _param_constant366" -> "2113 linear_135"; -"2111 linear_135_updated_constant0" -> "2112 asymmetric_weights_decompressor_linear_135_updated_constant0_0"; -"2112 asymmetric_weights_decompressor_linear_135_updated_constant0_0" -> "2113 linear_135"; -"2113 linear_135" -> "2114 relu__22"; -"2114 relu__22" -> "2117 linear_136"; -"2115 linear_136_updated_constant0" -> "2116 asymmetric_weights_decompressor_linear_136_updated_constant0_0"; -"2116 asymmetric_weights_decompressor_linear_136_updated_constant0_0" -> "2117 linear_136"; -"2117 linear_136" -> "2118 view_121"; -"2118 view_121" -> "2120 index_22"; -"2119 _tensor_constant144" -> "2120 index_22"; -"2120 index_22" -> "2121 view_122"; -"2121 view_122" -> "2122 permute_100"; -"2122 permute_100" -> "2123 contiguous_42"; -"2123 contiguous_42" -> "2124 unsqueeze_66"; -"2124 unsqueeze_66" -> "2125 sigmoid_22"; -"2125 sigmoid_22" -> "2126 mul_44"; -"2126 mul_44" -> "2155 add_77"; -"2127 pad_25" -> "2128 view_123"; -"2128 view_123" -> "2129 permute_101"; -"2129 permute_101" -> "2130 reshape_99"; -"2130 reshape_99" -> "2135 linear_137"; -"2131 _param_constant368" -> "2132 clone_22"; -"2132 clone_22" -> "2135 linear_137"; -"2133 linear_137_updated_constant0" -> "2134 asymmetric_weights_decompressor_linear_137_updated_constant0_0"; -"2134 asymmetric_weights_decompressor_linear_137_updated_constant0_0" -> "2135 linear_137"; -"2135 linear_137" -> "2136 reshape_100"; -"2136 reshape_100" -> "2137 permute_102"; -"2137 permute_102" -> "2138 select_66"; -"2137 permute_102" -> "2139 select_67"; -"2137 permute_102" -> "2140 select_68"; -"2138 select_66" -> "2141 linalg_vector_norm_44"; -"2138 select_66" -> "2143 expand_as_44"; -"2138 select_66" -> "2144 div_44"; -"2139 select_67" -> "2145 linalg_vector_norm_45"; -"2139 select_67" -> "2147 expand_as_45"; -"2139 select_67" -> "2148 div_45"; -"2140 select_68" -> "2158 matmul_45"; -"2141 linalg_vector_norm_44" -> "2142 clamp_min_44"; -"2142 clamp_min_44" -> "2143 expand_as_44"; -"2143 expand_as_44" -> "2144 div_44"; -"2144 div_44" -> "2150 matmul_44"; -"2145 linalg_vector_norm_45" -> "2146 clamp_min_45"; -"2146 clamp_min_45" -> "2147 expand_as_45"; -"2147 expand_as_45" -> "2148 div_45"; -"2148 div_45" -> "2149 transpose_44"; -"2149 transpose_44" -> "2150 matmul_44"; -"2150 matmul_44" -> "2154 mul_45"; -"2151 _param_constant370" -> "2152 clamp_22"; -"2152 clamp_22" -> "2153 exp_22"; -"2153 exp_22" -> "2154 mul_45"; -"2154 mul_45" -> "2155 add_77"; -"2155 add_77" -> "2156 softmax_22"; -"2156 softmax_22" -> "2157 dropout_88"; -"2157 dropout_88" -> "2158 matmul_45"; -"2158 matmul_45" -> "2159 transpose_45"; -"2159 transpose_45" -> "2160 reshape_101"; -"2160 reshape_101" -> "2164 linear_138"; -"2161 _param_constant372" -> "2164 linear_138"; -"2162 linear_138_updated_constant0" -> "2163 asymmetric_weights_decompressor_linear_138_updated_constant0_0"; -"2163 asymmetric_weights_decompressor_linear_138_updated_constant0_0" -> "2164 linear_138"; -"2164 linear_138" -> "2165 dropout_89"; -"2165 dropout_89" -> "2166 view_124"; -"2166 view_124" -> "2167 permute_103"; -"2167 permute_103" -> "2168 reshape_102"; -"2168 reshape_102" -> "2169 slice_342"; -"2169 slice_342" -> "2170 slice_343"; -"2170 slice_343" -> "2171 slice_344"; -"2171 slice_344" -> "2172 slice_345"; -"2172 slice_345" -> "2173 contiguous_43"; -"2173 contiguous_43" -> "2176 layer_norm_48"; -"2174 _param_constant373" -> "2176 layer_norm_48"; -"2175 _param_constant374" -> "2176 layer_norm_48"; -"2176 layer_norm_48" -> "2177 add_78"; -"2177 add_78" -> "2181 linear_139"; -"2177 add_78" -> "2192 add_79"; -"2178 _param_constant376" -> "2181 linear_139"; -"2179 linear_139_updated_constant0" -> "2180 asymmetric_weights_decompressor_linear_139_updated_constant0_0"; -"2180 asymmetric_weights_decompressor_linear_139_updated_constant0_0" -> "2181 linear_139"; -"2181 linear_139" -> "2182 gelu_22"; -"2182 gelu_22" -> "2183 dropout_90"; -"2183 dropout_90" -> "2187 linear_140"; -"2184 _param_constant378" -> "2187 linear_140"; -"2185 linear_140_updated_constant0" -> "2186 asymmetric_weights_decompressor_linear_140_updated_constant0_0"; -"2186 asymmetric_weights_decompressor_linear_140_updated_constant0_0" -> "2187 linear_140"; -"2187 linear_140" -> "2188 dropout_91"; -"2188 dropout_91" -> "2191 layer_norm_49"; -"2189 _param_constant379" -> "2191 layer_norm_49"; -"2190 _param_constant380" -> "2191 layer_norm_49"; -"2191 layer_norm_49" -> "2192 add_79"; -"2192 add_79" -> "2211 pad_26"; -"2192 add_79" -> "2261 add_81"; -"2193 _tensor_constant145" -> "2197 linear_141"; -"2194 _param_constant382" -> "2197 linear_141"; -"2195 linear_141_updated_constant0" -> "2196 asymmetric_weights_decompressor_linear_141_updated_constant0_0"; -"2196 asymmetric_weights_decompressor_linear_141_updated_constant0_0" -> "2197 linear_141"; -"2197 linear_141" -> "2198 relu__23"; -"2198 relu__23" -> "2201 linear_142"; -"2199 linear_142_updated_constant0" -> "2200 asymmetric_weights_decompressor_linear_142_updated_constant0_0"; -"2200 asymmetric_weights_decompressor_linear_142_updated_constant0_0" -> "2201 linear_142"; -"2201 linear_142" -> "2202 view_125"; -"2202 view_125" -> "2204 index_23"; -"2203 _tensor_constant146" -> "2204 index_23"; -"2204 index_23" -> "2205 view_126"; -"2205 view_126" -> "2206 permute_104"; -"2206 permute_104" -> "2207 contiguous_44"; -"2207 contiguous_44" -> "2208 unsqueeze_67"; -"2208 unsqueeze_67" -> "2209 sigmoid_23"; -"2209 sigmoid_23" -> "2210 mul_46"; -"2210 mul_46" -> "2239 add_80"; -"2211 pad_26" -> "2212 view_127"; -"2212 view_127" -> "2213 permute_105"; -"2213 permute_105" -> "2214 reshape_103"; -"2214 reshape_103" -> "2219 linear_143"; -"2215 _param_constant384" -> "2216 clone_23"; -"2216 clone_23" -> "2219 linear_143"; -"2217 linear_143_updated_constant0" -> "2218 asymmetric_weights_decompressor_linear_143_updated_constant0_0"; -"2218 asymmetric_weights_decompressor_linear_143_updated_constant0_0" -> "2219 linear_143"; -"2219 linear_143" -> "2220 reshape_104"; -"2220 reshape_104" -> "2221 permute_106"; -"2221 permute_106" -> "2222 select_69"; -"2221 permute_106" -> "2223 select_70"; -"2221 permute_106" -> "2224 select_71"; -"2222 select_69" -> "2225 linalg_vector_norm_46"; -"2222 select_69" -> "2227 expand_as_46"; -"2222 select_69" -> "2228 div_46"; -"2223 select_70" -> "2229 linalg_vector_norm_47"; -"2223 select_70" -> "2231 expand_as_47"; -"2223 select_70" -> "2232 div_47"; -"2224 select_71" -> "2242 matmul_47"; -"2225 linalg_vector_norm_46" -> "2226 clamp_min_46"; -"2226 clamp_min_46" -> "2227 expand_as_46"; -"2227 expand_as_46" -> "2228 div_46"; -"2228 div_46" -> "2234 matmul_46"; -"2229 linalg_vector_norm_47" -> "2230 clamp_min_47"; -"2230 clamp_min_47" -> "2231 expand_as_47"; -"2231 expand_as_47" -> "2232 div_47"; -"2232 div_47" -> "2233 transpose_46"; -"2233 transpose_46" -> "2234 matmul_46"; -"2234 matmul_46" -> "2238 mul_47"; -"2235 _param_constant386" -> "2236 clamp_23"; -"2236 clamp_23" -> "2237 exp_23"; -"2237 exp_23" -> "2238 mul_47"; -"2238 mul_47" -> "2239 add_80"; -"2239 add_80" -> "2240 softmax_23"; -"2240 softmax_23" -> "2241 dropout_92"; -"2241 dropout_92" -> "2242 matmul_47"; -"2242 matmul_47" -> "2243 transpose_47"; -"2243 transpose_47" -> "2244 reshape_105"; -"2244 reshape_105" -> "2248 linear_144"; -"2245 _param_constant388" -> "2248 linear_144"; -"2246 linear_144_updated_constant0" -> "2247 asymmetric_weights_decompressor_linear_144_updated_constant0_0"; -"2247 asymmetric_weights_decompressor_linear_144_updated_constant0_0" -> "2248 linear_144"; -"2248 linear_144" -> "2249 dropout_93"; -"2249 dropout_93" -> "2250 view_128"; -"2250 view_128" -> "2251 permute_107"; -"2251 permute_107" -> "2252 reshape_106"; -"2252 reshape_106" -> "2253 slice_347"; -"2253 slice_347" -> "2254 slice_348"; -"2254 slice_348" -> "2255 slice_349"; -"2255 slice_349" -> "2256 slice_350"; -"2256 slice_350" -> "2257 contiguous_45"; -"2257 contiguous_45" -> "2260 layer_norm_50"; -"2258 _param_constant389" -> "2260 layer_norm_50"; -"2259 _param_constant390" -> "2260 layer_norm_50"; -"2260 layer_norm_50" -> "2261 add_81"; -"2261 add_81" -> "2265 linear_145"; -"2261 add_81" -> "2276 add_82"; -"2262 _param_constant392" -> "2265 linear_145"; -"2263 linear_145_updated_constant0" -> "2264 asymmetric_weights_decompressor_linear_145_updated_constant0_0"; -"2264 asymmetric_weights_decompressor_linear_145_updated_constant0_0" -> "2265 linear_145"; -"2265 linear_145" -> "2266 gelu_23"; -"2266 gelu_23" -> "2267 dropout_94"; -"2267 dropout_94" -> "2271 linear_146"; -"2268 _param_constant394" -> "2271 linear_146"; -"2269 linear_146_updated_constant0" -> "2270 asymmetric_weights_decompressor_linear_146_updated_constant0_0"; -"2270 asymmetric_weights_decompressor_linear_146_updated_constant0_0" -> "2271 linear_146"; -"2271 linear_146" -> "2272 dropout_95"; -"2272 dropout_95" -> "2275 layer_norm_51"; -"2273 _param_constant395" -> "2275 layer_norm_51"; -"2274 _param_constant396" -> "2275 layer_norm_51"; -"2275 layer_norm_51" -> "2276 add_82"; -"2276 add_82" -> "2279 layer_norm_52"; -"2277 _param_constant397" -> "2279 layer_norm_52"; -"2278 _param_constant398" -> "2279 layer_norm_52"; -"2279 layer_norm_52" -> "2280 permute_108"; -"2280 permute_108" -> "2281 adaptive_avg_pool2d"; -"2281 adaptive_avg_pool2d" -> "2282 flatten"; -"2282 flatten" -> "2286 linear_147"; -"2283 _param_constant400" -> "2286 linear_147"; -"2284 linear_147_updated_constant0" -> "2285 asymmetric_weights_decompressor_linear_147_updated_constant0_0"; -"2285 asymmetric_weights_decompressor_linear_147_updated_constant0_0" -> "2286 linear_147"; -"2286 linear_147" -> "2287 output"; -} diff --git a/tests/torch/data/reference_graphs/fx/compressed/swin_v2_s_int8_sym.dot b/tests/torch/data/reference_graphs/fx/compressed/swin_v2_s_int8_sym.dot deleted file mode 100644 index e66e393bef9..00000000000 --- a/tests/torch/data/reference_graphs/fx/compressed/swin_v2_s_int8_sym.dot +++ /dev/null @@ -1,4822 +0,0 @@ -strict digraph { -"0 arg0_1" [id=0, type=input]; -"1 _param_constant1" [id=1, type=get_attr]; -"2 conv2d_updated_constant0" [id=2, type=get_attr]; -"3 symmetric_weights_decompressor_conv2d_updated_constant0_0" [id=3, type=call_module]; -"4 conv2d" [id=4, type=conv2d]; -"5 permute" [id=5, type=permute]; -"6 _param_constant2" [id=6, type=get_attr]; -"7 _param_constant3" [id=7, type=get_attr]; -"8 layer_norm" [id=8, type=layer_norm]; -"9 _tensor_constant0" [id=9, type=get_attr]; -"10 _param_constant5" [id=10, type=get_attr]; -"11 linear_updated_constant0" [id=11, type=get_attr]; -"12 symmetric_weights_decompressor_linear_updated_constant0_0" [id=12, type=call_module]; -"13 linear" [id=13, type=linear]; -"14 relu_" [id=14, type=relu_]; -"15 linear_1_updated_constant0" [id=15, type=get_attr]; -"16 symmetric_weights_decompressor_linear_1_updated_constant0_0" [id=16, type=call_module]; -"17 linear_1" [id=17, type=linear]; -"18 view" [id=18, type=view]; -"19 _tensor_constant1" [id=19, type=get_attr]; -"20 index" [id=20, type=index]; -"21 view_1" [id=21, type=view]; -"22 permute_1" [id=22, type=permute]; -"23 contiguous" [id=23, type=contiguous]; -"24 unsqueeze" [id=24, type=unsqueeze]; -"25 sigmoid" [id=25, type=sigmoid]; -"26 mul" [id=26, type=mul]; -"27 pad" [id=27, type=pad]; -"28 view_2" [id=28, type=view]; -"29 permute_2" [id=29, type=permute]; -"30 reshape" [id=30, type=reshape]; -"31 _param_constant7" [id=31, type=get_attr]; -"32 clone" [id=32, type=clone]; -"33 linear_2_updated_constant0" [id=33, type=get_attr]; -"34 symmetric_weights_decompressor_linear_2_updated_constant0_0" [id=34, type=call_module]; -"35 linear_2" [id=35, type=linear]; -"36 reshape_1" [id=36, type=reshape]; -"37 permute_3" [id=37, type=permute]; -"38 select" [id=38, type=select]; -"39 select_1" [id=39, type=select]; -"40 select_2" [id=40, type=select]; -"41 linalg_vector_norm" [id=41, type=linalg_vector_norm]; -"42 clamp_min" [id=42, type=clamp_min]; -"43 expand_as" [id=43, type=expand_as]; -"44 div" [id=44, type=div]; -"45 linalg_vector_norm_1" [id=45, type=linalg_vector_norm]; -"46 clamp_min_1" [id=46, type=clamp_min]; -"47 expand_as_1" [id=47, type=expand_as]; -"48 div_1" [id=48, type=div]; -"49 transpose" [id=49, type=transpose]; -"50 matmul" [id=50, type=matmul]; -"51 _param_constant9" [id=51, type=get_attr]; -"52 clamp" [id=52, type=clamp]; -"53 exp" [id=53, type=exp]; -"54 mul_1" [id=54, type=mul]; -"55 add" [id=55, type=add]; -"56 softmax" [id=56, type=softmax]; -"57 dropout" [id=57, type=dropout]; -"58 matmul_1" [id=58, type=matmul]; -"59 transpose_1" [id=59, type=transpose]; -"60 reshape_2" [id=60, type=reshape]; -"61 _param_constant11" [id=61, type=get_attr]; -"62 linear_3_updated_constant0" [id=62, type=get_attr]; -"63 symmetric_weights_decompressor_linear_3_updated_constant0_0" [id=63, type=call_module]; -"64 linear_3" [id=64, type=linear]; -"65 dropout_1" [id=65, type=dropout]; -"66 view_3" [id=66, type=view]; -"67 permute_4" [id=67, type=permute]; -"68 reshape_3" [id=68, type=reshape]; -"69 slice_2" [id=69, type=slice]; -"70 slice_3" [id=70, type=slice]; -"71 _param_constant12" [id=71, type=get_attr]; -"72 _param_constant13" [id=72, type=get_attr]; -"73 layer_norm_1" [id=73, type=layer_norm]; -"74 add_1" [id=74, type=add]; -"75 _param_constant15" [id=75, type=get_attr]; -"76 linear_4_updated_constant0" [id=76, type=get_attr]; -"77 symmetric_weights_decompressor_linear_4_updated_constant0_0" [id=77, type=call_module]; -"78 linear_4" [id=78, type=linear]; -"79 gelu" [id=79, type=gelu]; -"80 dropout_2" [id=80, type=dropout]; -"81 _param_constant17" [id=81, type=get_attr]; -"82 linear_5_updated_constant0" [id=82, type=get_attr]; -"83 symmetric_weights_decompressor_linear_5_updated_constant0_0" [id=83, type=call_module]; -"84 linear_5" [id=84, type=linear]; -"85 dropout_3" [id=85, type=dropout]; -"86 _param_constant18" [id=86, type=get_attr]; -"87 _param_constant19" [id=87, type=get_attr]; -"88 layer_norm_2" [id=88, type=layer_norm]; -"89 add_2" [id=89, type=add]; -"90 _tensor_constant2" [id=90, type=get_attr]; -"91 _param_constant21" [id=91, type=get_attr]; -"92 linear_6_updated_constant0" [id=92, type=get_attr]; -"93 symmetric_weights_decompressor_linear_6_updated_constant0_0" [id=93, type=call_module]; -"94 linear_6" [id=94, type=linear]; -"95 relu__1" [id=95, type=relu_]; -"96 linear_7_updated_constant0" [id=96, type=get_attr]; -"97 symmetric_weights_decompressor_linear_7_updated_constant0_0" [id=97, type=call_module]; -"98 linear_7" [id=98, type=linear]; -"99 view_4" [id=99, type=view]; -"100 _tensor_constant3" [id=100, type=get_attr]; -"101 index_1" [id=101, type=index]; -"102 view_5" [id=102, type=view]; -"103 permute_5" [id=103, type=permute]; -"104 contiguous_1" [id=104, type=contiguous]; -"105 unsqueeze_1" [id=105, type=unsqueeze]; -"106 sigmoid_1" [id=106, type=sigmoid]; -"107 mul_2" [id=107, type=mul]; -"108 pad_1" [id=108, type=pad]; -"109 roll" [id=109, type=roll]; -"110 view_6" [id=110, type=view]; -"111 permute_6" [id=111, type=permute]; -"112 reshape_4" [id=112, type=reshape]; -"113 _param_constant23" [id=113, type=get_attr]; -"114 clone_1" [id=114, type=clone]; -"115 linear_8_updated_constant0" [id=115, type=get_attr]; -"116 symmetric_weights_decompressor_linear_8_updated_constant0_0" [id=116, type=call_module]; -"117 linear_8" [id=117, type=linear]; -"118 reshape_5" [id=118, type=reshape]; -"119 permute_7" [id=119, type=permute]; -"120 select_3" [id=120, type=select]; -"121 select_4" [id=121, type=select]; -"122 select_5" [id=122, type=select]; -"123 linalg_vector_norm_2" [id=123, type=linalg_vector_norm]; -"124 clamp_min_2" [id=124, type=clamp_min]; -"125 expand_as_2" [id=125, type=expand_as]; -"126 div_2" [id=126, type=div]; -"127 linalg_vector_norm_3" [id=127, type=linalg_vector_norm]; -"128 clamp_min_3" [id=128, type=clamp_min]; -"129 expand_as_3" [id=129, type=expand_as]; -"130 div_3" [id=130, type=div]; -"131 transpose_2" [id=131, type=transpose]; -"132 matmul_2" [id=132, type=matmul]; -"133 _param_constant25" [id=133, type=get_attr]; -"134 clamp_1" [id=134, type=clamp]; -"135 exp_1" [id=135, type=exp]; -"136 mul_3" [id=136, type=mul]; -"137 add_3" [id=137, type=add]; -"138 new_zeros" [id=138, type=new_zeros]; -"139 view_7" [id=139, type=view]; -"140 permute_8" [id=140, type=permute]; -"141 reshape_6" [id=141, type=reshape]; -"142 unsqueeze_2" [id=142, type=unsqueeze]; -"143 unsqueeze_3" [id=143, type=unsqueeze]; -"144 sub" [id=144, type=sub]; -"145 ne" [id=145, type=ne]; -"146 masked_fill" [id=146, type=masked_fill]; -"147 eq" [id=147, type=eq]; -"148 masked_fill_1" [id=148, type=masked_fill]; -"149 view_8" [id=149, type=view]; -"150 unsqueeze_4" [id=150, type=unsqueeze]; -"151 unsqueeze_5" [id=151, type=unsqueeze]; -"152 add_4" [id=152, type=add]; -"153 view_9" [id=153, type=view]; -"154 softmax_1" [id=154, type=softmax]; -"155 dropout_4" [id=155, type=dropout]; -"156 matmul_3" [id=156, type=matmul]; -"157 transpose_3" [id=157, type=transpose]; -"158 reshape_7" [id=158, type=reshape]; -"159 _param_constant27" [id=159, type=get_attr]; -"160 linear_9_updated_constant0" [id=160, type=get_attr]; -"161 symmetric_weights_decompressor_linear_9_updated_constant0_0" [id=161, type=call_module]; -"162 linear_9" [id=162, type=linear]; -"163 dropout_5" [id=163, type=dropout]; -"164 view_10" [id=164, type=view]; -"165 permute_9" [id=165, type=permute]; -"166 reshape_8" [id=166, type=reshape]; -"167 roll_1" [id=167, type=roll]; -"168 slice_23" [id=168, type=slice]; -"169 slice_24" [id=169, type=slice]; -"170 _param_constant28" [id=170, type=get_attr]; -"171 _param_constant29" [id=171, type=get_attr]; -"172 layer_norm_3" [id=172, type=layer_norm]; -"173 add_5" [id=173, type=add]; -"174 _param_constant31" [id=174, type=get_attr]; -"175 linear_10_updated_constant0" [id=175, type=get_attr]; -"176 symmetric_weights_decompressor_linear_10_updated_constant0_0" [id=176, type=call_module]; -"177 linear_10" [id=177, type=linear]; -"178 gelu_1" [id=178, type=gelu]; -"179 dropout_6" [id=179, type=dropout]; -"180 _param_constant33" [id=180, type=get_attr]; -"181 linear_11_updated_constant0" [id=181, type=get_attr]; -"182 symmetric_weights_decompressor_linear_11_updated_constant0_0" [id=182, type=call_module]; -"183 linear_11" [id=183, type=linear]; -"184 dropout_7" [id=184, type=dropout]; -"185 _param_constant34" [id=185, type=get_attr]; -"186 _param_constant35" [id=186, type=get_attr]; -"187 layer_norm_4" [id=187, type=layer_norm]; -"188 add_6" [id=188, type=add]; -"189 pad_2" [id=189, type=pad]; -"190 slice_25" [id=190, type=slice]; -"191 slice_26" [id=191, type=slice]; -"192 slice_27" [id=192, type=slice]; -"193 slice_28" [id=193, type=slice]; -"194 slice_29" [id=194, type=slice]; -"195 slice_30" [id=195, type=slice]; -"196 slice_31" [id=196, type=slice]; -"197 slice_32" [id=197, type=slice]; -"198 slice_33" [id=198, type=slice]; -"199 slice_34" [id=199, type=slice]; -"200 slice_35" [id=200, type=slice]; -"201 slice_36" [id=201, type=slice]; -"202 cat" [id=202, type=cat]; -"203 linear_12_updated_constant0" [id=203, type=get_attr]; -"204 symmetric_weights_decompressor_linear_12_updated_constant0_0" [id=204, type=call_module]; -"205 linear_12" [id=205, type=linear]; -"206 _param_constant37" [id=206, type=get_attr]; -"207 _param_constant38" [id=207, type=get_attr]; -"208 layer_norm_5" [id=208, type=layer_norm]; -"209 _tensor_constant13" [id=209, type=get_attr]; -"210 _param_constant40" [id=210, type=get_attr]; -"211 linear_13_updated_constant0" [id=211, type=get_attr]; -"212 symmetric_weights_decompressor_linear_13_updated_constant0_0" [id=212, type=call_module]; -"213 linear_13" [id=213, type=linear]; -"214 relu__2" [id=214, type=relu_]; -"215 linear_14_updated_constant0" [id=215, type=get_attr]; -"216 symmetric_weights_decompressor_linear_14_updated_constant0_0" [id=216, type=call_module]; -"217 linear_14" [id=217, type=linear]; -"218 view_11" [id=218, type=view]; -"219 _tensor_constant14" [id=219, type=get_attr]; -"220 index_2" [id=220, type=index]; -"221 view_12" [id=221, type=view]; -"222 permute_10" [id=222, type=permute]; -"223 contiguous_2" [id=223, type=contiguous]; -"224 unsqueeze_6" [id=224, type=unsqueeze]; -"225 sigmoid_2" [id=225, type=sigmoid]; -"226 mul_4" [id=226, type=mul]; -"227 pad_3" [id=227, type=pad]; -"228 view_13" [id=228, type=view]; -"229 permute_11" [id=229, type=permute]; -"230 reshape_9" [id=230, type=reshape]; -"231 _param_constant42" [id=231, type=get_attr]; -"232 clone_2" [id=232, type=clone]; -"233 linear_15_updated_constant0" [id=233, type=get_attr]; -"234 symmetric_weights_decompressor_linear_15_updated_constant0_0" [id=234, type=call_module]; -"235 linear_15" [id=235, type=linear]; -"236 reshape_10" [id=236, type=reshape]; -"237 permute_12" [id=237, type=permute]; -"238 select_6" [id=238, type=select]; -"239 select_7" [id=239, type=select]; -"240 select_8" [id=240, type=select]; -"241 linalg_vector_norm_4" [id=241, type=linalg_vector_norm]; -"242 clamp_min_4" [id=242, type=clamp_min]; -"243 expand_as_4" [id=243, type=expand_as]; -"244 div_4" [id=244, type=div]; -"245 linalg_vector_norm_5" [id=245, type=linalg_vector_norm]; -"246 clamp_min_5" [id=246, type=clamp_min]; -"247 expand_as_5" [id=247, type=expand_as]; -"248 div_5" [id=248, type=div]; -"249 transpose_4" [id=249, type=transpose]; -"250 matmul_4" [id=250, type=matmul]; -"251 _param_constant44" [id=251, type=get_attr]; -"252 clamp_2" [id=252, type=clamp]; -"253 exp_2" [id=253, type=exp]; -"254 mul_5" [id=254, type=mul]; -"255 add_7" [id=255, type=add]; -"256 softmax_2" [id=256, type=softmax]; -"257 dropout_8" [id=257, type=dropout]; -"258 matmul_5" [id=258, type=matmul]; -"259 transpose_5" [id=259, type=transpose]; -"260 reshape_11" [id=260, type=reshape]; -"261 _param_constant46" [id=261, type=get_attr]; -"262 linear_16_updated_constant0" [id=262, type=get_attr]; -"263 symmetric_weights_decompressor_linear_16_updated_constant0_0" [id=263, type=call_module]; -"264 linear_16" [id=264, type=linear]; -"265 dropout_9" [id=265, type=dropout]; -"266 view_14" [id=266, type=view]; -"267 permute_13" [id=267, type=permute]; -"268 reshape_12" [id=268, type=reshape]; -"269 slice_38" [id=269, type=slice]; -"270 slice_39" [id=270, type=slice]; -"271 slice_40" [id=271, type=slice]; -"272 slice_41" [id=272, type=slice]; -"273 contiguous_3" [id=273, type=contiguous]; -"274 _param_constant47" [id=274, type=get_attr]; -"275 _param_constant48" [id=275, type=get_attr]; -"276 layer_norm_6" [id=276, type=layer_norm]; -"277 add_8" [id=277, type=add]; -"278 _param_constant50" [id=278, type=get_attr]; -"279 linear_17_updated_constant0" [id=279, type=get_attr]; -"280 symmetric_weights_decompressor_linear_17_updated_constant0_0" [id=280, type=call_module]; -"281 linear_17" [id=281, type=linear]; -"282 gelu_2" [id=282, type=gelu]; -"283 dropout_10" [id=283, type=dropout]; -"284 _param_constant52" [id=284, type=get_attr]; -"285 linear_18_updated_constant0" [id=285, type=get_attr]; -"286 symmetric_weights_decompressor_linear_18_updated_constant0_0" [id=286, type=call_module]; -"287 linear_18" [id=287, type=linear]; -"288 dropout_11" [id=288, type=dropout]; -"289 _param_constant53" [id=289, type=get_attr]; -"290 _param_constant54" [id=290, type=get_attr]; -"291 layer_norm_7" [id=291, type=layer_norm]; -"292 add_9" [id=292, type=add]; -"293 _tensor_constant15" [id=293, type=get_attr]; -"294 _param_constant56" [id=294, type=get_attr]; -"295 linear_19_updated_constant0" [id=295, type=get_attr]; -"296 symmetric_weights_decompressor_linear_19_updated_constant0_0" [id=296, type=call_module]; -"297 linear_19" [id=297, type=linear]; -"298 relu__3" [id=298, type=relu_]; -"299 linear_20_updated_constant0" [id=299, type=get_attr]; -"300 symmetric_weights_decompressor_linear_20_updated_constant0_0" [id=300, type=call_module]; -"301 linear_20" [id=301, type=linear]; -"302 view_15" [id=302, type=view]; -"303 _tensor_constant16" [id=303, type=get_attr]; -"304 index_3" [id=304, type=index]; -"305 view_16" [id=305, type=view]; -"306 permute_14" [id=306, type=permute]; -"307 contiguous_4" [id=307, type=contiguous]; -"308 unsqueeze_7" [id=308, type=unsqueeze]; -"309 sigmoid_3" [id=309, type=sigmoid]; -"310 mul_6" [id=310, type=mul]; -"311 pad_4" [id=311, type=pad]; -"312 roll_2" [id=312, type=roll]; -"313 view_17" [id=313, type=view]; -"314 permute_15" [id=314, type=permute]; -"315 reshape_13" [id=315, type=reshape]; -"316 _param_constant58" [id=316, type=get_attr]; -"317 clone_3" [id=317, type=clone]; -"318 linear_21_updated_constant0" [id=318, type=get_attr]; -"319 symmetric_weights_decompressor_linear_21_updated_constant0_0" [id=319, type=call_module]; -"320 linear_21" [id=320, type=linear]; -"321 reshape_14" [id=321, type=reshape]; -"322 permute_16" [id=322, type=permute]; -"323 select_9" [id=323, type=select]; -"324 select_10" [id=324, type=select]; -"325 select_11" [id=325, type=select]; -"326 linalg_vector_norm_6" [id=326, type=linalg_vector_norm]; -"327 clamp_min_6" [id=327, type=clamp_min]; -"328 expand_as_6" [id=328, type=expand_as]; -"329 div_6" [id=329, type=div]; -"330 linalg_vector_norm_7" [id=330, type=linalg_vector_norm]; -"331 clamp_min_7" [id=331, type=clamp_min]; -"332 expand_as_7" [id=332, type=expand_as]; -"333 div_7" [id=333, type=div]; -"334 transpose_6" [id=334, type=transpose]; -"335 matmul_6" [id=335, type=matmul]; -"336 _param_constant60" [id=336, type=get_attr]; -"337 clamp_3" [id=337, type=clamp]; -"338 exp_3" [id=338, type=exp]; -"339 mul_7" [id=339, type=mul]; -"340 add_10" [id=340, type=add]; -"341 new_zeros_1" [id=341, type=new_zeros]; -"342 view_18" [id=342, type=view]; -"343 permute_17" [id=343, type=permute]; -"344 reshape_15" [id=344, type=reshape]; -"345 unsqueeze_8" [id=345, type=unsqueeze]; -"346 unsqueeze_9" [id=346, type=unsqueeze]; -"347 sub_1" [id=347, type=sub]; -"348 ne_1" [id=348, type=ne]; -"349 masked_fill_2" [id=349, type=masked_fill]; -"350 eq_1" [id=350, type=eq]; -"351 masked_fill_3" [id=351, type=masked_fill]; -"352 view_19" [id=352, type=view]; -"353 unsqueeze_10" [id=353, type=unsqueeze]; -"354 unsqueeze_11" [id=354, type=unsqueeze]; -"355 add_11" [id=355, type=add]; -"356 view_20" [id=356, type=view]; -"357 softmax_3" [id=357, type=softmax]; -"358 dropout_12" [id=358, type=dropout]; -"359 matmul_7" [id=359, type=matmul]; -"360 transpose_7" [id=360, type=transpose]; -"361 reshape_16" [id=361, type=reshape]; -"362 _param_constant62" [id=362, type=get_attr]; -"363 linear_22_updated_constant0" [id=363, type=get_attr]; -"364 symmetric_weights_decompressor_linear_22_updated_constant0_0" [id=364, type=call_module]; -"365 linear_22" [id=365, type=linear]; -"366 dropout_13" [id=366, type=dropout]; -"367 view_21" [id=367, type=view]; -"368 permute_18" [id=368, type=permute]; -"369 reshape_17" [id=369, type=reshape]; -"370 roll_3" [id=370, type=roll]; -"371 slice_61" [id=371, type=slice]; -"372 slice_62" [id=372, type=slice]; -"373 slice_63" [id=373, type=slice]; -"374 slice_64" [id=374, type=slice]; -"375 contiguous_5" [id=375, type=contiguous]; -"376 _param_constant63" [id=376, type=get_attr]; -"377 _param_constant64" [id=377, type=get_attr]; -"378 layer_norm_8" [id=378, type=layer_norm]; -"379 add_12" [id=379, type=add]; -"380 _param_constant66" [id=380, type=get_attr]; -"381 linear_23_updated_constant0" [id=381, type=get_attr]; -"382 symmetric_weights_decompressor_linear_23_updated_constant0_0" [id=382, type=call_module]; -"383 linear_23" [id=383, type=linear]; -"384 gelu_3" [id=384, type=gelu]; -"385 dropout_14" [id=385, type=dropout]; -"386 _param_constant68" [id=386, type=get_attr]; -"387 linear_24_updated_constant0" [id=387, type=get_attr]; -"388 symmetric_weights_decompressor_linear_24_updated_constant0_0" [id=388, type=call_module]; -"389 linear_24" [id=389, type=linear]; -"390 dropout_15" [id=390, type=dropout]; -"391 _param_constant69" [id=391, type=get_attr]; -"392 _param_constant70" [id=392, type=get_attr]; -"393 layer_norm_9" [id=393, type=layer_norm]; -"394 add_13" [id=394, type=add]; -"395 pad_5" [id=395, type=pad]; -"396 slice_65" [id=396, type=slice]; -"397 slice_66" [id=397, type=slice]; -"398 slice_67" [id=398, type=slice]; -"399 slice_68" [id=399, type=slice]; -"400 slice_69" [id=400, type=slice]; -"401 slice_70" [id=401, type=slice]; -"402 slice_71" [id=402, type=slice]; -"403 slice_72" [id=403, type=slice]; -"404 slice_73" [id=404, type=slice]; -"405 slice_74" [id=405, type=slice]; -"406 slice_75" [id=406, type=slice]; -"407 slice_76" [id=407, type=slice]; -"408 cat_1" [id=408, type=cat]; -"409 linear_25_updated_constant0" [id=409, type=get_attr]; -"410 symmetric_weights_decompressor_linear_25_updated_constant0_0" [id=410, type=call_module]; -"411 linear_25" [id=411, type=linear]; -"412 _param_constant72" [id=412, type=get_attr]; -"413 _param_constant73" [id=413, type=get_attr]; -"414 layer_norm_10" [id=414, type=layer_norm]; -"415 _tensor_constant26" [id=415, type=get_attr]; -"416 _param_constant75" [id=416, type=get_attr]; -"417 linear_26_updated_constant0" [id=417, type=get_attr]; -"418 symmetric_weights_decompressor_linear_26_updated_constant0_0" [id=418, type=call_module]; -"419 linear_26" [id=419, type=linear]; -"420 relu__4" [id=420, type=relu_]; -"421 linear_27_updated_constant0" [id=421, type=get_attr]; -"422 symmetric_weights_decompressor_linear_27_updated_constant0_0" [id=422, type=call_module]; -"423 linear_27" [id=423, type=linear]; -"424 view_22" [id=424, type=view]; -"425 _tensor_constant27" [id=425, type=get_attr]; -"426 index_4" [id=426, type=index]; -"427 view_23" [id=427, type=view]; -"428 permute_19" [id=428, type=permute]; -"429 contiguous_6" [id=429, type=contiguous]; -"430 unsqueeze_12" [id=430, type=unsqueeze]; -"431 sigmoid_4" [id=431, type=sigmoid]; -"432 mul_8" [id=432, type=mul]; -"433 pad_6" [id=433, type=pad]; -"434 view_24" [id=434, type=view]; -"435 permute_20" [id=435, type=permute]; -"436 reshape_18" [id=436, type=reshape]; -"437 _param_constant77" [id=437, type=get_attr]; -"438 clone_4" [id=438, type=clone]; -"439 linear_28_updated_constant0" [id=439, type=get_attr]; -"440 symmetric_weights_decompressor_linear_28_updated_constant0_0" [id=440, type=call_module]; -"441 linear_28" [id=441, type=linear]; -"442 reshape_19" [id=442, type=reshape]; -"443 permute_21" [id=443, type=permute]; -"444 select_12" [id=444, type=select]; -"445 select_13" [id=445, type=select]; -"446 select_14" [id=446, type=select]; -"447 linalg_vector_norm_8" [id=447, type=linalg_vector_norm]; -"448 clamp_min_8" [id=448, type=clamp_min]; -"449 expand_as_8" [id=449, type=expand_as]; -"450 div_8" [id=450, type=div]; -"451 linalg_vector_norm_9" [id=451, type=linalg_vector_norm]; -"452 clamp_min_9" [id=452, type=clamp_min]; -"453 expand_as_9" [id=453, type=expand_as]; -"454 div_9" [id=454, type=div]; -"455 transpose_8" [id=455, type=transpose]; -"456 matmul_8" [id=456, type=matmul]; -"457 _param_constant79" [id=457, type=get_attr]; -"458 clamp_4" [id=458, type=clamp]; -"459 exp_4" [id=459, type=exp]; -"460 mul_9" [id=460, type=mul]; -"461 add_14" [id=461, type=add]; -"462 softmax_4" [id=462, type=softmax]; -"463 dropout_16" [id=463, type=dropout]; -"464 matmul_9" [id=464, type=matmul]; -"465 transpose_9" [id=465, type=transpose]; -"466 reshape_20" [id=466, type=reshape]; -"467 _param_constant81" [id=467, type=get_attr]; -"468 linear_29_updated_constant0" [id=468, type=get_attr]; -"469 symmetric_weights_decompressor_linear_29_updated_constant0_0" [id=469, type=call_module]; -"470 linear_29" [id=470, type=linear]; -"471 dropout_17" [id=471, type=dropout]; -"472 view_25" [id=472, type=view]; -"473 permute_22" [id=473, type=permute]; -"474 reshape_21" [id=474, type=reshape]; -"475 slice_78" [id=475, type=slice]; -"476 slice_79" [id=476, type=slice]; -"477 slice_80" [id=477, type=slice]; -"478 slice_81" [id=478, type=slice]; -"479 contiguous_7" [id=479, type=contiguous]; -"480 _param_constant82" [id=480, type=get_attr]; -"481 _param_constant83" [id=481, type=get_attr]; -"482 layer_norm_11" [id=482, type=layer_norm]; -"483 add_15" [id=483, type=add]; -"484 _param_constant85" [id=484, type=get_attr]; -"485 linear_30_updated_constant0" [id=485, type=get_attr]; -"486 symmetric_weights_decompressor_linear_30_updated_constant0_0" [id=486, type=call_module]; -"487 linear_30" [id=487, type=linear]; -"488 gelu_4" [id=488, type=gelu]; -"489 dropout_18" [id=489, type=dropout]; -"490 _param_constant87" [id=490, type=get_attr]; -"491 linear_31_updated_constant0" [id=491, type=get_attr]; -"492 symmetric_weights_decompressor_linear_31_updated_constant0_0" [id=492, type=call_module]; -"493 linear_31" [id=493, type=linear]; -"494 dropout_19" [id=494, type=dropout]; -"495 _param_constant88" [id=495, type=get_attr]; -"496 _param_constant89" [id=496, type=get_attr]; -"497 layer_norm_12" [id=497, type=layer_norm]; -"498 add_16" [id=498, type=add]; -"499 _tensor_constant28" [id=499, type=get_attr]; -"500 _param_constant91" [id=500, type=get_attr]; -"501 linear_32_updated_constant0" [id=501, type=get_attr]; -"502 symmetric_weights_decompressor_linear_32_updated_constant0_0" [id=502, type=call_module]; -"503 linear_32" [id=503, type=linear]; -"504 relu__5" [id=504, type=relu_]; -"505 linear_33_updated_constant0" [id=505, type=get_attr]; -"506 symmetric_weights_decompressor_linear_33_updated_constant0_0" [id=506, type=call_module]; -"507 linear_33" [id=507, type=linear]; -"508 view_26" [id=508, type=view]; -"509 _tensor_constant29" [id=509, type=get_attr]; -"510 index_5" [id=510, type=index]; -"511 view_27" [id=511, type=view]; -"512 permute_23" [id=512, type=permute]; -"513 contiguous_8" [id=513, type=contiguous]; -"514 unsqueeze_13" [id=514, type=unsqueeze]; -"515 sigmoid_5" [id=515, type=sigmoid]; -"516 mul_10" [id=516, type=mul]; -"517 pad_7" [id=517, type=pad]; -"518 roll_4" [id=518, type=roll]; -"519 view_28" [id=519, type=view]; -"520 permute_24" [id=520, type=permute]; -"521 reshape_22" [id=521, type=reshape]; -"522 _param_constant93" [id=522, type=get_attr]; -"523 clone_5" [id=523, type=clone]; -"524 linear_34_updated_constant0" [id=524, type=get_attr]; -"525 symmetric_weights_decompressor_linear_34_updated_constant0_0" [id=525, type=call_module]; -"526 linear_34" [id=526, type=linear]; -"527 reshape_23" [id=527, type=reshape]; -"528 permute_25" [id=528, type=permute]; -"529 select_15" [id=529, type=select]; -"530 select_16" [id=530, type=select]; -"531 select_17" [id=531, type=select]; -"532 linalg_vector_norm_10" [id=532, type=linalg_vector_norm]; -"533 clamp_min_10" [id=533, type=clamp_min]; -"534 expand_as_10" [id=534, type=expand_as]; -"535 div_10" [id=535, type=div]; -"536 linalg_vector_norm_11" [id=536, type=linalg_vector_norm]; -"537 clamp_min_11" [id=537, type=clamp_min]; -"538 expand_as_11" [id=538, type=expand_as]; -"539 div_11" [id=539, type=div]; -"540 transpose_10" [id=540, type=transpose]; -"541 matmul_10" [id=541, type=matmul]; -"542 _param_constant95" [id=542, type=get_attr]; -"543 clamp_5" [id=543, type=clamp]; -"544 exp_5" [id=544, type=exp]; -"545 mul_11" [id=545, type=mul]; -"546 add_17" [id=546, type=add]; -"547 new_zeros_2" [id=547, type=new_zeros]; -"548 view_29" [id=548, type=view]; -"549 permute_26" [id=549, type=permute]; -"550 reshape_24" [id=550, type=reshape]; -"551 unsqueeze_14" [id=551, type=unsqueeze]; -"552 unsqueeze_15" [id=552, type=unsqueeze]; -"553 sub_2" [id=553, type=sub]; -"554 ne_2" [id=554, type=ne]; -"555 masked_fill_4" [id=555, type=masked_fill]; -"556 eq_2" [id=556, type=eq]; -"557 masked_fill_5" [id=557, type=masked_fill]; -"558 view_30" [id=558, type=view]; -"559 unsqueeze_16" [id=559, type=unsqueeze]; -"560 unsqueeze_17" [id=560, type=unsqueeze]; -"561 add_18" [id=561, type=add]; -"562 view_31" [id=562, type=view]; -"563 softmax_5" [id=563, type=softmax]; -"564 dropout_20" [id=564, type=dropout]; -"565 matmul_11" [id=565, type=matmul]; -"566 transpose_11" [id=566, type=transpose]; -"567 reshape_25" [id=567, type=reshape]; -"568 _param_constant97" [id=568, type=get_attr]; -"569 linear_35_updated_constant0" [id=569, type=get_attr]; -"570 symmetric_weights_decompressor_linear_35_updated_constant0_0" [id=570, type=call_module]; -"571 linear_35" [id=571, type=linear]; -"572 dropout_21" [id=572, type=dropout]; -"573 view_32" [id=573, type=view]; -"574 permute_27" [id=574, type=permute]; -"575 reshape_26" [id=575, type=reshape]; -"576 roll_5" [id=576, type=roll]; -"577 slice_101" [id=577, type=slice]; -"578 slice_102" [id=578, type=slice]; -"579 slice_103" [id=579, type=slice]; -"580 slice_104" [id=580, type=slice]; -"581 contiguous_9" [id=581, type=contiguous]; -"582 _param_constant98" [id=582, type=get_attr]; -"583 _param_constant99" [id=583, type=get_attr]; -"584 layer_norm_13" [id=584, type=layer_norm]; -"585 add_19" [id=585, type=add]; -"586 _param_constant101" [id=586, type=get_attr]; -"587 linear_36_updated_constant0" [id=587, type=get_attr]; -"588 symmetric_weights_decompressor_linear_36_updated_constant0_0" [id=588, type=call_module]; -"589 linear_36" [id=589, type=linear]; -"590 gelu_5" [id=590, type=gelu]; -"591 dropout_22" [id=591, type=dropout]; -"592 _param_constant103" [id=592, type=get_attr]; -"593 linear_37_updated_constant0" [id=593, type=get_attr]; -"594 symmetric_weights_decompressor_linear_37_updated_constant0_0" [id=594, type=call_module]; -"595 linear_37" [id=595, type=linear]; -"596 dropout_23" [id=596, type=dropout]; -"597 _param_constant104" [id=597, type=get_attr]; -"598 _param_constant105" [id=598, type=get_attr]; -"599 layer_norm_14" [id=599, type=layer_norm]; -"600 add_20" [id=600, type=add]; -"601 _tensor_constant39" [id=601, type=get_attr]; -"602 _param_constant107" [id=602, type=get_attr]; -"603 linear_38_updated_constant0" [id=603, type=get_attr]; -"604 symmetric_weights_decompressor_linear_38_updated_constant0_0" [id=604, type=call_module]; -"605 linear_38" [id=605, type=linear]; -"606 relu__6" [id=606, type=relu_]; -"607 linear_39_updated_constant0" [id=607, type=get_attr]; -"608 symmetric_weights_decompressor_linear_39_updated_constant0_0" [id=608, type=call_module]; -"609 linear_39" [id=609, type=linear]; -"610 view_33" [id=610, type=view]; -"611 _tensor_constant40" [id=611, type=get_attr]; -"612 index_6" [id=612, type=index]; -"613 view_34" [id=613, type=view]; -"614 permute_28" [id=614, type=permute]; -"615 contiguous_10" [id=615, type=contiguous]; -"616 unsqueeze_18" [id=616, type=unsqueeze]; -"617 sigmoid_6" [id=617, type=sigmoid]; -"618 mul_12" [id=618, type=mul]; -"619 pad_8" [id=619, type=pad]; -"620 view_35" [id=620, type=view]; -"621 permute_29" [id=621, type=permute]; -"622 reshape_27" [id=622, type=reshape]; -"623 _param_constant109" [id=623, type=get_attr]; -"624 clone_6" [id=624, type=clone]; -"625 linear_40_updated_constant0" [id=625, type=get_attr]; -"626 symmetric_weights_decompressor_linear_40_updated_constant0_0" [id=626, type=call_module]; -"627 linear_40" [id=627, type=linear]; -"628 reshape_28" [id=628, type=reshape]; -"629 permute_30" [id=629, type=permute]; -"630 select_18" [id=630, type=select]; -"631 select_19" [id=631, type=select]; -"632 select_20" [id=632, type=select]; -"633 linalg_vector_norm_12" [id=633, type=linalg_vector_norm]; -"634 clamp_min_12" [id=634, type=clamp_min]; -"635 expand_as_12" [id=635, type=expand_as]; -"636 div_12" [id=636, type=div]; -"637 linalg_vector_norm_13" [id=637, type=linalg_vector_norm]; -"638 clamp_min_13" [id=638, type=clamp_min]; -"639 expand_as_13" [id=639, type=expand_as]; -"640 div_13" [id=640, type=div]; -"641 transpose_12" [id=641, type=transpose]; -"642 matmul_12" [id=642, type=matmul]; -"643 _param_constant111" [id=643, type=get_attr]; -"644 clamp_6" [id=644, type=clamp]; -"645 exp_6" [id=645, type=exp]; -"646 mul_13" [id=646, type=mul]; -"647 add_21" [id=647, type=add]; -"648 softmax_6" [id=648, type=softmax]; -"649 dropout_24" [id=649, type=dropout]; -"650 matmul_13" [id=650, type=matmul]; -"651 transpose_13" [id=651, type=transpose]; -"652 reshape_29" [id=652, type=reshape]; -"653 _param_constant113" [id=653, type=get_attr]; -"654 linear_41_updated_constant0" [id=654, type=get_attr]; -"655 symmetric_weights_decompressor_linear_41_updated_constant0_0" [id=655, type=call_module]; -"656 linear_41" [id=656, type=linear]; -"657 dropout_25" [id=657, type=dropout]; -"658 view_36" [id=658, type=view]; -"659 permute_31" [id=659, type=permute]; -"660 reshape_30" [id=660, type=reshape]; -"661 slice_106" [id=661, type=slice]; -"662 slice_107" [id=662, type=slice]; -"663 slice_108" [id=663, type=slice]; -"664 slice_109" [id=664, type=slice]; -"665 contiguous_11" [id=665, type=contiguous]; -"666 _param_constant114" [id=666, type=get_attr]; -"667 _param_constant115" [id=667, type=get_attr]; -"668 layer_norm_15" [id=668, type=layer_norm]; -"669 add_22" [id=669, type=add]; -"670 _param_constant117" [id=670, type=get_attr]; -"671 linear_42_updated_constant0" [id=671, type=get_attr]; -"672 symmetric_weights_decompressor_linear_42_updated_constant0_0" [id=672, type=call_module]; -"673 linear_42" [id=673, type=linear]; -"674 gelu_6" [id=674, type=gelu]; -"675 dropout_26" [id=675, type=dropout]; -"676 _param_constant119" [id=676, type=get_attr]; -"677 linear_43_updated_constant0" [id=677, type=get_attr]; -"678 symmetric_weights_decompressor_linear_43_updated_constant0_0" [id=678, type=call_module]; -"679 linear_43" [id=679, type=linear]; -"680 dropout_27" [id=680, type=dropout]; -"681 _param_constant120" [id=681, type=get_attr]; -"682 _param_constant121" [id=682, type=get_attr]; -"683 layer_norm_16" [id=683, type=layer_norm]; -"684 add_23" [id=684, type=add]; -"685 _tensor_constant41" [id=685, type=get_attr]; -"686 _param_constant123" [id=686, type=get_attr]; -"687 linear_44_updated_constant0" [id=687, type=get_attr]; -"688 symmetric_weights_decompressor_linear_44_updated_constant0_0" [id=688, type=call_module]; -"689 linear_44" [id=689, type=linear]; -"690 relu__7" [id=690, type=relu_]; -"691 linear_45_updated_constant0" [id=691, type=get_attr]; -"692 symmetric_weights_decompressor_linear_45_updated_constant0_0" [id=692, type=call_module]; -"693 linear_45" [id=693, type=linear]; -"694 view_37" [id=694, type=view]; -"695 _tensor_constant42" [id=695, type=get_attr]; -"696 index_7" [id=696, type=index]; -"697 view_38" [id=697, type=view]; -"698 permute_32" [id=698, type=permute]; -"699 contiguous_12" [id=699, type=contiguous]; -"700 unsqueeze_19" [id=700, type=unsqueeze]; -"701 sigmoid_7" [id=701, type=sigmoid]; -"702 mul_14" [id=702, type=mul]; -"703 pad_9" [id=703, type=pad]; -"704 roll_6" [id=704, type=roll]; -"705 view_39" [id=705, type=view]; -"706 permute_33" [id=706, type=permute]; -"707 reshape_31" [id=707, type=reshape]; -"708 _param_constant125" [id=708, type=get_attr]; -"709 clone_7" [id=709, type=clone]; -"710 linear_46_updated_constant0" [id=710, type=get_attr]; -"711 symmetric_weights_decompressor_linear_46_updated_constant0_0" [id=711, type=call_module]; -"712 linear_46" [id=712, type=linear]; -"713 reshape_32" [id=713, type=reshape]; -"714 permute_34" [id=714, type=permute]; -"715 select_21" [id=715, type=select]; -"716 select_22" [id=716, type=select]; -"717 select_23" [id=717, type=select]; -"718 linalg_vector_norm_14" [id=718, type=linalg_vector_norm]; -"719 clamp_min_14" [id=719, type=clamp_min]; -"720 expand_as_14" [id=720, type=expand_as]; -"721 div_14" [id=721, type=div]; -"722 linalg_vector_norm_15" [id=722, type=linalg_vector_norm]; -"723 clamp_min_15" [id=723, type=clamp_min]; -"724 expand_as_15" [id=724, type=expand_as]; -"725 div_15" [id=725, type=div]; -"726 transpose_14" [id=726, type=transpose]; -"727 matmul_14" [id=727, type=matmul]; -"728 _param_constant127" [id=728, type=get_attr]; -"729 clamp_7" [id=729, type=clamp]; -"730 exp_7" [id=730, type=exp]; -"731 mul_15" [id=731, type=mul]; -"732 add_24" [id=732, type=add]; -"733 new_zeros_3" [id=733, type=new_zeros]; -"734 view_40" [id=734, type=view]; -"735 permute_35" [id=735, type=permute]; -"736 reshape_33" [id=736, type=reshape]; -"737 unsqueeze_20" [id=737, type=unsqueeze]; -"738 unsqueeze_21" [id=738, type=unsqueeze]; -"739 sub_3" [id=739, type=sub]; -"740 ne_3" [id=740, type=ne]; -"741 masked_fill_6" [id=741, type=masked_fill]; -"742 eq_3" [id=742, type=eq]; -"743 masked_fill_7" [id=743, type=masked_fill]; -"744 view_41" [id=744, type=view]; -"745 unsqueeze_22" [id=745, type=unsqueeze]; -"746 unsqueeze_23" [id=746, type=unsqueeze]; -"747 add_25" [id=747, type=add]; -"748 view_42" [id=748, type=view]; -"749 softmax_7" [id=749, type=softmax]; -"750 dropout_28" [id=750, type=dropout]; -"751 matmul_15" [id=751, type=matmul]; -"752 transpose_15" [id=752, type=transpose]; -"753 reshape_34" [id=753, type=reshape]; -"754 _param_constant129" [id=754, type=get_attr]; -"755 linear_47_updated_constant0" [id=755, type=get_attr]; -"756 symmetric_weights_decompressor_linear_47_updated_constant0_0" [id=756, type=call_module]; -"757 linear_47" [id=757, type=linear]; -"758 dropout_29" [id=758, type=dropout]; -"759 view_43" [id=759, type=view]; -"760 permute_36" [id=760, type=permute]; -"761 reshape_35" [id=761, type=reshape]; -"762 roll_7" [id=762, type=roll]; -"763 slice_129" [id=763, type=slice]; -"764 slice_130" [id=764, type=slice]; -"765 slice_131" [id=765, type=slice]; -"766 slice_132" [id=766, type=slice]; -"767 contiguous_13" [id=767, type=contiguous]; -"768 _param_constant130" [id=768, type=get_attr]; -"769 _param_constant131" [id=769, type=get_attr]; -"770 layer_norm_17" [id=770, type=layer_norm]; -"771 add_26" [id=771, type=add]; -"772 _param_constant133" [id=772, type=get_attr]; -"773 linear_48_updated_constant0" [id=773, type=get_attr]; -"774 symmetric_weights_decompressor_linear_48_updated_constant0_0" [id=774, type=call_module]; -"775 linear_48" [id=775, type=linear]; -"776 gelu_7" [id=776, type=gelu]; -"777 dropout_30" [id=777, type=dropout]; -"778 _param_constant135" [id=778, type=get_attr]; -"779 linear_49_updated_constant0" [id=779, type=get_attr]; -"780 symmetric_weights_decompressor_linear_49_updated_constant0_0" [id=780, type=call_module]; -"781 linear_49" [id=781, type=linear]; -"782 dropout_31" [id=782, type=dropout]; -"783 _param_constant136" [id=783, type=get_attr]; -"784 _param_constant137" [id=784, type=get_attr]; -"785 layer_norm_18" [id=785, type=layer_norm]; -"786 add_27" [id=786, type=add]; -"787 _tensor_constant52" [id=787, type=get_attr]; -"788 _param_constant139" [id=788, type=get_attr]; -"789 linear_50_updated_constant0" [id=789, type=get_attr]; -"790 symmetric_weights_decompressor_linear_50_updated_constant0_0" [id=790, type=call_module]; -"791 linear_50" [id=791, type=linear]; -"792 relu__8" [id=792, type=relu_]; -"793 linear_51_updated_constant0" [id=793, type=get_attr]; -"794 symmetric_weights_decompressor_linear_51_updated_constant0_0" [id=794, type=call_module]; -"795 linear_51" [id=795, type=linear]; -"796 view_44" [id=796, type=view]; -"797 _tensor_constant53" [id=797, type=get_attr]; -"798 index_8" [id=798, type=index]; -"799 view_45" [id=799, type=view]; -"800 permute_37" [id=800, type=permute]; -"801 contiguous_14" [id=801, type=contiguous]; -"802 unsqueeze_24" [id=802, type=unsqueeze]; -"803 sigmoid_8" [id=803, type=sigmoid]; -"804 mul_16" [id=804, type=mul]; -"805 pad_10" [id=805, type=pad]; -"806 view_46" [id=806, type=view]; -"807 permute_38" [id=807, type=permute]; -"808 reshape_36" [id=808, type=reshape]; -"809 _param_constant141" [id=809, type=get_attr]; -"810 clone_8" [id=810, type=clone]; -"811 linear_52_updated_constant0" [id=811, type=get_attr]; -"812 symmetric_weights_decompressor_linear_52_updated_constant0_0" [id=812, type=call_module]; -"813 linear_52" [id=813, type=linear]; -"814 reshape_37" [id=814, type=reshape]; -"815 permute_39" [id=815, type=permute]; -"816 select_24" [id=816, type=select]; -"817 select_25" [id=817, type=select]; -"818 select_26" [id=818, type=select]; -"819 linalg_vector_norm_16" [id=819, type=linalg_vector_norm]; -"820 clamp_min_16" [id=820, type=clamp_min]; -"821 expand_as_16" [id=821, type=expand_as]; -"822 div_16" [id=822, type=div]; -"823 linalg_vector_norm_17" [id=823, type=linalg_vector_norm]; -"824 clamp_min_17" [id=824, type=clamp_min]; -"825 expand_as_17" [id=825, type=expand_as]; -"826 div_17" [id=826, type=div]; -"827 transpose_16" [id=827, type=transpose]; -"828 matmul_16" [id=828, type=matmul]; -"829 _param_constant143" [id=829, type=get_attr]; -"830 clamp_8" [id=830, type=clamp]; -"831 exp_8" [id=831, type=exp]; -"832 mul_17" [id=832, type=mul]; -"833 add_28" [id=833, type=add]; -"834 softmax_8" [id=834, type=softmax]; -"835 dropout_32" [id=835, type=dropout]; -"836 matmul_17" [id=836, type=matmul]; -"837 transpose_17" [id=837, type=transpose]; -"838 reshape_38" [id=838, type=reshape]; -"839 _param_constant145" [id=839, type=get_attr]; -"840 linear_53_updated_constant0" [id=840, type=get_attr]; -"841 symmetric_weights_decompressor_linear_53_updated_constant0_0" [id=841, type=call_module]; -"842 linear_53" [id=842, type=linear]; -"843 dropout_33" [id=843, type=dropout]; -"844 view_47" [id=844, type=view]; -"845 permute_40" [id=845, type=permute]; -"846 reshape_39" [id=846, type=reshape]; -"847 slice_134" [id=847, type=slice]; -"848 slice_135" [id=848, type=slice]; -"849 slice_136" [id=849, type=slice]; -"850 slice_137" [id=850, type=slice]; -"851 contiguous_15" [id=851, type=contiguous]; -"852 _param_constant146" [id=852, type=get_attr]; -"853 _param_constant147" [id=853, type=get_attr]; -"854 layer_norm_19" [id=854, type=layer_norm]; -"855 add_29" [id=855, type=add]; -"856 _param_constant149" [id=856, type=get_attr]; -"857 linear_54_updated_constant0" [id=857, type=get_attr]; -"858 symmetric_weights_decompressor_linear_54_updated_constant0_0" [id=858, type=call_module]; -"859 linear_54" [id=859, type=linear]; -"860 gelu_8" [id=860, type=gelu]; -"861 dropout_34" [id=861, type=dropout]; -"862 _param_constant151" [id=862, type=get_attr]; -"863 linear_55_updated_constant0" [id=863, type=get_attr]; -"864 symmetric_weights_decompressor_linear_55_updated_constant0_0" [id=864, type=call_module]; -"865 linear_55" [id=865, type=linear]; -"866 dropout_35" [id=866, type=dropout]; -"867 _param_constant152" [id=867, type=get_attr]; -"868 _param_constant153" [id=868, type=get_attr]; -"869 layer_norm_20" [id=869, type=layer_norm]; -"870 add_30" [id=870, type=add]; -"871 _tensor_constant54" [id=871, type=get_attr]; -"872 _param_constant155" [id=872, type=get_attr]; -"873 linear_56_updated_constant0" [id=873, type=get_attr]; -"874 symmetric_weights_decompressor_linear_56_updated_constant0_0" [id=874, type=call_module]; -"875 linear_56" [id=875, type=linear]; -"876 relu__9" [id=876, type=relu_]; -"877 linear_57_updated_constant0" [id=877, type=get_attr]; -"878 symmetric_weights_decompressor_linear_57_updated_constant0_0" [id=878, type=call_module]; -"879 linear_57" [id=879, type=linear]; -"880 view_48" [id=880, type=view]; -"881 _tensor_constant55" [id=881, type=get_attr]; -"882 index_9" [id=882, type=index]; -"883 view_49" [id=883, type=view]; -"884 permute_41" [id=884, type=permute]; -"885 contiguous_16" [id=885, type=contiguous]; -"886 unsqueeze_25" [id=886, type=unsqueeze]; -"887 sigmoid_9" [id=887, type=sigmoid]; -"888 mul_18" [id=888, type=mul]; -"889 pad_11" [id=889, type=pad]; -"890 roll_8" [id=890, type=roll]; -"891 view_50" [id=891, type=view]; -"892 permute_42" [id=892, type=permute]; -"893 reshape_40" [id=893, type=reshape]; -"894 _param_constant157" [id=894, type=get_attr]; -"895 clone_9" [id=895, type=clone]; -"896 linear_58_updated_constant0" [id=896, type=get_attr]; -"897 symmetric_weights_decompressor_linear_58_updated_constant0_0" [id=897, type=call_module]; -"898 linear_58" [id=898, type=linear]; -"899 reshape_41" [id=899, type=reshape]; -"900 permute_43" [id=900, type=permute]; -"901 select_27" [id=901, type=select]; -"902 select_28" [id=902, type=select]; -"903 select_29" [id=903, type=select]; -"904 linalg_vector_norm_18" [id=904, type=linalg_vector_norm]; -"905 clamp_min_18" [id=905, type=clamp_min]; -"906 expand_as_18" [id=906, type=expand_as]; -"907 div_18" [id=907, type=div]; -"908 linalg_vector_norm_19" [id=908, type=linalg_vector_norm]; -"909 clamp_min_19" [id=909, type=clamp_min]; -"910 expand_as_19" [id=910, type=expand_as]; -"911 div_19" [id=911, type=div]; -"912 transpose_18" [id=912, type=transpose]; -"913 matmul_18" [id=913, type=matmul]; -"914 _param_constant159" [id=914, type=get_attr]; -"915 clamp_9" [id=915, type=clamp]; -"916 exp_9" [id=916, type=exp]; -"917 mul_19" [id=917, type=mul]; -"918 add_31" [id=918, type=add]; -"919 new_zeros_4" [id=919, type=new_zeros]; -"920 view_51" [id=920, type=view]; -"921 permute_44" [id=921, type=permute]; -"922 reshape_42" [id=922, type=reshape]; -"923 unsqueeze_26" [id=923, type=unsqueeze]; -"924 unsqueeze_27" [id=924, type=unsqueeze]; -"925 sub_4" [id=925, type=sub]; -"926 ne_4" [id=926, type=ne]; -"927 masked_fill_8" [id=927, type=masked_fill]; -"928 eq_4" [id=928, type=eq]; -"929 masked_fill_9" [id=929, type=masked_fill]; -"930 view_52" [id=930, type=view]; -"931 unsqueeze_28" [id=931, type=unsqueeze]; -"932 unsqueeze_29" [id=932, type=unsqueeze]; -"933 add_32" [id=933, type=add]; -"934 view_53" [id=934, type=view]; -"935 softmax_9" [id=935, type=softmax]; -"936 dropout_36" [id=936, type=dropout]; -"937 matmul_19" [id=937, type=matmul]; -"938 transpose_19" [id=938, type=transpose]; -"939 reshape_43" [id=939, type=reshape]; -"940 _param_constant161" [id=940, type=get_attr]; -"941 linear_59_updated_constant0" [id=941, type=get_attr]; -"942 symmetric_weights_decompressor_linear_59_updated_constant0_0" [id=942, type=call_module]; -"943 linear_59" [id=943, type=linear]; -"944 dropout_37" [id=944, type=dropout]; -"945 view_54" [id=945, type=view]; -"946 permute_45" [id=946, type=permute]; -"947 reshape_44" [id=947, type=reshape]; -"948 roll_9" [id=948, type=roll]; -"949 slice_157" [id=949, type=slice]; -"950 slice_158" [id=950, type=slice]; -"951 slice_159" [id=951, type=slice]; -"952 slice_160" [id=952, type=slice]; -"953 contiguous_17" [id=953, type=contiguous]; -"954 _param_constant162" [id=954, type=get_attr]; -"955 _param_constant163" [id=955, type=get_attr]; -"956 layer_norm_21" [id=956, type=layer_norm]; -"957 add_33" [id=957, type=add]; -"958 _param_constant165" [id=958, type=get_attr]; -"959 linear_60_updated_constant0" [id=959, type=get_attr]; -"960 symmetric_weights_decompressor_linear_60_updated_constant0_0" [id=960, type=call_module]; -"961 linear_60" [id=961, type=linear]; -"962 gelu_9" [id=962, type=gelu]; -"963 dropout_38" [id=963, type=dropout]; -"964 _param_constant167" [id=964, type=get_attr]; -"965 linear_61_updated_constant0" [id=965, type=get_attr]; -"966 symmetric_weights_decompressor_linear_61_updated_constant0_0" [id=966, type=call_module]; -"967 linear_61" [id=967, type=linear]; -"968 dropout_39" [id=968, type=dropout]; -"969 _param_constant168" [id=969, type=get_attr]; -"970 _param_constant169" [id=970, type=get_attr]; -"971 layer_norm_22" [id=971, type=layer_norm]; -"972 add_34" [id=972, type=add]; -"973 _tensor_constant65" [id=973, type=get_attr]; -"974 _param_constant171" [id=974, type=get_attr]; -"975 linear_62_updated_constant0" [id=975, type=get_attr]; -"976 symmetric_weights_decompressor_linear_62_updated_constant0_0" [id=976, type=call_module]; -"977 linear_62" [id=977, type=linear]; -"978 relu__10" [id=978, type=relu_]; -"979 linear_63_updated_constant0" [id=979, type=get_attr]; -"980 symmetric_weights_decompressor_linear_63_updated_constant0_0" [id=980, type=call_module]; -"981 linear_63" [id=981, type=linear]; -"982 view_55" [id=982, type=view]; -"983 _tensor_constant66" [id=983, type=get_attr]; -"984 index_10" [id=984, type=index]; -"985 view_56" [id=985, type=view]; -"986 permute_46" [id=986, type=permute]; -"987 contiguous_18" [id=987, type=contiguous]; -"988 unsqueeze_30" [id=988, type=unsqueeze]; -"989 sigmoid_10" [id=989, type=sigmoid]; -"990 mul_20" [id=990, type=mul]; -"991 pad_12" [id=991, type=pad]; -"992 view_57" [id=992, type=view]; -"993 permute_47" [id=993, type=permute]; -"994 reshape_45" [id=994, type=reshape]; -"995 _param_constant173" [id=995, type=get_attr]; -"996 clone_10" [id=996, type=clone]; -"997 linear_64_updated_constant0" [id=997, type=get_attr]; -"998 symmetric_weights_decompressor_linear_64_updated_constant0_0" [id=998, type=call_module]; -"999 linear_64" [id=999, type=linear]; -"1000 reshape_46" [id=1000, type=reshape]; -"1001 permute_48" [id=1001, type=permute]; -"1002 select_30" [id=1002, type=select]; -"1003 select_31" [id=1003, type=select]; -"1004 select_32" [id=1004, type=select]; -"1005 linalg_vector_norm_20" [id=1005, type=linalg_vector_norm]; -"1006 clamp_min_20" [id=1006, type=clamp_min]; -"1007 expand_as_20" [id=1007, type=expand_as]; -"1008 div_20" [id=1008, type=div]; -"1009 linalg_vector_norm_21" [id=1009, type=linalg_vector_norm]; -"1010 clamp_min_21" [id=1010, type=clamp_min]; -"1011 expand_as_21" [id=1011, type=expand_as]; -"1012 div_21" [id=1012, type=div]; -"1013 transpose_20" [id=1013, type=transpose]; -"1014 matmul_20" [id=1014, type=matmul]; -"1015 _param_constant175" [id=1015, type=get_attr]; -"1016 clamp_10" [id=1016, type=clamp]; -"1017 exp_10" [id=1017, type=exp]; -"1018 mul_21" [id=1018, type=mul]; -"1019 add_35" [id=1019, type=add]; -"1020 softmax_10" [id=1020, type=softmax]; -"1021 dropout_40" [id=1021, type=dropout]; -"1022 matmul_21" [id=1022, type=matmul]; -"1023 transpose_21" [id=1023, type=transpose]; -"1024 reshape_47" [id=1024, type=reshape]; -"1025 _param_constant177" [id=1025, type=get_attr]; -"1026 linear_65_updated_constant0" [id=1026, type=get_attr]; -"1027 symmetric_weights_decompressor_linear_65_updated_constant0_0" [id=1027, type=call_module]; -"1028 linear_65" [id=1028, type=linear]; -"1029 dropout_41" [id=1029, type=dropout]; -"1030 view_58" [id=1030, type=view]; -"1031 permute_49" [id=1031, type=permute]; -"1032 reshape_48" [id=1032, type=reshape]; -"1033 slice_162" [id=1033, type=slice]; -"1034 slice_163" [id=1034, type=slice]; -"1035 slice_164" [id=1035, type=slice]; -"1036 slice_165" [id=1036, type=slice]; -"1037 contiguous_19" [id=1037, type=contiguous]; -"1038 _param_constant178" [id=1038, type=get_attr]; -"1039 _param_constant179" [id=1039, type=get_attr]; -"1040 layer_norm_23" [id=1040, type=layer_norm]; -"1041 add_36" [id=1041, type=add]; -"1042 _param_constant181" [id=1042, type=get_attr]; -"1043 linear_66_updated_constant0" [id=1043, type=get_attr]; -"1044 symmetric_weights_decompressor_linear_66_updated_constant0_0" [id=1044, type=call_module]; -"1045 linear_66" [id=1045, type=linear]; -"1046 gelu_10" [id=1046, type=gelu]; -"1047 dropout_42" [id=1047, type=dropout]; -"1048 _param_constant183" [id=1048, type=get_attr]; -"1049 linear_67_updated_constant0" [id=1049, type=get_attr]; -"1050 symmetric_weights_decompressor_linear_67_updated_constant0_0" [id=1050, type=call_module]; -"1051 linear_67" [id=1051, type=linear]; -"1052 dropout_43" [id=1052, type=dropout]; -"1053 _param_constant184" [id=1053, type=get_attr]; -"1054 _param_constant185" [id=1054, type=get_attr]; -"1055 layer_norm_24" [id=1055, type=layer_norm]; -"1056 add_37" [id=1056, type=add]; -"1057 _tensor_constant67" [id=1057, type=get_attr]; -"1058 _param_constant187" [id=1058, type=get_attr]; -"1059 linear_68_updated_constant0" [id=1059, type=get_attr]; -"1060 symmetric_weights_decompressor_linear_68_updated_constant0_0" [id=1060, type=call_module]; -"1061 linear_68" [id=1061, type=linear]; -"1062 relu__11" [id=1062, type=relu_]; -"1063 linear_69_updated_constant0" [id=1063, type=get_attr]; -"1064 symmetric_weights_decompressor_linear_69_updated_constant0_0" [id=1064, type=call_module]; -"1065 linear_69" [id=1065, type=linear]; -"1066 view_59" [id=1066, type=view]; -"1067 _tensor_constant68" [id=1067, type=get_attr]; -"1068 index_11" [id=1068, type=index]; -"1069 view_60" [id=1069, type=view]; -"1070 permute_50" [id=1070, type=permute]; -"1071 contiguous_20" [id=1071, type=contiguous]; -"1072 unsqueeze_31" [id=1072, type=unsqueeze]; -"1073 sigmoid_11" [id=1073, type=sigmoid]; -"1074 mul_22" [id=1074, type=mul]; -"1075 pad_13" [id=1075, type=pad]; -"1076 roll_10" [id=1076, type=roll]; -"1077 view_61" [id=1077, type=view]; -"1078 permute_51" [id=1078, type=permute]; -"1079 reshape_49" [id=1079, type=reshape]; -"1080 _param_constant189" [id=1080, type=get_attr]; -"1081 clone_11" [id=1081, type=clone]; -"1082 linear_70_updated_constant0" [id=1082, type=get_attr]; -"1083 symmetric_weights_decompressor_linear_70_updated_constant0_0" [id=1083, type=call_module]; -"1084 linear_70" [id=1084, type=linear]; -"1085 reshape_50" [id=1085, type=reshape]; -"1086 permute_52" [id=1086, type=permute]; -"1087 select_33" [id=1087, type=select]; -"1088 select_34" [id=1088, type=select]; -"1089 select_35" [id=1089, type=select]; -"1090 linalg_vector_norm_22" [id=1090, type=linalg_vector_norm]; -"1091 clamp_min_22" [id=1091, type=clamp_min]; -"1092 expand_as_22" [id=1092, type=expand_as]; -"1093 div_22" [id=1093, type=div]; -"1094 linalg_vector_norm_23" [id=1094, type=linalg_vector_norm]; -"1095 clamp_min_23" [id=1095, type=clamp_min]; -"1096 expand_as_23" [id=1096, type=expand_as]; -"1097 div_23" [id=1097, type=div]; -"1098 transpose_22" [id=1098, type=transpose]; -"1099 matmul_22" [id=1099, type=matmul]; -"1100 _param_constant191" [id=1100, type=get_attr]; -"1101 clamp_11" [id=1101, type=clamp]; -"1102 exp_11" [id=1102, type=exp]; -"1103 mul_23" [id=1103, type=mul]; -"1104 add_38" [id=1104, type=add]; -"1105 new_zeros_5" [id=1105, type=new_zeros]; -"1106 view_62" [id=1106, type=view]; -"1107 permute_53" [id=1107, type=permute]; -"1108 reshape_51" [id=1108, type=reshape]; -"1109 unsqueeze_32" [id=1109, type=unsqueeze]; -"1110 unsqueeze_33" [id=1110, type=unsqueeze]; -"1111 sub_5" [id=1111, type=sub]; -"1112 ne_5" [id=1112, type=ne]; -"1113 masked_fill_10" [id=1113, type=masked_fill]; -"1114 eq_5" [id=1114, type=eq]; -"1115 masked_fill_11" [id=1115, type=masked_fill]; -"1116 view_63" [id=1116, type=view]; -"1117 unsqueeze_34" [id=1117, type=unsqueeze]; -"1118 unsqueeze_35" [id=1118, type=unsqueeze]; -"1119 add_39" [id=1119, type=add]; -"1120 view_64" [id=1120, type=view]; -"1121 softmax_11" [id=1121, type=softmax]; -"1122 dropout_44" [id=1122, type=dropout]; -"1123 matmul_23" [id=1123, type=matmul]; -"1124 transpose_23" [id=1124, type=transpose]; -"1125 reshape_52" [id=1125, type=reshape]; -"1126 _param_constant193" [id=1126, type=get_attr]; -"1127 linear_71_updated_constant0" [id=1127, type=get_attr]; -"1128 symmetric_weights_decompressor_linear_71_updated_constant0_0" [id=1128, type=call_module]; -"1129 linear_71" [id=1129, type=linear]; -"1130 dropout_45" [id=1130, type=dropout]; -"1131 view_65" [id=1131, type=view]; -"1132 permute_54" [id=1132, type=permute]; -"1133 reshape_53" [id=1133, type=reshape]; -"1134 roll_11" [id=1134, type=roll]; -"1135 slice_185" [id=1135, type=slice]; -"1136 slice_186" [id=1136, type=slice]; -"1137 slice_187" [id=1137, type=slice]; -"1138 slice_188" [id=1138, type=slice]; -"1139 contiguous_21" [id=1139, type=contiguous]; -"1140 _param_constant194" [id=1140, type=get_attr]; -"1141 _param_constant195" [id=1141, type=get_attr]; -"1142 layer_norm_25" [id=1142, type=layer_norm]; -"1143 add_40" [id=1143, type=add]; -"1144 _param_constant197" [id=1144, type=get_attr]; -"1145 linear_72_updated_constant0" [id=1145, type=get_attr]; -"1146 symmetric_weights_decompressor_linear_72_updated_constant0_0" [id=1146, type=call_module]; -"1147 linear_72" [id=1147, type=linear]; -"1148 gelu_11" [id=1148, type=gelu]; -"1149 dropout_46" [id=1149, type=dropout]; -"1150 _param_constant199" [id=1150, type=get_attr]; -"1151 linear_73_updated_constant0" [id=1151, type=get_attr]; -"1152 symmetric_weights_decompressor_linear_73_updated_constant0_0" [id=1152, type=call_module]; -"1153 linear_73" [id=1153, type=linear]; -"1154 dropout_47" [id=1154, type=dropout]; -"1155 _param_constant200" [id=1155, type=get_attr]; -"1156 _param_constant201" [id=1156, type=get_attr]; -"1157 layer_norm_26" [id=1157, type=layer_norm]; -"1158 add_41" [id=1158, type=add]; -"1159 _tensor_constant78" [id=1159, type=get_attr]; -"1160 _param_constant203" [id=1160, type=get_attr]; -"1161 linear_74_updated_constant0" [id=1161, type=get_attr]; -"1162 symmetric_weights_decompressor_linear_74_updated_constant0_0" [id=1162, type=call_module]; -"1163 linear_74" [id=1163, type=linear]; -"1164 relu__12" [id=1164, type=relu_]; -"1165 linear_75_updated_constant0" [id=1165, type=get_attr]; -"1166 symmetric_weights_decompressor_linear_75_updated_constant0_0" [id=1166, type=call_module]; -"1167 linear_75" [id=1167, type=linear]; -"1168 view_66" [id=1168, type=view]; -"1169 _tensor_constant79" [id=1169, type=get_attr]; -"1170 index_12" [id=1170, type=index]; -"1171 view_67" [id=1171, type=view]; -"1172 permute_55" [id=1172, type=permute]; -"1173 contiguous_22" [id=1173, type=contiguous]; -"1174 unsqueeze_36" [id=1174, type=unsqueeze]; -"1175 sigmoid_12" [id=1175, type=sigmoid]; -"1176 mul_24" [id=1176, type=mul]; -"1177 pad_14" [id=1177, type=pad]; -"1178 view_68" [id=1178, type=view]; -"1179 permute_56" [id=1179, type=permute]; -"1180 reshape_54" [id=1180, type=reshape]; -"1181 _param_constant205" [id=1181, type=get_attr]; -"1182 clone_12" [id=1182, type=clone]; -"1183 linear_76_updated_constant0" [id=1183, type=get_attr]; -"1184 symmetric_weights_decompressor_linear_76_updated_constant0_0" [id=1184, type=call_module]; -"1185 linear_76" [id=1185, type=linear]; -"1186 reshape_55" [id=1186, type=reshape]; -"1187 permute_57" [id=1187, type=permute]; -"1188 select_36" [id=1188, type=select]; -"1189 select_37" [id=1189, type=select]; -"1190 select_38" [id=1190, type=select]; -"1191 linalg_vector_norm_24" [id=1191, type=linalg_vector_norm]; -"1192 clamp_min_24" [id=1192, type=clamp_min]; -"1193 expand_as_24" [id=1193, type=expand_as]; -"1194 div_24" [id=1194, type=div]; -"1195 linalg_vector_norm_25" [id=1195, type=linalg_vector_norm]; -"1196 clamp_min_25" [id=1196, type=clamp_min]; -"1197 expand_as_25" [id=1197, type=expand_as]; -"1198 div_25" [id=1198, type=div]; -"1199 transpose_24" [id=1199, type=transpose]; -"1200 matmul_24" [id=1200, type=matmul]; -"1201 _param_constant207" [id=1201, type=get_attr]; -"1202 clamp_12" [id=1202, type=clamp]; -"1203 exp_12" [id=1203, type=exp]; -"1204 mul_25" [id=1204, type=mul]; -"1205 add_42" [id=1205, type=add]; -"1206 softmax_12" [id=1206, type=softmax]; -"1207 dropout_48" [id=1207, type=dropout]; -"1208 matmul_25" [id=1208, type=matmul]; -"1209 transpose_25" [id=1209, type=transpose]; -"1210 reshape_56" [id=1210, type=reshape]; -"1211 _param_constant209" [id=1211, type=get_attr]; -"1212 linear_77_updated_constant0" [id=1212, type=get_attr]; -"1213 symmetric_weights_decompressor_linear_77_updated_constant0_0" [id=1213, type=call_module]; -"1214 linear_77" [id=1214, type=linear]; -"1215 dropout_49" [id=1215, type=dropout]; -"1216 view_69" [id=1216, type=view]; -"1217 permute_58" [id=1217, type=permute]; -"1218 reshape_57" [id=1218, type=reshape]; -"1219 slice_190" [id=1219, type=slice]; -"1220 slice_191" [id=1220, type=slice]; -"1221 slice_192" [id=1221, type=slice]; -"1222 slice_193" [id=1222, type=slice]; -"1223 contiguous_23" [id=1223, type=contiguous]; -"1224 _param_constant210" [id=1224, type=get_attr]; -"1225 _param_constant211" [id=1225, type=get_attr]; -"1226 layer_norm_27" [id=1226, type=layer_norm]; -"1227 add_43" [id=1227, type=add]; -"1228 _param_constant213" [id=1228, type=get_attr]; -"1229 linear_78_updated_constant0" [id=1229, type=get_attr]; -"1230 symmetric_weights_decompressor_linear_78_updated_constant0_0" [id=1230, type=call_module]; -"1231 linear_78" [id=1231, type=linear]; -"1232 gelu_12" [id=1232, type=gelu]; -"1233 dropout_50" [id=1233, type=dropout]; -"1234 _param_constant215" [id=1234, type=get_attr]; -"1235 linear_79_updated_constant0" [id=1235, type=get_attr]; -"1236 symmetric_weights_decompressor_linear_79_updated_constant0_0" [id=1236, type=call_module]; -"1237 linear_79" [id=1237, type=linear]; -"1238 dropout_51" [id=1238, type=dropout]; -"1239 _param_constant216" [id=1239, type=get_attr]; -"1240 _param_constant217" [id=1240, type=get_attr]; -"1241 layer_norm_28" [id=1241, type=layer_norm]; -"1242 add_44" [id=1242, type=add]; -"1243 _tensor_constant80" [id=1243, type=get_attr]; -"1244 _param_constant219" [id=1244, type=get_attr]; -"1245 linear_80_updated_constant0" [id=1245, type=get_attr]; -"1246 symmetric_weights_decompressor_linear_80_updated_constant0_0" [id=1246, type=call_module]; -"1247 linear_80" [id=1247, type=linear]; -"1248 relu__13" [id=1248, type=relu_]; -"1249 linear_81_updated_constant0" [id=1249, type=get_attr]; -"1250 symmetric_weights_decompressor_linear_81_updated_constant0_0" [id=1250, type=call_module]; -"1251 linear_81" [id=1251, type=linear]; -"1252 view_70" [id=1252, type=view]; -"1253 _tensor_constant81" [id=1253, type=get_attr]; -"1254 index_13" [id=1254, type=index]; -"1255 view_71" [id=1255, type=view]; -"1256 permute_59" [id=1256, type=permute]; -"1257 contiguous_24" [id=1257, type=contiguous]; -"1258 unsqueeze_37" [id=1258, type=unsqueeze]; -"1259 sigmoid_13" [id=1259, type=sigmoid]; -"1260 mul_26" [id=1260, type=mul]; -"1261 pad_15" [id=1261, type=pad]; -"1262 roll_12" [id=1262, type=roll]; -"1263 view_72" [id=1263, type=view]; -"1264 permute_60" [id=1264, type=permute]; -"1265 reshape_58" [id=1265, type=reshape]; -"1266 _param_constant221" [id=1266, type=get_attr]; -"1267 clone_13" [id=1267, type=clone]; -"1268 linear_82_updated_constant0" [id=1268, type=get_attr]; -"1269 symmetric_weights_decompressor_linear_82_updated_constant0_0" [id=1269, type=call_module]; -"1270 linear_82" [id=1270, type=linear]; -"1271 reshape_59" [id=1271, type=reshape]; -"1272 permute_61" [id=1272, type=permute]; -"1273 select_39" [id=1273, type=select]; -"1274 select_40" [id=1274, type=select]; -"1275 select_41" [id=1275, type=select]; -"1276 linalg_vector_norm_26" [id=1276, type=linalg_vector_norm]; -"1277 clamp_min_26" [id=1277, type=clamp_min]; -"1278 expand_as_26" [id=1278, type=expand_as]; -"1279 div_26" [id=1279, type=div]; -"1280 linalg_vector_norm_27" [id=1280, type=linalg_vector_norm]; -"1281 clamp_min_27" [id=1281, type=clamp_min]; -"1282 expand_as_27" [id=1282, type=expand_as]; -"1283 div_27" [id=1283, type=div]; -"1284 transpose_26" [id=1284, type=transpose]; -"1285 matmul_26" [id=1285, type=matmul]; -"1286 _param_constant223" [id=1286, type=get_attr]; -"1287 clamp_13" [id=1287, type=clamp]; -"1288 exp_13" [id=1288, type=exp]; -"1289 mul_27" [id=1289, type=mul]; -"1290 add_45" [id=1290, type=add]; -"1291 new_zeros_6" [id=1291, type=new_zeros]; -"1292 view_73" [id=1292, type=view]; -"1293 permute_62" [id=1293, type=permute]; -"1294 reshape_60" [id=1294, type=reshape]; -"1295 unsqueeze_38" [id=1295, type=unsqueeze]; -"1296 unsqueeze_39" [id=1296, type=unsqueeze]; -"1297 sub_6" [id=1297, type=sub]; -"1298 ne_6" [id=1298, type=ne]; -"1299 masked_fill_12" [id=1299, type=masked_fill]; -"1300 eq_6" [id=1300, type=eq]; -"1301 masked_fill_13" [id=1301, type=masked_fill]; -"1302 view_74" [id=1302, type=view]; -"1303 unsqueeze_40" [id=1303, type=unsqueeze]; -"1304 unsqueeze_41" [id=1304, type=unsqueeze]; -"1305 add_46" [id=1305, type=add]; -"1306 view_75" [id=1306, type=view]; -"1307 softmax_13" [id=1307, type=softmax]; -"1308 dropout_52" [id=1308, type=dropout]; -"1309 matmul_27" [id=1309, type=matmul]; -"1310 transpose_27" [id=1310, type=transpose]; -"1311 reshape_61" [id=1311, type=reshape]; -"1312 _param_constant225" [id=1312, type=get_attr]; -"1313 linear_83_updated_constant0" [id=1313, type=get_attr]; -"1314 symmetric_weights_decompressor_linear_83_updated_constant0_0" [id=1314, type=call_module]; -"1315 linear_83" [id=1315, type=linear]; -"1316 dropout_53" [id=1316, type=dropout]; -"1317 view_76" [id=1317, type=view]; -"1318 permute_63" [id=1318, type=permute]; -"1319 reshape_62" [id=1319, type=reshape]; -"1320 roll_13" [id=1320, type=roll]; -"1321 slice_213" [id=1321, type=slice]; -"1322 slice_214" [id=1322, type=slice]; -"1323 slice_215" [id=1323, type=slice]; -"1324 slice_216" [id=1324, type=slice]; -"1325 contiguous_25" [id=1325, type=contiguous]; -"1326 _param_constant226" [id=1326, type=get_attr]; -"1327 _param_constant227" [id=1327, type=get_attr]; -"1328 layer_norm_29" [id=1328, type=layer_norm]; -"1329 add_47" [id=1329, type=add]; -"1330 _param_constant229" [id=1330, type=get_attr]; -"1331 linear_84_updated_constant0" [id=1331, type=get_attr]; -"1332 symmetric_weights_decompressor_linear_84_updated_constant0_0" [id=1332, type=call_module]; -"1333 linear_84" [id=1333, type=linear]; -"1334 gelu_13" [id=1334, type=gelu]; -"1335 dropout_54" [id=1335, type=dropout]; -"1336 _param_constant231" [id=1336, type=get_attr]; -"1337 linear_85_updated_constant0" [id=1337, type=get_attr]; -"1338 symmetric_weights_decompressor_linear_85_updated_constant0_0" [id=1338, type=call_module]; -"1339 linear_85" [id=1339, type=linear]; -"1340 dropout_55" [id=1340, type=dropout]; -"1341 _param_constant232" [id=1341, type=get_attr]; -"1342 _param_constant233" [id=1342, type=get_attr]; -"1343 layer_norm_30" [id=1343, type=layer_norm]; -"1344 add_48" [id=1344, type=add]; -"1345 _tensor_constant91" [id=1345, type=get_attr]; -"1346 _param_constant235" [id=1346, type=get_attr]; -"1347 linear_86_updated_constant0" [id=1347, type=get_attr]; -"1348 symmetric_weights_decompressor_linear_86_updated_constant0_0" [id=1348, type=call_module]; -"1349 linear_86" [id=1349, type=linear]; -"1350 relu__14" [id=1350, type=relu_]; -"1351 linear_87_updated_constant0" [id=1351, type=get_attr]; -"1352 symmetric_weights_decompressor_linear_87_updated_constant0_0" [id=1352, type=call_module]; -"1353 linear_87" [id=1353, type=linear]; -"1354 view_77" [id=1354, type=view]; -"1355 _tensor_constant92" [id=1355, type=get_attr]; -"1356 index_14" [id=1356, type=index]; -"1357 view_78" [id=1357, type=view]; -"1358 permute_64" [id=1358, type=permute]; -"1359 contiguous_26" [id=1359, type=contiguous]; -"1360 unsqueeze_42" [id=1360, type=unsqueeze]; -"1361 sigmoid_14" [id=1361, type=sigmoid]; -"1362 mul_28" [id=1362, type=mul]; -"1363 pad_16" [id=1363, type=pad]; -"1364 view_79" [id=1364, type=view]; -"1365 permute_65" [id=1365, type=permute]; -"1366 reshape_63" [id=1366, type=reshape]; -"1367 _param_constant237" [id=1367, type=get_attr]; -"1368 clone_14" [id=1368, type=clone]; -"1369 linear_88_updated_constant0" [id=1369, type=get_attr]; -"1370 symmetric_weights_decompressor_linear_88_updated_constant0_0" [id=1370, type=call_module]; -"1371 linear_88" [id=1371, type=linear]; -"1372 reshape_64" [id=1372, type=reshape]; -"1373 permute_66" [id=1373, type=permute]; -"1374 select_42" [id=1374, type=select]; -"1375 select_43" [id=1375, type=select]; -"1376 select_44" [id=1376, type=select]; -"1377 linalg_vector_norm_28" [id=1377, type=linalg_vector_norm]; -"1378 clamp_min_28" [id=1378, type=clamp_min]; -"1379 expand_as_28" [id=1379, type=expand_as]; -"1380 div_28" [id=1380, type=div]; -"1381 linalg_vector_norm_29" [id=1381, type=linalg_vector_norm]; -"1382 clamp_min_29" [id=1382, type=clamp_min]; -"1383 expand_as_29" [id=1383, type=expand_as]; -"1384 div_29" [id=1384, type=div]; -"1385 transpose_28" [id=1385, type=transpose]; -"1386 matmul_28" [id=1386, type=matmul]; -"1387 _param_constant239" [id=1387, type=get_attr]; -"1388 clamp_14" [id=1388, type=clamp]; -"1389 exp_14" [id=1389, type=exp]; -"1390 mul_29" [id=1390, type=mul]; -"1391 add_49" [id=1391, type=add]; -"1392 softmax_14" [id=1392, type=softmax]; -"1393 dropout_56" [id=1393, type=dropout]; -"1394 matmul_29" [id=1394, type=matmul]; -"1395 transpose_29" [id=1395, type=transpose]; -"1396 reshape_65" [id=1396, type=reshape]; -"1397 _param_constant241" [id=1397, type=get_attr]; -"1398 linear_89_updated_constant0" [id=1398, type=get_attr]; -"1399 symmetric_weights_decompressor_linear_89_updated_constant0_0" [id=1399, type=call_module]; -"1400 linear_89" [id=1400, type=linear]; -"1401 dropout_57" [id=1401, type=dropout]; -"1402 view_80" [id=1402, type=view]; -"1403 permute_67" [id=1403, type=permute]; -"1404 reshape_66" [id=1404, type=reshape]; -"1405 slice_218" [id=1405, type=slice]; -"1406 slice_219" [id=1406, type=slice]; -"1407 slice_220" [id=1407, type=slice]; -"1408 slice_221" [id=1408, type=slice]; -"1409 contiguous_27" [id=1409, type=contiguous]; -"1410 _param_constant242" [id=1410, type=get_attr]; -"1411 _param_constant243" [id=1411, type=get_attr]; -"1412 layer_norm_31" [id=1412, type=layer_norm]; -"1413 add_50" [id=1413, type=add]; -"1414 _param_constant245" [id=1414, type=get_attr]; -"1415 linear_90_updated_constant0" [id=1415, type=get_attr]; -"1416 symmetric_weights_decompressor_linear_90_updated_constant0_0" [id=1416, type=call_module]; -"1417 linear_90" [id=1417, type=linear]; -"1418 gelu_14" [id=1418, type=gelu]; -"1419 dropout_58" [id=1419, type=dropout]; -"1420 _param_constant247" [id=1420, type=get_attr]; -"1421 linear_91_updated_constant0" [id=1421, type=get_attr]; -"1422 symmetric_weights_decompressor_linear_91_updated_constant0_0" [id=1422, type=call_module]; -"1423 linear_91" [id=1423, type=linear]; -"1424 dropout_59" [id=1424, type=dropout]; -"1425 _param_constant248" [id=1425, type=get_attr]; -"1426 _param_constant249" [id=1426, type=get_attr]; -"1427 layer_norm_32" [id=1427, type=layer_norm]; -"1428 add_51" [id=1428, type=add]; -"1429 _tensor_constant93" [id=1429, type=get_attr]; -"1430 _param_constant251" [id=1430, type=get_attr]; -"1431 linear_92_updated_constant0" [id=1431, type=get_attr]; -"1432 symmetric_weights_decompressor_linear_92_updated_constant0_0" [id=1432, type=call_module]; -"1433 linear_92" [id=1433, type=linear]; -"1434 relu__15" [id=1434, type=relu_]; -"1435 linear_93_updated_constant0" [id=1435, type=get_attr]; -"1436 symmetric_weights_decompressor_linear_93_updated_constant0_0" [id=1436, type=call_module]; -"1437 linear_93" [id=1437, type=linear]; -"1438 view_81" [id=1438, type=view]; -"1439 _tensor_constant94" [id=1439, type=get_attr]; -"1440 index_15" [id=1440, type=index]; -"1441 view_82" [id=1441, type=view]; -"1442 permute_68" [id=1442, type=permute]; -"1443 contiguous_28" [id=1443, type=contiguous]; -"1444 unsqueeze_43" [id=1444, type=unsqueeze]; -"1445 sigmoid_15" [id=1445, type=sigmoid]; -"1446 mul_30" [id=1446, type=mul]; -"1447 pad_17" [id=1447, type=pad]; -"1448 roll_14" [id=1448, type=roll]; -"1449 view_83" [id=1449, type=view]; -"1450 permute_69" [id=1450, type=permute]; -"1451 reshape_67" [id=1451, type=reshape]; -"1452 _param_constant253" [id=1452, type=get_attr]; -"1453 clone_15" [id=1453, type=clone]; -"1454 linear_94_updated_constant0" [id=1454, type=get_attr]; -"1455 symmetric_weights_decompressor_linear_94_updated_constant0_0" [id=1455, type=call_module]; -"1456 linear_94" [id=1456, type=linear]; -"1457 reshape_68" [id=1457, type=reshape]; -"1458 permute_70" [id=1458, type=permute]; -"1459 select_45" [id=1459, type=select]; -"1460 select_46" [id=1460, type=select]; -"1461 select_47" [id=1461, type=select]; -"1462 linalg_vector_norm_30" [id=1462, type=linalg_vector_norm]; -"1463 clamp_min_30" [id=1463, type=clamp_min]; -"1464 expand_as_30" [id=1464, type=expand_as]; -"1465 div_30" [id=1465, type=div]; -"1466 linalg_vector_norm_31" [id=1466, type=linalg_vector_norm]; -"1467 clamp_min_31" [id=1467, type=clamp_min]; -"1468 expand_as_31" [id=1468, type=expand_as]; -"1469 div_31" [id=1469, type=div]; -"1470 transpose_30" [id=1470, type=transpose]; -"1471 matmul_30" [id=1471, type=matmul]; -"1472 _param_constant255" [id=1472, type=get_attr]; -"1473 clamp_15" [id=1473, type=clamp]; -"1474 exp_15" [id=1474, type=exp]; -"1475 mul_31" [id=1475, type=mul]; -"1476 add_52" [id=1476, type=add]; -"1477 new_zeros_7" [id=1477, type=new_zeros]; -"1478 view_84" [id=1478, type=view]; -"1479 permute_71" [id=1479, type=permute]; -"1480 reshape_69" [id=1480, type=reshape]; -"1481 unsqueeze_44" [id=1481, type=unsqueeze]; -"1482 unsqueeze_45" [id=1482, type=unsqueeze]; -"1483 sub_7" [id=1483, type=sub]; -"1484 ne_7" [id=1484, type=ne]; -"1485 masked_fill_14" [id=1485, type=masked_fill]; -"1486 eq_7" [id=1486, type=eq]; -"1487 masked_fill_15" [id=1487, type=masked_fill]; -"1488 view_85" [id=1488, type=view]; -"1489 unsqueeze_46" [id=1489, type=unsqueeze]; -"1490 unsqueeze_47" [id=1490, type=unsqueeze]; -"1491 add_53" [id=1491, type=add]; -"1492 view_86" [id=1492, type=view]; -"1493 softmax_15" [id=1493, type=softmax]; -"1494 dropout_60" [id=1494, type=dropout]; -"1495 matmul_31" [id=1495, type=matmul]; -"1496 transpose_31" [id=1496, type=transpose]; -"1497 reshape_70" [id=1497, type=reshape]; -"1498 _param_constant257" [id=1498, type=get_attr]; -"1499 linear_95_updated_constant0" [id=1499, type=get_attr]; -"1500 symmetric_weights_decompressor_linear_95_updated_constant0_0" [id=1500, type=call_module]; -"1501 linear_95" [id=1501, type=linear]; -"1502 dropout_61" [id=1502, type=dropout]; -"1503 view_87" [id=1503, type=view]; -"1504 permute_72" [id=1504, type=permute]; -"1505 reshape_71" [id=1505, type=reshape]; -"1506 roll_15" [id=1506, type=roll]; -"1507 slice_241" [id=1507, type=slice]; -"1508 slice_242" [id=1508, type=slice]; -"1509 slice_243" [id=1509, type=slice]; -"1510 slice_244" [id=1510, type=slice]; -"1511 contiguous_29" [id=1511, type=contiguous]; -"1512 _param_constant258" [id=1512, type=get_attr]; -"1513 _param_constant259" [id=1513, type=get_attr]; -"1514 layer_norm_33" [id=1514, type=layer_norm]; -"1515 add_54" [id=1515, type=add]; -"1516 _param_constant261" [id=1516, type=get_attr]; -"1517 linear_96_updated_constant0" [id=1517, type=get_attr]; -"1518 symmetric_weights_decompressor_linear_96_updated_constant0_0" [id=1518, type=call_module]; -"1519 linear_96" [id=1519, type=linear]; -"1520 gelu_15" [id=1520, type=gelu]; -"1521 dropout_62" [id=1521, type=dropout]; -"1522 _param_constant263" [id=1522, type=get_attr]; -"1523 linear_97_updated_constant0" [id=1523, type=get_attr]; -"1524 symmetric_weights_decompressor_linear_97_updated_constant0_0" [id=1524, type=call_module]; -"1525 linear_97" [id=1525, type=linear]; -"1526 dropout_63" [id=1526, type=dropout]; -"1527 _param_constant264" [id=1527, type=get_attr]; -"1528 _param_constant265" [id=1528, type=get_attr]; -"1529 layer_norm_34" [id=1529, type=layer_norm]; -"1530 add_55" [id=1530, type=add]; -"1531 _tensor_constant104" [id=1531, type=get_attr]; -"1532 _param_constant267" [id=1532, type=get_attr]; -"1533 linear_98_updated_constant0" [id=1533, type=get_attr]; -"1534 symmetric_weights_decompressor_linear_98_updated_constant0_0" [id=1534, type=call_module]; -"1535 linear_98" [id=1535, type=linear]; -"1536 relu__16" [id=1536, type=relu_]; -"1537 linear_99_updated_constant0" [id=1537, type=get_attr]; -"1538 symmetric_weights_decompressor_linear_99_updated_constant0_0" [id=1538, type=call_module]; -"1539 linear_99" [id=1539, type=linear]; -"1540 view_88" [id=1540, type=view]; -"1541 _tensor_constant105" [id=1541, type=get_attr]; -"1542 index_16" [id=1542, type=index]; -"1543 view_89" [id=1543, type=view]; -"1544 permute_73" [id=1544, type=permute]; -"1545 contiguous_30" [id=1545, type=contiguous]; -"1546 unsqueeze_48" [id=1546, type=unsqueeze]; -"1547 sigmoid_16" [id=1547, type=sigmoid]; -"1548 mul_32" [id=1548, type=mul]; -"1549 pad_18" [id=1549, type=pad]; -"1550 view_90" [id=1550, type=view]; -"1551 permute_74" [id=1551, type=permute]; -"1552 reshape_72" [id=1552, type=reshape]; -"1553 _param_constant269" [id=1553, type=get_attr]; -"1554 clone_16" [id=1554, type=clone]; -"1555 linear_100_updated_constant0" [id=1555, type=get_attr]; -"1556 symmetric_weights_decompressor_linear_100_updated_constant0_0" [id=1556, type=call_module]; -"1557 linear_100" [id=1557, type=linear]; -"1558 reshape_73" [id=1558, type=reshape]; -"1559 permute_75" [id=1559, type=permute]; -"1560 select_48" [id=1560, type=select]; -"1561 select_49" [id=1561, type=select]; -"1562 select_50" [id=1562, type=select]; -"1563 linalg_vector_norm_32" [id=1563, type=linalg_vector_norm]; -"1564 clamp_min_32" [id=1564, type=clamp_min]; -"1565 expand_as_32" [id=1565, type=expand_as]; -"1566 div_32" [id=1566, type=div]; -"1567 linalg_vector_norm_33" [id=1567, type=linalg_vector_norm]; -"1568 clamp_min_33" [id=1568, type=clamp_min]; -"1569 expand_as_33" [id=1569, type=expand_as]; -"1570 div_33" [id=1570, type=div]; -"1571 transpose_32" [id=1571, type=transpose]; -"1572 matmul_32" [id=1572, type=matmul]; -"1573 _param_constant271" [id=1573, type=get_attr]; -"1574 clamp_16" [id=1574, type=clamp]; -"1575 exp_16" [id=1575, type=exp]; -"1576 mul_33" [id=1576, type=mul]; -"1577 add_56" [id=1577, type=add]; -"1578 softmax_16" [id=1578, type=softmax]; -"1579 dropout_64" [id=1579, type=dropout]; -"1580 matmul_33" [id=1580, type=matmul]; -"1581 transpose_33" [id=1581, type=transpose]; -"1582 reshape_74" [id=1582, type=reshape]; -"1583 _param_constant273" [id=1583, type=get_attr]; -"1584 linear_101_updated_constant0" [id=1584, type=get_attr]; -"1585 symmetric_weights_decompressor_linear_101_updated_constant0_0" [id=1585, type=call_module]; -"1586 linear_101" [id=1586, type=linear]; -"1587 dropout_65" [id=1587, type=dropout]; -"1588 view_91" [id=1588, type=view]; -"1589 permute_76" [id=1589, type=permute]; -"1590 reshape_75" [id=1590, type=reshape]; -"1591 slice_246" [id=1591, type=slice]; -"1592 slice_247" [id=1592, type=slice]; -"1593 slice_248" [id=1593, type=slice]; -"1594 slice_249" [id=1594, type=slice]; -"1595 contiguous_31" [id=1595, type=contiguous]; -"1596 _param_constant274" [id=1596, type=get_attr]; -"1597 _param_constant275" [id=1597, type=get_attr]; -"1598 layer_norm_35" [id=1598, type=layer_norm]; -"1599 add_57" [id=1599, type=add]; -"1600 _param_constant277" [id=1600, type=get_attr]; -"1601 linear_102_updated_constant0" [id=1601, type=get_attr]; -"1602 symmetric_weights_decompressor_linear_102_updated_constant0_0" [id=1602, type=call_module]; -"1603 linear_102" [id=1603, type=linear]; -"1604 gelu_16" [id=1604, type=gelu]; -"1605 dropout_66" [id=1605, type=dropout]; -"1606 _param_constant279" [id=1606, type=get_attr]; -"1607 linear_103_updated_constant0" [id=1607, type=get_attr]; -"1608 symmetric_weights_decompressor_linear_103_updated_constant0_0" [id=1608, type=call_module]; -"1609 linear_103" [id=1609, type=linear]; -"1610 dropout_67" [id=1610, type=dropout]; -"1611 _param_constant280" [id=1611, type=get_attr]; -"1612 _param_constant281" [id=1612, type=get_attr]; -"1613 layer_norm_36" [id=1613, type=layer_norm]; -"1614 add_58" [id=1614, type=add]; -"1615 _tensor_constant106" [id=1615, type=get_attr]; -"1616 _param_constant283" [id=1616, type=get_attr]; -"1617 linear_104_updated_constant0" [id=1617, type=get_attr]; -"1618 symmetric_weights_decompressor_linear_104_updated_constant0_0" [id=1618, type=call_module]; -"1619 linear_104" [id=1619, type=linear]; -"1620 relu__17" [id=1620, type=relu_]; -"1621 linear_105_updated_constant0" [id=1621, type=get_attr]; -"1622 symmetric_weights_decompressor_linear_105_updated_constant0_0" [id=1622, type=call_module]; -"1623 linear_105" [id=1623, type=linear]; -"1624 view_92" [id=1624, type=view]; -"1625 _tensor_constant107" [id=1625, type=get_attr]; -"1626 index_17" [id=1626, type=index]; -"1627 view_93" [id=1627, type=view]; -"1628 permute_77" [id=1628, type=permute]; -"1629 contiguous_32" [id=1629, type=contiguous]; -"1630 unsqueeze_49" [id=1630, type=unsqueeze]; -"1631 sigmoid_17" [id=1631, type=sigmoid]; -"1632 mul_34" [id=1632, type=mul]; -"1633 pad_19" [id=1633, type=pad]; -"1634 roll_16" [id=1634, type=roll]; -"1635 view_94" [id=1635, type=view]; -"1636 permute_78" [id=1636, type=permute]; -"1637 reshape_76" [id=1637, type=reshape]; -"1638 _param_constant285" [id=1638, type=get_attr]; -"1639 clone_17" [id=1639, type=clone]; -"1640 linear_106_updated_constant0" [id=1640, type=get_attr]; -"1641 symmetric_weights_decompressor_linear_106_updated_constant0_0" [id=1641, type=call_module]; -"1642 linear_106" [id=1642, type=linear]; -"1643 reshape_77" [id=1643, type=reshape]; -"1644 permute_79" [id=1644, type=permute]; -"1645 select_51" [id=1645, type=select]; -"1646 select_52" [id=1646, type=select]; -"1647 select_53" [id=1647, type=select]; -"1648 linalg_vector_norm_34" [id=1648, type=linalg_vector_norm]; -"1649 clamp_min_34" [id=1649, type=clamp_min]; -"1650 expand_as_34" [id=1650, type=expand_as]; -"1651 div_34" [id=1651, type=div]; -"1652 linalg_vector_norm_35" [id=1652, type=linalg_vector_norm]; -"1653 clamp_min_35" [id=1653, type=clamp_min]; -"1654 expand_as_35" [id=1654, type=expand_as]; -"1655 div_35" [id=1655, type=div]; -"1656 transpose_34" [id=1656, type=transpose]; -"1657 matmul_34" [id=1657, type=matmul]; -"1658 _param_constant287" [id=1658, type=get_attr]; -"1659 clamp_17" [id=1659, type=clamp]; -"1660 exp_17" [id=1660, type=exp]; -"1661 mul_35" [id=1661, type=mul]; -"1662 add_59" [id=1662, type=add]; -"1663 new_zeros_8" [id=1663, type=new_zeros]; -"1664 view_95" [id=1664, type=view]; -"1665 permute_80" [id=1665, type=permute]; -"1666 reshape_78" [id=1666, type=reshape]; -"1667 unsqueeze_50" [id=1667, type=unsqueeze]; -"1668 unsqueeze_51" [id=1668, type=unsqueeze]; -"1669 sub_8" [id=1669, type=sub]; -"1670 ne_8" [id=1670, type=ne]; -"1671 masked_fill_16" [id=1671, type=masked_fill]; -"1672 eq_8" [id=1672, type=eq]; -"1673 masked_fill_17" [id=1673, type=masked_fill]; -"1674 view_96" [id=1674, type=view]; -"1675 unsqueeze_52" [id=1675, type=unsqueeze]; -"1676 unsqueeze_53" [id=1676, type=unsqueeze]; -"1677 add_60" [id=1677, type=add]; -"1678 view_97" [id=1678, type=view]; -"1679 softmax_17" [id=1679, type=softmax]; -"1680 dropout_68" [id=1680, type=dropout]; -"1681 matmul_35" [id=1681, type=matmul]; -"1682 transpose_35" [id=1682, type=transpose]; -"1683 reshape_79" [id=1683, type=reshape]; -"1684 _param_constant289" [id=1684, type=get_attr]; -"1685 linear_107_updated_constant0" [id=1685, type=get_attr]; -"1686 symmetric_weights_decompressor_linear_107_updated_constant0_0" [id=1686, type=call_module]; -"1687 linear_107" [id=1687, type=linear]; -"1688 dropout_69" [id=1688, type=dropout]; -"1689 view_98" [id=1689, type=view]; -"1690 permute_81" [id=1690, type=permute]; -"1691 reshape_80" [id=1691, type=reshape]; -"1692 roll_17" [id=1692, type=roll]; -"1693 slice_269" [id=1693, type=slice]; -"1694 slice_270" [id=1694, type=slice]; -"1695 slice_271" [id=1695, type=slice]; -"1696 slice_272" [id=1696, type=slice]; -"1697 contiguous_33" [id=1697, type=contiguous]; -"1698 _param_constant290" [id=1698, type=get_attr]; -"1699 _param_constant291" [id=1699, type=get_attr]; -"1700 layer_norm_37" [id=1700, type=layer_norm]; -"1701 add_61" [id=1701, type=add]; -"1702 _param_constant293" [id=1702, type=get_attr]; -"1703 linear_108_updated_constant0" [id=1703, type=get_attr]; -"1704 symmetric_weights_decompressor_linear_108_updated_constant0_0" [id=1704, type=call_module]; -"1705 linear_108" [id=1705, type=linear]; -"1706 gelu_17" [id=1706, type=gelu]; -"1707 dropout_70" [id=1707, type=dropout]; -"1708 _param_constant295" [id=1708, type=get_attr]; -"1709 linear_109_updated_constant0" [id=1709, type=get_attr]; -"1710 symmetric_weights_decompressor_linear_109_updated_constant0_0" [id=1710, type=call_module]; -"1711 linear_109" [id=1711, type=linear]; -"1712 dropout_71" [id=1712, type=dropout]; -"1713 _param_constant296" [id=1713, type=get_attr]; -"1714 _param_constant297" [id=1714, type=get_attr]; -"1715 layer_norm_38" [id=1715, type=layer_norm]; -"1716 add_62" [id=1716, type=add]; -"1717 _tensor_constant117" [id=1717, type=get_attr]; -"1718 _param_constant299" [id=1718, type=get_attr]; -"1719 linear_110_updated_constant0" [id=1719, type=get_attr]; -"1720 symmetric_weights_decompressor_linear_110_updated_constant0_0" [id=1720, type=call_module]; -"1721 linear_110" [id=1721, type=linear]; -"1722 relu__18" [id=1722, type=relu_]; -"1723 linear_111_updated_constant0" [id=1723, type=get_attr]; -"1724 symmetric_weights_decompressor_linear_111_updated_constant0_0" [id=1724, type=call_module]; -"1725 linear_111" [id=1725, type=linear]; -"1726 view_99" [id=1726, type=view]; -"1727 _tensor_constant118" [id=1727, type=get_attr]; -"1728 index_18" [id=1728, type=index]; -"1729 view_100" [id=1729, type=view]; -"1730 permute_82" [id=1730, type=permute]; -"1731 contiguous_34" [id=1731, type=contiguous]; -"1732 unsqueeze_54" [id=1732, type=unsqueeze]; -"1733 sigmoid_18" [id=1733, type=sigmoid]; -"1734 mul_36" [id=1734, type=mul]; -"1735 pad_20" [id=1735, type=pad]; -"1736 view_101" [id=1736, type=view]; -"1737 permute_83" [id=1737, type=permute]; -"1738 reshape_81" [id=1738, type=reshape]; -"1739 _param_constant301" [id=1739, type=get_attr]; -"1740 clone_18" [id=1740, type=clone]; -"1741 linear_112_updated_constant0" [id=1741, type=get_attr]; -"1742 symmetric_weights_decompressor_linear_112_updated_constant0_0" [id=1742, type=call_module]; -"1743 linear_112" [id=1743, type=linear]; -"1744 reshape_82" [id=1744, type=reshape]; -"1745 permute_84" [id=1745, type=permute]; -"1746 select_54" [id=1746, type=select]; -"1747 select_55" [id=1747, type=select]; -"1748 select_56" [id=1748, type=select]; -"1749 linalg_vector_norm_36" [id=1749, type=linalg_vector_norm]; -"1750 clamp_min_36" [id=1750, type=clamp_min]; -"1751 expand_as_36" [id=1751, type=expand_as]; -"1752 div_36" [id=1752, type=div]; -"1753 linalg_vector_norm_37" [id=1753, type=linalg_vector_norm]; -"1754 clamp_min_37" [id=1754, type=clamp_min]; -"1755 expand_as_37" [id=1755, type=expand_as]; -"1756 div_37" [id=1756, type=div]; -"1757 transpose_36" [id=1757, type=transpose]; -"1758 matmul_36" [id=1758, type=matmul]; -"1759 _param_constant303" [id=1759, type=get_attr]; -"1760 clamp_18" [id=1760, type=clamp]; -"1761 exp_18" [id=1761, type=exp]; -"1762 mul_37" [id=1762, type=mul]; -"1763 add_63" [id=1763, type=add]; -"1764 softmax_18" [id=1764, type=softmax]; -"1765 dropout_72" [id=1765, type=dropout]; -"1766 matmul_37" [id=1766, type=matmul]; -"1767 transpose_37" [id=1767, type=transpose]; -"1768 reshape_83" [id=1768, type=reshape]; -"1769 _param_constant305" [id=1769, type=get_attr]; -"1770 linear_113_updated_constant0" [id=1770, type=get_attr]; -"1771 symmetric_weights_decompressor_linear_113_updated_constant0_0" [id=1771, type=call_module]; -"1772 linear_113" [id=1772, type=linear]; -"1773 dropout_73" [id=1773, type=dropout]; -"1774 view_102" [id=1774, type=view]; -"1775 permute_85" [id=1775, type=permute]; -"1776 reshape_84" [id=1776, type=reshape]; -"1777 slice_274" [id=1777, type=slice]; -"1778 slice_275" [id=1778, type=slice]; -"1779 slice_276" [id=1779, type=slice]; -"1780 slice_277" [id=1780, type=slice]; -"1781 contiguous_35" [id=1781, type=contiguous]; -"1782 _param_constant306" [id=1782, type=get_attr]; -"1783 _param_constant307" [id=1783, type=get_attr]; -"1784 layer_norm_39" [id=1784, type=layer_norm]; -"1785 add_64" [id=1785, type=add]; -"1786 _param_constant309" [id=1786, type=get_attr]; -"1787 linear_114_updated_constant0" [id=1787, type=get_attr]; -"1788 symmetric_weights_decompressor_linear_114_updated_constant0_0" [id=1788, type=call_module]; -"1789 linear_114" [id=1789, type=linear]; -"1790 gelu_18" [id=1790, type=gelu]; -"1791 dropout_74" [id=1791, type=dropout]; -"1792 _param_constant311" [id=1792, type=get_attr]; -"1793 linear_115_updated_constant0" [id=1793, type=get_attr]; -"1794 symmetric_weights_decompressor_linear_115_updated_constant0_0" [id=1794, type=call_module]; -"1795 linear_115" [id=1795, type=linear]; -"1796 dropout_75" [id=1796, type=dropout]; -"1797 _param_constant312" [id=1797, type=get_attr]; -"1798 _param_constant313" [id=1798, type=get_attr]; -"1799 layer_norm_40" [id=1799, type=layer_norm]; -"1800 add_65" [id=1800, type=add]; -"1801 _tensor_constant119" [id=1801, type=get_attr]; -"1802 _param_constant315" [id=1802, type=get_attr]; -"1803 linear_116_updated_constant0" [id=1803, type=get_attr]; -"1804 symmetric_weights_decompressor_linear_116_updated_constant0_0" [id=1804, type=call_module]; -"1805 linear_116" [id=1805, type=linear]; -"1806 relu__19" [id=1806, type=relu_]; -"1807 linear_117_updated_constant0" [id=1807, type=get_attr]; -"1808 symmetric_weights_decompressor_linear_117_updated_constant0_0" [id=1808, type=call_module]; -"1809 linear_117" [id=1809, type=linear]; -"1810 view_103" [id=1810, type=view]; -"1811 _tensor_constant120" [id=1811, type=get_attr]; -"1812 index_19" [id=1812, type=index]; -"1813 view_104" [id=1813, type=view]; -"1814 permute_86" [id=1814, type=permute]; -"1815 contiguous_36" [id=1815, type=contiguous]; -"1816 unsqueeze_55" [id=1816, type=unsqueeze]; -"1817 sigmoid_19" [id=1817, type=sigmoid]; -"1818 mul_38" [id=1818, type=mul]; -"1819 pad_21" [id=1819, type=pad]; -"1820 roll_18" [id=1820, type=roll]; -"1821 view_105" [id=1821, type=view]; -"1822 permute_87" [id=1822, type=permute]; -"1823 reshape_85" [id=1823, type=reshape]; -"1824 _param_constant317" [id=1824, type=get_attr]; -"1825 clone_19" [id=1825, type=clone]; -"1826 linear_118_updated_constant0" [id=1826, type=get_attr]; -"1827 symmetric_weights_decompressor_linear_118_updated_constant0_0" [id=1827, type=call_module]; -"1828 linear_118" [id=1828, type=linear]; -"1829 reshape_86" [id=1829, type=reshape]; -"1830 permute_88" [id=1830, type=permute]; -"1831 select_57" [id=1831, type=select]; -"1832 select_58" [id=1832, type=select]; -"1833 select_59" [id=1833, type=select]; -"1834 linalg_vector_norm_38" [id=1834, type=linalg_vector_norm]; -"1835 clamp_min_38" [id=1835, type=clamp_min]; -"1836 expand_as_38" [id=1836, type=expand_as]; -"1837 div_38" [id=1837, type=div]; -"1838 linalg_vector_norm_39" [id=1838, type=linalg_vector_norm]; -"1839 clamp_min_39" [id=1839, type=clamp_min]; -"1840 expand_as_39" [id=1840, type=expand_as]; -"1841 div_39" [id=1841, type=div]; -"1842 transpose_38" [id=1842, type=transpose]; -"1843 matmul_38" [id=1843, type=matmul]; -"1844 _param_constant319" [id=1844, type=get_attr]; -"1845 clamp_19" [id=1845, type=clamp]; -"1846 exp_19" [id=1846, type=exp]; -"1847 mul_39" [id=1847, type=mul]; -"1848 add_66" [id=1848, type=add]; -"1849 new_zeros_9" [id=1849, type=new_zeros]; -"1850 view_106" [id=1850, type=view]; -"1851 permute_89" [id=1851, type=permute]; -"1852 reshape_87" [id=1852, type=reshape]; -"1853 unsqueeze_56" [id=1853, type=unsqueeze]; -"1854 unsqueeze_57" [id=1854, type=unsqueeze]; -"1855 sub_9" [id=1855, type=sub]; -"1856 ne_9" [id=1856, type=ne]; -"1857 masked_fill_18" [id=1857, type=masked_fill]; -"1858 eq_9" [id=1858, type=eq]; -"1859 masked_fill_19" [id=1859, type=masked_fill]; -"1860 view_107" [id=1860, type=view]; -"1861 unsqueeze_58" [id=1861, type=unsqueeze]; -"1862 unsqueeze_59" [id=1862, type=unsqueeze]; -"1863 add_67" [id=1863, type=add]; -"1864 view_108" [id=1864, type=view]; -"1865 softmax_19" [id=1865, type=softmax]; -"1866 dropout_76" [id=1866, type=dropout]; -"1867 matmul_39" [id=1867, type=matmul]; -"1868 transpose_39" [id=1868, type=transpose]; -"1869 reshape_88" [id=1869, type=reshape]; -"1870 _param_constant321" [id=1870, type=get_attr]; -"1871 linear_119_updated_constant0" [id=1871, type=get_attr]; -"1872 symmetric_weights_decompressor_linear_119_updated_constant0_0" [id=1872, type=call_module]; -"1873 linear_119" [id=1873, type=linear]; -"1874 dropout_77" [id=1874, type=dropout]; -"1875 view_109" [id=1875, type=view]; -"1876 permute_90" [id=1876, type=permute]; -"1877 reshape_89" [id=1877, type=reshape]; -"1878 roll_19" [id=1878, type=roll]; -"1879 slice_297" [id=1879, type=slice]; -"1880 slice_298" [id=1880, type=slice]; -"1881 slice_299" [id=1881, type=slice]; -"1882 slice_300" [id=1882, type=slice]; -"1883 contiguous_37" [id=1883, type=contiguous]; -"1884 _param_constant322" [id=1884, type=get_attr]; -"1885 _param_constant323" [id=1885, type=get_attr]; -"1886 layer_norm_41" [id=1886, type=layer_norm]; -"1887 add_68" [id=1887, type=add]; -"1888 _param_constant325" [id=1888, type=get_attr]; -"1889 linear_120_updated_constant0" [id=1889, type=get_attr]; -"1890 symmetric_weights_decompressor_linear_120_updated_constant0_0" [id=1890, type=call_module]; -"1891 linear_120" [id=1891, type=linear]; -"1892 gelu_19" [id=1892, type=gelu]; -"1893 dropout_78" [id=1893, type=dropout]; -"1894 _param_constant327" [id=1894, type=get_attr]; -"1895 linear_121_updated_constant0" [id=1895, type=get_attr]; -"1896 symmetric_weights_decompressor_linear_121_updated_constant0_0" [id=1896, type=call_module]; -"1897 linear_121" [id=1897, type=linear]; -"1898 dropout_79" [id=1898, type=dropout]; -"1899 _param_constant328" [id=1899, type=get_attr]; -"1900 _param_constant329" [id=1900, type=get_attr]; -"1901 layer_norm_42" [id=1901, type=layer_norm]; -"1902 add_69" [id=1902, type=add]; -"1903 _tensor_constant130" [id=1903, type=get_attr]; -"1904 _param_constant331" [id=1904, type=get_attr]; -"1905 linear_122_updated_constant0" [id=1905, type=get_attr]; -"1906 symmetric_weights_decompressor_linear_122_updated_constant0_0" [id=1906, type=call_module]; -"1907 linear_122" [id=1907, type=linear]; -"1908 relu__20" [id=1908, type=relu_]; -"1909 linear_123_updated_constant0" [id=1909, type=get_attr]; -"1910 symmetric_weights_decompressor_linear_123_updated_constant0_0" [id=1910, type=call_module]; -"1911 linear_123" [id=1911, type=linear]; -"1912 view_110" [id=1912, type=view]; -"1913 _tensor_constant131" [id=1913, type=get_attr]; -"1914 index_20" [id=1914, type=index]; -"1915 view_111" [id=1915, type=view]; -"1916 permute_91" [id=1916, type=permute]; -"1917 contiguous_38" [id=1917, type=contiguous]; -"1918 unsqueeze_60" [id=1918, type=unsqueeze]; -"1919 sigmoid_20" [id=1919, type=sigmoid]; -"1920 mul_40" [id=1920, type=mul]; -"1921 pad_22" [id=1921, type=pad]; -"1922 view_112" [id=1922, type=view]; -"1923 permute_92" [id=1923, type=permute]; -"1924 reshape_90" [id=1924, type=reshape]; -"1925 _param_constant333" [id=1925, type=get_attr]; -"1926 clone_20" [id=1926, type=clone]; -"1927 linear_124_updated_constant0" [id=1927, type=get_attr]; -"1928 symmetric_weights_decompressor_linear_124_updated_constant0_0" [id=1928, type=call_module]; -"1929 linear_124" [id=1929, type=linear]; -"1930 reshape_91" [id=1930, type=reshape]; -"1931 permute_93" [id=1931, type=permute]; -"1932 select_60" [id=1932, type=select]; -"1933 select_61" [id=1933, type=select]; -"1934 select_62" [id=1934, type=select]; -"1935 linalg_vector_norm_40" [id=1935, type=linalg_vector_norm]; -"1936 clamp_min_40" [id=1936, type=clamp_min]; -"1937 expand_as_40" [id=1937, type=expand_as]; -"1938 div_40" [id=1938, type=div]; -"1939 linalg_vector_norm_41" [id=1939, type=linalg_vector_norm]; -"1940 clamp_min_41" [id=1940, type=clamp_min]; -"1941 expand_as_41" [id=1941, type=expand_as]; -"1942 div_41" [id=1942, type=div]; -"1943 transpose_40" [id=1943, type=transpose]; -"1944 matmul_40" [id=1944, type=matmul]; -"1945 _param_constant335" [id=1945, type=get_attr]; -"1946 clamp_20" [id=1946, type=clamp]; -"1947 exp_20" [id=1947, type=exp]; -"1948 mul_41" [id=1948, type=mul]; -"1949 add_70" [id=1949, type=add]; -"1950 softmax_20" [id=1950, type=softmax]; -"1951 dropout_80" [id=1951, type=dropout]; -"1952 matmul_41" [id=1952, type=matmul]; -"1953 transpose_41" [id=1953, type=transpose]; -"1954 reshape_92" [id=1954, type=reshape]; -"1955 _param_constant337" [id=1955, type=get_attr]; -"1956 linear_125_updated_constant0" [id=1956, type=get_attr]; -"1957 symmetric_weights_decompressor_linear_125_updated_constant0_0" [id=1957, type=call_module]; -"1958 linear_125" [id=1958, type=linear]; -"1959 dropout_81" [id=1959, type=dropout]; -"1960 view_113" [id=1960, type=view]; -"1961 permute_94" [id=1961, type=permute]; -"1962 reshape_93" [id=1962, type=reshape]; -"1963 slice_302" [id=1963, type=slice]; -"1964 slice_303" [id=1964, type=slice]; -"1965 slice_304" [id=1965, type=slice]; -"1966 slice_305" [id=1966, type=slice]; -"1967 contiguous_39" [id=1967, type=contiguous]; -"1968 _param_constant338" [id=1968, type=get_attr]; -"1969 _param_constant339" [id=1969, type=get_attr]; -"1970 layer_norm_43" [id=1970, type=layer_norm]; -"1971 add_71" [id=1971, type=add]; -"1972 _param_constant341" [id=1972, type=get_attr]; -"1973 linear_126_updated_constant0" [id=1973, type=get_attr]; -"1974 symmetric_weights_decompressor_linear_126_updated_constant0_0" [id=1974, type=call_module]; -"1975 linear_126" [id=1975, type=linear]; -"1976 gelu_20" [id=1976, type=gelu]; -"1977 dropout_82" [id=1977, type=dropout]; -"1978 _param_constant343" [id=1978, type=get_attr]; -"1979 linear_127_updated_constant0" [id=1979, type=get_attr]; -"1980 symmetric_weights_decompressor_linear_127_updated_constant0_0" [id=1980, type=call_module]; -"1981 linear_127" [id=1981, type=linear]; -"1982 dropout_83" [id=1982, type=dropout]; -"1983 _param_constant344" [id=1983, type=get_attr]; -"1984 _param_constant345" [id=1984, type=get_attr]; -"1985 layer_norm_44" [id=1985, type=layer_norm]; -"1986 add_72" [id=1986, type=add]; -"1987 _tensor_constant132" [id=1987, type=get_attr]; -"1988 _param_constant347" [id=1988, type=get_attr]; -"1989 linear_128_updated_constant0" [id=1989, type=get_attr]; -"1990 symmetric_weights_decompressor_linear_128_updated_constant0_0" [id=1990, type=call_module]; -"1991 linear_128" [id=1991, type=linear]; -"1992 relu__21" [id=1992, type=relu_]; -"1993 linear_129_updated_constant0" [id=1993, type=get_attr]; -"1994 symmetric_weights_decompressor_linear_129_updated_constant0_0" [id=1994, type=call_module]; -"1995 linear_129" [id=1995, type=linear]; -"1996 view_114" [id=1996, type=view]; -"1997 _tensor_constant133" [id=1997, type=get_attr]; -"1998 index_21" [id=1998, type=index]; -"1999 view_115" [id=1999, type=view]; -"2000 permute_95" [id=2000, type=permute]; -"2001 contiguous_40" [id=2001, type=contiguous]; -"2002 unsqueeze_61" [id=2002, type=unsqueeze]; -"2003 sigmoid_21" [id=2003, type=sigmoid]; -"2004 mul_42" [id=2004, type=mul]; -"2005 pad_23" [id=2005, type=pad]; -"2006 roll_20" [id=2006, type=roll]; -"2007 view_116" [id=2007, type=view]; -"2008 permute_96" [id=2008, type=permute]; -"2009 reshape_94" [id=2009, type=reshape]; -"2010 _param_constant349" [id=2010, type=get_attr]; -"2011 clone_21" [id=2011, type=clone]; -"2012 linear_130_updated_constant0" [id=2012, type=get_attr]; -"2013 symmetric_weights_decompressor_linear_130_updated_constant0_0" [id=2013, type=call_module]; -"2014 linear_130" [id=2014, type=linear]; -"2015 reshape_95" [id=2015, type=reshape]; -"2016 permute_97" [id=2016, type=permute]; -"2017 select_63" [id=2017, type=select]; -"2018 select_64" [id=2018, type=select]; -"2019 select_65" [id=2019, type=select]; -"2020 linalg_vector_norm_42" [id=2020, type=linalg_vector_norm]; -"2021 clamp_min_42" [id=2021, type=clamp_min]; -"2022 expand_as_42" [id=2022, type=expand_as]; -"2023 div_42" [id=2023, type=div]; -"2024 linalg_vector_norm_43" [id=2024, type=linalg_vector_norm]; -"2025 clamp_min_43" [id=2025, type=clamp_min]; -"2026 expand_as_43" [id=2026, type=expand_as]; -"2027 div_43" [id=2027, type=div]; -"2028 transpose_42" [id=2028, type=transpose]; -"2029 matmul_42" [id=2029, type=matmul]; -"2030 _param_constant351" [id=2030, type=get_attr]; -"2031 clamp_21" [id=2031, type=clamp]; -"2032 exp_21" [id=2032, type=exp]; -"2033 mul_43" [id=2033, type=mul]; -"2034 add_73" [id=2034, type=add]; -"2035 new_zeros_10" [id=2035, type=new_zeros]; -"2036 view_117" [id=2036, type=view]; -"2037 permute_98" [id=2037, type=permute]; -"2038 reshape_96" [id=2038, type=reshape]; -"2039 unsqueeze_62" [id=2039, type=unsqueeze]; -"2040 unsqueeze_63" [id=2040, type=unsqueeze]; -"2041 sub_10" [id=2041, type=sub]; -"2042 ne_10" [id=2042, type=ne]; -"2043 masked_fill_20" [id=2043, type=masked_fill]; -"2044 eq_10" [id=2044, type=eq]; -"2045 masked_fill_21" [id=2045, type=masked_fill]; -"2046 view_118" [id=2046, type=view]; -"2047 unsqueeze_64" [id=2047, type=unsqueeze]; -"2048 unsqueeze_65" [id=2048, type=unsqueeze]; -"2049 add_74" [id=2049, type=add]; -"2050 view_119" [id=2050, type=view]; -"2051 softmax_21" [id=2051, type=softmax]; -"2052 dropout_84" [id=2052, type=dropout]; -"2053 matmul_43" [id=2053, type=matmul]; -"2054 transpose_43" [id=2054, type=transpose]; -"2055 reshape_97" [id=2055, type=reshape]; -"2056 _param_constant353" [id=2056, type=get_attr]; -"2057 linear_131_updated_constant0" [id=2057, type=get_attr]; -"2058 symmetric_weights_decompressor_linear_131_updated_constant0_0" [id=2058, type=call_module]; -"2059 linear_131" [id=2059, type=linear]; -"2060 dropout_85" [id=2060, type=dropout]; -"2061 view_120" [id=2061, type=view]; -"2062 permute_99" [id=2062, type=permute]; -"2063 reshape_98" [id=2063, type=reshape]; -"2064 roll_21" [id=2064, type=roll]; -"2065 slice_325" [id=2065, type=slice]; -"2066 slice_326" [id=2066, type=slice]; -"2067 slice_327" [id=2067, type=slice]; -"2068 slice_328" [id=2068, type=slice]; -"2069 contiguous_41" [id=2069, type=contiguous]; -"2070 _param_constant354" [id=2070, type=get_attr]; -"2071 _param_constant355" [id=2071, type=get_attr]; -"2072 layer_norm_45" [id=2072, type=layer_norm]; -"2073 add_75" [id=2073, type=add]; -"2074 _param_constant357" [id=2074, type=get_attr]; -"2075 linear_132_updated_constant0" [id=2075, type=get_attr]; -"2076 symmetric_weights_decompressor_linear_132_updated_constant0_0" [id=2076, type=call_module]; -"2077 linear_132" [id=2077, type=linear]; -"2078 gelu_21" [id=2078, type=gelu]; -"2079 dropout_86" [id=2079, type=dropout]; -"2080 _param_constant359" [id=2080, type=get_attr]; -"2081 linear_133_updated_constant0" [id=2081, type=get_attr]; -"2082 symmetric_weights_decompressor_linear_133_updated_constant0_0" [id=2082, type=call_module]; -"2083 linear_133" [id=2083, type=linear]; -"2084 dropout_87" [id=2084, type=dropout]; -"2085 _param_constant360" [id=2085, type=get_attr]; -"2086 _param_constant361" [id=2086, type=get_attr]; -"2087 layer_norm_46" [id=2087, type=layer_norm]; -"2088 add_76" [id=2088, type=add]; -"2089 pad_24" [id=2089, type=pad]; -"2090 slice_329" [id=2090, type=slice]; -"2091 slice_330" [id=2091, type=slice]; -"2092 slice_331" [id=2092, type=slice]; -"2093 slice_332" [id=2093, type=slice]; -"2094 slice_333" [id=2094, type=slice]; -"2095 slice_334" [id=2095, type=slice]; -"2096 slice_335" [id=2096, type=slice]; -"2097 slice_336" [id=2097, type=slice]; -"2098 slice_337" [id=2098, type=slice]; -"2099 slice_338" [id=2099, type=slice]; -"2100 slice_339" [id=2100, type=slice]; -"2101 slice_340" [id=2101, type=slice]; -"2102 cat_2" [id=2102, type=cat]; -"2103 linear_134_updated_constant0" [id=2103, type=get_attr]; -"2104 symmetric_weights_decompressor_linear_134_updated_constant0_0" [id=2104, type=call_module]; -"2105 linear_134" [id=2105, type=linear]; -"2106 _param_constant363" [id=2106, type=get_attr]; -"2107 _param_constant364" [id=2107, type=get_attr]; -"2108 layer_norm_47" [id=2108, type=layer_norm]; -"2109 _tensor_constant143" [id=2109, type=get_attr]; -"2110 _param_constant366" [id=2110, type=get_attr]; -"2111 linear_135_updated_constant0" [id=2111, type=get_attr]; -"2112 symmetric_weights_decompressor_linear_135_updated_constant0_0" [id=2112, type=call_module]; -"2113 linear_135" [id=2113, type=linear]; -"2114 relu__22" [id=2114, type=relu_]; -"2115 linear_136_updated_constant0" [id=2115, type=get_attr]; -"2116 symmetric_weights_decompressor_linear_136_updated_constant0_0" [id=2116, type=call_module]; -"2117 linear_136" [id=2117, type=linear]; -"2118 view_121" [id=2118, type=view]; -"2119 _tensor_constant144" [id=2119, type=get_attr]; -"2120 index_22" [id=2120, type=index]; -"2121 view_122" [id=2121, type=view]; -"2122 permute_100" [id=2122, type=permute]; -"2123 contiguous_42" [id=2123, type=contiguous]; -"2124 unsqueeze_66" [id=2124, type=unsqueeze]; -"2125 sigmoid_22" [id=2125, type=sigmoid]; -"2126 mul_44" [id=2126, type=mul]; -"2127 pad_25" [id=2127, type=pad]; -"2128 view_123" [id=2128, type=view]; -"2129 permute_101" [id=2129, type=permute]; -"2130 reshape_99" [id=2130, type=reshape]; -"2131 _param_constant368" [id=2131, type=get_attr]; -"2132 clone_22" [id=2132, type=clone]; -"2133 linear_137_updated_constant0" [id=2133, type=get_attr]; -"2134 symmetric_weights_decompressor_linear_137_updated_constant0_0" [id=2134, type=call_module]; -"2135 linear_137" [id=2135, type=linear]; -"2136 reshape_100" [id=2136, type=reshape]; -"2137 permute_102" [id=2137, type=permute]; -"2138 select_66" [id=2138, type=select]; -"2139 select_67" [id=2139, type=select]; -"2140 select_68" [id=2140, type=select]; -"2141 linalg_vector_norm_44" [id=2141, type=linalg_vector_norm]; -"2142 clamp_min_44" [id=2142, type=clamp_min]; -"2143 expand_as_44" [id=2143, type=expand_as]; -"2144 div_44" [id=2144, type=div]; -"2145 linalg_vector_norm_45" [id=2145, type=linalg_vector_norm]; -"2146 clamp_min_45" [id=2146, type=clamp_min]; -"2147 expand_as_45" [id=2147, type=expand_as]; -"2148 div_45" [id=2148, type=div]; -"2149 transpose_44" [id=2149, type=transpose]; -"2150 matmul_44" [id=2150, type=matmul]; -"2151 _param_constant370" [id=2151, type=get_attr]; -"2152 clamp_22" [id=2152, type=clamp]; -"2153 exp_22" [id=2153, type=exp]; -"2154 mul_45" [id=2154, type=mul]; -"2155 add_77" [id=2155, type=add]; -"2156 softmax_22" [id=2156, type=softmax]; -"2157 dropout_88" [id=2157, type=dropout]; -"2158 matmul_45" [id=2158, type=matmul]; -"2159 transpose_45" [id=2159, type=transpose]; -"2160 reshape_101" [id=2160, type=reshape]; -"2161 _param_constant372" [id=2161, type=get_attr]; -"2162 linear_138_updated_constant0" [id=2162, type=get_attr]; -"2163 symmetric_weights_decompressor_linear_138_updated_constant0_0" [id=2163, type=call_module]; -"2164 linear_138" [id=2164, type=linear]; -"2165 dropout_89" [id=2165, type=dropout]; -"2166 view_124" [id=2166, type=view]; -"2167 permute_103" [id=2167, type=permute]; -"2168 reshape_102" [id=2168, type=reshape]; -"2169 slice_342" [id=2169, type=slice]; -"2170 slice_343" [id=2170, type=slice]; -"2171 slice_344" [id=2171, type=slice]; -"2172 slice_345" [id=2172, type=slice]; -"2173 contiguous_43" [id=2173, type=contiguous]; -"2174 _param_constant373" [id=2174, type=get_attr]; -"2175 _param_constant374" [id=2175, type=get_attr]; -"2176 layer_norm_48" [id=2176, type=layer_norm]; -"2177 add_78" [id=2177, type=add]; -"2178 _param_constant376" [id=2178, type=get_attr]; -"2179 linear_139_updated_constant0" [id=2179, type=get_attr]; -"2180 symmetric_weights_decompressor_linear_139_updated_constant0_0" [id=2180, type=call_module]; -"2181 linear_139" [id=2181, type=linear]; -"2182 gelu_22" [id=2182, type=gelu]; -"2183 dropout_90" [id=2183, type=dropout]; -"2184 _param_constant378" [id=2184, type=get_attr]; -"2185 linear_140_updated_constant0" [id=2185, type=get_attr]; -"2186 symmetric_weights_decompressor_linear_140_updated_constant0_0" [id=2186, type=call_module]; -"2187 linear_140" [id=2187, type=linear]; -"2188 dropout_91" [id=2188, type=dropout]; -"2189 _param_constant379" [id=2189, type=get_attr]; -"2190 _param_constant380" [id=2190, type=get_attr]; -"2191 layer_norm_49" [id=2191, type=layer_norm]; -"2192 add_79" [id=2192, type=add]; -"2193 _tensor_constant145" [id=2193, type=get_attr]; -"2194 _param_constant382" [id=2194, type=get_attr]; -"2195 linear_141_updated_constant0" [id=2195, type=get_attr]; -"2196 symmetric_weights_decompressor_linear_141_updated_constant0_0" [id=2196, type=call_module]; -"2197 linear_141" [id=2197, type=linear]; -"2198 relu__23" [id=2198, type=relu_]; -"2199 linear_142_updated_constant0" [id=2199, type=get_attr]; -"2200 symmetric_weights_decompressor_linear_142_updated_constant0_0" [id=2200, type=call_module]; -"2201 linear_142" [id=2201, type=linear]; -"2202 view_125" [id=2202, type=view]; -"2203 _tensor_constant146" [id=2203, type=get_attr]; -"2204 index_23" [id=2204, type=index]; -"2205 view_126" [id=2205, type=view]; -"2206 permute_104" [id=2206, type=permute]; -"2207 contiguous_44" [id=2207, type=contiguous]; -"2208 unsqueeze_67" [id=2208, type=unsqueeze]; -"2209 sigmoid_23" [id=2209, type=sigmoid]; -"2210 mul_46" [id=2210, type=mul]; -"2211 pad_26" [id=2211, type=pad]; -"2212 view_127" [id=2212, type=view]; -"2213 permute_105" [id=2213, type=permute]; -"2214 reshape_103" [id=2214, type=reshape]; -"2215 _param_constant384" [id=2215, type=get_attr]; -"2216 clone_23" [id=2216, type=clone]; -"2217 linear_143_updated_constant0" [id=2217, type=get_attr]; -"2218 symmetric_weights_decompressor_linear_143_updated_constant0_0" [id=2218, type=call_module]; -"2219 linear_143" [id=2219, type=linear]; -"2220 reshape_104" [id=2220, type=reshape]; -"2221 permute_106" [id=2221, type=permute]; -"2222 select_69" [id=2222, type=select]; -"2223 select_70" [id=2223, type=select]; -"2224 select_71" [id=2224, type=select]; -"2225 linalg_vector_norm_46" [id=2225, type=linalg_vector_norm]; -"2226 clamp_min_46" [id=2226, type=clamp_min]; -"2227 expand_as_46" [id=2227, type=expand_as]; -"2228 div_46" [id=2228, type=div]; -"2229 linalg_vector_norm_47" [id=2229, type=linalg_vector_norm]; -"2230 clamp_min_47" [id=2230, type=clamp_min]; -"2231 expand_as_47" [id=2231, type=expand_as]; -"2232 div_47" [id=2232, type=div]; -"2233 transpose_46" [id=2233, type=transpose]; -"2234 matmul_46" [id=2234, type=matmul]; -"2235 _param_constant386" [id=2235, type=get_attr]; -"2236 clamp_23" [id=2236, type=clamp]; -"2237 exp_23" [id=2237, type=exp]; -"2238 mul_47" [id=2238, type=mul]; -"2239 add_80" [id=2239, type=add]; -"2240 softmax_23" [id=2240, type=softmax]; -"2241 dropout_92" [id=2241, type=dropout]; -"2242 matmul_47" [id=2242, type=matmul]; -"2243 transpose_47" [id=2243, type=transpose]; -"2244 reshape_105" [id=2244, type=reshape]; -"2245 _param_constant388" [id=2245, type=get_attr]; -"2246 linear_144_updated_constant0" [id=2246, type=get_attr]; -"2247 symmetric_weights_decompressor_linear_144_updated_constant0_0" [id=2247, type=call_module]; -"2248 linear_144" [id=2248, type=linear]; -"2249 dropout_93" [id=2249, type=dropout]; -"2250 view_128" [id=2250, type=view]; -"2251 permute_107" [id=2251, type=permute]; -"2252 reshape_106" [id=2252, type=reshape]; -"2253 slice_347" [id=2253, type=slice]; -"2254 slice_348" [id=2254, type=slice]; -"2255 slice_349" [id=2255, type=slice]; -"2256 slice_350" [id=2256, type=slice]; -"2257 contiguous_45" [id=2257, type=contiguous]; -"2258 _param_constant389" [id=2258, type=get_attr]; -"2259 _param_constant390" [id=2259, type=get_attr]; -"2260 layer_norm_50" [id=2260, type=layer_norm]; -"2261 add_81" [id=2261, type=add]; -"2262 _param_constant392" [id=2262, type=get_attr]; -"2263 linear_145_updated_constant0" [id=2263, type=get_attr]; -"2264 symmetric_weights_decompressor_linear_145_updated_constant0_0" [id=2264, type=call_module]; -"2265 linear_145" [id=2265, type=linear]; -"2266 gelu_23" [id=2266, type=gelu]; -"2267 dropout_94" [id=2267, type=dropout]; -"2268 _param_constant394" [id=2268, type=get_attr]; -"2269 linear_146_updated_constant0" [id=2269, type=get_attr]; -"2270 symmetric_weights_decompressor_linear_146_updated_constant0_0" [id=2270, type=call_module]; -"2271 linear_146" [id=2271, type=linear]; -"2272 dropout_95" [id=2272, type=dropout]; -"2273 _param_constant395" [id=2273, type=get_attr]; -"2274 _param_constant396" [id=2274, type=get_attr]; -"2275 layer_norm_51" [id=2275, type=layer_norm]; -"2276 add_82" [id=2276, type=add]; -"2277 _param_constant397" [id=2277, type=get_attr]; -"2278 _param_constant398" [id=2278, type=get_attr]; -"2279 layer_norm_52" [id=2279, type=layer_norm]; -"2280 permute_108" [id=2280, type=permute]; -"2281 adaptive_avg_pool2d" [id=2281, type=adaptive_avg_pool2d]; -"2282 flatten" [id=2282, type=flatten]; -"2283 _param_constant400" [id=2283, type=get_attr]; -"2284 linear_147_updated_constant0" [id=2284, type=get_attr]; -"2285 symmetric_weights_decompressor_linear_147_updated_constant0_0" [id=2285, type=call_module]; -"2286 linear_147" [id=2286, type=linear]; -"2287 output" [id=2287, type=output]; -"0 arg0_1" -> "4 conv2d"; -"1 _param_constant1" -> "4 conv2d"; -"2 conv2d_updated_constant0" -> "3 symmetric_weights_decompressor_conv2d_updated_constant0_0"; -"3 symmetric_weights_decompressor_conv2d_updated_constant0_0" -> "4 conv2d"; -"4 conv2d" -> "5 permute"; -"5 permute" -> "8 layer_norm"; -"6 _param_constant2" -> "8 layer_norm"; -"7 _param_constant3" -> "8 layer_norm"; -"8 layer_norm" -> "27 pad"; -"8 layer_norm" -> "74 add_1"; -"9 _tensor_constant0" -> "13 linear"; -"10 _param_constant5" -> "13 linear"; -"11 linear_updated_constant0" -> "12 symmetric_weights_decompressor_linear_updated_constant0_0"; -"12 symmetric_weights_decompressor_linear_updated_constant0_0" -> "13 linear"; -"13 linear" -> "14 relu_"; -"14 relu_" -> "17 linear_1"; -"15 linear_1_updated_constant0" -> "16 symmetric_weights_decompressor_linear_1_updated_constant0_0"; -"16 symmetric_weights_decompressor_linear_1_updated_constant0_0" -> "17 linear_1"; -"17 linear_1" -> "18 view"; -"18 view" -> "20 index"; -"19 _tensor_constant1" -> "20 index"; -"20 index" -> "21 view_1"; -"21 view_1" -> "22 permute_1"; -"22 permute_1" -> "23 contiguous"; -"23 contiguous" -> "24 unsqueeze"; -"24 unsqueeze" -> "25 sigmoid"; -"25 sigmoid" -> "26 mul"; -"26 mul" -> "55 add"; -"27 pad" -> "28 view_2"; -"28 view_2" -> "29 permute_2"; -"29 permute_2" -> "30 reshape"; -"30 reshape" -> "35 linear_2"; -"31 _param_constant7" -> "32 clone"; -"32 clone" -> "35 linear_2"; -"33 linear_2_updated_constant0" -> "34 symmetric_weights_decompressor_linear_2_updated_constant0_0"; -"34 symmetric_weights_decompressor_linear_2_updated_constant0_0" -> "35 linear_2"; -"35 linear_2" -> "36 reshape_1"; -"36 reshape_1" -> "37 permute_3"; -"37 permute_3" -> "38 select"; -"37 permute_3" -> "39 select_1"; -"37 permute_3" -> "40 select_2"; -"38 select" -> "41 linalg_vector_norm"; -"38 select" -> "43 expand_as"; -"38 select" -> "44 div"; -"39 select_1" -> "45 linalg_vector_norm_1"; -"39 select_1" -> "47 expand_as_1"; -"39 select_1" -> "48 div_1"; -"40 select_2" -> "58 matmul_1"; -"41 linalg_vector_norm" -> "42 clamp_min"; -"42 clamp_min" -> "43 expand_as"; -"43 expand_as" -> "44 div"; -"44 div" -> "50 matmul"; -"45 linalg_vector_norm_1" -> "46 clamp_min_1"; -"46 clamp_min_1" -> "47 expand_as_1"; -"47 expand_as_1" -> "48 div_1"; -"48 div_1" -> "49 transpose"; -"49 transpose" -> "50 matmul"; -"50 matmul" -> "54 mul_1"; -"51 _param_constant9" -> "52 clamp"; -"52 clamp" -> "53 exp"; -"53 exp" -> "54 mul_1"; -"54 mul_1" -> "55 add"; -"55 add" -> "56 softmax"; -"56 softmax" -> "57 dropout"; -"57 dropout" -> "58 matmul_1"; -"58 matmul_1" -> "59 transpose_1"; -"59 transpose_1" -> "60 reshape_2"; -"60 reshape_2" -> "64 linear_3"; -"61 _param_constant11" -> "64 linear_3"; -"62 linear_3_updated_constant0" -> "63 symmetric_weights_decompressor_linear_3_updated_constant0_0"; -"63 symmetric_weights_decompressor_linear_3_updated_constant0_0" -> "64 linear_3"; -"64 linear_3" -> "65 dropout_1"; -"65 dropout_1" -> "66 view_3"; -"66 view_3" -> "67 permute_4"; -"67 permute_4" -> "68 reshape_3"; -"68 reshape_3" -> "69 slice_2"; -"69 slice_2" -> "70 slice_3"; -"70 slice_3" -> "73 layer_norm_1"; -"71 _param_constant12" -> "73 layer_norm_1"; -"72 _param_constant13" -> "73 layer_norm_1"; -"73 layer_norm_1" -> "74 add_1"; -"74 add_1" -> "78 linear_4"; -"74 add_1" -> "89 add_2"; -"75 _param_constant15" -> "78 linear_4"; -"76 linear_4_updated_constant0" -> "77 symmetric_weights_decompressor_linear_4_updated_constant0_0"; -"77 symmetric_weights_decompressor_linear_4_updated_constant0_0" -> "78 linear_4"; -"78 linear_4" -> "79 gelu"; -"79 gelu" -> "80 dropout_2"; -"80 dropout_2" -> "84 linear_5"; -"81 _param_constant17" -> "84 linear_5"; -"82 linear_5_updated_constant0" -> "83 symmetric_weights_decompressor_linear_5_updated_constant0_0"; -"83 symmetric_weights_decompressor_linear_5_updated_constant0_0" -> "84 linear_5"; -"84 linear_5" -> "85 dropout_3"; -"85 dropout_3" -> "88 layer_norm_2"; -"86 _param_constant18" -> "88 layer_norm_2"; -"87 _param_constant19" -> "88 layer_norm_2"; -"88 layer_norm_2" -> "89 add_2"; -"89 add_2" -> "108 pad_1"; -"89 add_2" -> "173 add_5"; -"90 _tensor_constant2" -> "94 linear_6"; -"91 _param_constant21" -> "94 linear_6"; -"92 linear_6_updated_constant0" -> "93 symmetric_weights_decompressor_linear_6_updated_constant0_0"; -"93 symmetric_weights_decompressor_linear_6_updated_constant0_0" -> "94 linear_6"; -"94 linear_6" -> "95 relu__1"; -"95 relu__1" -> "98 linear_7"; -"96 linear_7_updated_constant0" -> "97 symmetric_weights_decompressor_linear_7_updated_constant0_0"; -"97 symmetric_weights_decompressor_linear_7_updated_constant0_0" -> "98 linear_7"; -"98 linear_7" -> "99 view_4"; -"99 view_4" -> "101 index_1"; -"100 _tensor_constant3" -> "101 index_1"; -"101 index_1" -> "102 view_5"; -"102 view_5" -> "103 permute_5"; -"103 permute_5" -> "104 contiguous_1"; -"104 contiguous_1" -> "105 unsqueeze_1"; -"105 unsqueeze_1" -> "106 sigmoid_1"; -"106 sigmoid_1" -> "107 mul_2"; -"107 mul_2" -> "137 add_3"; -"108 pad_1" -> "109 roll"; -"109 roll" -> "110 view_6"; -"110 view_6" -> "111 permute_6"; -"111 permute_6" -> "112 reshape_4"; -"112 reshape_4" -> "117 linear_8"; -"112 reshape_4" -> "138 new_zeros"; -"113 _param_constant23" -> "114 clone_1"; -"114 clone_1" -> "117 linear_8"; -"115 linear_8_updated_constant0" -> "116 symmetric_weights_decompressor_linear_8_updated_constant0_0"; -"116 symmetric_weights_decompressor_linear_8_updated_constant0_0" -> "117 linear_8"; -"117 linear_8" -> "118 reshape_5"; -"118 reshape_5" -> "119 permute_7"; -"119 permute_7" -> "120 select_3"; -"119 permute_7" -> "121 select_4"; -"119 permute_7" -> "122 select_5"; -"120 select_3" -> "123 linalg_vector_norm_2"; -"120 select_3" -> "125 expand_as_2"; -"120 select_3" -> "126 div_2"; -"121 select_4" -> "127 linalg_vector_norm_3"; -"121 select_4" -> "129 expand_as_3"; -"121 select_4" -> "130 div_3"; -"122 select_5" -> "156 matmul_3"; -"123 linalg_vector_norm_2" -> "124 clamp_min_2"; -"124 clamp_min_2" -> "125 expand_as_2"; -"125 expand_as_2" -> "126 div_2"; -"126 div_2" -> "132 matmul_2"; -"127 linalg_vector_norm_3" -> "128 clamp_min_3"; -"128 clamp_min_3" -> "129 expand_as_3"; -"129 expand_as_3" -> "130 div_3"; -"130 div_3" -> "131 transpose_2"; -"131 transpose_2" -> "132 matmul_2"; -"132 matmul_2" -> "136 mul_3"; -"133 _param_constant25" -> "134 clamp_1"; -"134 clamp_1" -> "135 exp_1"; -"135 exp_1" -> "136 mul_3"; -"136 mul_3" -> "137 add_3"; -"137 add_3" -> "149 view_8"; -"138 new_zeros" -> "139 view_7"; -"139 view_7" -> "140 permute_8"; -"140 permute_8" -> "141 reshape_6"; -"141 reshape_6" -> "142 unsqueeze_2"; -"141 reshape_6" -> "143 unsqueeze_3"; -"142 unsqueeze_2" -> "144 sub"; -"143 unsqueeze_3" -> "144 sub"; -"144 sub" -> "145 ne"; -"144 sub" -> "146 masked_fill"; -"144 sub" -> "147 eq"; -"145 ne" -> "146 masked_fill"; -"146 masked_fill" -> "148 masked_fill_1"; -"147 eq" -> "148 masked_fill_1"; -"148 masked_fill_1" -> "150 unsqueeze_4"; -"149 view_8" -> "152 add_4"; -"150 unsqueeze_4" -> "151 unsqueeze_5"; -"151 unsqueeze_5" -> "152 add_4"; -"152 add_4" -> "153 view_9"; -"153 view_9" -> "154 softmax_1"; -"154 softmax_1" -> "155 dropout_4"; -"155 dropout_4" -> "156 matmul_3"; -"156 matmul_3" -> "157 transpose_3"; -"157 transpose_3" -> "158 reshape_7"; -"158 reshape_7" -> "162 linear_9"; -"159 _param_constant27" -> "162 linear_9"; -"160 linear_9_updated_constant0" -> "161 symmetric_weights_decompressor_linear_9_updated_constant0_0"; -"161 symmetric_weights_decompressor_linear_9_updated_constant0_0" -> "162 linear_9"; -"162 linear_9" -> "163 dropout_5"; -"163 dropout_5" -> "164 view_10"; -"164 view_10" -> "165 permute_9"; -"165 permute_9" -> "166 reshape_8"; -"166 reshape_8" -> "167 roll_1"; -"167 roll_1" -> "168 slice_23"; -"168 slice_23" -> "169 slice_24"; -"169 slice_24" -> "172 layer_norm_3"; -"170 _param_constant28" -> "172 layer_norm_3"; -"171 _param_constant29" -> "172 layer_norm_3"; -"172 layer_norm_3" -> "173 add_5"; -"173 add_5" -> "177 linear_10"; -"173 add_5" -> "188 add_6"; -"174 _param_constant31" -> "177 linear_10"; -"175 linear_10_updated_constant0" -> "176 symmetric_weights_decompressor_linear_10_updated_constant0_0"; -"176 symmetric_weights_decompressor_linear_10_updated_constant0_0" -> "177 linear_10"; -"177 linear_10" -> "178 gelu_1"; -"178 gelu_1" -> "179 dropout_6"; -"179 dropout_6" -> "183 linear_11"; -"180 _param_constant33" -> "183 linear_11"; -"181 linear_11_updated_constant0" -> "182 symmetric_weights_decompressor_linear_11_updated_constant0_0"; -"182 symmetric_weights_decompressor_linear_11_updated_constant0_0" -> "183 linear_11"; -"183 linear_11" -> "184 dropout_7"; -"184 dropout_7" -> "187 layer_norm_4"; -"185 _param_constant34" -> "187 layer_norm_4"; -"186 _param_constant35" -> "187 layer_norm_4"; -"187 layer_norm_4" -> "188 add_6"; -"188 add_6" -> "189 pad_2"; -"189 pad_2" -> "190 slice_25"; -"189 pad_2" -> "193 slice_28"; -"189 pad_2" -> "196 slice_31"; -"189 pad_2" -> "199 slice_34"; -"190 slice_25" -> "191 slice_26"; -"191 slice_26" -> "192 slice_27"; -"192 slice_27" -> "202 cat"; -"193 slice_28" -> "194 slice_29"; -"194 slice_29" -> "195 slice_30"; -"195 slice_30" -> "202 cat"; -"196 slice_31" -> "197 slice_32"; -"197 slice_32" -> "198 slice_33"; -"198 slice_33" -> "202 cat"; -"199 slice_34" -> "200 slice_35"; -"200 slice_35" -> "201 slice_36"; -"201 slice_36" -> "202 cat"; -"202 cat" -> "205 linear_12"; -"203 linear_12_updated_constant0" -> "204 symmetric_weights_decompressor_linear_12_updated_constant0_0"; -"204 symmetric_weights_decompressor_linear_12_updated_constant0_0" -> "205 linear_12"; -"205 linear_12" -> "208 layer_norm_5"; -"206 _param_constant37" -> "208 layer_norm_5"; -"207 _param_constant38" -> "208 layer_norm_5"; -"208 layer_norm_5" -> "227 pad_3"; -"208 layer_norm_5" -> "277 add_8"; -"209 _tensor_constant13" -> "213 linear_13"; -"210 _param_constant40" -> "213 linear_13"; -"211 linear_13_updated_constant0" -> "212 symmetric_weights_decompressor_linear_13_updated_constant0_0"; -"212 symmetric_weights_decompressor_linear_13_updated_constant0_0" -> "213 linear_13"; -"213 linear_13" -> "214 relu__2"; -"214 relu__2" -> "217 linear_14"; -"215 linear_14_updated_constant0" -> "216 symmetric_weights_decompressor_linear_14_updated_constant0_0"; -"216 symmetric_weights_decompressor_linear_14_updated_constant0_0" -> "217 linear_14"; -"217 linear_14" -> "218 view_11"; -"218 view_11" -> "220 index_2"; -"219 _tensor_constant14" -> "220 index_2"; -"220 index_2" -> "221 view_12"; -"221 view_12" -> "222 permute_10"; -"222 permute_10" -> "223 contiguous_2"; -"223 contiguous_2" -> "224 unsqueeze_6"; -"224 unsqueeze_6" -> "225 sigmoid_2"; -"225 sigmoid_2" -> "226 mul_4"; -"226 mul_4" -> "255 add_7"; -"227 pad_3" -> "228 view_13"; -"228 view_13" -> "229 permute_11"; -"229 permute_11" -> "230 reshape_9"; -"230 reshape_9" -> "235 linear_15"; -"231 _param_constant42" -> "232 clone_2"; -"232 clone_2" -> "235 linear_15"; -"233 linear_15_updated_constant0" -> "234 symmetric_weights_decompressor_linear_15_updated_constant0_0"; -"234 symmetric_weights_decompressor_linear_15_updated_constant0_0" -> "235 linear_15"; -"235 linear_15" -> "236 reshape_10"; -"236 reshape_10" -> "237 permute_12"; -"237 permute_12" -> "238 select_6"; -"237 permute_12" -> "239 select_7"; -"237 permute_12" -> "240 select_8"; -"238 select_6" -> "241 linalg_vector_norm_4"; -"238 select_6" -> "243 expand_as_4"; -"238 select_6" -> "244 div_4"; -"239 select_7" -> "245 linalg_vector_norm_5"; -"239 select_7" -> "247 expand_as_5"; -"239 select_7" -> "248 div_5"; -"240 select_8" -> "258 matmul_5"; -"241 linalg_vector_norm_4" -> "242 clamp_min_4"; -"242 clamp_min_4" -> "243 expand_as_4"; -"243 expand_as_4" -> "244 div_4"; -"244 div_4" -> "250 matmul_4"; -"245 linalg_vector_norm_5" -> "246 clamp_min_5"; -"246 clamp_min_5" -> "247 expand_as_5"; -"247 expand_as_5" -> "248 div_5"; -"248 div_5" -> "249 transpose_4"; -"249 transpose_4" -> "250 matmul_4"; -"250 matmul_4" -> "254 mul_5"; -"251 _param_constant44" -> "252 clamp_2"; -"252 clamp_2" -> "253 exp_2"; -"253 exp_2" -> "254 mul_5"; -"254 mul_5" -> "255 add_7"; -"255 add_7" -> "256 softmax_2"; -"256 softmax_2" -> "257 dropout_8"; -"257 dropout_8" -> "258 matmul_5"; -"258 matmul_5" -> "259 transpose_5"; -"259 transpose_5" -> "260 reshape_11"; -"260 reshape_11" -> "264 linear_16"; -"261 _param_constant46" -> "264 linear_16"; -"262 linear_16_updated_constant0" -> "263 symmetric_weights_decompressor_linear_16_updated_constant0_0"; -"263 symmetric_weights_decompressor_linear_16_updated_constant0_0" -> "264 linear_16"; -"264 linear_16" -> "265 dropout_9"; -"265 dropout_9" -> "266 view_14"; -"266 view_14" -> "267 permute_13"; -"267 permute_13" -> "268 reshape_12"; -"268 reshape_12" -> "269 slice_38"; -"269 slice_38" -> "270 slice_39"; -"270 slice_39" -> "271 slice_40"; -"271 slice_40" -> "272 slice_41"; -"272 slice_41" -> "273 contiguous_3"; -"273 contiguous_3" -> "276 layer_norm_6"; -"274 _param_constant47" -> "276 layer_norm_6"; -"275 _param_constant48" -> "276 layer_norm_6"; -"276 layer_norm_6" -> "277 add_8"; -"277 add_8" -> "281 linear_17"; -"277 add_8" -> "292 add_9"; -"278 _param_constant50" -> "281 linear_17"; -"279 linear_17_updated_constant0" -> "280 symmetric_weights_decompressor_linear_17_updated_constant0_0"; -"280 symmetric_weights_decompressor_linear_17_updated_constant0_0" -> "281 linear_17"; -"281 linear_17" -> "282 gelu_2"; -"282 gelu_2" -> "283 dropout_10"; -"283 dropout_10" -> "287 linear_18"; -"284 _param_constant52" -> "287 linear_18"; -"285 linear_18_updated_constant0" -> "286 symmetric_weights_decompressor_linear_18_updated_constant0_0"; -"286 symmetric_weights_decompressor_linear_18_updated_constant0_0" -> "287 linear_18"; -"287 linear_18" -> "288 dropout_11"; -"288 dropout_11" -> "291 layer_norm_7"; -"289 _param_constant53" -> "291 layer_norm_7"; -"290 _param_constant54" -> "291 layer_norm_7"; -"291 layer_norm_7" -> "292 add_9"; -"292 add_9" -> "311 pad_4"; -"292 add_9" -> "379 add_12"; -"293 _tensor_constant15" -> "297 linear_19"; -"294 _param_constant56" -> "297 linear_19"; -"295 linear_19_updated_constant0" -> "296 symmetric_weights_decompressor_linear_19_updated_constant0_0"; -"296 symmetric_weights_decompressor_linear_19_updated_constant0_0" -> "297 linear_19"; -"297 linear_19" -> "298 relu__3"; -"298 relu__3" -> "301 linear_20"; -"299 linear_20_updated_constant0" -> "300 symmetric_weights_decompressor_linear_20_updated_constant0_0"; -"300 symmetric_weights_decompressor_linear_20_updated_constant0_0" -> "301 linear_20"; -"301 linear_20" -> "302 view_15"; -"302 view_15" -> "304 index_3"; -"303 _tensor_constant16" -> "304 index_3"; -"304 index_3" -> "305 view_16"; -"305 view_16" -> "306 permute_14"; -"306 permute_14" -> "307 contiguous_4"; -"307 contiguous_4" -> "308 unsqueeze_7"; -"308 unsqueeze_7" -> "309 sigmoid_3"; -"309 sigmoid_3" -> "310 mul_6"; -"310 mul_6" -> "340 add_10"; -"311 pad_4" -> "312 roll_2"; -"312 roll_2" -> "313 view_17"; -"313 view_17" -> "314 permute_15"; -"314 permute_15" -> "315 reshape_13"; -"315 reshape_13" -> "320 linear_21"; -"315 reshape_13" -> "341 new_zeros_1"; -"316 _param_constant58" -> "317 clone_3"; -"317 clone_3" -> "320 linear_21"; -"318 linear_21_updated_constant0" -> "319 symmetric_weights_decompressor_linear_21_updated_constant0_0"; -"319 symmetric_weights_decompressor_linear_21_updated_constant0_0" -> "320 linear_21"; -"320 linear_21" -> "321 reshape_14"; -"321 reshape_14" -> "322 permute_16"; -"322 permute_16" -> "323 select_9"; -"322 permute_16" -> "324 select_10"; -"322 permute_16" -> "325 select_11"; -"323 select_9" -> "326 linalg_vector_norm_6"; -"323 select_9" -> "328 expand_as_6"; -"323 select_9" -> "329 div_6"; -"324 select_10" -> "330 linalg_vector_norm_7"; -"324 select_10" -> "332 expand_as_7"; -"324 select_10" -> "333 div_7"; -"325 select_11" -> "359 matmul_7"; -"326 linalg_vector_norm_6" -> "327 clamp_min_6"; -"327 clamp_min_6" -> "328 expand_as_6"; -"328 expand_as_6" -> "329 div_6"; -"329 div_6" -> "335 matmul_6"; -"330 linalg_vector_norm_7" -> "331 clamp_min_7"; -"331 clamp_min_7" -> "332 expand_as_7"; -"332 expand_as_7" -> "333 div_7"; -"333 div_7" -> "334 transpose_6"; -"334 transpose_6" -> "335 matmul_6"; -"335 matmul_6" -> "339 mul_7"; -"336 _param_constant60" -> "337 clamp_3"; -"337 clamp_3" -> "338 exp_3"; -"338 exp_3" -> "339 mul_7"; -"339 mul_7" -> "340 add_10"; -"340 add_10" -> "352 view_19"; -"341 new_zeros_1" -> "342 view_18"; -"342 view_18" -> "343 permute_17"; -"343 permute_17" -> "344 reshape_15"; -"344 reshape_15" -> "345 unsqueeze_8"; -"344 reshape_15" -> "346 unsqueeze_9"; -"345 unsqueeze_8" -> "347 sub_1"; -"346 unsqueeze_9" -> "347 sub_1"; -"347 sub_1" -> "348 ne_1"; -"347 sub_1" -> "349 masked_fill_2"; -"347 sub_1" -> "350 eq_1"; -"348 ne_1" -> "349 masked_fill_2"; -"349 masked_fill_2" -> "351 masked_fill_3"; -"350 eq_1" -> "351 masked_fill_3"; -"351 masked_fill_3" -> "353 unsqueeze_10"; -"352 view_19" -> "355 add_11"; -"353 unsqueeze_10" -> "354 unsqueeze_11"; -"354 unsqueeze_11" -> "355 add_11"; -"355 add_11" -> "356 view_20"; -"356 view_20" -> "357 softmax_3"; -"357 softmax_3" -> "358 dropout_12"; -"358 dropout_12" -> "359 matmul_7"; -"359 matmul_7" -> "360 transpose_7"; -"360 transpose_7" -> "361 reshape_16"; -"361 reshape_16" -> "365 linear_22"; -"362 _param_constant62" -> "365 linear_22"; -"363 linear_22_updated_constant0" -> "364 symmetric_weights_decompressor_linear_22_updated_constant0_0"; -"364 symmetric_weights_decompressor_linear_22_updated_constant0_0" -> "365 linear_22"; -"365 linear_22" -> "366 dropout_13"; -"366 dropout_13" -> "367 view_21"; -"367 view_21" -> "368 permute_18"; -"368 permute_18" -> "369 reshape_17"; -"369 reshape_17" -> "370 roll_3"; -"370 roll_3" -> "371 slice_61"; -"371 slice_61" -> "372 slice_62"; -"372 slice_62" -> "373 slice_63"; -"373 slice_63" -> "374 slice_64"; -"374 slice_64" -> "375 contiguous_5"; -"375 contiguous_5" -> "378 layer_norm_8"; -"376 _param_constant63" -> "378 layer_norm_8"; -"377 _param_constant64" -> "378 layer_norm_8"; -"378 layer_norm_8" -> "379 add_12"; -"379 add_12" -> "383 linear_23"; -"379 add_12" -> "394 add_13"; -"380 _param_constant66" -> "383 linear_23"; -"381 linear_23_updated_constant0" -> "382 symmetric_weights_decompressor_linear_23_updated_constant0_0"; -"382 symmetric_weights_decompressor_linear_23_updated_constant0_0" -> "383 linear_23"; -"383 linear_23" -> "384 gelu_3"; -"384 gelu_3" -> "385 dropout_14"; -"385 dropout_14" -> "389 linear_24"; -"386 _param_constant68" -> "389 linear_24"; -"387 linear_24_updated_constant0" -> "388 symmetric_weights_decompressor_linear_24_updated_constant0_0"; -"388 symmetric_weights_decompressor_linear_24_updated_constant0_0" -> "389 linear_24"; -"389 linear_24" -> "390 dropout_15"; -"390 dropout_15" -> "393 layer_norm_9"; -"391 _param_constant69" -> "393 layer_norm_9"; -"392 _param_constant70" -> "393 layer_norm_9"; -"393 layer_norm_9" -> "394 add_13"; -"394 add_13" -> "395 pad_5"; -"395 pad_5" -> "396 slice_65"; -"395 pad_5" -> "399 slice_68"; -"395 pad_5" -> "402 slice_71"; -"395 pad_5" -> "405 slice_74"; -"396 slice_65" -> "397 slice_66"; -"397 slice_66" -> "398 slice_67"; -"398 slice_67" -> "408 cat_1"; -"399 slice_68" -> "400 slice_69"; -"400 slice_69" -> "401 slice_70"; -"401 slice_70" -> "408 cat_1"; -"402 slice_71" -> "403 slice_72"; -"403 slice_72" -> "404 slice_73"; -"404 slice_73" -> "408 cat_1"; -"405 slice_74" -> "406 slice_75"; -"406 slice_75" -> "407 slice_76"; -"407 slice_76" -> "408 cat_1"; -"408 cat_1" -> "411 linear_25"; -"409 linear_25_updated_constant0" -> "410 symmetric_weights_decompressor_linear_25_updated_constant0_0"; -"410 symmetric_weights_decompressor_linear_25_updated_constant0_0" -> "411 linear_25"; -"411 linear_25" -> "414 layer_norm_10"; -"412 _param_constant72" -> "414 layer_norm_10"; -"413 _param_constant73" -> "414 layer_norm_10"; -"414 layer_norm_10" -> "433 pad_6"; -"414 layer_norm_10" -> "483 add_15"; -"415 _tensor_constant26" -> "419 linear_26"; -"416 _param_constant75" -> "419 linear_26"; -"417 linear_26_updated_constant0" -> "418 symmetric_weights_decompressor_linear_26_updated_constant0_0"; -"418 symmetric_weights_decompressor_linear_26_updated_constant0_0" -> "419 linear_26"; -"419 linear_26" -> "420 relu__4"; -"420 relu__4" -> "423 linear_27"; -"421 linear_27_updated_constant0" -> "422 symmetric_weights_decompressor_linear_27_updated_constant0_0"; -"422 symmetric_weights_decompressor_linear_27_updated_constant0_0" -> "423 linear_27"; -"423 linear_27" -> "424 view_22"; -"424 view_22" -> "426 index_4"; -"425 _tensor_constant27" -> "426 index_4"; -"426 index_4" -> "427 view_23"; -"427 view_23" -> "428 permute_19"; -"428 permute_19" -> "429 contiguous_6"; -"429 contiguous_6" -> "430 unsqueeze_12"; -"430 unsqueeze_12" -> "431 sigmoid_4"; -"431 sigmoid_4" -> "432 mul_8"; -"432 mul_8" -> "461 add_14"; -"433 pad_6" -> "434 view_24"; -"434 view_24" -> "435 permute_20"; -"435 permute_20" -> "436 reshape_18"; -"436 reshape_18" -> "441 linear_28"; -"437 _param_constant77" -> "438 clone_4"; -"438 clone_4" -> "441 linear_28"; -"439 linear_28_updated_constant0" -> "440 symmetric_weights_decompressor_linear_28_updated_constant0_0"; -"440 symmetric_weights_decompressor_linear_28_updated_constant0_0" -> "441 linear_28"; -"441 linear_28" -> "442 reshape_19"; -"442 reshape_19" -> "443 permute_21"; -"443 permute_21" -> "444 select_12"; -"443 permute_21" -> "445 select_13"; -"443 permute_21" -> "446 select_14"; -"444 select_12" -> "447 linalg_vector_norm_8"; -"444 select_12" -> "449 expand_as_8"; -"444 select_12" -> "450 div_8"; -"445 select_13" -> "451 linalg_vector_norm_9"; -"445 select_13" -> "453 expand_as_9"; -"445 select_13" -> "454 div_9"; -"446 select_14" -> "464 matmul_9"; -"447 linalg_vector_norm_8" -> "448 clamp_min_8"; -"448 clamp_min_8" -> "449 expand_as_8"; -"449 expand_as_8" -> "450 div_8"; -"450 div_8" -> "456 matmul_8"; -"451 linalg_vector_norm_9" -> "452 clamp_min_9"; -"452 clamp_min_9" -> "453 expand_as_9"; -"453 expand_as_9" -> "454 div_9"; -"454 div_9" -> "455 transpose_8"; -"455 transpose_8" -> "456 matmul_8"; -"456 matmul_8" -> "460 mul_9"; -"457 _param_constant79" -> "458 clamp_4"; -"458 clamp_4" -> "459 exp_4"; -"459 exp_4" -> "460 mul_9"; -"460 mul_9" -> "461 add_14"; -"461 add_14" -> "462 softmax_4"; -"462 softmax_4" -> "463 dropout_16"; -"463 dropout_16" -> "464 matmul_9"; -"464 matmul_9" -> "465 transpose_9"; -"465 transpose_9" -> "466 reshape_20"; -"466 reshape_20" -> "470 linear_29"; -"467 _param_constant81" -> "470 linear_29"; -"468 linear_29_updated_constant0" -> "469 symmetric_weights_decompressor_linear_29_updated_constant0_0"; -"469 symmetric_weights_decompressor_linear_29_updated_constant0_0" -> "470 linear_29"; -"470 linear_29" -> "471 dropout_17"; -"471 dropout_17" -> "472 view_25"; -"472 view_25" -> "473 permute_22"; -"473 permute_22" -> "474 reshape_21"; -"474 reshape_21" -> "475 slice_78"; -"475 slice_78" -> "476 slice_79"; -"476 slice_79" -> "477 slice_80"; -"477 slice_80" -> "478 slice_81"; -"478 slice_81" -> "479 contiguous_7"; -"479 contiguous_7" -> "482 layer_norm_11"; -"480 _param_constant82" -> "482 layer_norm_11"; -"481 _param_constant83" -> "482 layer_norm_11"; -"482 layer_norm_11" -> "483 add_15"; -"483 add_15" -> "487 linear_30"; -"483 add_15" -> "498 add_16"; -"484 _param_constant85" -> "487 linear_30"; -"485 linear_30_updated_constant0" -> "486 symmetric_weights_decompressor_linear_30_updated_constant0_0"; -"486 symmetric_weights_decompressor_linear_30_updated_constant0_0" -> "487 linear_30"; -"487 linear_30" -> "488 gelu_4"; -"488 gelu_4" -> "489 dropout_18"; -"489 dropout_18" -> "493 linear_31"; -"490 _param_constant87" -> "493 linear_31"; -"491 linear_31_updated_constant0" -> "492 symmetric_weights_decompressor_linear_31_updated_constant0_0"; -"492 symmetric_weights_decompressor_linear_31_updated_constant0_0" -> "493 linear_31"; -"493 linear_31" -> "494 dropout_19"; -"494 dropout_19" -> "497 layer_norm_12"; -"495 _param_constant88" -> "497 layer_norm_12"; -"496 _param_constant89" -> "497 layer_norm_12"; -"497 layer_norm_12" -> "498 add_16"; -"498 add_16" -> "517 pad_7"; -"498 add_16" -> "585 add_19"; -"499 _tensor_constant28" -> "503 linear_32"; -"500 _param_constant91" -> "503 linear_32"; -"501 linear_32_updated_constant0" -> "502 symmetric_weights_decompressor_linear_32_updated_constant0_0"; -"502 symmetric_weights_decompressor_linear_32_updated_constant0_0" -> "503 linear_32"; -"503 linear_32" -> "504 relu__5"; -"504 relu__5" -> "507 linear_33"; -"505 linear_33_updated_constant0" -> "506 symmetric_weights_decompressor_linear_33_updated_constant0_0"; -"506 symmetric_weights_decompressor_linear_33_updated_constant0_0" -> "507 linear_33"; -"507 linear_33" -> "508 view_26"; -"508 view_26" -> "510 index_5"; -"509 _tensor_constant29" -> "510 index_5"; -"510 index_5" -> "511 view_27"; -"511 view_27" -> "512 permute_23"; -"512 permute_23" -> "513 contiguous_8"; -"513 contiguous_8" -> "514 unsqueeze_13"; -"514 unsqueeze_13" -> "515 sigmoid_5"; -"515 sigmoid_5" -> "516 mul_10"; -"516 mul_10" -> "546 add_17"; -"517 pad_7" -> "518 roll_4"; -"518 roll_4" -> "519 view_28"; -"519 view_28" -> "520 permute_24"; -"520 permute_24" -> "521 reshape_22"; -"521 reshape_22" -> "526 linear_34"; -"521 reshape_22" -> "547 new_zeros_2"; -"522 _param_constant93" -> "523 clone_5"; -"523 clone_5" -> "526 linear_34"; -"524 linear_34_updated_constant0" -> "525 symmetric_weights_decompressor_linear_34_updated_constant0_0"; -"525 symmetric_weights_decompressor_linear_34_updated_constant0_0" -> "526 linear_34"; -"526 linear_34" -> "527 reshape_23"; -"527 reshape_23" -> "528 permute_25"; -"528 permute_25" -> "529 select_15"; -"528 permute_25" -> "530 select_16"; -"528 permute_25" -> "531 select_17"; -"529 select_15" -> "532 linalg_vector_norm_10"; -"529 select_15" -> "534 expand_as_10"; -"529 select_15" -> "535 div_10"; -"530 select_16" -> "536 linalg_vector_norm_11"; -"530 select_16" -> "538 expand_as_11"; -"530 select_16" -> "539 div_11"; -"531 select_17" -> "565 matmul_11"; -"532 linalg_vector_norm_10" -> "533 clamp_min_10"; -"533 clamp_min_10" -> "534 expand_as_10"; -"534 expand_as_10" -> "535 div_10"; -"535 div_10" -> "541 matmul_10"; -"536 linalg_vector_norm_11" -> "537 clamp_min_11"; -"537 clamp_min_11" -> "538 expand_as_11"; -"538 expand_as_11" -> "539 div_11"; -"539 div_11" -> "540 transpose_10"; -"540 transpose_10" -> "541 matmul_10"; -"541 matmul_10" -> "545 mul_11"; -"542 _param_constant95" -> "543 clamp_5"; -"543 clamp_5" -> "544 exp_5"; -"544 exp_5" -> "545 mul_11"; -"545 mul_11" -> "546 add_17"; -"546 add_17" -> "558 view_30"; -"547 new_zeros_2" -> "548 view_29"; -"548 view_29" -> "549 permute_26"; -"549 permute_26" -> "550 reshape_24"; -"550 reshape_24" -> "551 unsqueeze_14"; -"550 reshape_24" -> "552 unsqueeze_15"; -"551 unsqueeze_14" -> "553 sub_2"; -"552 unsqueeze_15" -> "553 sub_2"; -"553 sub_2" -> "554 ne_2"; -"553 sub_2" -> "555 masked_fill_4"; -"553 sub_2" -> "556 eq_2"; -"554 ne_2" -> "555 masked_fill_4"; -"555 masked_fill_4" -> "557 masked_fill_5"; -"556 eq_2" -> "557 masked_fill_5"; -"557 masked_fill_5" -> "559 unsqueeze_16"; -"558 view_30" -> "561 add_18"; -"559 unsqueeze_16" -> "560 unsqueeze_17"; -"560 unsqueeze_17" -> "561 add_18"; -"561 add_18" -> "562 view_31"; -"562 view_31" -> "563 softmax_5"; -"563 softmax_5" -> "564 dropout_20"; -"564 dropout_20" -> "565 matmul_11"; -"565 matmul_11" -> "566 transpose_11"; -"566 transpose_11" -> "567 reshape_25"; -"567 reshape_25" -> "571 linear_35"; -"568 _param_constant97" -> "571 linear_35"; -"569 linear_35_updated_constant0" -> "570 symmetric_weights_decompressor_linear_35_updated_constant0_0"; -"570 symmetric_weights_decompressor_linear_35_updated_constant0_0" -> "571 linear_35"; -"571 linear_35" -> "572 dropout_21"; -"572 dropout_21" -> "573 view_32"; -"573 view_32" -> "574 permute_27"; -"574 permute_27" -> "575 reshape_26"; -"575 reshape_26" -> "576 roll_5"; -"576 roll_5" -> "577 slice_101"; -"577 slice_101" -> "578 slice_102"; -"578 slice_102" -> "579 slice_103"; -"579 slice_103" -> "580 slice_104"; -"580 slice_104" -> "581 contiguous_9"; -"581 contiguous_9" -> "584 layer_norm_13"; -"582 _param_constant98" -> "584 layer_norm_13"; -"583 _param_constant99" -> "584 layer_norm_13"; -"584 layer_norm_13" -> "585 add_19"; -"585 add_19" -> "589 linear_36"; -"585 add_19" -> "600 add_20"; -"586 _param_constant101" -> "589 linear_36"; -"587 linear_36_updated_constant0" -> "588 symmetric_weights_decompressor_linear_36_updated_constant0_0"; -"588 symmetric_weights_decompressor_linear_36_updated_constant0_0" -> "589 linear_36"; -"589 linear_36" -> "590 gelu_5"; -"590 gelu_5" -> "591 dropout_22"; -"591 dropout_22" -> "595 linear_37"; -"592 _param_constant103" -> "595 linear_37"; -"593 linear_37_updated_constant0" -> "594 symmetric_weights_decompressor_linear_37_updated_constant0_0"; -"594 symmetric_weights_decompressor_linear_37_updated_constant0_0" -> "595 linear_37"; -"595 linear_37" -> "596 dropout_23"; -"596 dropout_23" -> "599 layer_norm_14"; -"597 _param_constant104" -> "599 layer_norm_14"; -"598 _param_constant105" -> "599 layer_norm_14"; -"599 layer_norm_14" -> "600 add_20"; -"600 add_20" -> "619 pad_8"; -"600 add_20" -> "669 add_22"; -"601 _tensor_constant39" -> "605 linear_38"; -"602 _param_constant107" -> "605 linear_38"; -"603 linear_38_updated_constant0" -> "604 symmetric_weights_decompressor_linear_38_updated_constant0_0"; -"604 symmetric_weights_decompressor_linear_38_updated_constant0_0" -> "605 linear_38"; -"605 linear_38" -> "606 relu__6"; -"606 relu__6" -> "609 linear_39"; -"607 linear_39_updated_constant0" -> "608 symmetric_weights_decompressor_linear_39_updated_constant0_0"; -"608 symmetric_weights_decompressor_linear_39_updated_constant0_0" -> "609 linear_39"; -"609 linear_39" -> "610 view_33"; -"610 view_33" -> "612 index_6"; -"611 _tensor_constant40" -> "612 index_6"; -"612 index_6" -> "613 view_34"; -"613 view_34" -> "614 permute_28"; -"614 permute_28" -> "615 contiguous_10"; -"615 contiguous_10" -> "616 unsqueeze_18"; -"616 unsqueeze_18" -> "617 sigmoid_6"; -"617 sigmoid_6" -> "618 mul_12"; -"618 mul_12" -> "647 add_21"; -"619 pad_8" -> "620 view_35"; -"620 view_35" -> "621 permute_29"; -"621 permute_29" -> "622 reshape_27"; -"622 reshape_27" -> "627 linear_40"; -"623 _param_constant109" -> "624 clone_6"; -"624 clone_6" -> "627 linear_40"; -"625 linear_40_updated_constant0" -> "626 symmetric_weights_decompressor_linear_40_updated_constant0_0"; -"626 symmetric_weights_decompressor_linear_40_updated_constant0_0" -> "627 linear_40"; -"627 linear_40" -> "628 reshape_28"; -"628 reshape_28" -> "629 permute_30"; -"629 permute_30" -> "630 select_18"; -"629 permute_30" -> "631 select_19"; -"629 permute_30" -> "632 select_20"; -"630 select_18" -> "633 linalg_vector_norm_12"; -"630 select_18" -> "635 expand_as_12"; -"630 select_18" -> "636 div_12"; -"631 select_19" -> "637 linalg_vector_norm_13"; -"631 select_19" -> "639 expand_as_13"; -"631 select_19" -> "640 div_13"; -"632 select_20" -> "650 matmul_13"; -"633 linalg_vector_norm_12" -> "634 clamp_min_12"; -"634 clamp_min_12" -> "635 expand_as_12"; -"635 expand_as_12" -> "636 div_12"; -"636 div_12" -> "642 matmul_12"; -"637 linalg_vector_norm_13" -> "638 clamp_min_13"; -"638 clamp_min_13" -> "639 expand_as_13"; -"639 expand_as_13" -> "640 div_13"; -"640 div_13" -> "641 transpose_12"; -"641 transpose_12" -> "642 matmul_12"; -"642 matmul_12" -> "646 mul_13"; -"643 _param_constant111" -> "644 clamp_6"; -"644 clamp_6" -> "645 exp_6"; -"645 exp_6" -> "646 mul_13"; -"646 mul_13" -> "647 add_21"; -"647 add_21" -> "648 softmax_6"; -"648 softmax_6" -> "649 dropout_24"; -"649 dropout_24" -> "650 matmul_13"; -"650 matmul_13" -> "651 transpose_13"; -"651 transpose_13" -> "652 reshape_29"; -"652 reshape_29" -> "656 linear_41"; -"653 _param_constant113" -> "656 linear_41"; -"654 linear_41_updated_constant0" -> "655 symmetric_weights_decompressor_linear_41_updated_constant0_0"; -"655 symmetric_weights_decompressor_linear_41_updated_constant0_0" -> "656 linear_41"; -"656 linear_41" -> "657 dropout_25"; -"657 dropout_25" -> "658 view_36"; -"658 view_36" -> "659 permute_31"; -"659 permute_31" -> "660 reshape_30"; -"660 reshape_30" -> "661 slice_106"; -"661 slice_106" -> "662 slice_107"; -"662 slice_107" -> "663 slice_108"; -"663 slice_108" -> "664 slice_109"; -"664 slice_109" -> "665 contiguous_11"; -"665 contiguous_11" -> "668 layer_norm_15"; -"666 _param_constant114" -> "668 layer_norm_15"; -"667 _param_constant115" -> "668 layer_norm_15"; -"668 layer_norm_15" -> "669 add_22"; -"669 add_22" -> "673 linear_42"; -"669 add_22" -> "684 add_23"; -"670 _param_constant117" -> "673 linear_42"; -"671 linear_42_updated_constant0" -> "672 symmetric_weights_decompressor_linear_42_updated_constant0_0"; -"672 symmetric_weights_decompressor_linear_42_updated_constant0_0" -> "673 linear_42"; -"673 linear_42" -> "674 gelu_6"; -"674 gelu_6" -> "675 dropout_26"; -"675 dropout_26" -> "679 linear_43"; -"676 _param_constant119" -> "679 linear_43"; -"677 linear_43_updated_constant0" -> "678 symmetric_weights_decompressor_linear_43_updated_constant0_0"; -"678 symmetric_weights_decompressor_linear_43_updated_constant0_0" -> "679 linear_43"; -"679 linear_43" -> "680 dropout_27"; -"680 dropout_27" -> "683 layer_norm_16"; -"681 _param_constant120" -> "683 layer_norm_16"; -"682 _param_constant121" -> "683 layer_norm_16"; -"683 layer_norm_16" -> "684 add_23"; -"684 add_23" -> "703 pad_9"; -"684 add_23" -> "771 add_26"; -"685 _tensor_constant41" -> "689 linear_44"; -"686 _param_constant123" -> "689 linear_44"; -"687 linear_44_updated_constant0" -> "688 symmetric_weights_decompressor_linear_44_updated_constant0_0"; -"688 symmetric_weights_decompressor_linear_44_updated_constant0_0" -> "689 linear_44"; -"689 linear_44" -> "690 relu__7"; -"690 relu__7" -> "693 linear_45"; -"691 linear_45_updated_constant0" -> "692 symmetric_weights_decompressor_linear_45_updated_constant0_0"; -"692 symmetric_weights_decompressor_linear_45_updated_constant0_0" -> "693 linear_45"; -"693 linear_45" -> "694 view_37"; -"694 view_37" -> "696 index_7"; -"695 _tensor_constant42" -> "696 index_7"; -"696 index_7" -> "697 view_38"; -"697 view_38" -> "698 permute_32"; -"698 permute_32" -> "699 contiguous_12"; -"699 contiguous_12" -> "700 unsqueeze_19"; -"700 unsqueeze_19" -> "701 sigmoid_7"; -"701 sigmoid_7" -> "702 mul_14"; -"702 mul_14" -> "732 add_24"; -"703 pad_9" -> "704 roll_6"; -"704 roll_6" -> "705 view_39"; -"705 view_39" -> "706 permute_33"; -"706 permute_33" -> "707 reshape_31"; -"707 reshape_31" -> "712 linear_46"; -"707 reshape_31" -> "733 new_zeros_3"; -"708 _param_constant125" -> "709 clone_7"; -"709 clone_7" -> "712 linear_46"; -"710 linear_46_updated_constant0" -> "711 symmetric_weights_decompressor_linear_46_updated_constant0_0"; -"711 symmetric_weights_decompressor_linear_46_updated_constant0_0" -> "712 linear_46"; -"712 linear_46" -> "713 reshape_32"; -"713 reshape_32" -> "714 permute_34"; -"714 permute_34" -> "715 select_21"; -"714 permute_34" -> "716 select_22"; -"714 permute_34" -> "717 select_23"; -"715 select_21" -> "718 linalg_vector_norm_14"; -"715 select_21" -> "720 expand_as_14"; -"715 select_21" -> "721 div_14"; -"716 select_22" -> "722 linalg_vector_norm_15"; -"716 select_22" -> "724 expand_as_15"; -"716 select_22" -> "725 div_15"; -"717 select_23" -> "751 matmul_15"; -"718 linalg_vector_norm_14" -> "719 clamp_min_14"; -"719 clamp_min_14" -> "720 expand_as_14"; -"720 expand_as_14" -> "721 div_14"; -"721 div_14" -> "727 matmul_14"; -"722 linalg_vector_norm_15" -> "723 clamp_min_15"; -"723 clamp_min_15" -> "724 expand_as_15"; -"724 expand_as_15" -> "725 div_15"; -"725 div_15" -> "726 transpose_14"; -"726 transpose_14" -> "727 matmul_14"; -"727 matmul_14" -> "731 mul_15"; -"728 _param_constant127" -> "729 clamp_7"; -"729 clamp_7" -> "730 exp_7"; -"730 exp_7" -> "731 mul_15"; -"731 mul_15" -> "732 add_24"; -"732 add_24" -> "744 view_41"; -"733 new_zeros_3" -> "734 view_40"; -"734 view_40" -> "735 permute_35"; -"735 permute_35" -> "736 reshape_33"; -"736 reshape_33" -> "737 unsqueeze_20"; -"736 reshape_33" -> "738 unsqueeze_21"; -"737 unsqueeze_20" -> "739 sub_3"; -"738 unsqueeze_21" -> "739 sub_3"; -"739 sub_3" -> "740 ne_3"; -"739 sub_3" -> "741 masked_fill_6"; -"739 sub_3" -> "742 eq_3"; -"740 ne_3" -> "741 masked_fill_6"; -"741 masked_fill_6" -> "743 masked_fill_7"; -"742 eq_3" -> "743 masked_fill_7"; -"743 masked_fill_7" -> "745 unsqueeze_22"; -"744 view_41" -> "747 add_25"; -"745 unsqueeze_22" -> "746 unsqueeze_23"; -"746 unsqueeze_23" -> "747 add_25"; -"747 add_25" -> "748 view_42"; -"748 view_42" -> "749 softmax_7"; -"749 softmax_7" -> "750 dropout_28"; -"750 dropout_28" -> "751 matmul_15"; -"751 matmul_15" -> "752 transpose_15"; -"752 transpose_15" -> "753 reshape_34"; -"753 reshape_34" -> "757 linear_47"; -"754 _param_constant129" -> "757 linear_47"; -"755 linear_47_updated_constant0" -> "756 symmetric_weights_decompressor_linear_47_updated_constant0_0"; -"756 symmetric_weights_decompressor_linear_47_updated_constant0_0" -> "757 linear_47"; -"757 linear_47" -> "758 dropout_29"; -"758 dropout_29" -> "759 view_43"; -"759 view_43" -> "760 permute_36"; -"760 permute_36" -> "761 reshape_35"; -"761 reshape_35" -> "762 roll_7"; -"762 roll_7" -> "763 slice_129"; -"763 slice_129" -> "764 slice_130"; -"764 slice_130" -> "765 slice_131"; -"765 slice_131" -> "766 slice_132"; -"766 slice_132" -> "767 contiguous_13"; -"767 contiguous_13" -> "770 layer_norm_17"; -"768 _param_constant130" -> "770 layer_norm_17"; -"769 _param_constant131" -> "770 layer_norm_17"; -"770 layer_norm_17" -> "771 add_26"; -"771 add_26" -> "775 linear_48"; -"771 add_26" -> "786 add_27"; -"772 _param_constant133" -> "775 linear_48"; -"773 linear_48_updated_constant0" -> "774 symmetric_weights_decompressor_linear_48_updated_constant0_0"; -"774 symmetric_weights_decompressor_linear_48_updated_constant0_0" -> "775 linear_48"; -"775 linear_48" -> "776 gelu_7"; -"776 gelu_7" -> "777 dropout_30"; -"777 dropout_30" -> "781 linear_49"; -"778 _param_constant135" -> "781 linear_49"; -"779 linear_49_updated_constant0" -> "780 symmetric_weights_decompressor_linear_49_updated_constant0_0"; -"780 symmetric_weights_decompressor_linear_49_updated_constant0_0" -> "781 linear_49"; -"781 linear_49" -> "782 dropout_31"; -"782 dropout_31" -> "785 layer_norm_18"; -"783 _param_constant136" -> "785 layer_norm_18"; -"784 _param_constant137" -> "785 layer_norm_18"; -"785 layer_norm_18" -> "786 add_27"; -"786 add_27" -> "805 pad_10"; -"786 add_27" -> "855 add_29"; -"787 _tensor_constant52" -> "791 linear_50"; -"788 _param_constant139" -> "791 linear_50"; -"789 linear_50_updated_constant0" -> "790 symmetric_weights_decompressor_linear_50_updated_constant0_0"; -"790 symmetric_weights_decompressor_linear_50_updated_constant0_0" -> "791 linear_50"; -"791 linear_50" -> "792 relu__8"; -"792 relu__8" -> "795 linear_51"; -"793 linear_51_updated_constant0" -> "794 symmetric_weights_decompressor_linear_51_updated_constant0_0"; -"794 symmetric_weights_decompressor_linear_51_updated_constant0_0" -> "795 linear_51"; -"795 linear_51" -> "796 view_44"; -"796 view_44" -> "798 index_8"; -"797 _tensor_constant53" -> "798 index_8"; -"798 index_8" -> "799 view_45"; -"799 view_45" -> "800 permute_37"; -"800 permute_37" -> "801 contiguous_14"; -"801 contiguous_14" -> "802 unsqueeze_24"; -"802 unsqueeze_24" -> "803 sigmoid_8"; -"803 sigmoid_8" -> "804 mul_16"; -"804 mul_16" -> "833 add_28"; -"805 pad_10" -> "806 view_46"; -"806 view_46" -> "807 permute_38"; -"807 permute_38" -> "808 reshape_36"; -"808 reshape_36" -> "813 linear_52"; -"809 _param_constant141" -> "810 clone_8"; -"810 clone_8" -> "813 linear_52"; -"811 linear_52_updated_constant0" -> "812 symmetric_weights_decompressor_linear_52_updated_constant0_0"; -"812 symmetric_weights_decompressor_linear_52_updated_constant0_0" -> "813 linear_52"; -"813 linear_52" -> "814 reshape_37"; -"814 reshape_37" -> "815 permute_39"; -"815 permute_39" -> "816 select_24"; -"815 permute_39" -> "817 select_25"; -"815 permute_39" -> "818 select_26"; -"816 select_24" -> "819 linalg_vector_norm_16"; -"816 select_24" -> "821 expand_as_16"; -"816 select_24" -> "822 div_16"; -"817 select_25" -> "823 linalg_vector_norm_17"; -"817 select_25" -> "825 expand_as_17"; -"817 select_25" -> "826 div_17"; -"818 select_26" -> "836 matmul_17"; -"819 linalg_vector_norm_16" -> "820 clamp_min_16"; -"820 clamp_min_16" -> "821 expand_as_16"; -"821 expand_as_16" -> "822 div_16"; -"822 div_16" -> "828 matmul_16"; -"823 linalg_vector_norm_17" -> "824 clamp_min_17"; -"824 clamp_min_17" -> "825 expand_as_17"; -"825 expand_as_17" -> "826 div_17"; -"826 div_17" -> "827 transpose_16"; -"827 transpose_16" -> "828 matmul_16"; -"828 matmul_16" -> "832 mul_17"; -"829 _param_constant143" -> "830 clamp_8"; -"830 clamp_8" -> "831 exp_8"; -"831 exp_8" -> "832 mul_17"; -"832 mul_17" -> "833 add_28"; -"833 add_28" -> "834 softmax_8"; -"834 softmax_8" -> "835 dropout_32"; -"835 dropout_32" -> "836 matmul_17"; -"836 matmul_17" -> "837 transpose_17"; -"837 transpose_17" -> "838 reshape_38"; -"838 reshape_38" -> "842 linear_53"; -"839 _param_constant145" -> "842 linear_53"; -"840 linear_53_updated_constant0" -> "841 symmetric_weights_decompressor_linear_53_updated_constant0_0"; -"841 symmetric_weights_decompressor_linear_53_updated_constant0_0" -> "842 linear_53"; -"842 linear_53" -> "843 dropout_33"; -"843 dropout_33" -> "844 view_47"; -"844 view_47" -> "845 permute_40"; -"845 permute_40" -> "846 reshape_39"; -"846 reshape_39" -> "847 slice_134"; -"847 slice_134" -> "848 slice_135"; -"848 slice_135" -> "849 slice_136"; -"849 slice_136" -> "850 slice_137"; -"850 slice_137" -> "851 contiguous_15"; -"851 contiguous_15" -> "854 layer_norm_19"; -"852 _param_constant146" -> "854 layer_norm_19"; -"853 _param_constant147" -> "854 layer_norm_19"; -"854 layer_norm_19" -> "855 add_29"; -"855 add_29" -> "859 linear_54"; -"855 add_29" -> "870 add_30"; -"856 _param_constant149" -> "859 linear_54"; -"857 linear_54_updated_constant0" -> "858 symmetric_weights_decompressor_linear_54_updated_constant0_0"; -"858 symmetric_weights_decompressor_linear_54_updated_constant0_0" -> "859 linear_54"; -"859 linear_54" -> "860 gelu_8"; -"860 gelu_8" -> "861 dropout_34"; -"861 dropout_34" -> "865 linear_55"; -"862 _param_constant151" -> "865 linear_55"; -"863 linear_55_updated_constant0" -> "864 symmetric_weights_decompressor_linear_55_updated_constant0_0"; -"864 symmetric_weights_decompressor_linear_55_updated_constant0_0" -> "865 linear_55"; -"865 linear_55" -> "866 dropout_35"; -"866 dropout_35" -> "869 layer_norm_20"; -"867 _param_constant152" -> "869 layer_norm_20"; -"868 _param_constant153" -> "869 layer_norm_20"; -"869 layer_norm_20" -> "870 add_30"; -"870 add_30" -> "889 pad_11"; -"870 add_30" -> "957 add_33"; -"871 _tensor_constant54" -> "875 linear_56"; -"872 _param_constant155" -> "875 linear_56"; -"873 linear_56_updated_constant0" -> "874 symmetric_weights_decompressor_linear_56_updated_constant0_0"; -"874 symmetric_weights_decompressor_linear_56_updated_constant0_0" -> "875 linear_56"; -"875 linear_56" -> "876 relu__9"; -"876 relu__9" -> "879 linear_57"; -"877 linear_57_updated_constant0" -> "878 symmetric_weights_decompressor_linear_57_updated_constant0_0"; -"878 symmetric_weights_decompressor_linear_57_updated_constant0_0" -> "879 linear_57"; -"879 linear_57" -> "880 view_48"; -"880 view_48" -> "882 index_9"; -"881 _tensor_constant55" -> "882 index_9"; -"882 index_9" -> "883 view_49"; -"883 view_49" -> "884 permute_41"; -"884 permute_41" -> "885 contiguous_16"; -"885 contiguous_16" -> "886 unsqueeze_25"; -"886 unsqueeze_25" -> "887 sigmoid_9"; -"887 sigmoid_9" -> "888 mul_18"; -"888 mul_18" -> "918 add_31"; -"889 pad_11" -> "890 roll_8"; -"890 roll_8" -> "891 view_50"; -"891 view_50" -> "892 permute_42"; -"892 permute_42" -> "893 reshape_40"; -"893 reshape_40" -> "898 linear_58"; -"893 reshape_40" -> "919 new_zeros_4"; -"894 _param_constant157" -> "895 clone_9"; -"895 clone_9" -> "898 linear_58"; -"896 linear_58_updated_constant0" -> "897 symmetric_weights_decompressor_linear_58_updated_constant0_0"; -"897 symmetric_weights_decompressor_linear_58_updated_constant0_0" -> "898 linear_58"; -"898 linear_58" -> "899 reshape_41"; -"899 reshape_41" -> "900 permute_43"; -"900 permute_43" -> "901 select_27"; -"900 permute_43" -> "902 select_28"; -"900 permute_43" -> "903 select_29"; -"901 select_27" -> "904 linalg_vector_norm_18"; -"901 select_27" -> "906 expand_as_18"; -"901 select_27" -> "907 div_18"; -"902 select_28" -> "908 linalg_vector_norm_19"; -"902 select_28" -> "910 expand_as_19"; -"902 select_28" -> "911 div_19"; -"903 select_29" -> "937 matmul_19"; -"904 linalg_vector_norm_18" -> "905 clamp_min_18"; -"905 clamp_min_18" -> "906 expand_as_18"; -"906 expand_as_18" -> "907 div_18"; -"907 div_18" -> "913 matmul_18"; -"908 linalg_vector_norm_19" -> "909 clamp_min_19"; -"909 clamp_min_19" -> "910 expand_as_19"; -"910 expand_as_19" -> "911 div_19"; -"911 div_19" -> "912 transpose_18"; -"912 transpose_18" -> "913 matmul_18"; -"913 matmul_18" -> "917 mul_19"; -"914 _param_constant159" -> "915 clamp_9"; -"915 clamp_9" -> "916 exp_9"; -"916 exp_9" -> "917 mul_19"; -"917 mul_19" -> "918 add_31"; -"918 add_31" -> "930 view_52"; -"919 new_zeros_4" -> "920 view_51"; -"920 view_51" -> "921 permute_44"; -"921 permute_44" -> "922 reshape_42"; -"922 reshape_42" -> "923 unsqueeze_26"; -"922 reshape_42" -> "924 unsqueeze_27"; -"923 unsqueeze_26" -> "925 sub_4"; -"924 unsqueeze_27" -> "925 sub_4"; -"925 sub_4" -> "926 ne_4"; -"925 sub_4" -> "927 masked_fill_8"; -"925 sub_4" -> "928 eq_4"; -"926 ne_4" -> "927 masked_fill_8"; -"927 masked_fill_8" -> "929 masked_fill_9"; -"928 eq_4" -> "929 masked_fill_9"; -"929 masked_fill_9" -> "931 unsqueeze_28"; -"930 view_52" -> "933 add_32"; -"931 unsqueeze_28" -> "932 unsqueeze_29"; -"932 unsqueeze_29" -> "933 add_32"; -"933 add_32" -> "934 view_53"; -"934 view_53" -> "935 softmax_9"; -"935 softmax_9" -> "936 dropout_36"; -"936 dropout_36" -> "937 matmul_19"; -"937 matmul_19" -> "938 transpose_19"; -"938 transpose_19" -> "939 reshape_43"; -"939 reshape_43" -> "943 linear_59"; -"940 _param_constant161" -> "943 linear_59"; -"941 linear_59_updated_constant0" -> "942 symmetric_weights_decompressor_linear_59_updated_constant0_0"; -"942 symmetric_weights_decompressor_linear_59_updated_constant0_0" -> "943 linear_59"; -"943 linear_59" -> "944 dropout_37"; -"944 dropout_37" -> "945 view_54"; -"945 view_54" -> "946 permute_45"; -"946 permute_45" -> "947 reshape_44"; -"947 reshape_44" -> "948 roll_9"; -"948 roll_9" -> "949 slice_157"; -"949 slice_157" -> "950 slice_158"; -"950 slice_158" -> "951 slice_159"; -"951 slice_159" -> "952 slice_160"; -"952 slice_160" -> "953 contiguous_17"; -"953 contiguous_17" -> "956 layer_norm_21"; -"954 _param_constant162" -> "956 layer_norm_21"; -"955 _param_constant163" -> "956 layer_norm_21"; -"956 layer_norm_21" -> "957 add_33"; -"957 add_33" -> "961 linear_60"; -"957 add_33" -> "972 add_34"; -"958 _param_constant165" -> "961 linear_60"; -"959 linear_60_updated_constant0" -> "960 symmetric_weights_decompressor_linear_60_updated_constant0_0"; -"960 symmetric_weights_decompressor_linear_60_updated_constant0_0" -> "961 linear_60"; -"961 linear_60" -> "962 gelu_9"; -"962 gelu_9" -> "963 dropout_38"; -"963 dropout_38" -> "967 linear_61"; -"964 _param_constant167" -> "967 linear_61"; -"965 linear_61_updated_constant0" -> "966 symmetric_weights_decompressor_linear_61_updated_constant0_0"; -"966 symmetric_weights_decompressor_linear_61_updated_constant0_0" -> "967 linear_61"; -"967 linear_61" -> "968 dropout_39"; -"968 dropout_39" -> "971 layer_norm_22"; -"969 _param_constant168" -> "971 layer_norm_22"; -"970 _param_constant169" -> "971 layer_norm_22"; -"971 layer_norm_22" -> "972 add_34"; -"972 add_34" -> "991 pad_12"; -"972 add_34" -> "1041 add_36"; -"973 _tensor_constant65" -> "977 linear_62"; -"974 _param_constant171" -> "977 linear_62"; -"975 linear_62_updated_constant0" -> "976 symmetric_weights_decompressor_linear_62_updated_constant0_0"; -"976 symmetric_weights_decompressor_linear_62_updated_constant0_0" -> "977 linear_62"; -"977 linear_62" -> "978 relu__10"; -"978 relu__10" -> "981 linear_63"; -"979 linear_63_updated_constant0" -> "980 symmetric_weights_decompressor_linear_63_updated_constant0_0"; -"980 symmetric_weights_decompressor_linear_63_updated_constant0_0" -> "981 linear_63"; -"981 linear_63" -> "982 view_55"; -"982 view_55" -> "984 index_10"; -"983 _tensor_constant66" -> "984 index_10"; -"984 index_10" -> "985 view_56"; -"985 view_56" -> "986 permute_46"; -"986 permute_46" -> "987 contiguous_18"; -"987 contiguous_18" -> "988 unsqueeze_30"; -"988 unsqueeze_30" -> "989 sigmoid_10"; -"989 sigmoid_10" -> "990 mul_20"; -"990 mul_20" -> "1019 add_35"; -"991 pad_12" -> "992 view_57"; -"992 view_57" -> "993 permute_47"; -"993 permute_47" -> "994 reshape_45"; -"994 reshape_45" -> "999 linear_64"; -"995 _param_constant173" -> "996 clone_10"; -"996 clone_10" -> "999 linear_64"; -"997 linear_64_updated_constant0" -> "998 symmetric_weights_decompressor_linear_64_updated_constant0_0"; -"998 symmetric_weights_decompressor_linear_64_updated_constant0_0" -> "999 linear_64"; -"999 linear_64" -> "1000 reshape_46"; -"1000 reshape_46" -> "1001 permute_48"; -"1001 permute_48" -> "1002 select_30"; -"1001 permute_48" -> "1003 select_31"; -"1001 permute_48" -> "1004 select_32"; -"1002 select_30" -> "1005 linalg_vector_norm_20"; -"1002 select_30" -> "1007 expand_as_20"; -"1002 select_30" -> "1008 div_20"; -"1003 select_31" -> "1009 linalg_vector_norm_21"; -"1003 select_31" -> "1011 expand_as_21"; -"1003 select_31" -> "1012 div_21"; -"1004 select_32" -> "1022 matmul_21"; -"1005 linalg_vector_norm_20" -> "1006 clamp_min_20"; -"1006 clamp_min_20" -> "1007 expand_as_20"; -"1007 expand_as_20" -> "1008 div_20"; -"1008 div_20" -> "1014 matmul_20"; -"1009 linalg_vector_norm_21" -> "1010 clamp_min_21"; -"1010 clamp_min_21" -> "1011 expand_as_21"; -"1011 expand_as_21" -> "1012 div_21"; -"1012 div_21" -> "1013 transpose_20"; -"1013 transpose_20" -> "1014 matmul_20"; -"1014 matmul_20" -> "1018 mul_21"; -"1015 _param_constant175" -> "1016 clamp_10"; -"1016 clamp_10" -> "1017 exp_10"; -"1017 exp_10" -> "1018 mul_21"; -"1018 mul_21" -> "1019 add_35"; -"1019 add_35" -> "1020 softmax_10"; -"1020 softmax_10" -> "1021 dropout_40"; -"1021 dropout_40" -> "1022 matmul_21"; -"1022 matmul_21" -> "1023 transpose_21"; -"1023 transpose_21" -> "1024 reshape_47"; -"1024 reshape_47" -> "1028 linear_65"; -"1025 _param_constant177" -> "1028 linear_65"; -"1026 linear_65_updated_constant0" -> "1027 symmetric_weights_decompressor_linear_65_updated_constant0_0"; -"1027 symmetric_weights_decompressor_linear_65_updated_constant0_0" -> "1028 linear_65"; -"1028 linear_65" -> "1029 dropout_41"; -"1029 dropout_41" -> "1030 view_58"; -"1030 view_58" -> "1031 permute_49"; -"1031 permute_49" -> "1032 reshape_48"; -"1032 reshape_48" -> "1033 slice_162"; -"1033 slice_162" -> "1034 slice_163"; -"1034 slice_163" -> "1035 slice_164"; -"1035 slice_164" -> "1036 slice_165"; -"1036 slice_165" -> "1037 contiguous_19"; -"1037 contiguous_19" -> "1040 layer_norm_23"; -"1038 _param_constant178" -> "1040 layer_norm_23"; -"1039 _param_constant179" -> "1040 layer_norm_23"; -"1040 layer_norm_23" -> "1041 add_36"; -"1041 add_36" -> "1045 linear_66"; -"1041 add_36" -> "1056 add_37"; -"1042 _param_constant181" -> "1045 linear_66"; -"1043 linear_66_updated_constant0" -> "1044 symmetric_weights_decompressor_linear_66_updated_constant0_0"; -"1044 symmetric_weights_decompressor_linear_66_updated_constant0_0" -> "1045 linear_66"; -"1045 linear_66" -> "1046 gelu_10"; -"1046 gelu_10" -> "1047 dropout_42"; -"1047 dropout_42" -> "1051 linear_67"; -"1048 _param_constant183" -> "1051 linear_67"; -"1049 linear_67_updated_constant0" -> "1050 symmetric_weights_decompressor_linear_67_updated_constant0_0"; -"1050 symmetric_weights_decompressor_linear_67_updated_constant0_0" -> "1051 linear_67"; -"1051 linear_67" -> "1052 dropout_43"; -"1052 dropout_43" -> "1055 layer_norm_24"; -"1053 _param_constant184" -> "1055 layer_norm_24"; -"1054 _param_constant185" -> "1055 layer_norm_24"; -"1055 layer_norm_24" -> "1056 add_37"; -"1056 add_37" -> "1075 pad_13"; -"1056 add_37" -> "1143 add_40"; -"1057 _tensor_constant67" -> "1061 linear_68"; -"1058 _param_constant187" -> "1061 linear_68"; -"1059 linear_68_updated_constant0" -> "1060 symmetric_weights_decompressor_linear_68_updated_constant0_0"; -"1060 symmetric_weights_decompressor_linear_68_updated_constant0_0" -> "1061 linear_68"; -"1061 linear_68" -> "1062 relu__11"; -"1062 relu__11" -> "1065 linear_69"; -"1063 linear_69_updated_constant0" -> "1064 symmetric_weights_decompressor_linear_69_updated_constant0_0"; -"1064 symmetric_weights_decompressor_linear_69_updated_constant0_0" -> "1065 linear_69"; -"1065 linear_69" -> "1066 view_59"; -"1066 view_59" -> "1068 index_11"; -"1067 _tensor_constant68" -> "1068 index_11"; -"1068 index_11" -> "1069 view_60"; -"1069 view_60" -> "1070 permute_50"; -"1070 permute_50" -> "1071 contiguous_20"; -"1071 contiguous_20" -> "1072 unsqueeze_31"; -"1072 unsqueeze_31" -> "1073 sigmoid_11"; -"1073 sigmoid_11" -> "1074 mul_22"; -"1074 mul_22" -> "1104 add_38"; -"1075 pad_13" -> "1076 roll_10"; -"1076 roll_10" -> "1077 view_61"; -"1077 view_61" -> "1078 permute_51"; -"1078 permute_51" -> "1079 reshape_49"; -"1079 reshape_49" -> "1084 linear_70"; -"1079 reshape_49" -> "1105 new_zeros_5"; -"1080 _param_constant189" -> "1081 clone_11"; -"1081 clone_11" -> "1084 linear_70"; -"1082 linear_70_updated_constant0" -> "1083 symmetric_weights_decompressor_linear_70_updated_constant0_0"; -"1083 symmetric_weights_decompressor_linear_70_updated_constant0_0" -> "1084 linear_70"; -"1084 linear_70" -> "1085 reshape_50"; -"1085 reshape_50" -> "1086 permute_52"; -"1086 permute_52" -> "1087 select_33"; -"1086 permute_52" -> "1088 select_34"; -"1086 permute_52" -> "1089 select_35"; -"1087 select_33" -> "1090 linalg_vector_norm_22"; -"1087 select_33" -> "1092 expand_as_22"; -"1087 select_33" -> "1093 div_22"; -"1088 select_34" -> "1094 linalg_vector_norm_23"; -"1088 select_34" -> "1096 expand_as_23"; -"1088 select_34" -> "1097 div_23"; -"1089 select_35" -> "1123 matmul_23"; -"1090 linalg_vector_norm_22" -> "1091 clamp_min_22"; -"1091 clamp_min_22" -> "1092 expand_as_22"; -"1092 expand_as_22" -> "1093 div_22"; -"1093 div_22" -> "1099 matmul_22"; -"1094 linalg_vector_norm_23" -> "1095 clamp_min_23"; -"1095 clamp_min_23" -> "1096 expand_as_23"; -"1096 expand_as_23" -> "1097 div_23"; -"1097 div_23" -> "1098 transpose_22"; -"1098 transpose_22" -> "1099 matmul_22"; -"1099 matmul_22" -> "1103 mul_23"; -"1100 _param_constant191" -> "1101 clamp_11"; -"1101 clamp_11" -> "1102 exp_11"; -"1102 exp_11" -> "1103 mul_23"; -"1103 mul_23" -> "1104 add_38"; -"1104 add_38" -> "1116 view_63"; -"1105 new_zeros_5" -> "1106 view_62"; -"1106 view_62" -> "1107 permute_53"; -"1107 permute_53" -> "1108 reshape_51"; -"1108 reshape_51" -> "1109 unsqueeze_32"; -"1108 reshape_51" -> "1110 unsqueeze_33"; -"1109 unsqueeze_32" -> "1111 sub_5"; -"1110 unsqueeze_33" -> "1111 sub_5"; -"1111 sub_5" -> "1112 ne_5"; -"1111 sub_5" -> "1113 masked_fill_10"; -"1111 sub_5" -> "1114 eq_5"; -"1112 ne_5" -> "1113 masked_fill_10"; -"1113 masked_fill_10" -> "1115 masked_fill_11"; -"1114 eq_5" -> "1115 masked_fill_11"; -"1115 masked_fill_11" -> "1117 unsqueeze_34"; -"1116 view_63" -> "1119 add_39"; -"1117 unsqueeze_34" -> "1118 unsqueeze_35"; -"1118 unsqueeze_35" -> "1119 add_39"; -"1119 add_39" -> "1120 view_64"; -"1120 view_64" -> "1121 softmax_11"; -"1121 softmax_11" -> "1122 dropout_44"; -"1122 dropout_44" -> "1123 matmul_23"; -"1123 matmul_23" -> "1124 transpose_23"; -"1124 transpose_23" -> "1125 reshape_52"; -"1125 reshape_52" -> "1129 linear_71"; -"1126 _param_constant193" -> "1129 linear_71"; -"1127 linear_71_updated_constant0" -> "1128 symmetric_weights_decompressor_linear_71_updated_constant0_0"; -"1128 symmetric_weights_decompressor_linear_71_updated_constant0_0" -> "1129 linear_71"; -"1129 linear_71" -> "1130 dropout_45"; -"1130 dropout_45" -> "1131 view_65"; -"1131 view_65" -> "1132 permute_54"; -"1132 permute_54" -> "1133 reshape_53"; -"1133 reshape_53" -> "1134 roll_11"; -"1134 roll_11" -> "1135 slice_185"; -"1135 slice_185" -> "1136 slice_186"; -"1136 slice_186" -> "1137 slice_187"; -"1137 slice_187" -> "1138 slice_188"; -"1138 slice_188" -> "1139 contiguous_21"; -"1139 contiguous_21" -> "1142 layer_norm_25"; -"1140 _param_constant194" -> "1142 layer_norm_25"; -"1141 _param_constant195" -> "1142 layer_norm_25"; -"1142 layer_norm_25" -> "1143 add_40"; -"1143 add_40" -> "1147 linear_72"; -"1143 add_40" -> "1158 add_41"; -"1144 _param_constant197" -> "1147 linear_72"; -"1145 linear_72_updated_constant0" -> "1146 symmetric_weights_decompressor_linear_72_updated_constant0_0"; -"1146 symmetric_weights_decompressor_linear_72_updated_constant0_0" -> "1147 linear_72"; -"1147 linear_72" -> "1148 gelu_11"; -"1148 gelu_11" -> "1149 dropout_46"; -"1149 dropout_46" -> "1153 linear_73"; -"1150 _param_constant199" -> "1153 linear_73"; -"1151 linear_73_updated_constant0" -> "1152 symmetric_weights_decompressor_linear_73_updated_constant0_0"; -"1152 symmetric_weights_decompressor_linear_73_updated_constant0_0" -> "1153 linear_73"; -"1153 linear_73" -> "1154 dropout_47"; -"1154 dropout_47" -> "1157 layer_norm_26"; -"1155 _param_constant200" -> "1157 layer_norm_26"; -"1156 _param_constant201" -> "1157 layer_norm_26"; -"1157 layer_norm_26" -> "1158 add_41"; -"1158 add_41" -> "1177 pad_14"; -"1158 add_41" -> "1227 add_43"; -"1159 _tensor_constant78" -> "1163 linear_74"; -"1160 _param_constant203" -> "1163 linear_74"; -"1161 linear_74_updated_constant0" -> "1162 symmetric_weights_decompressor_linear_74_updated_constant0_0"; -"1162 symmetric_weights_decompressor_linear_74_updated_constant0_0" -> "1163 linear_74"; -"1163 linear_74" -> "1164 relu__12"; -"1164 relu__12" -> "1167 linear_75"; -"1165 linear_75_updated_constant0" -> "1166 symmetric_weights_decompressor_linear_75_updated_constant0_0"; -"1166 symmetric_weights_decompressor_linear_75_updated_constant0_0" -> "1167 linear_75"; -"1167 linear_75" -> "1168 view_66"; -"1168 view_66" -> "1170 index_12"; -"1169 _tensor_constant79" -> "1170 index_12"; -"1170 index_12" -> "1171 view_67"; -"1171 view_67" -> "1172 permute_55"; -"1172 permute_55" -> "1173 contiguous_22"; -"1173 contiguous_22" -> "1174 unsqueeze_36"; -"1174 unsqueeze_36" -> "1175 sigmoid_12"; -"1175 sigmoid_12" -> "1176 mul_24"; -"1176 mul_24" -> "1205 add_42"; -"1177 pad_14" -> "1178 view_68"; -"1178 view_68" -> "1179 permute_56"; -"1179 permute_56" -> "1180 reshape_54"; -"1180 reshape_54" -> "1185 linear_76"; -"1181 _param_constant205" -> "1182 clone_12"; -"1182 clone_12" -> "1185 linear_76"; -"1183 linear_76_updated_constant0" -> "1184 symmetric_weights_decompressor_linear_76_updated_constant0_0"; -"1184 symmetric_weights_decompressor_linear_76_updated_constant0_0" -> "1185 linear_76"; -"1185 linear_76" -> "1186 reshape_55"; -"1186 reshape_55" -> "1187 permute_57"; -"1187 permute_57" -> "1188 select_36"; -"1187 permute_57" -> "1189 select_37"; -"1187 permute_57" -> "1190 select_38"; -"1188 select_36" -> "1191 linalg_vector_norm_24"; -"1188 select_36" -> "1193 expand_as_24"; -"1188 select_36" -> "1194 div_24"; -"1189 select_37" -> "1195 linalg_vector_norm_25"; -"1189 select_37" -> "1197 expand_as_25"; -"1189 select_37" -> "1198 div_25"; -"1190 select_38" -> "1208 matmul_25"; -"1191 linalg_vector_norm_24" -> "1192 clamp_min_24"; -"1192 clamp_min_24" -> "1193 expand_as_24"; -"1193 expand_as_24" -> "1194 div_24"; -"1194 div_24" -> "1200 matmul_24"; -"1195 linalg_vector_norm_25" -> "1196 clamp_min_25"; -"1196 clamp_min_25" -> "1197 expand_as_25"; -"1197 expand_as_25" -> "1198 div_25"; -"1198 div_25" -> "1199 transpose_24"; -"1199 transpose_24" -> "1200 matmul_24"; -"1200 matmul_24" -> "1204 mul_25"; -"1201 _param_constant207" -> "1202 clamp_12"; -"1202 clamp_12" -> "1203 exp_12"; -"1203 exp_12" -> "1204 mul_25"; -"1204 mul_25" -> "1205 add_42"; -"1205 add_42" -> "1206 softmax_12"; -"1206 softmax_12" -> "1207 dropout_48"; -"1207 dropout_48" -> "1208 matmul_25"; -"1208 matmul_25" -> "1209 transpose_25"; -"1209 transpose_25" -> "1210 reshape_56"; -"1210 reshape_56" -> "1214 linear_77"; -"1211 _param_constant209" -> "1214 linear_77"; -"1212 linear_77_updated_constant0" -> "1213 symmetric_weights_decompressor_linear_77_updated_constant0_0"; -"1213 symmetric_weights_decompressor_linear_77_updated_constant0_0" -> "1214 linear_77"; -"1214 linear_77" -> "1215 dropout_49"; -"1215 dropout_49" -> "1216 view_69"; -"1216 view_69" -> "1217 permute_58"; -"1217 permute_58" -> "1218 reshape_57"; -"1218 reshape_57" -> "1219 slice_190"; -"1219 slice_190" -> "1220 slice_191"; -"1220 slice_191" -> "1221 slice_192"; -"1221 slice_192" -> "1222 slice_193"; -"1222 slice_193" -> "1223 contiguous_23"; -"1223 contiguous_23" -> "1226 layer_norm_27"; -"1224 _param_constant210" -> "1226 layer_norm_27"; -"1225 _param_constant211" -> "1226 layer_norm_27"; -"1226 layer_norm_27" -> "1227 add_43"; -"1227 add_43" -> "1231 linear_78"; -"1227 add_43" -> "1242 add_44"; -"1228 _param_constant213" -> "1231 linear_78"; -"1229 linear_78_updated_constant0" -> "1230 symmetric_weights_decompressor_linear_78_updated_constant0_0"; -"1230 symmetric_weights_decompressor_linear_78_updated_constant0_0" -> "1231 linear_78"; -"1231 linear_78" -> "1232 gelu_12"; -"1232 gelu_12" -> "1233 dropout_50"; -"1233 dropout_50" -> "1237 linear_79"; -"1234 _param_constant215" -> "1237 linear_79"; -"1235 linear_79_updated_constant0" -> "1236 symmetric_weights_decompressor_linear_79_updated_constant0_0"; -"1236 symmetric_weights_decompressor_linear_79_updated_constant0_0" -> "1237 linear_79"; -"1237 linear_79" -> "1238 dropout_51"; -"1238 dropout_51" -> "1241 layer_norm_28"; -"1239 _param_constant216" -> "1241 layer_norm_28"; -"1240 _param_constant217" -> "1241 layer_norm_28"; -"1241 layer_norm_28" -> "1242 add_44"; -"1242 add_44" -> "1261 pad_15"; -"1242 add_44" -> "1329 add_47"; -"1243 _tensor_constant80" -> "1247 linear_80"; -"1244 _param_constant219" -> "1247 linear_80"; -"1245 linear_80_updated_constant0" -> "1246 symmetric_weights_decompressor_linear_80_updated_constant0_0"; -"1246 symmetric_weights_decompressor_linear_80_updated_constant0_0" -> "1247 linear_80"; -"1247 linear_80" -> "1248 relu__13"; -"1248 relu__13" -> "1251 linear_81"; -"1249 linear_81_updated_constant0" -> "1250 symmetric_weights_decompressor_linear_81_updated_constant0_0"; -"1250 symmetric_weights_decompressor_linear_81_updated_constant0_0" -> "1251 linear_81"; -"1251 linear_81" -> "1252 view_70"; -"1252 view_70" -> "1254 index_13"; -"1253 _tensor_constant81" -> "1254 index_13"; -"1254 index_13" -> "1255 view_71"; -"1255 view_71" -> "1256 permute_59"; -"1256 permute_59" -> "1257 contiguous_24"; -"1257 contiguous_24" -> "1258 unsqueeze_37"; -"1258 unsqueeze_37" -> "1259 sigmoid_13"; -"1259 sigmoid_13" -> "1260 mul_26"; -"1260 mul_26" -> "1290 add_45"; -"1261 pad_15" -> "1262 roll_12"; -"1262 roll_12" -> "1263 view_72"; -"1263 view_72" -> "1264 permute_60"; -"1264 permute_60" -> "1265 reshape_58"; -"1265 reshape_58" -> "1270 linear_82"; -"1265 reshape_58" -> "1291 new_zeros_6"; -"1266 _param_constant221" -> "1267 clone_13"; -"1267 clone_13" -> "1270 linear_82"; -"1268 linear_82_updated_constant0" -> "1269 symmetric_weights_decompressor_linear_82_updated_constant0_0"; -"1269 symmetric_weights_decompressor_linear_82_updated_constant0_0" -> "1270 linear_82"; -"1270 linear_82" -> "1271 reshape_59"; -"1271 reshape_59" -> "1272 permute_61"; -"1272 permute_61" -> "1273 select_39"; -"1272 permute_61" -> "1274 select_40"; -"1272 permute_61" -> "1275 select_41"; -"1273 select_39" -> "1276 linalg_vector_norm_26"; -"1273 select_39" -> "1278 expand_as_26"; -"1273 select_39" -> "1279 div_26"; -"1274 select_40" -> "1280 linalg_vector_norm_27"; -"1274 select_40" -> "1282 expand_as_27"; -"1274 select_40" -> "1283 div_27"; -"1275 select_41" -> "1309 matmul_27"; -"1276 linalg_vector_norm_26" -> "1277 clamp_min_26"; -"1277 clamp_min_26" -> "1278 expand_as_26"; -"1278 expand_as_26" -> "1279 div_26"; -"1279 div_26" -> "1285 matmul_26"; -"1280 linalg_vector_norm_27" -> "1281 clamp_min_27"; -"1281 clamp_min_27" -> "1282 expand_as_27"; -"1282 expand_as_27" -> "1283 div_27"; -"1283 div_27" -> "1284 transpose_26"; -"1284 transpose_26" -> "1285 matmul_26"; -"1285 matmul_26" -> "1289 mul_27"; -"1286 _param_constant223" -> "1287 clamp_13"; -"1287 clamp_13" -> "1288 exp_13"; -"1288 exp_13" -> "1289 mul_27"; -"1289 mul_27" -> "1290 add_45"; -"1290 add_45" -> "1302 view_74"; -"1291 new_zeros_6" -> "1292 view_73"; -"1292 view_73" -> "1293 permute_62"; -"1293 permute_62" -> "1294 reshape_60"; -"1294 reshape_60" -> "1295 unsqueeze_38"; -"1294 reshape_60" -> "1296 unsqueeze_39"; -"1295 unsqueeze_38" -> "1297 sub_6"; -"1296 unsqueeze_39" -> "1297 sub_6"; -"1297 sub_6" -> "1298 ne_6"; -"1297 sub_6" -> "1299 masked_fill_12"; -"1297 sub_6" -> "1300 eq_6"; -"1298 ne_6" -> "1299 masked_fill_12"; -"1299 masked_fill_12" -> "1301 masked_fill_13"; -"1300 eq_6" -> "1301 masked_fill_13"; -"1301 masked_fill_13" -> "1303 unsqueeze_40"; -"1302 view_74" -> "1305 add_46"; -"1303 unsqueeze_40" -> "1304 unsqueeze_41"; -"1304 unsqueeze_41" -> "1305 add_46"; -"1305 add_46" -> "1306 view_75"; -"1306 view_75" -> "1307 softmax_13"; -"1307 softmax_13" -> "1308 dropout_52"; -"1308 dropout_52" -> "1309 matmul_27"; -"1309 matmul_27" -> "1310 transpose_27"; -"1310 transpose_27" -> "1311 reshape_61"; -"1311 reshape_61" -> "1315 linear_83"; -"1312 _param_constant225" -> "1315 linear_83"; -"1313 linear_83_updated_constant0" -> "1314 symmetric_weights_decompressor_linear_83_updated_constant0_0"; -"1314 symmetric_weights_decompressor_linear_83_updated_constant0_0" -> "1315 linear_83"; -"1315 linear_83" -> "1316 dropout_53"; -"1316 dropout_53" -> "1317 view_76"; -"1317 view_76" -> "1318 permute_63"; -"1318 permute_63" -> "1319 reshape_62"; -"1319 reshape_62" -> "1320 roll_13"; -"1320 roll_13" -> "1321 slice_213"; -"1321 slice_213" -> "1322 slice_214"; -"1322 slice_214" -> "1323 slice_215"; -"1323 slice_215" -> "1324 slice_216"; -"1324 slice_216" -> "1325 contiguous_25"; -"1325 contiguous_25" -> "1328 layer_norm_29"; -"1326 _param_constant226" -> "1328 layer_norm_29"; -"1327 _param_constant227" -> "1328 layer_norm_29"; -"1328 layer_norm_29" -> "1329 add_47"; -"1329 add_47" -> "1333 linear_84"; -"1329 add_47" -> "1344 add_48"; -"1330 _param_constant229" -> "1333 linear_84"; -"1331 linear_84_updated_constant0" -> "1332 symmetric_weights_decompressor_linear_84_updated_constant0_0"; -"1332 symmetric_weights_decompressor_linear_84_updated_constant0_0" -> "1333 linear_84"; -"1333 linear_84" -> "1334 gelu_13"; -"1334 gelu_13" -> "1335 dropout_54"; -"1335 dropout_54" -> "1339 linear_85"; -"1336 _param_constant231" -> "1339 linear_85"; -"1337 linear_85_updated_constant0" -> "1338 symmetric_weights_decompressor_linear_85_updated_constant0_0"; -"1338 symmetric_weights_decompressor_linear_85_updated_constant0_0" -> "1339 linear_85"; -"1339 linear_85" -> "1340 dropout_55"; -"1340 dropout_55" -> "1343 layer_norm_30"; -"1341 _param_constant232" -> "1343 layer_norm_30"; -"1342 _param_constant233" -> "1343 layer_norm_30"; -"1343 layer_norm_30" -> "1344 add_48"; -"1344 add_48" -> "1363 pad_16"; -"1344 add_48" -> "1413 add_50"; -"1345 _tensor_constant91" -> "1349 linear_86"; -"1346 _param_constant235" -> "1349 linear_86"; -"1347 linear_86_updated_constant0" -> "1348 symmetric_weights_decompressor_linear_86_updated_constant0_0"; -"1348 symmetric_weights_decompressor_linear_86_updated_constant0_0" -> "1349 linear_86"; -"1349 linear_86" -> "1350 relu__14"; -"1350 relu__14" -> "1353 linear_87"; -"1351 linear_87_updated_constant0" -> "1352 symmetric_weights_decompressor_linear_87_updated_constant0_0"; -"1352 symmetric_weights_decompressor_linear_87_updated_constant0_0" -> "1353 linear_87"; -"1353 linear_87" -> "1354 view_77"; -"1354 view_77" -> "1356 index_14"; -"1355 _tensor_constant92" -> "1356 index_14"; -"1356 index_14" -> "1357 view_78"; -"1357 view_78" -> "1358 permute_64"; -"1358 permute_64" -> "1359 contiguous_26"; -"1359 contiguous_26" -> "1360 unsqueeze_42"; -"1360 unsqueeze_42" -> "1361 sigmoid_14"; -"1361 sigmoid_14" -> "1362 mul_28"; -"1362 mul_28" -> "1391 add_49"; -"1363 pad_16" -> "1364 view_79"; -"1364 view_79" -> "1365 permute_65"; -"1365 permute_65" -> "1366 reshape_63"; -"1366 reshape_63" -> "1371 linear_88"; -"1367 _param_constant237" -> "1368 clone_14"; -"1368 clone_14" -> "1371 linear_88"; -"1369 linear_88_updated_constant0" -> "1370 symmetric_weights_decompressor_linear_88_updated_constant0_0"; -"1370 symmetric_weights_decompressor_linear_88_updated_constant0_0" -> "1371 linear_88"; -"1371 linear_88" -> "1372 reshape_64"; -"1372 reshape_64" -> "1373 permute_66"; -"1373 permute_66" -> "1374 select_42"; -"1373 permute_66" -> "1375 select_43"; -"1373 permute_66" -> "1376 select_44"; -"1374 select_42" -> "1377 linalg_vector_norm_28"; -"1374 select_42" -> "1379 expand_as_28"; -"1374 select_42" -> "1380 div_28"; -"1375 select_43" -> "1381 linalg_vector_norm_29"; -"1375 select_43" -> "1383 expand_as_29"; -"1375 select_43" -> "1384 div_29"; -"1376 select_44" -> "1394 matmul_29"; -"1377 linalg_vector_norm_28" -> "1378 clamp_min_28"; -"1378 clamp_min_28" -> "1379 expand_as_28"; -"1379 expand_as_28" -> "1380 div_28"; -"1380 div_28" -> "1386 matmul_28"; -"1381 linalg_vector_norm_29" -> "1382 clamp_min_29"; -"1382 clamp_min_29" -> "1383 expand_as_29"; -"1383 expand_as_29" -> "1384 div_29"; -"1384 div_29" -> "1385 transpose_28"; -"1385 transpose_28" -> "1386 matmul_28"; -"1386 matmul_28" -> "1390 mul_29"; -"1387 _param_constant239" -> "1388 clamp_14"; -"1388 clamp_14" -> "1389 exp_14"; -"1389 exp_14" -> "1390 mul_29"; -"1390 mul_29" -> "1391 add_49"; -"1391 add_49" -> "1392 softmax_14"; -"1392 softmax_14" -> "1393 dropout_56"; -"1393 dropout_56" -> "1394 matmul_29"; -"1394 matmul_29" -> "1395 transpose_29"; -"1395 transpose_29" -> "1396 reshape_65"; -"1396 reshape_65" -> "1400 linear_89"; -"1397 _param_constant241" -> "1400 linear_89"; -"1398 linear_89_updated_constant0" -> "1399 symmetric_weights_decompressor_linear_89_updated_constant0_0"; -"1399 symmetric_weights_decompressor_linear_89_updated_constant0_0" -> "1400 linear_89"; -"1400 linear_89" -> "1401 dropout_57"; -"1401 dropout_57" -> "1402 view_80"; -"1402 view_80" -> "1403 permute_67"; -"1403 permute_67" -> "1404 reshape_66"; -"1404 reshape_66" -> "1405 slice_218"; -"1405 slice_218" -> "1406 slice_219"; -"1406 slice_219" -> "1407 slice_220"; -"1407 slice_220" -> "1408 slice_221"; -"1408 slice_221" -> "1409 contiguous_27"; -"1409 contiguous_27" -> "1412 layer_norm_31"; -"1410 _param_constant242" -> "1412 layer_norm_31"; -"1411 _param_constant243" -> "1412 layer_norm_31"; -"1412 layer_norm_31" -> "1413 add_50"; -"1413 add_50" -> "1417 linear_90"; -"1413 add_50" -> "1428 add_51"; -"1414 _param_constant245" -> "1417 linear_90"; -"1415 linear_90_updated_constant0" -> "1416 symmetric_weights_decompressor_linear_90_updated_constant0_0"; -"1416 symmetric_weights_decompressor_linear_90_updated_constant0_0" -> "1417 linear_90"; -"1417 linear_90" -> "1418 gelu_14"; -"1418 gelu_14" -> "1419 dropout_58"; -"1419 dropout_58" -> "1423 linear_91"; -"1420 _param_constant247" -> "1423 linear_91"; -"1421 linear_91_updated_constant0" -> "1422 symmetric_weights_decompressor_linear_91_updated_constant0_0"; -"1422 symmetric_weights_decompressor_linear_91_updated_constant0_0" -> "1423 linear_91"; -"1423 linear_91" -> "1424 dropout_59"; -"1424 dropout_59" -> "1427 layer_norm_32"; -"1425 _param_constant248" -> "1427 layer_norm_32"; -"1426 _param_constant249" -> "1427 layer_norm_32"; -"1427 layer_norm_32" -> "1428 add_51"; -"1428 add_51" -> "1447 pad_17"; -"1428 add_51" -> "1515 add_54"; -"1429 _tensor_constant93" -> "1433 linear_92"; -"1430 _param_constant251" -> "1433 linear_92"; -"1431 linear_92_updated_constant0" -> "1432 symmetric_weights_decompressor_linear_92_updated_constant0_0"; -"1432 symmetric_weights_decompressor_linear_92_updated_constant0_0" -> "1433 linear_92"; -"1433 linear_92" -> "1434 relu__15"; -"1434 relu__15" -> "1437 linear_93"; -"1435 linear_93_updated_constant0" -> "1436 symmetric_weights_decompressor_linear_93_updated_constant0_0"; -"1436 symmetric_weights_decompressor_linear_93_updated_constant0_0" -> "1437 linear_93"; -"1437 linear_93" -> "1438 view_81"; -"1438 view_81" -> "1440 index_15"; -"1439 _tensor_constant94" -> "1440 index_15"; -"1440 index_15" -> "1441 view_82"; -"1441 view_82" -> "1442 permute_68"; -"1442 permute_68" -> "1443 contiguous_28"; -"1443 contiguous_28" -> "1444 unsqueeze_43"; -"1444 unsqueeze_43" -> "1445 sigmoid_15"; -"1445 sigmoid_15" -> "1446 mul_30"; -"1446 mul_30" -> "1476 add_52"; -"1447 pad_17" -> "1448 roll_14"; -"1448 roll_14" -> "1449 view_83"; -"1449 view_83" -> "1450 permute_69"; -"1450 permute_69" -> "1451 reshape_67"; -"1451 reshape_67" -> "1456 linear_94"; -"1451 reshape_67" -> "1477 new_zeros_7"; -"1452 _param_constant253" -> "1453 clone_15"; -"1453 clone_15" -> "1456 linear_94"; -"1454 linear_94_updated_constant0" -> "1455 symmetric_weights_decompressor_linear_94_updated_constant0_0"; -"1455 symmetric_weights_decompressor_linear_94_updated_constant0_0" -> "1456 linear_94"; -"1456 linear_94" -> "1457 reshape_68"; -"1457 reshape_68" -> "1458 permute_70"; -"1458 permute_70" -> "1459 select_45"; -"1458 permute_70" -> "1460 select_46"; -"1458 permute_70" -> "1461 select_47"; -"1459 select_45" -> "1462 linalg_vector_norm_30"; -"1459 select_45" -> "1464 expand_as_30"; -"1459 select_45" -> "1465 div_30"; -"1460 select_46" -> "1466 linalg_vector_norm_31"; -"1460 select_46" -> "1468 expand_as_31"; -"1460 select_46" -> "1469 div_31"; -"1461 select_47" -> "1495 matmul_31"; -"1462 linalg_vector_norm_30" -> "1463 clamp_min_30"; -"1463 clamp_min_30" -> "1464 expand_as_30"; -"1464 expand_as_30" -> "1465 div_30"; -"1465 div_30" -> "1471 matmul_30"; -"1466 linalg_vector_norm_31" -> "1467 clamp_min_31"; -"1467 clamp_min_31" -> "1468 expand_as_31"; -"1468 expand_as_31" -> "1469 div_31"; -"1469 div_31" -> "1470 transpose_30"; -"1470 transpose_30" -> "1471 matmul_30"; -"1471 matmul_30" -> "1475 mul_31"; -"1472 _param_constant255" -> "1473 clamp_15"; -"1473 clamp_15" -> "1474 exp_15"; -"1474 exp_15" -> "1475 mul_31"; -"1475 mul_31" -> "1476 add_52"; -"1476 add_52" -> "1488 view_85"; -"1477 new_zeros_7" -> "1478 view_84"; -"1478 view_84" -> "1479 permute_71"; -"1479 permute_71" -> "1480 reshape_69"; -"1480 reshape_69" -> "1481 unsqueeze_44"; -"1480 reshape_69" -> "1482 unsqueeze_45"; -"1481 unsqueeze_44" -> "1483 sub_7"; -"1482 unsqueeze_45" -> "1483 sub_7"; -"1483 sub_7" -> "1484 ne_7"; -"1483 sub_7" -> "1485 masked_fill_14"; -"1483 sub_7" -> "1486 eq_7"; -"1484 ne_7" -> "1485 masked_fill_14"; -"1485 masked_fill_14" -> "1487 masked_fill_15"; -"1486 eq_7" -> "1487 masked_fill_15"; -"1487 masked_fill_15" -> "1489 unsqueeze_46"; -"1488 view_85" -> "1491 add_53"; -"1489 unsqueeze_46" -> "1490 unsqueeze_47"; -"1490 unsqueeze_47" -> "1491 add_53"; -"1491 add_53" -> "1492 view_86"; -"1492 view_86" -> "1493 softmax_15"; -"1493 softmax_15" -> "1494 dropout_60"; -"1494 dropout_60" -> "1495 matmul_31"; -"1495 matmul_31" -> "1496 transpose_31"; -"1496 transpose_31" -> "1497 reshape_70"; -"1497 reshape_70" -> "1501 linear_95"; -"1498 _param_constant257" -> "1501 linear_95"; -"1499 linear_95_updated_constant0" -> "1500 symmetric_weights_decompressor_linear_95_updated_constant0_0"; -"1500 symmetric_weights_decompressor_linear_95_updated_constant0_0" -> "1501 linear_95"; -"1501 linear_95" -> "1502 dropout_61"; -"1502 dropout_61" -> "1503 view_87"; -"1503 view_87" -> "1504 permute_72"; -"1504 permute_72" -> "1505 reshape_71"; -"1505 reshape_71" -> "1506 roll_15"; -"1506 roll_15" -> "1507 slice_241"; -"1507 slice_241" -> "1508 slice_242"; -"1508 slice_242" -> "1509 slice_243"; -"1509 slice_243" -> "1510 slice_244"; -"1510 slice_244" -> "1511 contiguous_29"; -"1511 contiguous_29" -> "1514 layer_norm_33"; -"1512 _param_constant258" -> "1514 layer_norm_33"; -"1513 _param_constant259" -> "1514 layer_norm_33"; -"1514 layer_norm_33" -> "1515 add_54"; -"1515 add_54" -> "1519 linear_96"; -"1515 add_54" -> "1530 add_55"; -"1516 _param_constant261" -> "1519 linear_96"; -"1517 linear_96_updated_constant0" -> "1518 symmetric_weights_decompressor_linear_96_updated_constant0_0"; -"1518 symmetric_weights_decompressor_linear_96_updated_constant0_0" -> "1519 linear_96"; -"1519 linear_96" -> "1520 gelu_15"; -"1520 gelu_15" -> "1521 dropout_62"; -"1521 dropout_62" -> "1525 linear_97"; -"1522 _param_constant263" -> "1525 linear_97"; -"1523 linear_97_updated_constant0" -> "1524 symmetric_weights_decompressor_linear_97_updated_constant0_0"; -"1524 symmetric_weights_decompressor_linear_97_updated_constant0_0" -> "1525 linear_97"; -"1525 linear_97" -> "1526 dropout_63"; -"1526 dropout_63" -> "1529 layer_norm_34"; -"1527 _param_constant264" -> "1529 layer_norm_34"; -"1528 _param_constant265" -> "1529 layer_norm_34"; -"1529 layer_norm_34" -> "1530 add_55"; -"1530 add_55" -> "1549 pad_18"; -"1530 add_55" -> "1599 add_57"; -"1531 _tensor_constant104" -> "1535 linear_98"; -"1532 _param_constant267" -> "1535 linear_98"; -"1533 linear_98_updated_constant0" -> "1534 symmetric_weights_decompressor_linear_98_updated_constant0_0"; -"1534 symmetric_weights_decompressor_linear_98_updated_constant0_0" -> "1535 linear_98"; -"1535 linear_98" -> "1536 relu__16"; -"1536 relu__16" -> "1539 linear_99"; -"1537 linear_99_updated_constant0" -> "1538 symmetric_weights_decompressor_linear_99_updated_constant0_0"; -"1538 symmetric_weights_decompressor_linear_99_updated_constant0_0" -> "1539 linear_99"; -"1539 linear_99" -> "1540 view_88"; -"1540 view_88" -> "1542 index_16"; -"1541 _tensor_constant105" -> "1542 index_16"; -"1542 index_16" -> "1543 view_89"; -"1543 view_89" -> "1544 permute_73"; -"1544 permute_73" -> "1545 contiguous_30"; -"1545 contiguous_30" -> "1546 unsqueeze_48"; -"1546 unsqueeze_48" -> "1547 sigmoid_16"; -"1547 sigmoid_16" -> "1548 mul_32"; -"1548 mul_32" -> "1577 add_56"; -"1549 pad_18" -> "1550 view_90"; -"1550 view_90" -> "1551 permute_74"; -"1551 permute_74" -> "1552 reshape_72"; -"1552 reshape_72" -> "1557 linear_100"; -"1553 _param_constant269" -> "1554 clone_16"; -"1554 clone_16" -> "1557 linear_100"; -"1555 linear_100_updated_constant0" -> "1556 symmetric_weights_decompressor_linear_100_updated_constant0_0"; -"1556 symmetric_weights_decompressor_linear_100_updated_constant0_0" -> "1557 linear_100"; -"1557 linear_100" -> "1558 reshape_73"; -"1558 reshape_73" -> "1559 permute_75"; -"1559 permute_75" -> "1560 select_48"; -"1559 permute_75" -> "1561 select_49"; -"1559 permute_75" -> "1562 select_50"; -"1560 select_48" -> "1563 linalg_vector_norm_32"; -"1560 select_48" -> "1565 expand_as_32"; -"1560 select_48" -> "1566 div_32"; -"1561 select_49" -> "1567 linalg_vector_norm_33"; -"1561 select_49" -> "1569 expand_as_33"; -"1561 select_49" -> "1570 div_33"; -"1562 select_50" -> "1580 matmul_33"; -"1563 linalg_vector_norm_32" -> "1564 clamp_min_32"; -"1564 clamp_min_32" -> "1565 expand_as_32"; -"1565 expand_as_32" -> "1566 div_32"; -"1566 div_32" -> "1572 matmul_32"; -"1567 linalg_vector_norm_33" -> "1568 clamp_min_33"; -"1568 clamp_min_33" -> "1569 expand_as_33"; -"1569 expand_as_33" -> "1570 div_33"; -"1570 div_33" -> "1571 transpose_32"; -"1571 transpose_32" -> "1572 matmul_32"; -"1572 matmul_32" -> "1576 mul_33"; -"1573 _param_constant271" -> "1574 clamp_16"; -"1574 clamp_16" -> "1575 exp_16"; -"1575 exp_16" -> "1576 mul_33"; -"1576 mul_33" -> "1577 add_56"; -"1577 add_56" -> "1578 softmax_16"; -"1578 softmax_16" -> "1579 dropout_64"; -"1579 dropout_64" -> "1580 matmul_33"; -"1580 matmul_33" -> "1581 transpose_33"; -"1581 transpose_33" -> "1582 reshape_74"; -"1582 reshape_74" -> "1586 linear_101"; -"1583 _param_constant273" -> "1586 linear_101"; -"1584 linear_101_updated_constant0" -> "1585 symmetric_weights_decompressor_linear_101_updated_constant0_0"; -"1585 symmetric_weights_decompressor_linear_101_updated_constant0_0" -> "1586 linear_101"; -"1586 linear_101" -> "1587 dropout_65"; -"1587 dropout_65" -> "1588 view_91"; -"1588 view_91" -> "1589 permute_76"; -"1589 permute_76" -> "1590 reshape_75"; -"1590 reshape_75" -> "1591 slice_246"; -"1591 slice_246" -> "1592 slice_247"; -"1592 slice_247" -> "1593 slice_248"; -"1593 slice_248" -> "1594 slice_249"; -"1594 slice_249" -> "1595 contiguous_31"; -"1595 contiguous_31" -> "1598 layer_norm_35"; -"1596 _param_constant274" -> "1598 layer_norm_35"; -"1597 _param_constant275" -> "1598 layer_norm_35"; -"1598 layer_norm_35" -> "1599 add_57"; -"1599 add_57" -> "1603 linear_102"; -"1599 add_57" -> "1614 add_58"; -"1600 _param_constant277" -> "1603 linear_102"; -"1601 linear_102_updated_constant0" -> "1602 symmetric_weights_decompressor_linear_102_updated_constant0_0"; -"1602 symmetric_weights_decompressor_linear_102_updated_constant0_0" -> "1603 linear_102"; -"1603 linear_102" -> "1604 gelu_16"; -"1604 gelu_16" -> "1605 dropout_66"; -"1605 dropout_66" -> "1609 linear_103"; -"1606 _param_constant279" -> "1609 linear_103"; -"1607 linear_103_updated_constant0" -> "1608 symmetric_weights_decompressor_linear_103_updated_constant0_0"; -"1608 symmetric_weights_decompressor_linear_103_updated_constant0_0" -> "1609 linear_103"; -"1609 linear_103" -> "1610 dropout_67"; -"1610 dropout_67" -> "1613 layer_norm_36"; -"1611 _param_constant280" -> "1613 layer_norm_36"; -"1612 _param_constant281" -> "1613 layer_norm_36"; -"1613 layer_norm_36" -> "1614 add_58"; -"1614 add_58" -> "1633 pad_19"; -"1614 add_58" -> "1701 add_61"; -"1615 _tensor_constant106" -> "1619 linear_104"; -"1616 _param_constant283" -> "1619 linear_104"; -"1617 linear_104_updated_constant0" -> "1618 symmetric_weights_decompressor_linear_104_updated_constant0_0"; -"1618 symmetric_weights_decompressor_linear_104_updated_constant0_0" -> "1619 linear_104"; -"1619 linear_104" -> "1620 relu__17"; -"1620 relu__17" -> "1623 linear_105"; -"1621 linear_105_updated_constant0" -> "1622 symmetric_weights_decompressor_linear_105_updated_constant0_0"; -"1622 symmetric_weights_decompressor_linear_105_updated_constant0_0" -> "1623 linear_105"; -"1623 linear_105" -> "1624 view_92"; -"1624 view_92" -> "1626 index_17"; -"1625 _tensor_constant107" -> "1626 index_17"; -"1626 index_17" -> "1627 view_93"; -"1627 view_93" -> "1628 permute_77"; -"1628 permute_77" -> "1629 contiguous_32"; -"1629 contiguous_32" -> "1630 unsqueeze_49"; -"1630 unsqueeze_49" -> "1631 sigmoid_17"; -"1631 sigmoid_17" -> "1632 mul_34"; -"1632 mul_34" -> "1662 add_59"; -"1633 pad_19" -> "1634 roll_16"; -"1634 roll_16" -> "1635 view_94"; -"1635 view_94" -> "1636 permute_78"; -"1636 permute_78" -> "1637 reshape_76"; -"1637 reshape_76" -> "1642 linear_106"; -"1637 reshape_76" -> "1663 new_zeros_8"; -"1638 _param_constant285" -> "1639 clone_17"; -"1639 clone_17" -> "1642 linear_106"; -"1640 linear_106_updated_constant0" -> "1641 symmetric_weights_decompressor_linear_106_updated_constant0_0"; -"1641 symmetric_weights_decompressor_linear_106_updated_constant0_0" -> "1642 linear_106"; -"1642 linear_106" -> "1643 reshape_77"; -"1643 reshape_77" -> "1644 permute_79"; -"1644 permute_79" -> "1645 select_51"; -"1644 permute_79" -> "1646 select_52"; -"1644 permute_79" -> "1647 select_53"; -"1645 select_51" -> "1648 linalg_vector_norm_34"; -"1645 select_51" -> "1650 expand_as_34"; -"1645 select_51" -> "1651 div_34"; -"1646 select_52" -> "1652 linalg_vector_norm_35"; -"1646 select_52" -> "1654 expand_as_35"; -"1646 select_52" -> "1655 div_35"; -"1647 select_53" -> "1681 matmul_35"; -"1648 linalg_vector_norm_34" -> "1649 clamp_min_34"; -"1649 clamp_min_34" -> "1650 expand_as_34"; -"1650 expand_as_34" -> "1651 div_34"; -"1651 div_34" -> "1657 matmul_34"; -"1652 linalg_vector_norm_35" -> "1653 clamp_min_35"; -"1653 clamp_min_35" -> "1654 expand_as_35"; -"1654 expand_as_35" -> "1655 div_35"; -"1655 div_35" -> "1656 transpose_34"; -"1656 transpose_34" -> "1657 matmul_34"; -"1657 matmul_34" -> "1661 mul_35"; -"1658 _param_constant287" -> "1659 clamp_17"; -"1659 clamp_17" -> "1660 exp_17"; -"1660 exp_17" -> "1661 mul_35"; -"1661 mul_35" -> "1662 add_59"; -"1662 add_59" -> "1674 view_96"; -"1663 new_zeros_8" -> "1664 view_95"; -"1664 view_95" -> "1665 permute_80"; -"1665 permute_80" -> "1666 reshape_78"; -"1666 reshape_78" -> "1667 unsqueeze_50"; -"1666 reshape_78" -> "1668 unsqueeze_51"; -"1667 unsqueeze_50" -> "1669 sub_8"; -"1668 unsqueeze_51" -> "1669 sub_8"; -"1669 sub_8" -> "1670 ne_8"; -"1669 sub_8" -> "1671 masked_fill_16"; -"1669 sub_8" -> "1672 eq_8"; -"1670 ne_8" -> "1671 masked_fill_16"; -"1671 masked_fill_16" -> "1673 masked_fill_17"; -"1672 eq_8" -> "1673 masked_fill_17"; -"1673 masked_fill_17" -> "1675 unsqueeze_52"; -"1674 view_96" -> "1677 add_60"; -"1675 unsqueeze_52" -> "1676 unsqueeze_53"; -"1676 unsqueeze_53" -> "1677 add_60"; -"1677 add_60" -> "1678 view_97"; -"1678 view_97" -> "1679 softmax_17"; -"1679 softmax_17" -> "1680 dropout_68"; -"1680 dropout_68" -> "1681 matmul_35"; -"1681 matmul_35" -> "1682 transpose_35"; -"1682 transpose_35" -> "1683 reshape_79"; -"1683 reshape_79" -> "1687 linear_107"; -"1684 _param_constant289" -> "1687 linear_107"; -"1685 linear_107_updated_constant0" -> "1686 symmetric_weights_decompressor_linear_107_updated_constant0_0"; -"1686 symmetric_weights_decompressor_linear_107_updated_constant0_0" -> "1687 linear_107"; -"1687 linear_107" -> "1688 dropout_69"; -"1688 dropout_69" -> "1689 view_98"; -"1689 view_98" -> "1690 permute_81"; -"1690 permute_81" -> "1691 reshape_80"; -"1691 reshape_80" -> "1692 roll_17"; -"1692 roll_17" -> "1693 slice_269"; -"1693 slice_269" -> "1694 slice_270"; -"1694 slice_270" -> "1695 slice_271"; -"1695 slice_271" -> "1696 slice_272"; -"1696 slice_272" -> "1697 contiguous_33"; -"1697 contiguous_33" -> "1700 layer_norm_37"; -"1698 _param_constant290" -> "1700 layer_norm_37"; -"1699 _param_constant291" -> "1700 layer_norm_37"; -"1700 layer_norm_37" -> "1701 add_61"; -"1701 add_61" -> "1705 linear_108"; -"1701 add_61" -> "1716 add_62"; -"1702 _param_constant293" -> "1705 linear_108"; -"1703 linear_108_updated_constant0" -> "1704 symmetric_weights_decompressor_linear_108_updated_constant0_0"; -"1704 symmetric_weights_decompressor_linear_108_updated_constant0_0" -> "1705 linear_108"; -"1705 linear_108" -> "1706 gelu_17"; -"1706 gelu_17" -> "1707 dropout_70"; -"1707 dropout_70" -> "1711 linear_109"; -"1708 _param_constant295" -> "1711 linear_109"; -"1709 linear_109_updated_constant0" -> "1710 symmetric_weights_decompressor_linear_109_updated_constant0_0"; -"1710 symmetric_weights_decompressor_linear_109_updated_constant0_0" -> "1711 linear_109"; -"1711 linear_109" -> "1712 dropout_71"; -"1712 dropout_71" -> "1715 layer_norm_38"; -"1713 _param_constant296" -> "1715 layer_norm_38"; -"1714 _param_constant297" -> "1715 layer_norm_38"; -"1715 layer_norm_38" -> "1716 add_62"; -"1716 add_62" -> "1735 pad_20"; -"1716 add_62" -> "1785 add_64"; -"1717 _tensor_constant117" -> "1721 linear_110"; -"1718 _param_constant299" -> "1721 linear_110"; -"1719 linear_110_updated_constant0" -> "1720 symmetric_weights_decompressor_linear_110_updated_constant0_0"; -"1720 symmetric_weights_decompressor_linear_110_updated_constant0_0" -> "1721 linear_110"; -"1721 linear_110" -> "1722 relu__18"; -"1722 relu__18" -> "1725 linear_111"; -"1723 linear_111_updated_constant0" -> "1724 symmetric_weights_decompressor_linear_111_updated_constant0_0"; -"1724 symmetric_weights_decompressor_linear_111_updated_constant0_0" -> "1725 linear_111"; -"1725 linear_111" -> "1726 view_99"; -"1726 view_99" -> "1728 index_18"; -"1727 _tensor_constant118" -> "1728 index_18"; -"1728 index_18" -> "1729 view_100"; -"1729 view_100" -> "1730 permute_82"; -"1730 permute_82" -> "1731 contiguous_34"; -"1731 contiguous_34" -> "1732 unsqueeze_54"; -"1732 unsqueeze_54" -> "1733 sigmoid_18"; -"1733 sigmoid_18" -> "1734 mul_36"; -"1734 mul_36" -> "1763 add_63"; -"1735 pad_20" -> "1736 view_101"; -"1736 view_101" -> "1737 permute_83"; -"1737 permute_83" -> "1738 reshape_81"; -"1738 reshape_81" -> "1743 linear_112"; -"1739 _param_constant301" -> "1740 clone_18"; -"1740 clone_18" -> "1743 linear_112"; -"1741 linear_112_updated_constant0" -> "1742 symmetric_weights_decompressor_linear_112_updated_constant0_0"; -"1742 symmetric_weights_decompressor_linear_112_updated_constant0_0" -> "1743 linear_112"; -"1743 linear_112" -> "1744 reshape_82"; -"1744 reshape_82" -> "1745 permute_84"; -"1745 permute_84" -> "1746 select_54"; -"1745 permute_84" -> "1747 select_55"; -"1745 permute_84" -> "1748 select_56"; -"1746 select_54" -> "1749 linalg_vector_norm_36"; -"1746 select_54" -> "1751 expand_as_36"; -"1746 select_54" -> "1752 div_36"; -"1747 select_55" -> "1753 linalg_vector_norm_37"; -"1747 select_55" -> "1755 expand_as_37"; -"1747 select_55" -> "1756 div_37"; -"1748 select_56" -> "1766 matmul_37"; -"1749 linalg_vector_norm_36" -> "1750 clamp_min_36"; -"1750 clamp_min_36" -> "1751 expand_as_36"; -"1751 expand_as_36" -> "1752 div_36"; -"1752 div_36" -> "1758 matmul_36"; -"1753 linalg_vector_norm_37" -> "1754 clamp_min_37"; -"1754 clamp_min_37" -> "1755 expand_as_37"; -"1755 expand_as_37" -> "1756 div_37"; -"1756 div_37" -> "1757 transpose_36"; -"1757 transpose_36" -> "1758 matmul_36"; -"1758 matmul_36" -> "1762 mul_37"; -"1759 _param_constant303" -> "1760 clamp_18"; -"1760 clamp_18" -> "1761 exp_18"; -"1761 exp_18" -> "1762 mul_37"; -"1762 mul_37" -> "1763 add_63"; -"1763 add_63" -> "1764 softmax_18"; -"1764 softmax_18" -> "1765 dropout_72"; -"1765 dropout_72" -> "1766 matmul_37"; -"1766 matmul_37" -> "1767 transpose_37"; -"1767 transpose_37" -> "1768 reshape_83"; -"1768 reshape_83" -> "1772 linear_113"; -"1769 _param_constant305" -> "1772 linear_113"; -"1770 linear_113_updated_constant0" -> "1771 symmetric_weights_decompressor_linear_113_updated_constant0_0"; -"1771 symmetric_weights_decompressor_linear_113_updated_constant0_0" -> "1772 linear_113"; -"1772 linear_113" -> "1773 dropout_73"; -"1773 dropout_73" -> "1774 view_102"; -"1774 view_102" -> "1775 permute_85"; -"1775 permute_85" -> "1776 reshape_84"; -"1776 reshape_84" -> "1777 slice_274"; -"1777 slice_274" -> "1778 slice_275"; -"1778 slice_275" -> "1779 slice_276"; -"1779 slice_276" -> "1780 slice_277"; -"1780 slice_277" -> "1781 contiguous_35"; -"1781 contiguous_35" -> "1784 layer_norm_39"; -"1782 _param_constant306" -> "1784 layer_norm_39"; -"1783 _param_constant307" -> "1784 layer_norm_39"; -"1784 layer_norm_39" -> "1785 add_64"; -"1785 add_64" -> "1789 linear_114"; -"1785 add_64" -> "1800 add_65"; -"1786 _param_constant309" -> "1789 linear_114"; -"1787 linear_114_updated_constant0" -> "1788 symmetric_weights_decompressor_linear_114_updated_constant0_0"; -"1788 symmetric_weights_decompressor_linear_114_updated_constant0_0" -> "1789 linear_114"; -"1789 linear_114" -> "1790 gelu_18"; -"1790 gelu_18" -> "1791 dropout_74"; -"1791 dropout_74" -> "1795 linear_115"; -"1792 _param_constant311" -> "1795 linear_115"; -"1793 linear_115_updated_constant0" -> "1794 symmetric_weights_decompressor_linear_115_updated_constant0_0"; -"1794 symmetric_weights_decompressor_linear_115_updated_constant0_0" -> "1795 linear_115"; -"1795 linear_115" -> "1796 dropout_75"; -"1796 dropout_75" -> "1799 layer_norm_40"; -"1797 _param_constant312" -> "1799 layer_norm_40"; -"1798 _param_constant313" -> "1799 layer_norm_40"; -"1799 layer_norm_40" -> "1800 add_65"; -"1800 add_65" -> "1819 pad_21"; -"1800 add_65" -> "1887 add_68"; -"1801 _tensor_constant119" -> "1805 linear_116"; -"1802 _param_constant315" -> "1805 linear_116"; -"1803 linear_116_updated_constant0" -> "1804 symmetric_weights_decompressor_linear_116_updated_constant0_0"; -"1804 symmetric_weights_decompressor_linear_116_updated_constant0_0" -> "1805 linear_116"; -"1805 linear_116" -> "1806 relu__19"; -"1806 relu__19" -> "1809 linear_117"; -"1807 linear_117_updated_constant0" -> "1808 symmetric_weights_decompressor_linear_117_updated_constant0_0"; -"1808 symmetric_weights_decompressor_linear_117_updated_constant0_0" -> "1809 linear_117"; -"1809 linear_117" -> "1810 view_103"; -"1810 view_103" -> "1812 index_19"; -"1811 _tensor_constant120" -> "1812 index_19"; -"1812 index_19" -> "1813 view_104"; -"1813 view_104" -> "1814 permute_86"; -"1814 permute_86" -> "1815 contiguous_36"; -"1815 contiguous_36" -> "1816 unsqueeze_55"; -"1816 unsqueeze_55" -> "1817 sigmoid_19"; -"1817 sigmoid_19" -> "1818 mul_38"; -"1818 mul_38" -> "1848 add_66"; -"1819 pad_21" -> "1820 roll_18"; -"1820 roll_18" -> "1821 view_105"; -"1821 view_105" -> "1822 permute_87"; -"1822 permute_87" -> "1823 reshape_85"; -"1823 reshape_85" -> "1828 linear_118"; -"1823 reshape_85" -> "1849 new_zeros_9"; -"1824 _param_constant317" -> "1825 clone_19"; -"1825 clone_19" -> "1828 linear_118"; -"1826 linear_118_updated_constant0" -> "1827 symmetric_weights_decompressor_linear_118_updated_constant0_0"; -"1827 symmetric_weights_decompressor_linear_118_updated_constant0_0" -> "1828 linear_118"; -"1828 linear_118" -> "1829 reshape_86"; -"1829 reshape_86" -> "1830 permute_88"; -"1830 permute_88" -> "1831 select_57"; -"1830 permute_88" -> "1832 select_58"; -"1830 permute_88" -> "1833 select_59"; -"1831 select_57" -> "1834 linalg_vector_norm_38"; -"1831 select_57" -> "1836 expand_as_38"; -"1831 select_57" -> "1837 div_38"; -"1832 select_58" -> "1838 linalg_vector_norm_39"; -"1832 select_58" -> "1840 expand_as_39"; -"1832 select_58" -> "1841 div_39"; -"1833 select_59" -> "1867 matmul_39"; -"1834 linalg_vector_norm_38" -> "1835 clamp_min_38"; -"1835 clamp_min_38" -> "1836 expand_as_38"; -"1836 expand_as_38" -> "1837 div_38"; -"1837 div_38" -> "1843 matmul_38"; -"1838 linalg_vector_norm_39" -> "1839 clamp_min_39"; -"1839 clamp_min_39" -> "1840 expand_as_39"; -"1840 expand_as_39" -> "1841 div_39"; -"1841 div_39" -> "1842 transpose_38"; -"1842 transpose_38" -> "1843 matmul_38"; -"1843 matmul_38" -> "1847 mul_39"; -"1844 _param_constant319" -> "1845 clamp_19"; -"1845 clamp_19" -> "1846 exp_19"; -"1846 exp_19" -> "1847 mul_39"; -"1847 mul_39" -> "1848 add_66"; -"1848 add_66" -> "1860 view_107"; -"1849 new_zeros_9" -> "1850 view_106"; -"1850 view_106" -> "1851 permute_89"; -"1851 permute_89" -> "1852 reshape_87"; -"1852 reshape_87" -> "1853 unsqueeze_56"; -"1852 reshape_87" -> "1854 unsqueeze_57"; -"1853 unsqueeze_56" -> "1855 sub_9"; -"1854 unsqueeze_57" -> "1855 sub_9"; -"1855 sub_9" -> "1856 ne_9"; -"1855 sub_9" -> "1857 masked_fill_18"; -"1855 sub_9" -> "1858 eq_9"; -"1856 ne_9" -> "1857 masked_fill_18"; -"1857 masked_fill_18" -> "1859 masked_fill_19"; -"1858 eq_9" -> "1859 masked_fill_19"; -"1859 masked_fill_19" -> "1861 unsqueeze_58"; -"1860 view_107" -> "1863 add_67"; -"1861 unsqueeze_58" -> "1862 unsqueeze_59"; -"1862 unsqueeze_59" -> "1863 add_67"; -"1863 add_67" -> "1864 view_108"; -"1864 view_108" -> "1865 softmax_19"; -"1865 softmax_19" -> "1866 dropout_76"; -"1866 dropout_76" -> "1867 matmul_39"; -"1867 matmul_39" -> "1868 transpose_39"; -"1868 transpose_39" -> "1869 reshape_88"; -"1869 reshape_88" -> "1873 linear_119"; -"1870 _param_constant321" -> "1873 linear_119"; -"1871 linear_119_updated_constant0" -> "1872 symmetric_weights_decompressor_linear_119_updated_constant0_0"; -"1872 symmetric_weights_decompressor_linear_119_updated_constant0_0" -> "1873 linear_119"; -"1873 linear_119" -> "1874 dropout_77"; -"1874 dropout_77" -> "1875 view_109"; -"1875 view_109" -> "1876 permute_90"; -"1876 permute_90" -> "1877 reshape_89"; -"1877 reshape_89" -> "1878 roll_19"; -"1878 roll_19" -> "1879 slice_297"; -"1879 slice_297" -> "1880 slice_298"; -"1880 slice_298" -> "1881 slice_299"; -"1881 slice_299" -> "1882 slice_300"; -"1882 slice_300" -> "1883 contiguous_37"; -"1883 contiguous_37" -> "1886 layer_norm_41"; -"1884 _param_constant322" -> "1886 layer_norm_41"; -"1885 _param_constant323" -> "1886 layer_norm_41"; -"1886 layer_norm_41" -> "1887 add_68"; -"1887 add_68" -> "1891 linear_120"; -"1887 add_68" -> "1902 add_69"; -"1888 _param_constant325" -> "1891 linear_120"; -"1889 linear_120_updated_constant0" -> "1890 symmetric_weights_decompressor_linear_120_updated_constant0_0"; -"1890 symmetric_weights_decompressor_linear_120_updated_constant0_0" -> "1891 linear_120"; -"1891 linear_120" -> "1892 gelu_19"; -"1892 gelu_19" -> "1893 dropout_78"; -"1893 dropout_78" -> "1897 linear_121"; -"1894 _param_constant327" -> "1897 linear_121"; -"1895 linear_121_updated_constant0" -> "1896 symmetric_weights_decompressor_linear_121_updated_constant0_0"; -"1896 symmetric_weights_decompressor_linear_121_updated_constant0_0" -> "1897 linear_121"; -"1897 linear_121" -> "1898 dropout_79"; -"1898 dropout_79" -> "1901 layer_norm_42"; -"1899 _param_constant328" -> "1901 layer_norm_42"; -"1900 _param_constant329" -> "1901 layer_norm_42"; -"1901 layer_norm_42" -> "1902 add_69"; -"1902 add_69" -> "1921 pad_22"; -"1902 add_69" -> "1971 add_71"; -"1903 _tensor_constant130" -> "1907 linear_122"; -"1904 _param_constant331" -> "1907 linear_122"; -"1905 linear_122_updated_constant0" -> "1906 symmetric_weights_decompressor_linear_122_updated_constant0_0"; -"1906 symmetric_weights_decompressor_linear_122_updated_constant0_0" -> "1907 linear_122"; -"1907 linear_122" -> "1908 relu__20"; -"1908 relu__20" -> "1911 linear_123"; -"1909 linear_123_updated_constant0" -> "1910 symmetric_weights_decompressor_linear_123_updated_constant0_0"; -"1910 symmetric_weights_decompressor_linear_123_updated_constant0_0" -> "1911 linear_123"; -"1911 linear_123" -> "1912 view_110"; -"1912 view_110" -> "1914 index_20"; -"1913 _tensor_constant131" -> "1914 index_20"; -"1914 index_20" -> "1915 view_111"; -"1915 view_111" -> "1916 permute_91"; -"1916 permute_91" -> "1917 contiguous_38"; -"1917 contiguous_38" -> "1918 unsqueeze_60"; -"1918 unsqueeze_60" -> "1919 sigmoid_20"; -"1919 sigmoid_20" -> "1920 mul_40"; -"1920 mul_40" -> "1949 add_70"; -"1921 pad_22" -> "1922 view_112"; -"1922 view_112" -> "1923 permute_92"; -"1923 permute_92" -> "1924 reshape_90"; -"1924 reshape_90" -> "1929 linear_124"; -"1925 _param_constant333" -> "1926 clone_20"; -"1926 clone_20" -> "1929 linear_124"; -"1927 linear_124_updated_constant0" -> "1928 symmetric_weights_decompressor_linear_124_updated_constant0_0"; -"1928 symmetric_weights_decompressor_linear_124_updated_constant0_0" -> "1929 linear_124"; -"1929 linear_124" -> "1930 reshape_91"; -"1930 reshape_91" -> "1931 permute_93"; -"1931 permute_93" -> "1932 select_60"; -"1931 permute_93" -> "1933 select_61"; -"1931 permute_93" -> "1934 select_62"; -"1932 select_60" -> "1935 linalg_vector_norm_40"; -"1932 select_60" -> "1937 expand_as_40"; -"1932 select_60" -> "1938 div_40"; -"1933 select_61" -> "1939 linalg_vector_norm_41"; -"1933 select_61" -> "1941 expand_as_41"; -"1933 select_61" -> "1942 div_41"; -"1934 select_62" -> "1952 matmul_41"; -"1935 linalg_vector_norm_40" -> "1936 clamp_min_40"; -"1936 clamp_min_40" -> "1937 expand_as_40"; -"1937 expand_as_40" -> "1938 div_40"; -"1938 div_40" -> "1944 matmul_40"; -"1939 linalg_vector_norm_41" -> "1940 clamp_min_41"; -"1940 clamp_min_41" -> "1941 expand_as_41"; -"1941 expand_as_41" -> "1942 div_41"; -"1942 div_41" -> "1943 transpose_40"; -"1943 transpose_40" -> "1944 matmul_40"; -"1944 matmul_40" -> "1948 mul_41"; -"1945 _param_constant335" -> "1946 clamp_20"; -"1946 clamp_20" -> "1947 exp_20"; -"1947 exp_20" -> "1948 mul_41"; -"1948 mul_41" -> "1949 add_70"; -"1949 add_70" -> "1950 softmax_20"; -"1950 softmax_20" -> "1951 dropout_80"; -"1951 dropout_80" -> "1952 matmul_41"; -"1952 matmul_41" -> "1953 transpose_41"; -"1953 transpose_41" -> "1954 reshape_92"; -"1954 reshape_92" -> "1958 linear_125"; -"1955 _param_constant337" -> "1958 linear_125"; -"1956 linear_125_updated_constant0" -> "1957 symmetric_weights_decompressor_linear_125_updated_constant0_0"; -"1957 symmetric_weights_decompressor_linear_125_updated_constant0_0" -> "1958 linear_125"; -"1958 linear_125" -> "1959 dropout_81"; -"1959 dropout_81" -> "1960 view_113"; -"1960 view_113" -> "1961 permute_94"; -"1961 permute_94" -> "1962 reshape_93"; -"1962 reshape_93" -> "1963 slice_302"; -"1963 slice_302" -> "1964 slice_303"; -"1964 slice_303" -> "1965 slice_304"; -"1965 slice_304" -> "1966 slice_305"; -"1966 slice_305" -> "1967 contiguous_39"; -"1967 contiguous_39" -> "1970 layer_norm_43"; -"1968 _param_constant338" -> "1970 layer_norm_43"; -"1969 _param_constant339" -> "1970 layer_norm_43"; -"1970 layer_norm_43" -> "1971 add_71"; -"1971 add_71" -> "1975 linear_126"; -"1971 add_71" -> "1986 add_72"; -"1972 _param_constant341" -> "1975 linear_126"; -"1973 linear_126_updated_constant0" -> "1974 symmetric_weights_decompressor_linear_126_updated_constant0_0"; -"1974 symmetric_weights_decompressor_linear_126_updated_constant0_0" -> "1975 linear_126"; -"1975 linear_126" -> "1976 gelu_20"; -"1976 gelu_20" -> "1977 dropout_82"; -"1977 dropout_82" -> "1981 linear_127"; -"1978 _param_constant343" -> "1981 linear_127"; -"1979 linear_127_updated_constant0" -> "1980 symmetric_weights_decompressor_linear_127_updated_constant0_0"; -"1980 symmetric_weights_decompressor_linear_127_updated_constant0_0" -> "1981 linear_127"; -"1981 linear_127" -> "1982 dropout_83"; -"1982 dropout_83" -> "1985 layer_norm_44"; -"1983 _param_constant344" -> "1985 layer_norm_44"; -"1984 _param_constant345" -> "1985 layer_norm_44"; -"1985 layer_norm_44" -> "1986 add_72"; -"1986 add_72" -> "2005 pad_23"; -"1986 add_72" -> "2073 add_75"; -"1987 _tensor_constant132" -> "1991 linear_128"; -"1988 _param_constant347" -> "1991 linear_128"; -"1989 linear_128_updated_constant0" -> "1990 symmetric_weights_decompressor_linear_128_updated_constant0_0"; -"1990 symmetric_weights_decompressor_linear_128_updated_constant0_0" -> "1991 linear_128"; -"1991 linear_128" -> "1992 relu__21"; -"1992 relu__21" -> "1995 linear_129"; -"1993 linear_129_updated_constant0" -> "1994 symmetric_weights_decompressor_linear_129_updated_constant0_0"; -"1994 symmetric_weights_decompressor_linear_129_updated_constant0_0" -> "1995 linear_129"; -"1995 linear_129" -> "1996 view_114"; -"1996 view_114" -> "1998 index_21"; -"1997 _tensor_constant133" -> "1998 index_21"; -"1998 index_21" -> "1999 view_115"; -"1999 view_115" -> "2000 permute_95"; -"2000 permute_95" -> "2001 contiguous_40"; -"2001 contiguous_40" -> "2002 unsqueeze_61"; -"2002 unsqueeze_61" -> "2003 sigmoid_21"; -"2003 sigmoid_21" -> "2004 mul_42"; -"2004 mul_42" -> "2034 add_73"; -"2005 pad_23" -> "2006 roll_20"; -"2006 roll_20" -> "2007 view_116"; -"2007 view_116" -> "2008 permute_96"; -"2008 permute_96" -> "2009 reshape_94"; -"2009 reshape_94" -> "2014 linear_130"; -"2009 reshape_94" -> "2035 new_zeros_10"; -"2010 _param_constant349" -> "2011 clone_21"; -"2011 clone_21" -> "2014 linear_130"; -"2012 linear_130_updated_constant0" -> "2013 symmetric_weights_decompressor_linear_130_updated_constant0_0"; -"2013 symmetric_weights_decompressor_linear_130_updated_constant0_0" -> "2014 linear_130"; -"2014 linear_130" -> "2015 reshape_95"; -"2015 reshape_95" -> "2016 permute_97"; -"2016 permute_97" -> "2017 select_63"; -"2016 permute_97" -> "2018 select_64"; -"2016 permute_97" -> "2019 select_65"; -"2017 select_63" -> "2020 linalg_vector_norm_42"; -"2017 select_63" -> "2022 expand_as_42"; -"2017 select_63" -> "2023 div_42"; -"2018 select_64" -> "2024 linalg_vector_norm_43"; -"2018 select_64" -> "2026 expand_as_43"; -"2018 select_64" -> "2027 div_43"; -"2019 select_65" -> "2053 matmul_43"; -"2020 linalg_vector_norm_42" -> "2021 clamp_min_42"; -"2021 clamp_min_42" -> "2022 expand_as_42"; -"2022 expand_as_42" -> "2023 div_42"; -"2023 div_42" -> "2029 matmul_42"; -"2024 linalg_vector_norm_43" -> "2025 clamp_min_43"; -"2025 clamp_min_43" -> "2026 expand_as_43"; -"2026 expand_as_43" -> "2027 div_43"; -"2027 div_43" -> "2028 transpose_42"; -"2028 transpose_42" -> "2029 matmul_42"; -"2029 matmul_42" -> "2033 mul_43"; -"2030 _param_constant351" -> "2031 clamp_21"; -"2031 clamp_21" -> "2032 exp_21"; -"2032 exp_21" -> "2033 mul_43"; -"2033 mul_43" -> "2034 add_73"; -"2034 add_73" -> "2046 view_118"; -"2035 new_zeros_10" -> "2036 view_117"; -"2036 view_117" -> "2037 permute_98"; -"2037 permute_98" -> "2038 reshape_96"; -"2038 reshape_96" -> "2039 unsqueeze_62"; -"2038 reshape_96" -> "2040 unsqueeze_63"; -"2039 unsqueeze_62" -> "2041 sub_10"; -"2040 unsqueeze_63" -> "2041 sub_10"; -"2041 sub_10" -> "2042 ne_10"; -"2041 sub_10" -> "2043 masked_fill_20"; -"2041 sub_10" -> "2044 eq_10"; -"2042 ne_10" -> "2043 masked_fill_20"; -"2043 masked_fill_20" -> "2045 masked_fill_21"; -"2044 eq_10" -> "2045 masked_fill_21"; -"2045 masked_fill_21" -> "2047 unsqueeze_64"; -"2046 view_118" -> "2049 add_74"; -"2047 unsqueeze_64" -> "2048 unsqueeze_65"; -"2048 unsqueeze_65" -> "2049 add_74"; -"2049 add_74" -> "2050 view_119"; -"2050 view_119" -> "2051 softmax_21"; -"2051 softmax_21" -> "2052 dropout_84"; -"2052 dropout_84" -> "2053 matmul_43"; -"2053 matmul_43" -> "2054 transpose_43"; -"2054 transpose_43" -> "2055 reshape_97"; -"2055 reshape_97" -> "2059 linear_131"; -"2056 _param_constant353" -> "2059 linear_131"; -"2057 linear_131_updated_constant0" -> "2058 symmetric_weights_decompressor_linear_131_updated_constant0_0"; -"2058 symmetric_weights_decompressor_linear_131_updated_constant0_0" -> "2059 linear_131"; -"2059 linear_131" -> "2060 dropout_85"; -"2060 dropout_85" -> "2061 view_120"; -"2061 view_120" -> "2062 permute_99"; -"2062 permute_99" -> "2063 reshape_98"; -"2063 reshape_98" -> "2064 roll_21"; -"2064 roll_21" -> "2065 slice_325"; -"2065 slice_325" -> "2066 slice_326"; -"2066 slice_326" -> "2067 slice_327"; -"2067 slice_327" -> "2068 slice_328"; -"2068 slice_328" -> "2069 contiguous_41"; -"2069 contiguous_41" -> "2072 layer_norm_45"; -"2070 _param_constant354" -> "2072 layer_norm_45"; -"2071 _param_constant355" -> "2072 layer_norm_45"; -"2072 layer_norm_45" -> "2073 add_75"; -"2073 add_75" -> "2077 linear_132"; -"2073 add_75" -> "2088 add_76"; -"2074 _param_constant357" -> "2077 linear_132"; -"2075 linear_132_updated_constant0" -> "2076 symmetric_weights_decompressor_linear_132_updated_constant0_0"; -"2076 symmetric_weights_decompressor_linear_132_updated_constant0_0" -> "2077 linear_132"; -"2077 linear_132" -> "2078 gelu_21"; -"2078 gelu_21" -> "2079 dropout_86"; -"2079 dropout_86" -> "2083 linear_133"; -"2080 _param_constant359" -> "2083 linear_133"; -"2081 linear_133_updated_constant0" -> "2082 symmetric_weights_decompressor_linear_133_updated_constant0_0"; -"2082 symmetric_weights_decompressor_linear_133_updated_constant0_0" -> "2083 linear_133"; -"2083 linear_133" -> "2084 dropout_87"; -"2084 dropout_87" -> "2087 layer_norm_46"; -"2085 _param_constant360" -> "2087 layer_norm_46"; -"2086 _param_constant361" -> "2087 layer_norm_46"; -"2087 layer_norm_46" -> "2088 add_76"; -"2088 add_76" -> "2089 pad_24"; -"2089 pad_24" -> "2090 slice_329"; -"2089 pad_24" -> "2093 slice_332"; -"2089 pad_24" -> "2096 slice_335"; -"2089 pad_24" -> "2099 slice_338"; -"2090 slice_329" -> "2091 slice_330"; -"2091 slice_330" -> "2092 slice_331"; -"2092 slice_331" -> "2102 cat_2"; -"2093 slice_332" -> "2094 slice_333"; -"2094 slice_333" -> "2095 slice_334"; -"2095 slice_334" -> "2102 cat_2"; -"2096 slice_335" -> "2097 slice_336"; -"2097 slice_336" -> "2098 slice_337"; -"2098 slice_337" -> "2102 cat_2"; -"2099 slice_338" -> "2100 slice_339"; -"2100 slice_339" -> "2101 slice_340"; -"2101 slice_340" -> "2102 cat_2"; -"2102 cat_2" -> "2105 linear_134"; -"2103 linear_134_updated_constant0" -> "2104 symmetric_weights_decompressor_linear_134_updated_constant0_0"; -"2104 symmetric_weights_decompressor_linear_134_updated_constant0_0" -> "2105 linear_134"; -"2105 linear_134" -> "2108 layer_norm_47"; -"2106 _param_constant363" -> "2108 layer_norm_47"; -"2107 _param_constant364" -> "2108 layer_norm_47"; -"2108 layer_norm_47" -> "2127 pad_25"; -"2108 layer_norm_47" -> "2177 add_78"; -"2109 _tensor_constant143" -> "2113 linear_135"; -"2110 _param_constant366" -> "2113 linear_135"; -"2111 linear_135_updated_constant0" -> "2112 symmetric_weights_decompressor_linear_135_updated_constant0_0"; -"2112 symmetric_weights_decompressor_linear_135_updated_constant0_0" -> "2113 linear_135"; -"2113 linear_135" -> "2114 relu__22"; -"2114 relu__22" -> "2117 linear_136"; -"2115 linear_136_updated_constant0" -> "2116 symmetric_weights_decompressor_linear_136_updated_constant0_0"; -"2116 symmetric_weights_decompressor_linear_136_updated_constant0_0" -> "2117 linear_136"; -"2117 linear_136" -> "2118 view_121"; -"2118 view_121" -> "2120 index_22"; -"2119 _tensor_constant144" -> "2120 index_22"; -"2120 index_22" -> "2121 view_122"; -"2121 view_122" -> "2122 permute_100"; -"2122 permute_100" -> "2123 contiguous_42"; -"2123 contiguous_42" -> "2124 unsqueeze_66"; -"2124 unsqueeze_66" -> "2125 sigmoid_22"; -"2125 sigmoid_22" -> "2126 mul_44"; -"2126 mul_44" -> "2155 add_77"; -"2127 pad_25" -> "2128 view_123"; -"2128 view_123" -> "2129 permute_101"; -"2129 permute_101" -> "2130 reshape_99"; -"2130 reshape_99" -> "2135 linear_137"; -"2131 _param_constant368" -> "2132 clone_22"; -"2132 clone_22" -> "2135 linear_137"; -"2133 linear_137_updated_constant0" -> "2134 symmetric_weights_decompressor_linear_137_updated_constant0_0"; -"2134 symmetric_weights_decompressor_linear_137_updated_constant0_0" -> "2135 linear_137"; -"2135 linear_137" -> "2136 reshape_100"; -"2136 reshape_100" -> "2137 permute_102"; -"2137 permute_102" -> "2138 select_66"; -"2137 permute_102" -> "2139 select_67"; -"2137 permute_102" -> "2140 select_68"; -"2138 select_66" -> "2141 linalg_vector_norm_44"; -"2138 select_66" -> "2143 expand_as_44"; -"2138 select_66" -> "2144 div_44"; -"2139 select_67" -> "2145 linalg_vector_norm_45"; -"2139 select_67" -> "2147 expand_as_45"; -"2139 select_67" -> "2148 div_45"; -"2140 select_68" -> "2158 matmul_45"; -"2141 linalg_vector_norm_44" -> "2142 clamp_min_44"; -"2142 clamp_min_44" -> "2143 expand_as_44"; -"2143 expand_as_44" -> "2144 div_44"; -"2144 div_44" -> "2150 matmul_44"; -"2145 linalg_vector_norm_45" -> "2146 clamp_min_45"; -"2146 clamp_min_45" -> "2147 expand_as_45"; -"2147 expand_as_45" -> "2148 div_45"; -"2148 div_45" -> "2149 transpose_44"; -"2149 transpose_44" -> "2150 matmul_44"; -"2150 matmul_44" -> "2154 mul_45"; -"2151 _param_constant370" -> "2152 clamp_22"; -"2152 clamp_22" -> "2153 exp_22"; -"2153 exp_22" -> "2154 mul_45"; -"2154 mul_45" -> "2155 add_77"; -"2155 add_77" -> "2156 softmax_22"; -"2156 softmax_22" -> "2157 dropout_88"; -"2157 dropout_88" -> "2158 matmul_45"; -"2158 matmul_45" -> "2159 transpose_45"; -"2159 transpose_45" -> "2160 reshape_101"; -"2160 reshape_101" -> "2164 linear_138"; -"2161 _param_constant372" -> "2164 linear_138"; -"2162 linear_138_updated_constant0" -> "2163 symmetric_weights_decompressor_linear_138_updated_constant0_0"; -"2163 symmetric_weights_decompressor_linear_138_updated_constant0_0" -> "2164 linear_138"; -"2164 linear_138" -> "2165 dropout_89"; -"2165 dropout_89" -> "2166 view_124"; -"2166 view_124" -> "2167 permute_103"; -"2167 permute_103" -> "2168 reshape_102"; -"2168 reshape_102" -> "2169 slice_342"; -"2169 slice_342" -> "2170 slice_343"; -"2170 slice_343" -> "2171 slice_344"; -"2171 slice_344" -> "2172 slice_345"; -"2172 slice_345" -> "2173 contiguous_43"; -"2173 contiguous_43" -> "2176 layer_norm_48"; -"2174 _param_constant373" -> "2176 layer_norm_48"; -"2175 _param_constant374" -> "2176 layer_norm_48"; -"2176 layer_norm_48" -> "2177 add_78"; -"2177 add_78" -> "2181 linear_139"; -"2177 add_78" -> "2192 add_79"; -"2178 _param_constant376" -> "2181 linear_139"; -"2179 linear_139_updated_constant0" -> "2180 symmetric_weights_decompressor_linear_139_updated_constant0_0"; -"2180 symmetric_weights_decompressor_linear_139_updated_constant0_0" -> "2181 linear_139"; -"2181 linear_139" -> "2182 gelu_22"; -"2182 gelu_22" -> "2183 dropout_90"; -"2183 dropout_90" -> "2187 linear_140"; -"2184 _param_constant378" -> "2187 linear_140"; -"2185 linear_140_updated_constant0" -> "2186 symmetric_weights_decompressor_linear_140_updated_constant0_0"; -"2186 symmetric_weights_decompressor_linear_140_updated_constant0_0" -> "2187 linear_140"; -"2187 linear_140" -> "2188 dropout_91"; -"2188 dropout_91" -> "2191 layer_norm_49"; -"2189 _param_constant379" -> "2191 layer_norm_49"; -"2190 _param_constant380" -> "2191 layer_norm_49"; -"2191 layer_norm_49" -> "2192 add_79"; -"2192 add_79" -> "2211 pad_26"; -"2192 add_79" -> "2261 add_81"; -"2193 _tensor_constant145" -> "2197 linear_141"; -"2194 _param_constant382" -> "2197 linear_141"; -"2195 linear_141_updated_constant0" -> "2196 symmetric_weights_decompressor_linear_141_updated_constant0_0"; -"2196 symmetric_weights_decompressor_linear_141_updated_constant0_0" -> "2197 linear_141"; -"2197 linear_141" -> "2198 relu__23"; -"2198 relu__23" -> "2201 linear_142"; -"2199 linear_142_updated_constant0" -> "2200 symmetric_weights_decompressor_linear_142_updated_constant0_0"; -"2200 symmetric_weights_decompressor_linear_142_updated_constant0_0" -> "2201 linear_142"; -"2201 linear_142" -> "2202 view_125"; -"2202 view_125" -> "2204 index_23"; -"2203 _tensor_constant146" -> "2204 index_23"; -"2204 index_23" -> "2205 view_126"; -"2205 view_126" -> "2206 permute_104"; -"2206 permute_104" -> "2207 contiguous_44"; -"2207 contiguous_44" -> "2208 unsqueeze_67"; -"2208 unsqueeze_67" -> "2209 sigmoid_23"; -"2209 sigmoid_23" -> "2210 mul_46"; -"2210 mul_46" -> "2239 add_80"; -"2211 pad_26" -> "2212 view_127"; -"2212 view_127" -> "2213 permute_105"; -"2213 permute_105" -> "2214 reshape_103"; -"2214 reshape_103" -> "2219 linear_143"; -"2215 _param_constant384" -> "2216 clone_23"; -"2216 clone_23" -> "2219 linear_143"; -"2217 linear_143_updated_constant0" -> "2218 symmetric_weights_decompressor_linear_143_updated_constant0_0"; -"2218 symmetric_weights_decompressor_linear_143_updated_constant0_0" -> "2219 linear_143"; -"2219 linear_143" -> "2220 reshape_104"; -"2220 reshape_104" -> "2221 permute_106"; -"2221 permute_106" -> "2222 select_69"; -"2221 permute_106" -> "2223 select_70"; -"2221 permute_106" -> "2224 select_71"; -"2222 select_69" -> "2225 linalg_vector_norm_46"; -"2222 select_69" -> "2227 expand_as_46"; -"2222 select_69" -> "2228 div_46"; -"2223 select_70" -> "2229 linalg_vector_norm_47"; -"2223 select_70" -> "2231 expand_as_47"; -"2223 select_70" -> "2232 div_47"; -"2224 select_71" -> "2242 matmul_47"; -"2225 linalg_vector_norm_46" -> "2226 clamp_min_46"; -"2226 clamp_min_46" -> "2227 expand_as_46"; -"2227 expand_as_46" -> "2228 div_46"; -"2228 div_46" -> "2234 matmul_46"; -"2229 linalg_vector_norm_47" -> "2230 clamp_min_47"; -"2230 clamp_min_47" -> "2231 expand_as_47"; -"2231 expand_as_47" -> "2232 div_47"; -"2232 div_47" -> "2233 transpose_46"; -"2233 transpose_46" -> "2234 matmul_46"; -"2234 matmul_46" -> "2238 mul_47"; -"2235 _param_constant386" -> "2236 clamp_23"; -"2236 clamp_23" -> "2237 exp_23"; -"2237 exp_23" -> "2238 mul_47"; -"2238 mul_47" -> "2239 add_80"; -"2239 add_80" -> "2240 softmax_23"; -"2240 softmax_23" -> "2241 dropout_92"; -"2241 dropout_92" -> "2242 matmul_47"; -"2242 matmul_47" -> "2243 transpose_47"; -"2243 transpose_47" -> "2244 reshape_105"; -"2244 reshape_105" -> "2248 linear_144"; -"2245 _param_constant388" -> "2248 linear_144"; -"2246 linear_144_updated_constant0" -> "2247 symmetric_weights_decompressor_linear_144_updated_constant0_0"; -"2247 symmetric_weights_decompressor_linear_144_updated_constant0_0" -> "2248 linear_144"; -"2248 linear_144" -> "2249 dropout_93"; -"2249 dropout_93" -> "2250 view_128"; -"2250 view_128" -> "2251 permute_107"; -"2251 permute_107" -> "2252 reshape_106"; -"2252 reshape_106" -> "2253 slice_347"; -"2253 slice_347" -> "2254 slice_348"; -"2254 slice_348" -> "2255 slice_349"; -"2255 slice_349" -> "2256 slice_350"; -"2256 slice_350" -> "2257 contiguous_45"; -"2257 contiguous_45" -> "2260 layer_norm_50"; -"2258 _param_constant389" -> "2260 layer_norm_50"; -"2259 _param_constant390" -> "2260 layer_norm_50"; -"2260 layer_norm_50" -> "2261 add_81"; -"2261 add_81" -> "2265 linear_145"; -"2261 add_81" -> "2276 add_82"; -"2262 _param_constant392" -> "2265 linear_145"; -"2263 linear_145_updated_constant0" -> "2264 symmetric_weights_decompressor_linear_145_updated_constant0_0"; -"2264 symmetric_weights_decompressor_linear_145_updated_constant0_0" -> "2265 linear_145"; -"2265 linear_145" -> "2266 gelu_23"; -"2266 gelu_23" -> "2267 dropout_94"; -"2267 dropout_94" -> "2271 linear_146"; -"2268 _param_constant394" -> "2271 linear_146"; -"2269 linear_146_updated_constant0" -> "2270 symmetric_weights_decompressor_linear_146_updated_constant0_0"; -"2270 symmetric_weights_decompressor_linear_146_updated_constant0_0" -> "2271 linear_146"; -"2271 linear_146" -> "2272 dropout_95"; -"2272 dropout_95" -> "2275 layer_norm_51"; -"2273 _param_constant395" -> "2275 layer_norm_51"; -"2274 _param_constant396" -> "2275 layer_norm_51"; -"2275 layer_norm_51" -> "2276 add_82"; -"2276 add_82" -> "2279 layer_norm_52"; -"2277 _param_constant397" -> "2279 layer_norm_52"; -"2278 _param_constant398" -> "2279 layer_norm_52"; -"2279 layer_norm_52" -> "2280 permute_108"; -"2280 permute_108" -> "2281 adaptive_avg_pool2d"; -"2281 adaptive_avg_pool2d" -> "2282 flatten"; -"2282 flatten" -> "2286 linear_147"; -"2283 _param_constant400" -> "2286 linear_147"; -"2284 linear_147_updated_constant0" -> "2285 symmetric_weights_decompressor_linear_147_updated_constant0_0"; -"2285 symmetric_weights_decompressor_linear_147_updated_constant0_0" -> "2286 linear_147"; -"2286 linear_147" -> "2287 output"; -} diff --git a/tests/torch/data/reference_graphs/fx/compressed/unet.dot b/tests/torch/data/reference_graphs/fx/compressed/unet.dot deleted file mode 100644 index a9ed7be66eb..00000000000 --- a/tests/torch/data/reference_graphs/fx/compressed/unet.dot +++ /dev/null @@ -1,493 +0,0 @@ -strict digraph { -"0 arg0_1" [id=0, type=input]; -"1 _param_constant1" [id=1, type=get_attr]; -"2 conv2d_updated_constant0" [id=2, type=get_attr]; -"3 symmetric_weights_decompressor_conv2d_updated_constant0_0" [id=3, type=call_module]; -"4 conv2d" [id=4, type=conv2d]; -"5 _param_constant2" [id=5, type=get_attr]; -"6 _param_constant3" [id=6, type=get_attr]; -"7 _tensor_constant0" [id=7, type=get_attr]; -"8 _tensor_constant1" [id=8, type=get_attr]; -"9 _native_batch_norm_legit_no_training" [id=9, type=_native_batch_norm_legit_no_training]; -"10 getitem" [id=10, type=__getitem__]; -"11 relu" [id=11, type=relu]; -"12 _param_constant5" [id=12, type=get_attr]; -"13 conv2d_1_updated_constant0" [id=13, type=get_attr]; -"14 symmetric_weights_decompressor_conv2d_1_updated_constant0_0" [id=14, type=call_module]; -"15 conv2d_1" [id=15, type=conv2d]; -"16 _param_constant6" [id=16, type=get_attr]; -"17 _param_constant7" [id=17, type=get_attr]; -"18 _tensor_constant2" [id=18, type=get_attr]; -"19 _tensor_constant3" [id=19, type=get_attr]; -"20 _native_batch_norm_legit_no_training_1" [id=20, type=_native_batch_norm_legit_no_training]; -"21 getitem_3" [id=21, type=__getitem__]; -"22 relu_1" [id=22, type=relu]; -"23 max_pool2d" [id=23, type=max_pool2d]; -"24 _param_constant9" [id=24, type=get_attr]; -"25 conv2d_2_updated_constant0" [id=25, type=get_attr]; -"26 symmetric_weights_decompressor_conv2d_2_updated_constant0_0" [id=26, type=call_module]; -"27 conv2d_2" [id=27, type=conv2d]; -"28 _param_constant10" [id=28, type=get_attr]; -"29 _param_constant11" [id=29, type=get_attr]; -"30 _tensor_constant4" [id=30, type=get_attr]; -"31 _tensor_constant5" [id=31, type=get_attr]; -"32 _native_batch_norm_legit_no_training_2" [id=32, type=_native_batch_norm_legit_no_training]; -"33 getitem_6" [id=33, type=__getitem__]; -"34 relu_2" [id=34, type=relu]; -"35 _param_constant13" [id=35, type=get_attr]; -"36 conv2d_3_updated_constant0" [id=36, type=get_attr]; -"37 symmetric_weights_decompressor_conv2d_3_updated_constant0_0" [id=37, type=call_module]; -"38 conv2d_3" [id=38, type=conv2d]; -"39 _param_constant14" [id=39, type=get_attr]; -"40 _param_constant15" [id=40, type=get_attr]; -"41 _tensor_constant6" [id=41, type=get_attr]; -"42 _tensor_constant7" [id=42, type=get_attr]; -"43 _native_batch_norm_legit_no_training_3" [id=43, type=_native_batch_norm_legit_no_training]; -"44 getitem_9" [id=44, type=__getitem__]; -"45 relu_3" [id=45, type=relu]; -"46 max_pool2d_1" [id=46, type=max_pool2d]; -"47 _param_constant17" [id=47, type=get_attr]; -"48 conv2d_4_updated_constant0" [id=48, type=get_attr]; -"49 symmetric_weights_decompressor_conv2d_4_updated_constant0_0" [id=49, type=call_module]; -"50 conv2d_4" [id=50, type=conv2d]; -"51 _param_constant18" [id=51, type=get_attr]; -"52 _param_constant19" [id=52, type=get_attr]; -"53 _tensor_constant8" [id=53, type=get_attr]; -"54 _tensor_constant9" [id=54, type=get_attr]; -"55 _native_batch_norm_legit_no_training_4" [id=55, type=_native_batch_norm_legit_no_training]; -"56 getitem_12" [id=56, type=__getitem__]; -"57 relu_4" [id=57, type=relu]; -"58 _param_constant21" [id=58, type=get_attr]; -"59 conv2d_5_updated_constant0" [id=59, type=get_attr]; -"60 symmetric_weights_decompressor_conv2d_5_updated_constant0_0" [id=60, type=call_module]; -"61 conv2d_5" [id=61, type=conv2d]; -"62 _param_constant22" [id=62, type=get_attr]; -"63 _param_constant23" [id=63, type=get_attr]; -"64 _tensor_constant10" [id=64, type=get_attr]; -"65 _tensor_constant11" [id=65, type=get_attr]; -"66 _native_batch_norm_legit_no_training_5" [id=66, type=_native_batch_norm_legit_no_training]; -"67 getitem_15" [id=67, type=__getitem__]; -"68 relu_5" [id=68, type=relu]; -"69 max_pool2d_2" [id=69, type=max_pool2d]; -"70 _param_constant25" [id=70, type=get_attr]; -"71 conv2d_6_updated_constant0" [id=71, type=get_attr]; -"72 symmetric_weights_decompressor_conv2d_6_updated_constant0_0" [id=72, type=call_module]; -"73 conv2d_6" [id=73, type=conv2d]; -"74 _param_constant26" [id=74, type=get_attr]; -"75 _param_constant27" [id=75, type=get_attr]; -"76 _tensor_constant12" [id=76, type=get_attr]; -"77 _tensor_constant13" [id=77, type=get_attr]; -"78 _native_batch_norm_legit_no_training_6" [id=78, type=_native_batch_norm_legit_no_training]; -"79 getitem_18" [id=79, type=__getitem__]; -"80 relu_6" [id=80, type=relu]; -"81 _param_constant29" [id=81, type=get_attr]; -"82 conv2d_7_updated_constant0" [id=82, type=get_attr]; -"83 symmetric_weights_decompressor_conv2d_7_updated_constant0_0" [id=83, type=call_module]; -"84 conv2d_7" [id=84, type=conv2d]; -"85 _param_constant30" [id=85, type=get_attr]; -"86 _param_constant31" [id=86, type=get_attr]; -"87 _tensor_constant14" [id=87, type=get_attr]; -"88 _tensor_constant15" [id=88, type=get_attr]; -"89 _native_batch_norm_legit_no_training_7" [id=89, type=_native_batch_norm_legit_no_training]; -"90 getitem_21" [id=90, type=__getitem__]; -"91 relu_7" [id=91, type=relu]; -"92 max_pool2d_3" [id=92, type=max_pool2d]; -"93 _param_constant33" [id=93, type=get_attr]; -"94 conv2d_8_updated_constant0" [id=94, type=get_attr]; -"95 symmetric_weights_decompressor_conv2d_8_updated_constant0_0" [id=95, type=call_module]; -"96 conv2d_8" [id=96, type=conv2d]; -"97 _param_constant34" [id=97, type=get_attr]; -"98 _param_constant35" [id=98, type=get_attr]; -"99 _tensor_constant16" [id=99, type=get_attr]; -"100 _tensor_constant17" [id=100, type=get_attr]; -"101 _native_batch_norm_legit_no_training_8" [id=101, type=_native_batch_norm_legit_no_training]; -"102 getitem_24" [id=102, type=__getitem__]; -"103 relu_8" [id=103, type=relu]; -"104 _param_constant37" [id=104, type=get_attr]; -"105 conv2d_9_updated_constant0" [id=105, type=get_attr]; -"106 symmetric_weights_decompressor_conv2d_9_updated_constant0_0" [id=106, type=call_module]; -"107 conv2d_9" [id=107, type=conv2d]; -"108 _param_constant38" [id=108, type=get_attr]; -"109 _param_constant39" [id=109, type=get_attr]; -"110 _tensor_constant18" [id=110, type=get_attr]; -"111 _tensor_constant19" [id=111, type=get_attr]; -"112 _native_batch_norm_legit_no_training_9" [id=112, type=_native_batch_norm_legit_no_training]; -"113 getitem_27" [id=113, type=__getitem__]; -"114 relu_9" [id=114, type=relu]; -"115 _param_constant41" [id=115, type=get_attr]; -"116 conv_transpose2d_updated_constant0" [id=116, type=get_attr]; -"117 symmetric_weights_decompressor_conv_transpose2d_updated_constant0_0" [id=117, type=call_module]; -"118 conv_transpose2d" [id=118, type=conv_transpose2d]; -"119 slice_1" [id=119, type=slice]; -"120 slice_2" [id=120, type=slice]; -"121 slice_3" [id=121, type=slice]; -"122 slice_4" [id=122, type=slice]; -"123 cat" [id=123, type=cat]; -"124 _param_constant43" [id=124, type=get_attr]; -"125 conv2d_10_updated_constant0" [id=125, type=get_attr]; -"126 symmetric_weights_decompressor_conv2d_10_updated_constant0_0" [id=126, type=call_module]; -"127 conv2d_10" [id=127, type=conv2d]; -"128 _param_constant44" [id=128, type=get_attr]; -"129 _param_constant45" [id=129, type=get_attr]; -"130 _tensor_constant20" [id=130, type=get_attr]; -"131 _tensor_constant21" [id=131, type=get_attr]; -"132 _native_batch_norm_legit_no_training_10" [id=132, type=_native_batch_norm_legit_no_training]; -"133 getitem_30" [id=133, type=__getitem__]; -"134 relu_10" [id=134, type=relu]; -"135 _param_constant47" [id=135, type=get_attr]; -"136 conv2d_11_updated_constant0" [id=136, type=get_attr]; -"137 symmetric_weights_decompressor_conv2d_11_updated_constant0_0" [id=137, type=call_module]; -"138 conv2d_11" [id=138, type=conv2d]; -"139 _param_constant48" [id=139, type=get_attr]; -"140 _param_constant49" [id=140, type=get_attr]; -"141 _tensor_constant22" [id=141, type=get_attr]; -"142 _tensor_constant23" [id=142, type=get_attr]; -"143 _native_batch_norm_legit_no_training_11" [id=143, type=_native_batch_norm_legit_no_training]; -"144 getitem_33" [id=144, type=__getitem__]; -"145 relu_11" [id=145, type=relu]; -"146 _param_constant51" [id=146, type=get_attr]; -"147 conv_transpose2d_1_updated_constant0" [id=147, type=get_attr]; -"148 symmetric_weights_decompressor_conv_transpose2d_1_updated_constant0_0" [id=148, type=call_module]; -"149 conv_transpose2d_1" [id=149, type=conv_transpose2d]; -"150 slice_5" [id=150, type=slice]; -"151 slice_6" [id=151, type=slice]; -"152 slice_7" [id=152, type=slice]; -"153 slice_8" [id=153, type=slice]; -"154 cat_1" [id=154, type=cat]; -"155 _param_constant53" [id=155, type=get_attr]; -"156 conv2d_12_updated_constant0" [id=156, type=get_attr]; -"157 symmetric_weights_decompressor_conv2d_12_updated_constant0_0" [id=157, type=call_module]; -"158 conv2d_12" [id=158, type=conv2d]; -"159 _param_constant54" [id=159, type=get_attr]; -"160 _param_constant55" [id=160, type=get_attr]; -"161 _tensor_constant24" [id=161, type=get_attr]; -"162 _tensor_constant25" [id=162, type=get_attr]; -"163 _native_batch_norm_legit_no_training_12" [id=163, type=_native_batch_norm_legit_no_training]; -"164 getitem_36" [id=164, type=__getitem__]; -"165 relu_12" [id=165, type=relu]; -"166 _param_constant57" [id=166, type=get_attr]; -"167 conv2d_13_updated_constant0" [id=167, type=get_attr]; -"168 symmetric_weights_decompressor_conv2d_13_updated_constant0_0" [id=168, type=call_module]; -"169 conv2d_13" [id=169, type=conv2d]; -"170 _param_constant58" [id=170, type=get_attr]; -"171 _param_constant59" [id=171, type=get_attr]; -"172 _tensor_constant26" [id=172, type=get_attr]; -"173 _tensor_constant27" [id=173, type=get_attr]; -"174 _native_batch_norm_legit_no_training_13" [id=174, type=_native_batch_norm_legit_no_training]; -"175 getitem_39" [id=175, type=__getitem__]; -"176 relu_13" [id=176, type=relu]; -"177 _param_constant61" [id=177, type=get_attr]; -"178 conv_transpose2d_2_updated_constant0" [id=178, type=get_attr]; -"179 symmetric_weights_decompressor_conv_transpose2d_2_updated_constant0_0" [id=179, type=call_module]; -"180 conv_transpose2d_2" [id=180, type=conv_transpose2d]; -"181 slice_9" [id=181, type=slice]; -"182 slice_10" [id=182, type=slice]; -"183 slice_11" [id=183, type=slice]; -"184 slice_12" [id=184, type=slice]; -"185 cat_2" [id=185, type=cat]; -"186 _param_constant63" [id=186, type=get_attr]; -"187 conv2d_14_updated_constant0" [id=187, type=get_attr]; -"188 symmetric_weights_decompressor_conv2d_14_updated_constant0_0" [id=188, type=call_module]; -"189 conv2d_14" [id=189, type=conv2d]; -"190 _param_constant64" [id=190, type=get_attr]; -"191 _param_constant65" [id=191, type=get_attr]; -"192 _tensor_constant28" [id=192, type=get_attr]; -"193 _tensor_constant29" [id=193, type=get_attr]; -"194 _native_batch_norm_legit_no_training_14" [id=194, type=_native_batch_norm_legit_no_training]; -"195 getitem_42" [id=195, type=__getitem__]; -"196 relu_14" [id=196, type=relu]; -"197 _param_constant67" [id=197, type=get_attr]; -"198 conv2d_15_updated_constant0" [id=198, type=get_attr]; -"199 symmetric_weights_decompressor_conv2d_15_updated_constant0_0" [id=199, type=call_module]; -"200 conv2d_15" [id=200, type=conv2d]; -"201 _param_constant68" [id=201, type=get_attr]; -"202 _param_constant69" [id=202, type=get_attr]; -"203 _tensor_constant30" [id=203, type=get_attr]; -"204 _tensor_constant31" [id=204, type=get_attr]; -"205 _native_batch_norm_legit_no_training_15" [id=205, type=_native_batch_norm_legit_no_training]; -"206 getitem_45" [id=206, type=__getitem__]; -"207 relu_15" [id=207, type=relu]; -"208 _param_constant71" [id=208, type=get_attr]; -"209 conv_transpose2d_3_updated_constant0" [id=209, type=get_attr]; -"210 symmetric_weights_decompressor_conv_transpose2d_3_updated_constant0_0" [id=210, type=call_module]; -"211 conv_transpose2d_3" [id=211, type=conv_transpose2d]; -"212 slice_13" [id=212, type=slice]; -"213 slice_14" [id=213, type=slice]; -"214 slice_15" [id=214, type=slice]; -"215 slice_16" [id=215, type=slice]; -"216 cat_3" [id=216, type=cat]; -"217 _param_constant73" [id=217, type=get_attr]; -"218 conv2d_16_updated_constant0" [id=218, type=get_attr]; -"219 symmetric_weights_decompressor_conv2d_16_updated_constant0_0" [id=219, type=call_module]; -"220 conv2d_16" [id=220, type=conv2d]; -"221 _param_constant74" [id=221, type=get_attr]; -"222 _param_constant75" [id=222, type=get_attr]; -"223 _tensor_constant32" [id=223, type=get_attr]; -"224 _tensor_constant33" [id=224, type=get_attr]; -"225 _native_batch_norm_legit_no_training_16" [id=225, type=_native_batch_norm_legit_no_training]; -"226 getitem_48" [id=226, type=__getitem__]; -"227 relu_16" [id=227, type=relu]; -"228 _param_constant77" [id=228, type=get_attr]; -"229 conv2d_17_updated_constant0" [id=229, type=get_attr]; -"230 symmetric_weights_decompressor_conv2d_17_updated_constant0_0" [id=230, type=call_module]; -"231 conv2d_17" [id=231, type=conv2d]; -"232 _param_constant78" [id=232, type=get_attr]; -"233 _param_constant79" [id=233, type=get_attr]; -"234 _tensor_constant34" [id=234, type=get_attr]; -"235 _tensor_constant35" [id=235, type=get_attr]; -"236 _native_batch_norm_legit_no_training_17" [id=236, type=_native_batch_norm_legit_no_training]; -"237 getitem_51" [id=237, type=__getitem__]; -"238 relu_17" [id=238, type=relu]; -"239 _param_constant81" [id=239, type=get_attr]; -"240 conv2d_18_updated_constant0" [id=240, type=get_attr]; -"241 symmetric_weights_decompressor_conv2d_18_updated_constant0_0" [id=241, type=call_module]; -"242 conv2d_18" [id=242, type=conv2d]; -"243 output" [id=243, type=output]; -"0 arg0_1" -> "4 conv2d"; -"1 _param_constant1" -> "4 conv2d"; -"2 conv2d_updated_constant0" -> "3 symmetric_weights_decompressor_conv2d_updated_constant0_0"; -"3 symmetric_weights_decompressor_conv2d_updated_constant0_0" -> "4 conv2d"; -"4 conv2d" -> "9 _native_batch_norm_legit_no_training"; -"5 _param_constant2" -> "9 _native_batch_norm_legit_no_training"; -"6 _param_constant3" -> "9 _native_batch_norm_legit_no_training"; -"7 _tensor_constant0" -> "9 _native_batch_norm_legit_no_training"; -"8 _tensor_constant1" -> "9 _native_batch_norm_legit_no_training"; -"9 _native_batch_norm_legit_no_training" -> "10 getitem"; -"10 getitem" -> "11 relu"; -"11 relu" -> "15 conv2d_1"; -"12 _param_constant5" -> "15 conv2d_1"; -"13 conv2d_1_updated_constant0" -> "14 symmetric_weights_decompressor_conv2d_1_updated_constant0_0"; -"14 symmetric_weights_decompressor_conv2d_1_updated_constant0_0" -> "15 conv2d_1"; -"15 conv2d_1" -> "20 _native_batch_norm_legit_no_training_1"; -"16 _param_constant6" -> "20 _native_batch_norm_legit_no_training_1"; -"17 _param_constant7" -> "20 _native_batch_norm_legit_no_training_1"; -"18 _tensor_constant2" -> "20 _native_batch_norm_legit_no_training_1"; -"19 _tensor_constant3" -> "20 _native_batch_norm_legit_no_training_1"; -"20 _native_batch_norm_legit_no_training_1" -> "21 getitem_3"; -"21 getitem_3" -> "22 relu_1"; -"22 relu_1" -> "23 max_pool2d"; -"22 relu_1" -> "212 slice_13"; -"23 max_pool2d" -> "27 conv2d_2"; -"24 _param_constant9" -> "27 conv2d_2"; -"25 conv2d_2_updated_constant0" -> "26 symmetric_weights_decompressor_conv2d_2_updated_constant0_0"; -"26 symmetric_weights_decompressor_conv2d_2_updated_constant0_0" -> "27 conv2d_2"; -"27 conv2d_2" -> "32 _native_batch_norm_legit_no_training_2"; -"28 _param_constant10" -> "32 _native_batch_norm_legit_no_training_2"; -"29 _param_constant11" -> "32 _native_batch_norm_legit_no_training_2"; -"30 _tensor_constant4" -> "32 _native_batch_norm_legit_no_training_2"; -"31 _tensor_constant5" -> "32 _native_batch_norm_legit_no_training_2"; -"32 _native_batch_norm_legit_no_training_2" -> "33 getitem_6"; -"33 getitem_6" -> "34 relu_2"; -"34 relu_2" -> "38 conv2d_3"; -"35 _param_constant13" -> "38 conv2d_3"; -"36 conv2d_3_updated_constant0" -> "37 symmetric_weights_decompressor_conv2d_3_updated_constant0_0"; -"37 symmetric_weights_decompressor_conv2d_3_updated_constant0_0" -> "38 conv2d_3"; -"38 conv2d_3" -> "43 _native_batch_norm_legit_no_training_3"; -"39 _param_constant14" -> "43 _native_batch_norm_legit_no_training_3"; -"40 _param_constant15" -> "43 _native_batch_norm_legit_no_training_3"; -"41 _tensor_constant6" -> "43 _native_batch_norm_legit_no_training_3"; -"42 _tensor_constant7" -> "43 _native_batch_norm_legit_no_training_3"; -"43 _native_batch_norm_legit_no_training_3" -> "44 getitem_9"; -"44 getitem_9" -> "45 relu_3"; -"45 relu_3" -> "46 max_pool2d_1"; -"45 relu_3" -> "181 slice_9"; -"46 max_pool2d_1" -> "50 conv2d_4"; -"47 _param_constant17" -> "50 conv2d_4"; -"48 conv2d_4_updated_constant0" -> "49 symmetric_weights_decompressor_conv2d_4_updated_constant0_0"; -"49 symmetric_weights_decompressor_conv2d_4_updated_constant0_0" -> "50 conv2d_4"; -"50 conv2d_4" -> "55 _native_batch_norm_legit_no_training_4"; -"51 _param_constant18" -> "55 _native_batch_norm_legit_no_training_4"; -"52 _param_constant19" -> "55 _native_batch_norm_legit_no_training_4"; -"53 _tensor_constant8" -> "55 _native_batch_norm_legit_no_training_4"; -"54 _tensor_constant9" -> "55 _native_batch_norm_legit_no_training_4"; -"55 _native_batch_norm_legit_no_training_4" -> "56 getitem_12"; -"56 getitem_12" -> "57 relu_4"; -"57 relu_4" -> "61 conv2d_5"; -"58 _param_constant21" -> "61 conv2d_5"; -"59 conv2d_5_updated_constant0" -> "60 symmetric_weights_decompressor_conv2d_5_updated_constant0_0"; -"60 symmetric_weights_decompressor_conv2d_5_updated_constant0_0" -> "61 conv2d_5"; -"61 conv2d_5" -> "66 _native_batch_norm_legit_no_training_5"; -"62 _param_constant22" -> "66 _native_batch_norm_legit_no_training_5"; -"63 _param_constant23" -> "66 _native_batch_norm_legit_no_training_5"; -"64 _tensor_constant10" -> "66 _native_batch_norm_legit_no_training_5"; -"65 _tensor_constant11" -> "66 _native_batch_norm_legit_no_training_5"; -"66 _native_batch_norm_legit_no_training_5" -> "67 getitem_15"; -"67 getitem_15" -> "68 relu_5"; -"68 relu_5" -> "69 max_pool2d_2"; -"68 relu_5" -> "150 slice_5"; -"69 max_pool2d_2" -> "73 conv2d_6"; -"70 _param_constant25" -> "73 conv2d_6"; -"71 conv2d_6_updated_constant0" -> "72 symmetric_weights_decompressor_conv2d_6_updated_constant0_0"; -"72 symmetric_weights_decompressor_conv2d_6_updated_constant0_0" -> "73 conv2d_6"; -"73 conv2d_6" -> "78 _native_batch_norm_legit_no_training_6"; -"74 _param_constant26" -> "78 _native_batch_norm_legit_no_training_6"; -"75 _param_constant27" -> "78 _native_batch_norm_legit_no_training_6"; -"76 _tensor_constant12" -> "78 _native_batch_norm_legit_no_training_6"; -"77 _tensor_constant13" -> "78 _native_batch_norm_legit_no_training_6"; -"78 _native_batch_norm_legit_no_training_6" -> "79 getitem_18"; -"79 getitem_18" -> "80 relu_6"; -"80 relu_6" -> "84 conv2d_7"; -"81 _param_constant29" -> "84 conv2d_7"; -"82 conv2d_7_updated_constant0" -> "83 symmetric_weights_decompressor_conv2d_7_updated_constant0_0"; -"83 symmetric_weights_decompressor_conv2d_7_updated_constant0_0" -> "84 conv2d_7"; -"84 conv2d_7" -> "89 _native_batch_norm_legit_no_training_7"; -"85 _param_constant30" -> "89 _native_batch_norm_legit_no_training_7"; -"86 _param_constant31" -> "89 _native_batch_norm_legit_no_training_7"; -"87 _tensor_constant14" -> "89 _native_batch_norm_legit_no_training_7"; -"88 _tensor_constant15" -> "89 _native_batch_norm_legit_no_training_7"; -"89 _native_batch_norm_legit_no_training_7" -> "90 getitem_21"; -"90 getitem_21" -> "91 relu_7"; -"91 relu_7" -> "92 max_pool2d_3"; -"91 relu_7" -> "119 slice_1"; -"92 max_pool2d_3" -> "96 conv2d_8"; -"93 _param_constant33" -> "96 conv2d_8"; -"94 conv2d_8_updated_constant0" -> "95 symmetric_weights_decompressor_conv2d_8_updated_constant0_0"; -"95 symmetric_weights_decompressor_conv2d_8_updated_constant0_0" -> "96 conv2d_8"; -"96 conv2d_8" -> "101 _native_batch_norm_legit_no_training_8"; -"97 _param_constant34" -> "101 _native_batch_norm_legit_no_training_8"; -"98 _param_constant35" -> "101 _native_batch_norm_legit_no_training_8"; -"99 _tensor_constant16" -> "101 _native_batch_norm_legit_no_training_8"; -"100 _tensor_constant17" -> "101 _native_batch_norm_legit_no_training_8"; -"101 _native_batch_norm_legit_no_training_8" -> "102 getitem_24"; -"102 getitem_24" -> "103 relu_8"; -"103 relu_8" -> "107 conv2d_9"; -"104 _param_constant37" -> "107 conv2d_9"; -"105 conv2d_9_updated_constant0" -> "106 symmetric_weights_decompressor_conv2d_9_updated_constant0_0"; -"106 symmetric_weights_decompressor_conv2d_9_updated_constant0_0" -> "107 conv2d_9"; -"107 conv2d_9" -> "112 _native_batch_norm_legit_no_training_9"; -"108 _param_constant38" -> "112 _native_batch_norm_legit_no_training_9"; -"109 _param_constant39" -> "112 _native_batch_norm_legit_no_training_9"; -"110 _tensor_constant18" -> "112 _native_batch_norm_legit_no_training_9"; -"111 _tensor_constant19" -> "112 _native_batch_norm_legit_no_training_9"; -"112 _native_batch_norm_legit_no_training_9" -> "113 getitem_27"; -"113 getitem_27" -> "114 relu_9"; -"114 relu_9" -> "118 conv_transpose2d"; -"115 _param_constant41" -> "118 conv_transpose2d"; -"116 conv_transpose2d_updated_constant0" -> "117 symmetric_weights_decompressor_conv_transpose2d_updated_constant0_0"; -"117 symmetric_weights_decompressor_conv_transpose2d_updated_constant0_0" -> "118 conv_transpose2d"; -"118 conv_transpose2d" -> "123 cat"; -"119 slice_1" -> "120 slice_2"; -"120 slice_2" -> "121 slice_3"; -"121 slice_3" -> "122 slice_4"; -"122 slice_4" -> "123 cat"; -"123 cat" -> "127 conv2d_10"; -"124 _param_constant43" -> "127 conv2d_10"; -"125 conv2d_10_updated_constant0" -> "126 symmetric_weights_decompressor_conv2d_10_updated_constant0_0"; -"126 symmetric_weights_decompressor_conv2d_10_updated_constant0_0" -> "127 conv2d_10"; -"127 conv2d_10" -> "132 _native_batch_norm_legit_no_training_10"; -"128 _param_constant44" -> "132 _native_batch_norm_legit_no_training_10"; -"129 _param_constant45" -> "132 _native_batch_norm_legit_no_training_10"; -"130 _tensor_constant20" -> "132 _native_batch_norm_legit_no_training_10"; -"131 _tensor_constant21" -> "132 _native_batch_norm_legit_no_training_10"; -"132 _native_batch_norm_legit_no_training_10" -> "133 getitem_30"; -"133 getitem_30" -> "134 relu_10"; -"134 relu_10" -> "138 conv2d_11"; -"135 _param_constant47" -> "138 conv2d_11"; -"136 conv2d_11_updated_constant0" -> "137 symmetric_weights_decompressor_conv2d_11_updated_constant0_0"; -"137 symmetric_weights_decompressor_conv2d_11_updated_constant0_0" -> "138 conv2d_11"; -"138 conv2d_11" -> "143 _native_batch_norm_legit_no_training_11"; -"139 _param_constant48" -> "143 _native_batch_norm_legit_no_training_11"; -"140 _param_constant49" -> "143 _native_batch_norm_legit_no_training_11"; -"141 _tensor_constant22" -> "143 _native_batch_norm_legit_no_training_11"; -"142 _tensor_constant23" -> "143 _native_batch_norm_legit_no_training_11"; -"143 _native_batch_norm_legit_no_training_11" -> "144 getitem_33"; -"144 getitem_33" -> "145 relu_11"; -"145 relu_11" -> "149 conv_transpose2d_1"; -"146 _param_constant51" -> "149 conv_transpose2d_1"; -"147 conv_transpose2d_1_updated_constant0" -> "148 symmetric_weights_decompressor_conv_transpose2d_1_updated_constant0_0"; -"148 symmetric_weights_decompressor_conv_transpose2d_1_updated_constant0_0" -> "149 conv_transpose2d_1"; -"149 conv_transpose2d_1" -> "154 cat_1"; -"150 slice_5" -> "151 slice_6"; -"151 slice_6" -> "152 slice_7"; -"152 slice_7" -> "153 slice_8"; -"153 slice_8" -> "154 cat_1"; -"154 cat_1" -> "158 conv2d_12"; -"155 _param_constant53" -> "158 conv2d_12"; -"156 conv2d_12_updated_constant0" -> "157 symmetric_weights_decompressor_conv2d_12_updated_constant0_0"; -"157 symmetric_weights_decompressor_conv2d_12_updated_constant0_0" -> "158 conv2d_12"; -"158 conv2d_12" -> "163 _native_batch_norm_legit_no_training_12"; -"159 _param_constant54" -> "163 _native_batch_norm_legit_no_training_12"; -"160 _param_constant55" -> "163 _native_batch_norm_legit_no_training_12"; -"161 _tensor_constant24" -> "163 _native_batch_norm_legit_no_training_12"; -"162 _tensor_constant25" -> "163 _native_batch_norm_legit_no_training_12"; -"163 _native_batch_norm_legit_no_training_12" -> "164 getitem_36"; -"164 getitem_36" -> "165 relu_12"; -"165 relu_12" -> "169 conv2d_13"; -"166 _param_constant57" -> "169 conv2d_13"; -"167 conv2d_13_updated_constant0" -> "168 symmetric_weights_decompressor_conv2d_13_updated_constant0_0"; -"168 symmetric_weights_decompressor_conv2d_13_updated_constant0_0" -> "169 conv2d_13"; -"169 conv2d_13" -> "174 _native_batch_norm_legit_no_training_13"; -"170 _param_constant58" -> "174 _native_batch_norm_legit_no_training_13"; -"171 _param_constant59" -> "174 _native_batch_norm_legit_no_training_13"; -"172 _tensor_constant26" -> "174 _native_batch_norm_legit_no_training_13"; -"173 _tensor_constant27" -> "174 _native_batch_norm_legit_no_training_13"; -"174 _native_batch_norm_legit_no_training_13" -> "175 getitem_39"; -"175 getitem_39" -> "176 relu_13"; -"176 relu_13" -> "180 conv_transpose2d_2"; -"177 _param_constant61" -> "180 conv_transpose2d_2"; -"178 conv_transpose2d_2_updated_constant0" -> "179 symmetric_weights_decompressor_conv_transpose2d_2_updated_constant0_0"; -"179 symmetric_weights_decompressor_conv_transpose2d_2_updated_constant0_0" -> "180 conv_transpose2d_2"; -"180 conv_transpose2d_2" -> "185 cat_2"; -"181 slice_9" -> "182 slice_10"; -"182 slice_10" -> "183 slice_11"; -"183 slice_11" -> "184 slice_12"; -"184 slice_12" -> "185 cat_2"; -"185 cat_2" -> "189 conv2d_14"; -"186 _param_constant63" -> "189 conv2d_14"; -"187 conv2d_14_updated_constant0" -> "188 symmetric_weights_decompressor_conv2d_14_updated_constant0_0"; -"188 symmetric_weights_decompressor_conv2d_14_updated_constant0_0" -> "189 conv2d_14"; -"189 conv2d_14" -> "194 _native_batch_norm_legit_no_training_14"; -"190 _param_constant64" -> "194 _native_batch_norm_legit_no_training_14"; -"191 _param_constant65" -> "194 _native_batch_norm_legit_no_training_14"; -"192 _tensor_constant28" -> "194 _native_batch_norm_legit_no_training_14"; -"193 _tensor_constant29" -> "194 _native_batch_norm_legit_no_training_14"; -"194 _native_batch_norm_legit_no_training_14" -> "195 getitem_42"; -"195 getitem_42" -> "196 relu_14"; -"196 relu_14" -> "200 conv2d_15"; -"197 _param_constant67" -> "200 conv2d_15"; -"198 conv2d_15_updated_constant0" -> "199 symmetric_weights_decompressor_conv2d_15_updated_constant0_0"; -"199 symmetric_weights_decompressor_conv2d_15_updated_constant0_0" -> "200 conv2d_15"; -"200 conv2d_15" -> "205 _native_batch_norm_legit_no_training_15"; -"201 _param_constant68" -> "205 _native_batch_norm_legit_no_training_15"; -"202 _param_constant69" -> "205 _native_batch_norm_legit_no_training_15"; -"203 _tensor_constant30" -> "205 _native_batch_norm_legit_no_training_15"; -"204 _tensor_constant31" -> "205 _native_batch_norm_legit_no_training_15"; -"205 _native_batch_norm_legit_no_training_15" -> "206 getitem_45"; -"206 getitem_45" -> "207 relu_15"; -"207 relu_15" -> "211 conv_transpose2d_3"; -"208 _param_constant71" -> "211 conv_transpose2d_3"; -"209 conv_transpose2d_3_updated_constant0" -> "210 symmetric_weights_decompressor_conv_transpose2d_3_updated_constant0_0"; -"210 symmetric_weights_decompressor_conv_transpose2d_3_updated_constant0_0" -> "211 conv_transpose2d_3"; -"211 conv_transpose2d_3" -> "216 cat_3"; -"212 slice_13" -> "213 slice_14"; -"213 slice_14" -> "214 slice_15"; -"214 slice_15" -> "215 slice_16"; -"215 slice_16" -> "216 cat_3"; -"216 cat_3" -> "220 conv2d_16"; -"217 _param_constant73" -> "220 conv2d_16"; -"218 conv2d_16_updated_constant0" -> "219 symmetric_weights_decompressor_conv2d_16_updated_constant0_0"; -"219 symmetric_weights_decompressor_conv2d_16_updated_constant0_0" -> "220 conv2d_16"; -"220 conv2d_16" -> "225 _native_batch_norm_legit_no_training_16"; -"221 _param_constant74" -> "225 _native_batch_norm_legit_no_training_16"; -"222 _param_constant75" -> "225 _native_batch_norm_legit_no_training_16"; -"223 _tensor_constant32" -> "225 _native_batch_norm_legit_no_training_16"; -"224 _tensor_constant33" -> "225 _native_batch_norm_legit_no_training_16"; -"225 _native_batch_norm_legit_no_training_16" -> "226 getitem_48"; -"226 getitem_48" -> "227 relu_16"; -"227 relu_16" -> "231 conv2d_17"; -"228 _param_constant77" -> "231 conv2d_17"; -"229 conv2d_17_updated_constant0" -> "230 symmetric_weights_decompressor_conv2d_17_updated_constant0_0"; -"230 symmetric_weights_decompressor_conv2d_17_updated_constant0_0" -> "231 conv2d_17"; -"231 conv2d_17" -> "236 _native_batch_norm_legit_no_training_17"; -"232 _param_constant78" -> "236 _native_batch_norm_legit_no_training_17"; -"233 _param_constant79" -> "236 _native_batch_norm_legit_no_training_17"; -"234 _tensor_constant34" -> "236 _native_batch_norm_legit_no_training_17"; -"235 _tensor_constant35" -> "236 _native_batch_norm_legit_no_training_17"; -"236 _native_batch_norm_legit_no_training_17" -> "237 getitem_51"; -"237 getitem_51" -> "238 relu_17"; -"238 relu_17" -> "242 conv2d_18"; -"239 _param_constant81" -> "242 conv2d_18"; -"240 conv2d_18_updated_constant0" -> "241 symmetric_weights_decompressor_conv2d_18_updated_constant0_0"; -"241 symmetric_weights_decompressor_conv2d_18_updated_constant0_0" -> "242 conv2d_18"; -"242 conv2d_18" -> "243 output"; -} diff --git a/tests/torch/data/reference_graphs/fx/compressed/unet_int8_asym.dot b/tests/torch/data/reference_graphs/fx/compressed/unet_int8_asym.dot deleted file mode 100644 index 9b75a6f8c75..00000000000 --- a/tests/torch/data/reference_graphs/fx/compressed/unet_int8_asym.dot +++ /dev/null @@ -1,493 +0,0 @@ -strict digraph { -"0 arg0_1" [id=0, type=input]; -"1 _param_constant1" [id=1, type=get_attr]; -"2 conv2d_updated_constant0" [id=2, type=get_attr]; -"3 asymmetric_weights_decompressor_conv2d_updated_constant0_0" [id=3, type=call_module]; -"4 conv2d" [id=4, type=conv2d]; -"5 _param_constant2" [id=5, type=get_attr]; -"6 _param_constant3" [id=6, type=get_attr]; -"7 _tensor_constant0" [id=7, type=get_attr]; -"8 _tensor_constant1" [id=8, type=get_attr]; -"9 _native_batch_norm_legit_no_training" [id=9, type=_native_batch_norm_legit_no_training]; -"10 getitem" [id=10, type=__getitem__]; -"11 relu" [id=11, type=relu]; -"12 _param_constant5" [id=12, type=get_attr]; -"13 conv2d_1_updated_constant0" [id=13, type=get_attr]; -"14 asymmetric_weights_decompressor_conv2d_1_updated_constant0_0" [id=14, type=call_module]; -"15 conv2d_1" [id=15, type=conv2d]; -"16 _param_constant6" [id=16, type=get_attr]; -"17 _param_constant7" [id=17, type=get_attr]; -"18 _tensor_constant2" [id=18, type=get_attr]; -"19 _tensor_constant3" [id=19, type=get_attr]; -"20 _native_batch_norm_legit_no_training_1" [id=20, type=_native_batch_norm_legit_no_training]; -"21 getitem_3" [id=21, type=__getitem__]; -"22 relu_1" [id=22, type=relu]; -"23 max_pool2d" [id=23, type=max_pool2d]; -"24 _param_constant9" [id=24, type=get_attr]; -"25 conv2d_2_updated_constant0" [id=25, type=get_attr]; -"26 asymmetric_weights_decompressor_conv2d_2_updated_constant0_0" [id=26, type=call_module]; -"27 conv2d_2" [id=27, type=conv2d]; -"28 _param_constant10" [id=28, type=get_attr]; -"29 _param_constant11" [id=29, type=get_attr]; -"30 _tensor_constant4" [id=30, type=get_attr]; -"31 _tensor_constant5" [id=31, type=get_attr]; -"32 _native_batch_norm_legit_no_training_2" [id=32, type=_native_batch_norm_legit_no_training]; -"33 getitem_6" [id=33, type=__getitem__]; -"34 relu_2" [id=34, type=relu]; -"35 _param_constant13" [id=35, type=get_attr]; -"36 conv2d_3_updated_constant0" [id=36, type=get_attr]; -"37 asymmetric_weights_decompressor_conv2d_3_updated_constant0_0" [id=37, type=call_module]; -"38 conv2d_3" [id=38, type=conv2d]; -"39 _param_constant14" [id=39, type=get_attr]; -"40 _param_constant15" [id=40, type=get_attr]; -"41 _tensor_constant6" [id=41, type=get_attr]; -"42 _tensor_constant7" [id=42, type=get_attr]; -"43 _native_batch_norm_legit_no_training_3" [id=43, type=_native_batch_norm_legit_no_training]; -"44 getitem_9" [id=44, type=__getitem__]; -"45 relu_3" [id=45, type=relu]; -"46 max_pool2d_1" [id=46, type=max_pool2d]; -"47 _param_constant17" [id=47, type=get_attr]; -"48 conv2d_4_updated_constant0" [id=48, type=get_attr]; -"49 asymmetric_weights_decompressor_conv2d_4_updated_constant0_0" [id=49, type=call_module]; -"50 conv2d_4" [id=50, type=conv2d]; -"51 _param_constant18" [id=51, type=get_attr]; -"52 _param_constant19" [id=52, type=get_attr]; -"53 _tensor_constant8" [id=53, type=get_attr]; -"54 _tensor_constant9" [id=54, type=get_attr]; -"55 _native_batch_norm_legit_no_training_4" [id=55, type=_native_batch_norm_legit_no_training]; -"56 getitem_12" [id=56, type=__getitem__]; -"57 relu_4" [id=57, type=relu]; -"58 _param_constant21" [id=58, type=get_attr]; -"59 conv2d_5_updated_constant0" [id=59, type=get_attr]; -"60 asymmetric_weights_decompressor_conv2d_5_updated_constant0_0" [id=60, type=call_module]; -"61 conv2d_5" [id=61, type=conv2d]; -"62 _param_constant22" [id=62, type=get_attr]; -"63 _param_constant23" [id=63, type=get_attr]; -"64 _tensor_constant10" [id=64, type=get_attr]; -"65 _tensor_constant11" [id=65, type=get_attr]; -"66 _native_batch_norm_legit_no_training_5" [id=66, type=_native_batch_norm_legit_no_training]; -"67 getitem_15" [id=67, type=__getitem__]; -"68 relu_5" [id=68, type=relu]; -"69 max_pool2d_2" [id=69, type=max_pool2d]; -"70 _param_constant25" [id=70, type=get_attr]; -"71 conv2d_6_updated_constant0" [id=71, type=get_attr]; -"72 asymmetric_weights_decompressor_conv2d_6_updated_constant0_0" [id=72, type=call_module]; -"73 conv2d_6" [id=73, type=conv2d]; -"74 _param_constant26" [id=74, type=get_attr]; -"75 _param_constant27" [id=75, type=get_attr]; -"76 _tensor_constant12" [id=76, type=get_attr]; -"77 _tensor_constant13" [id=77, type=get_attr]; -"78 _native_batch_norm_legit_no_training_6" [id=78, type=_native_batch_norm_legit_no_training]; -"79 getitem_18" [id=79, type=__getitem__]; -"80 relu_6" [id=80, type=relu]; -"81 _param_constant29" [id=81, type=get_attr]; -"82 conv2d_7_updated_constant0" [id=82, type=get_attr]; -"83 asymmetric_weights_decompressor_conv2d_7_updated_constant0_0" [id=83, type=call_module]; -"84 conv2d_7" [id=84, type=conv2d]; -"85 _param_constant30" [id=85, type=get_attr]; -"86 _param_constant31" [id=86, type=get_attr]; -"87 _tensor_constant14" [id=87, type=get_attr]; -"88 _tensor_constant15" [id=88, type=get_attr]; -"89 _native_batch_norm_legit_no_training_7" [id=89, type=_native_batch_norm_legit_no_training]; -"90 getitem_21" [id=90, type=__getitem__]; -"91 relu_7" [id=91, type=relu]; -"92 max_pool2d_3" [id=92, type=max_pool2d]; -"93 _param_constant33" [id=93, type=get_attr]; -"94 conv2d_8_updated_constant0" [id=94, type=get_attr]; -"95 asymmetric_weights_decompressor_conv2d_8_updated_constant0_0" [id=95, type=call_module]; -"96 conv2d_8" [id=96, type=conv2d]; -"97 _param_constant34" [id=97, type=get_attr]; -"98 _param_constant35" [id=98, type=get_attr]; -"99 _tensor_constant16" [id=99, type=get_attr]; -"100 _tensor_constant17" [id=100, type=get_attr]; -"101 _native_batch_norm_legit_no_training_8" [id=101, type=_native_batch_norm_legit_no_training]; -"102 getitem_24" [id=102, type=__getitem__]; -"103 relu_8" [id=103, type=relu]; -"104 _param_constant37" [id=104, type=get_attr]; -"105 conv2d_9_updated_constant0" [id=105, type=get_attr]; -"106 asymmetric_weights_decompressor_conv2d_9_updated_constant0_0" [id=106, type=call_module]; -"107 conv2d_9" [id=107, type=conv2d]; -"108 _param_constant38" [id=108, type=get_attr]; -"109 _param_constant39" [id=109, type=get_attr]; -"110 _tensor_constant18" [id=110, type=get_attr]; -"111 _tensor_constant19" [id=111, type=get_attr]; -"112 _native_batch_norm_legit_no_training_9" [id=112, type=_native_batch_norm_legit_no_training]; -"113 getitem_27" [id=113, type=__getitem__]; -"114 relu_9" [id=114, type=relu]; -"115 _param_constant41" [id=115, type=get_attr]; -"116 conv_transpose2d_updated_constant0" [id=116, type=get_attr]; -"117 asymmetric_weights_decompressor_conv_transpose2d_updated_constant0_0" [id=117, type=call_module]; -"118 conv_transpose2d" [id=118, type=conv_transpose2d]; -"119 slice_1" [id=119, type=slice]; -"120 slice_2" [id=120, type=slice]; -"121 slice_3" [id=121, type=slice]; -"122 slice_4" [id=122, type=slice]; -"123 cat" [id=123, type=cat]; -"124 _param_constant43" [id=124, type=get_attr]; -"125 conv2d_10_updated_constant0" [id=125, type=get_attr]; -"126 asymmetric_weights_decompressor_conv2d_10_updated_constant0_0" [id=126, type=call_module]; -"127 conv2d_10" [id=127, type=conv2d]; -"128 _param_constant44" [id=128, type=get_attr]; -"129 _param_constant45" [id=129, type=get_attr]; -"130 _tensor_constant20" [id=130, type=get_attr]; -"131 _tensor_constant21" [id=131, type=get_attr]; -"132 _native_batch_norm_legit_no_training_10" [id=132, type=_native_batch_norm_legit_no_training]; -"133 getitem_30" [id=133, type=__getitem__]; -"134 relu_10" [id=134, type=relu]; -"135 _param_constant47" [id=135, type=get_attr]; -"136 conv2d_11_updated_constant0" [id=136, type=get_attr]; -"137 asymmetric_weights_decompressor_conv2d_11_updated_constant0_0" [id=137, type=call_module]; -"138 conv2d_11" [id=138, type=conv2d]; -"139 _param_constant48" [id=139, type=get_attr]; -"140 _param_constant49" [id=140, type=get_attr]; -"141 _tensor_constant22" [id=141, type=get_attr]; -"142 _tensor_constant23" [id=142, type=get_attr]; -"143 _native_batch_norm_legit_no_training_11" [id=143, type=_native_batch_norm_legit_no_training]; -"144 getitem_33" [id=144, type=__getitem__]; -"145 relu_11" [id=145, type=relu]; -"146 _param_constant51" [id=146, type=get_attr]; -"147 conv_transpose2d_1_updated_constant0" [id=147, type=get_attr]; -"148 asymmetric_weights_decompressor_conv_transpose2d_1_updated_constant0_0" [id=148, type=call_module]; -"149 conv_transpose2d_1" [id=149, type=conv_transpose2d]; -"150 slice_5" [id=150, type=slice]; -"151 slice_6" [id=151, type=slice]; -"152 slice_7" [id=152, type=slice]; -"153 slice_8" [id=153, type=slice]; -"154 cat_1" [id=154, type=cat]; -"155 _param_constant53" [id=155, type=get_attr]; -"156 conv2d_12_updated_constant0" [id=156, type=get_attr]; -"157 asymmetric_weights_decompressor_conv2d_12_updated_constant0_0" [id=157, type=call_module]; -"158 conv2d_12" [id=158, type=conv2d]; -"159 _param_constant54" [id=159, type=get_attr]; -"160 _param_constant55" [id=160, type=get_attr]; -"161 _tensor_constant24" [id=161, type=get_attr]; -"162 _tensor_constant25" [id=162, type=get_attr]; -"163 _native_batch_norm_legit_no_training_12" [id=163, type=_native_batch_norm_legit_no_training]; -"164 getitem_36" [id=164, type=__getitem__]; -"165 relu_12" [id=165, type=relu]; -"166 _param_constant57" [id=166, type=get_attr]; -"167 conv2d_13_updated_constant0" [id=167, type=get_attr]; -"168 asymmetric_weights_decompressor_conv2d_13_updated_constant0_0" [id=168, type=call_module]; -"169 conv2d_13" [id=169, type=conv2d]; -"170 _param_constant58" [id=170, type=get_attr]; -"171 _param_constant59" [id=171, type=get_attr]; -"172 _tensor_constant26" [id=172, type=get_attr]; -"173 _tensor_constant27" [id=173, type=get_attr]; -"174 _native_batch_norm_legit_no_training_13" [id=174, type=_native_batch_norm_legit_no_training]; -"175 getitem_39" [id=175, type=__getitem__]; -"176 relu_13" [id=176, type=relu]; -"177 _param_constant61" [id=177, type=get_attr]; -"178 conv_transpose2d_2_updated_constant0" [id=178, type=get_attr]; -"179 asymmetric_weights_decompressor_conv_transpose2d_2_updated_constant0_0" [id=179, type=call_module]; -"180 conv_transpose2d_2" [id=180, type=conv_transpose2d]; -"181 slice_9" [id=181, type=slice]; -"182 slice_10" [id=182, type=slice]; -"183 slice_11" [id=183, type=slice]; -"184 slice_12" [id=184, type=slice]; -"185 cat_2" [id=185, type=cat]; -"186 _param_constant63" [id=186, type=get_attr]; -"187 conv2d_14_updated_constant0" [id=187, type=get_attr]; -"188 asymmetric_weights_decompressor_conv2d_14_updated_constant0_0" [id=188, type=call_module]; -"189 conv2d_14" [id=189, type=conv2d]; -"190 _param_constant64" [id=190, type=get_attr]; -"191 _param_constant65" [id=191, type=get_attr]; -"192 _tensor_constant28" [id=192, type=get_attr]; -"193 _tensor_constant29" [id=193, type=get_attr]; -"194 _native_batch_norm_legit_no_training_14" [id=194, type=_native_batch_norm_legit_no_training]; -"195 getitem_42" [id=195, type=__getitem__]; -"196 relu_14" [id=196, type=relu]; -"197 _param_constant67" [id=197, type=get_attr]; -"198 conv2d_15_updated_constant0" [id=198, type=get_attr]; -"199 asymmetric_weights_decompressor_conv2d_15_updated_constant0_0" [id=199, type=call_module]; -"200 conv2d_15" [id=200, type=conv2d]; -"201 _param_constant68" [id=201, type=get_attr]; -"202 _param_constant69" [id=202, type=get_attr]; -"203 _tensor_constant30" [id=203, type=get_attr]; -"204 _tensor_constant31" [id=204, type=get_attr]; -"205 _native_batch_norm_legit_no_training_15" [id=205, type=_native_batch_norm_legit_no_training]; -"206 getitem_45" [id=206, type=__getitem__]; -"207 relu_15" [id=207, type=relu]; -"208 _param_constant71" [id=208, type=get_attr]; -"209 conv_transpose2d_3_updated_constant0" [id=209, type=get_attr]; -"210 asymmetric_weights_decompressor_conv_transpose2d_3_updated_constant0_0" [id=210, type=call_module]; -"211 conv_transpose2d_3" [id=211, type=conv_transpose2d]; -"212 slice_13" [id=212, type=slice]; -"213 slice_14" [id=213, type=slice]; -"214 slice_15" [id=214, type=slice]; -"215 slice_16" [id=215, type=slice]; -"216 cat_3" [id=216, type=cat]; -"217 _param_constant73" [id=217, type=get_attr]; -"218 conv2d_16_updated_constant0" [id=218, type=get_attr]; -"219 asymmetric_weights_decompressor_conv2d_16_updated_constant0_0" [id=219, type=call_module]; -"220 conv2d_16" [id=220, type=conv2d]; -"221 _param_constant74" [id=221, type=get_attr]; -"222 _param_constant75" [id=222, type=get_attr]; -"223 _tensor_constant32" [id=223, type=get_attr]; -"224 _tensor_constant33" [id=224, type=get_attr]; -"225 _native_batch_norm_legit_no_training_16" [id=225, type=_native_batch_norm_legit_no_training]; -"226 getitem_48" [id=226, type=__getitem__]; -"227 relu_16" [id=227, type=relu]; -"228 _param_constant77" [id=228, type=get_attr]; -"229 conv2d_17_updated_constant0" [id=229, type=get_attr]; -"230 asymmetric_weights_decompressor_conv2d_17_updated_constant0_0" [id=230, type=call_module]; -"231 conv2d_17" [id=231, type=conv2d]; -"232 _param_constant78" [id=232, type=get_attr]; -"233 _param_constant79" [id=233, type=get_attr]; -"234 _tensor_constant34" [id=234, type=get_attr]; -"235 _tensor_constant35" [id=235, type=get_attr]; -"236 _native_batch_norm_legit_no_training_17" [id=236, type=_native_batch_norm_legit_no_training]; -"237 getitem_51" [id=237, type=__getitem__]; -"238 relu_17" [id=238, type=relu]; -"239 _param_constant81" [id=239, type=get_attr]; -"240 conv2d_18_updated_constant0" [id=240, type=get_attr]; -"241 asymmetric_weights_decompressor_conv2d_18_updated_constant0_0" [id=241, type=call_module]; -"242 conv2d_18" [id=242, type=conv2d]; -"243 output" [id=243, type=output]; -"0 arg0_1" -> "4 conv2d"; -"1 _param_constant1" -> "4 conv2d"; -"2 conv2d_updated_constant0" -> "3 asymmetric_weights_decompressor_conv2d_updated_constant0_0"; -"3 asymmetric_weights_decompressor_conv2d_updated_constant0_0" -> "4 conv2d"; -"4 conv2d" -> "9 _native_batch_norm_legit_no_training"; -"5 _param_constant2" -> "9 _native_batch_norm_legit_no_training"; -"6 _param_constant3" -> "9 _native_batch_norm_legit_no_training"; -"7 _tensor_constant0" -> "9 _native_batch_norm_legit_no_training"; -"8 _tensor_constant1" -> "9 _native_batch_norm_legit_no_training"; -"9 _native_batch_norm_legit_no_training" -> "10 getitem"; -"10 getitem" -> "11 relu"; -"11 relu" -> "15 conv2d_1"; -"12 _param_constant5" -> "15 conv2d_1"; -"13 conv2d_1_updated_constant0" -> "14 asymmetric_weights_decompressor_conv2d_1_updated_constant0_0"; -"14 asymmetric_weights_decompressor_conv2d_1_updated_constant0_0" -> "15 conv2d_1"; -"15 conv2d_1" -> "20 _native_batch_norm_legit_no_training_1"; -"16 _param_constant6" -> "20 _native_batch_norm_legit_no_training_1"; -"17 _param_constant7" -> "20 _native_batch_norm_legit_no_training_1"; -"18 _tensor_constant2" -> "20 _native_batch_norm_legit_no_training_1"; -"19 _tensor_constant3" -> "20 _native_batch_norm_legit_no_training_1"; -"20 _native_batch_norm_legit_no_training_1" -> "21 getitem_3"; -"21 getitem_3" -> "22 relu_1"; -"22 relu_1" -> "23 max_pool2d"; -"22 relu_1" -> "212 slice_13"; -"23 max_pool2d" -> "27 conv2d_2"; -"24 _param_constant9" -> "27 conv2d_2"; -"25 conv2d_2_updated_constant0" -> "26 asymmetric_weights_decompressor_conv2d_2_updated_constant0_0"; -"26 asymmetric_weights_decompressor_conv2d_2_updated_constant0_0" -> "27 conv2d_2"; -"27 conv2d_2" -> "32 _native_batch_norm_legit_no_training_2"; -"28 _param_constant10" -> "32 _native_batch_norm_legit_no_training_2"; -"29 _param_constant11" -> "32 _native_batch_norm_legit_no_training_2"; -"30 _tensor_constant4" -> "32 _native_batch_norm_legit_no_training_2"; -"31 _tensor_constant5" -> "32 _native_batch_norm_legit_no_training_2"; -"32 _native_batch_norm_legit_no_training_2" -> "33 getitem_6"; -"33 getitem_6" -> "34 relu_2"; -"34 relu_2" -> "38 conv2d_3"; -"35 _param_constant13" -> "38 conv2d_3"; -"36 conv2d_3_updated_constant0" -> "37 asymmetric_weights_decompressor_conv2d_3_updated_constant0_0"; -"37 asymmetric_weights_decompressor_conv2d_3_updated_constant0_0" -> "38 conv2d_3"; -"38 conv2d_3" -> "43 _native_batch_norm_legit_no_training_3"; -"39 _param_constant14" -> "43 _native_batch_norm_legit_no_training_3"; -"40 _param_constant15" -> "43 _native_batch_norm_legit_no_training_3"; -"41 _tensor_constant6" -> "43 _native_batch_norm_legit_no_training_3"; -"42 _tensor_constant7" -> "43 _native_batch_norm_legit_no_training_3"; -"43 _native_batch_norm_legit_no_training_3" -> "44 getitem_9"; -"44 getitem_9" -> "45 relu_3"; -"45 relu_3" -> "46 max_pool2d_1"; -"45 relu_3" -> "181 slice_9"; -"46 max_pool2d_1" -> "50 conv2d_4"; -"47 _param_constant17" -> "50 conv2d_4"; -"48 conv2d_4_updated_constant0" -> "49 asymmetric_weights_decompressor_conv2d_4_updated_constant0_0"; -"49 asymmetric_weights_decompressor_conv2d_4_updated_constant0_0" -> "50 conv2d_4"; -"50 conv2d_4" -> "55 _native_batch_norm_legit_no_training_4"; -"51 _param_constant18" -> "55 _native_batch_norm_legit_no_training_4"; -"52 _param_constant19" -> "55 _native_batch_norm_legit_no_training_4"; -"53 _tensor_constant8" -> "55 _native_batch_norm_legit_no_training_4"; -"54 _tensor_constant9" -> "55 _native_batch_norm_legit_no_training_4"; -"55 _native_batch_norm_legit_no_training_4" -> "56 getitem_12"; -"56 getitem_12" -> "57 relu_4"; -"57 relu_4" -> "61 conv2d_5"; -"58 _param_constant21" -> "61 conv2d_5"; -"59 conv2d_5_updated_constant0" -> "60 asymmetric_weights_decompressor_conv2d_5_updated_constant0_0"; -"60 asymmetric_weights_decompressor_conv2d_5_updated_constant0_0" -> "61 conv2d_5"; -"61 conv2d_5" -> "66 _native_batch_norm_legit_no_training_5"; -"62 _param_constant22" -> "66 _native_batch_norm_legit_no_training_5"; -"63 _param_constant23" -> "66 _native_batch_norm_legit_no_training_5"; -"64 _tensor_constant10" -> "66 _native_batch_norm_legit_no_training_5"; -"65 _tensor_constant11" -> "66 _native_batch_norm_legit_no_training_5"; -"66 _native_batch_norm_legit_no_training_5" -> "67 getitem_15"; -"67 getitem_15" -> "68 relu_5"; -"68 relu_5" -> "69 max_pool2d_2"; -"68 relu_5" -> "150 slice_5"; -"69 max_pool2d_2" -> "73 conv2d_6"; -"70 _param_constant25" -> "73 conv2d_6"; -"71 conv2d_6_updated_constant0" -> "72 asymmetric_weights_decompressor_conv2d_6_updated_constant0_0"; -"72 asymmetric_weights_decompressor_conv2d_6_updated_constant0_0" -> "73 conv2d_6"; -"73 conv2d_6" -> "78 _native_batch_norm_legit_no_training_6"; -"74 _param_constant26" -> "78 _native_batch_norm_legit_no_training_6"; -"75 _param_constant27" -> "78 _native_batch_norm_legit_no_training_6"; -"76 _tensor_constant12" -> "78 _native_batch_norm_legit_no_training_6"; -"77 _tensor_constant13" -> "78 _native_batch_norm_legit_no_training_6"; -"78 _native_batch_norm_legit_no_training_6" -> "79 getitem_18"; -"79 getitem_18" -> "80 relu_6"; -"80 relu_6" -> "84 conv2d_7"; -"81 _param_constant29" -> "84 conv2d_7"; -"82 conv2d_7_updated_constant0" -> "83 asymmetric_weights_decompressor_conv2d_7_updated_constant0_0"; -"83 asymmetric_weights_decompressor_conv2d_7_updated_constant0_0" -> "84 conv2d_7"; -"84 conv2d_7" -> "89 _native_batch_norm_legit_no_training_7"; -"85 _param_constant30" -> "89 _native_batch_norm_legit_no_training_7"; -"86 _param_constant31" -> "89 _native_batch_norm_legit_no_training_7"; -"87 _tensor_constant14" -> "89 _native_batch_norm_legit_no_training_7"; -"88 _tensor_constant15" -> "89 _native_batch_norm_legit_no_training_7"; -"89 _native_batch_norm_legit_no_training_7" -> "90 getitem_21"; -"90 getitem_21" -> "91 relu_7"; -"91 relu_7" -> "92 max_pool2d_3"; -"91 relu_7" -> "119 slice_1"; -"92 max_pool2d_3" -> "96 conv2d_8"; -"93 _param_constant33" -> "96 conv2d_8"; -"94 conv2d_8_updated_constant0" -> "95 asymmetric_weights_decompressor_conv2d_8_updated_constant0_0"; -"95 asymmetric_weights_decompressor_conv2d_8_updated_constant0_0" -> "96 conv2d_8"; -"96 conv2d_8" -> "101 _native_batch_norm_legit_no_training_8"; -"97 _param_constant34" -> "101 _native_batch_norm_legit_no_training_8"; -"98 _param_constant35" -> "101 _native_batch_norm_legit_no_training_8"; -"99 _tensor_constant16" -> "101 _native_batch_norm_legit_no_training_8"; -"100 _tensor_constant17" -> "101 _native_batch_norm_legit_no_training_8"; -"101 _native_batch_norm_legit_no_training_8" -> "102 getitem_24"; -"102 getitem_24" -> "103 relu_8"; -"103 relu_8" -> "107 conv2d_9"; -"104 _param_constant37" -> "107 conv2d_9"; -"105 conv2d_9_updated_constant0" -> "106 asymmetric_weights_decompressor_conv2d_9_updated_constant0_0"; -"106 asymmetric_weights_decompressor_conv2d_9_updated_constant0_0" -> "107 conv2d_9"; -"107 conv2d_9" -> "112 _native_batch_norm_legit_no_training_9"; -"108 _param_constant38" -> "112 _native_batch_norm_legit_no_training_9"; -"109 _param_constant39" -> "112 _native_batch_norm_legit_no_training_9"; -"110 _tensor_constant18" -> "112 _native_batch_norm_legit_no_training_9"; -"111 _tensor_constant19" -> "112 _native_batch_norm_legit_no_training_9"; -"112 _native_batch_norm_legit_no_training_9" -> "113 getitem_27"; -"113 getitem_27" -> "114 relu_9"; -"114 relu_9" -> "118 conv_transpose2d"; -"115 _param_constant41" -> "118 conv_transpose2d"; -"116 conv_transpose2d_updated_constant0" -> "117 asymmetric_weights_decompressor_conv_transpose2d_updated_constant0_0"; -"117 asymmetric_weights_decompressor_conv_transpose2d_updated_constant0_0" -> "118 conv_transpose2d"; -"118 conv_transpose2d" -> "123 cat"; -"119 slice_1" -> "120 slice_2"; -"120 slice_2" -> "121 slice_3"; -"121 slice_3" -> "122 slice_4"; -"122 slice_4" -> "123 cat"; -"123 cat" -> "127 conv2d_10"; -"124 _param_constant43" -> "127 conv2d_10"; -"125 conv2d_10_updated_constant0" -> "126 asymmetric_weights_decompressor_conv2d_10_updated_constant0_0"; -"126 asymmetric_weights_decompressor_conv2d_10_updated_constant0_0" -> "127 conv2d_10"; -"127 conv2d_10" -> "132 _native_batch_norm_legit_no_training_10"; -"128 _param_constant44" -> "132 _native_batch_norm_legit_no_training_10"; -"129 _param_constant45" -> "132 _native_batch_norm_legit_no_training_10"; -"130 _tensor_constant20" -> "132 _native_batch_norm_legit_no_training_10"; -"131 _tensor_constant21" -> "132 _native_batch_norm_legit_no_training_10"; -"132 _native_batch_norm_legit_no_training_10" -> "133 getitem_30"; -"133 getitem_30" -> "134 relu_10"; -"134 relu_10" -> "138 conv2d_11"; -"135 _param_constant47" -> "138 conv2d_11"; -"136 conv2d_11_updated_constant0" -> "137 asymmetric_weights_decompressor_conv2d_11_updated_constant0_0"; -"137 asymmetric_weights_decompressor_conv2d_11_updated_constant0_0" -> "138 conv2d_11"; -"138 conv2d_11" -> "143 _native_batch_norm_legit_no_training_11"; -"139 _param_constant48" -> "143 _native_batch_norm_legit_no_training_11"; -"140 _param_constant49" -> "143 _native_batch_norm_legit_no_training_11"; -"141 _tensor_constant22" -> "143 _native_batch_norm_legit_no_training_11"; -"142 _tensor_constant23" -> "143 _native_batch_norm_legit_no_training_11"; -"143 _native_batch_norm_legit_no_training_11" -> "144 getitem_33"; -"144 getitem_33" -> "145 relu_11"; -"145 relu_11" -> "149 conv_transpose2d_1"; -"146 _param_constant51" -> "149 conv_transpose2d_1"; -"147 conv_transpose2d_1_updated_constant0" -> "148 asymmetric_weights_decompressor_conv_transpose2d_1_updated_constant0_0"; -"148 asymmetric_weights_decompressor_conv_transpose2d_1_updated_constant0_0" -> "149 conv_transpose2d_1"; -"149 conv_transpose2d_1" -> "154 cat_1"; -"150 slice_5" -> "151 slice_6"; -"151 slice_6" -> "152 slice_7"; -"152 slice_7" -> "153 slice_8"; -"153 slice_8" -> "154 cat_1"; -"154 cat_1" -> "158 conv2d_12"; -"155 _param_constant53" -> "158 conv2d_12"; -"156 conv2d_12_updated_constant0" -> "157 asymmetric_weights_decompressor_conv2d_12_updated_constant0_0"; -"157 asymmetric_weights_decompressor_conv2d_12_updated_constant0_0" -> "158 conv2d_12"; -"158 conv2d_12" -> "163 _native_batch_norm_legit_no_training_12"; -"159 _param_constant54" -> "163 _native_batch_norm_legit_no_training_12"; -"160 _param_constant55" -> "163 _native_batch_norm_legit_no_training_12"; -"161 _tensor_constant24" -> "163 _native_batch_norm_legit_no_training_12"; -"162 _tensor_constant25" -> "163 _native_batch_norm_legit_no_training_12"; -"163 _native_batch_norm_legit_no_training_12" -> "164 getitem_36"; -"164 getitem_36" -> "165 relu_12"; -"165 relu_12" -> "169 conv2d_13"; -"166 _param_constant57" -> "169 conv2d_13"; -"167 conv2d_13_updated_constant0" -> "168 asymmetric_weights_decompressor_conv2d_13_updated_constant0_0"; -"168 asymmetric_weights_decompressor_conv2d_13_updated_constant0_0" -> "169 conv2d_13"; -"169 conv2d_13" -> "174 _native_batch_norm_legit_no_training_13"; -"170 _param_constant58" -> "174 _native_batch_norm_legit_no_training_13"; -"171 _param_constant59" -> "174 _native_batch_norm_legit_no_training_13"; -"172 _tensor_constant26" -> "174 _native_batch_norm_legit_no_training_13"; -"173 _tensor_constant27" -> "174 _native_batch_norm_legit_no_training_13"; -"174 _native_batch_norm_legit_no_training_13" -> "175 getitem_39"; -"175 getitem_39" -> "176 relu_13"; -"176 relu_13" -> "180 conv_transpose2d_2"; -"177 _param_constant61" -> "180 conv_transpose2d_2"; -"178 conv_transpose2d_2_updated_constant0" -> "179 asymmetric_weights_decompressor_conv_transpose2d_2_updated_constant0_0"; -"179 asymmetric_weights_decompressor_conv_transpose2d_2_updated_constant0_0" -> "180 conv_transpose2d_2"; -"180 conv_transpose2d_2" -> "185 cat_2"; -"181 slice_9" -> "182 slice_10"; -"182 slice_10" -> "183 slice_11"; -"183 slice_11" -> "184 slice_12"; -"184 slice_12" -> "185 cat_2"; -"185 cat_2" -> "189 conv2d_14"; -"186 _param_constant63" -> "189 conv2d_14"; -"187 conv2d_14_updated_constant0" -> "188 asymmetric_weights_decompressor_conv2d_14_updated_constant0_0"; -"188 asymmetric_weights_decompressor_conv2d_14_updated_constant0_0" -> "189 conv2d_14"; -"189 conv2d_14" -> "194 _native_batch_norm_legit_no_training_14"; -"190 _param_constant64" -> "194 _native_batch_norm_legit_no_training_14"; -"191 _param_constant65" -> "194 _native_batch_norm_legit_no_training_14"; -"192 _tensor_constant28" -> "194 _native_batch_norm_legit_no_training_14"; -"193 _tensor_constant29" -> "194 _native_batch_norm_legit_no_training_14"; -"194 _native_batch_norm_legit_no_training_14" -> "195 getitem_42"; -"195 getitem_42" -> "196 relu_14"; -"196 relu_14" -> "200 conv2d_15"; -"197 _param_constant67" -> "200 conv2d_15"; -"198 conv2d_15_updated_constant0" -> "199 asymmetric_weights_decompressor_conv2d_15_updated_constant0_0"; -"199 asymmetric_weights_decompressor_conv2d_15_updated_constant0_0" -> "200 conv2d_15"; -"200 conv2d_15" -> "205 _native_batch_norm_legit_no_training_15"; -"201 _param_constant68" -> "205 _native_batch_norm_legit_no_training_15"; -"202 _param_constant69" -> "205 _native_batch_norm_legit_no_training_15"; -"203 _tensor_constant30" -> "205 _native_batch_norm_legit_no_training_15"; -"204 _tensor_constant31" -> "205 _native_batch_norm_legit_no_training_15"; -"205 _native_batch_norm_legit_no_training_15" -> "206 getitem_45"; -"206 getitem_45" -> "207 relu_15"; -"207 relu_15" -> "211 conv_transpose2d_3"; -"208 _param_constant71" -> "211 conv_transpose2d_3"; -"209 conv_transpose2d_3_updated_constant0" -> "210 asymmetric_weights_decompressor_conv_transpose2d_3_updated_constant0_0"; -"210 asymmetric_weights_decompressor_conv_transpose2d_3_updated_constant0_0" -> "211 conv_transpose2d_3"; -"211 conv_transpose2d_3" -> "216 cat_3"; -"212 slice_13" -> "213 slice_14"; -"213 slice_14" -> "214 slice_15"; -"214 slice_15" -> "215 slice_16"; -"215 slice_16" -> "216 cat_3"; -"216 cat_3" -> "220 conv2d_16"; -"217 _param_constant73" -> "220 conv2d_16"; -"218 conv2d_16_updated_constant0" -> "219 asymmetric_weights_decompressor_conv2d_16_updated_constant0_0"; -"219 asymmetric_weights_decompressor_conv2d_16_updated_constant0_0" -> "220 conv2d_16"; -"220 conv2d_16" -> "225 _native_batch_norm_legit_no_training_16"; -"221 _param_constant74" -> "225 _native_batch_norm_legit_no_training_16"; -"222 _param_constant75" -> "225 _native_batch_norm_legit_no_training_16"; -"223 _tensor_constant32" -> "225 _native_batch_norm_legit_no_training_16"; -"224 _tensor_constant33" -> "225 _native_batch_norm_legit_no_training_16"; -"225 _native_batch_norm_legit_no_training_16" -> "226 getitem_48"; -"226 getitem_48" -> "227 relu_16"; -"227 relu_16" -> "231 conv2d_17"; -"228 _param_constant77" -> "231 conv2d_17"; -"229 conv2d_17_updated_constant0" -> "230 asymmetric_weights_decompressor_conv2d_17_updated_constant0_0"; -"230 asymmetric_weights_decompressor_conv2d_17_updated_constant0_0" -> "231 conv2d_17"; -"231 conv2d_17" -> "236 _native_batch_norm_legit_no_training_17"; -"232 _param_constant78" -> "236 _native_batch_norm_legit_no_training_17"; -"233 _param_constant79" -> "236 _native_batch_norm_legit_no_training_17"; -"234 _tensor_constant34" -> "236 _native_batch_norm_legit_no_training_17"; -"235 _tensor_constant35" -> "236 _native_batch_norm_legit_no_training_17"; -"236 _native_batch_norm_legit_no_training_17" -> "237 getitem_51"; -"237 getitem_51" -> "238 relu_17"; -"238 relu_17" -> "242 conv2d_18"; -"239 _param_constant81" -> "242 conv2d_18"; -"240 conv2d_18_updated_constant0" -> "241 asymmetric_weights_decompressor_conv2d_18_updated_constant0_0"; -"241 asymmetric_weights_decompressor_conv2d_18_updated_constant0_0" -> "242 conv2d_18"; -"242 conv2d_18" -> "243 output"; -} diff --git a/tests/torch/data/reference_graphs/fx/compressed/unet_int8_sym.dot b/tests/torch/data/reference_graphs/fx/compressed/unet_int8_sym.dot deleted file mode 100644 index a9ed7be66eb..00000000000 --- a/tests/torch/data/reference_graphs/fx/compressed/unet_int8_sym.dot +++ /dev/null @@ -1,493 +0,0 @@ -strict digraph { -"0 arg0_1" [id=0, type=input]; -"1 _param_constant1" [id=1, type=get_attr]; -"2 conv2d_updated_constant0" [id=2, type=get_attr]; -"3 symmetric_weights_decompressor_conv2d_updated_constant0_0" [id=3, type=call_module]; -"4 conv2d" [id=4, type=conv2d]; -"5 _param_constant2" [id=5, type=get_attr]; -"6 _param_constant3" [id=6, type=get_attr]; -"7 _tensor_constant0" [id=7, type=get_attr]; -"8 _tensor_constant1" [id=8, type=get_attr]; -"9 _native_batch_norm_legit_no_training" [id=9, type=_native_batch_norm_legit_no_training]; -"10 getitem" [id=10, type=__getitem__]; -"11 relu" [id=11, type=relu]; -"12 _param_constant5" [id=12, type=get_attr]; -"13 conv2d_1_updated_constant0" [id=13, type=get_attr]; -"14 symmetric_weights_decompressor_conv2d_1_updated_constant0_0" [id=14, type=call_module]; -"15 conv2d_1" [id=15, type=conv2d]; -"16 _param_constant6" [id=16, type=get_attr]; -"17 _param_constant7" [id=17, type=get_attr]; -"18 _tensor_constant2" [id=18, type=get_attr]; -"19 _tensor_constant3" [id=19, type=get_attr]; -"20 _native_batch_norm_legit_no_training_1" [id=20, type=_native_batch_norm_legit_no_training]; -"21 getitem_3" [id=21, type=__getitem__]; -"22 relu_1" [id=22, type=relu]; -"23 max_pool2d" [id=23, type=max_pool2d]; -"24 _param_constant9" [id=24, type=get_attr]; -"25 conv2d_2_updated_constant0" [id=25, type=get_attr]; -"26 symmetric_weights_decompressor_conv2d_2_updated_constant0_0" [id=26, type=call_module]; -"27 conv2d_2" [id=27, type=conv2d]; -"28 _param_constant10" [id=28, type=get_attr]; -"29 _param_constant11" [id=29, type=get_attr]; -"30 _tensor_constant4" [id=30, type=get_attr]; -"31 _tensor_constant5" [id=31, type=get_attr]; -"32 _native_batch_norm_legit_no_training_2" [id=32, type=_native_batch_norm_legit_no_training]; -"33 getitem_6" [id=33, type=__getitem__]; -"34 relu_2" [id=34, type=relu]; -"35 _param_constant13" [id=35, type=get_attr]; -"36 conv2d_3_updated_constant0" [id=36, type=get_attr]; -"37 symmetric_weights_decompressor_conv2d_3_updated_constant0_0" [id=37, type=call_module]; -"38 conv2d_3" [id=38, type=conv2d]; -"39 _param_constant14" [id=39, type=get_attr]; -"40 _param_constant15" [id=40, type=get_attr]; -"41 _tensor_constant6" [id=41, type=get_attr]; -"42 _tensor_constant7" [id=42, type=get_attr]; -"43 _native_batch_norm_legit_no_training_3" [id=43, type=_native_batch_norm_legit_no_training]; -"44 getitem_9" [id=44, type=__getitem__]; -"45 relu_3" [id=45, type=relu]; -"46 max_pool2d_1" [id=46, type=max_pool2d]; -"47 _param_constant17" [id=47, type=get_attr]; -"48 conv2d_4_updated_constant0" [id=48, type=get_attr]; -"49 symmetric_weights_decompressor_conv2d_4_updated_constant0_0" [id=49, type=call_module]; -"50 conv2d_4" [id=50, type=conv2d]; -"51 _param_constant18" [id=51, type=get_attr]; -"52 _param_constant19" [id=52, type=get_attr]; -"53 _tensor_constant8" [id=53, type=get_attr]; -"54 _tensor_constant9" [id=54, type=get_attr]; -"55 _native_batch_norm_legit_no_training_4" [id=55, type=_native_batch_norm_legit_no_training]; -"56 getitem_12" [id=56, type=__getitem__]; -"57 relu_4" [id=57, type=relu]; -"58 _param_constant21" [id=58, type=get_attr]; -"59 conv2d_5_updated_constant0" [id=59, type=get_attr]; -"60 symmetric_weights_decompressor_conv2d_5_updated_constant0_0" [id=60, type=call_module]; -"61 conv2d_5" [id=61, type=conv2d]; -"62 _param_constant22" [id=62, type=get_attr]; -"63 _param_constant23" [id=63, type=get_attr]; -"64 _tensor_constant10" [id=64, type=get_attr]; -"65 _tensor_constant11" [id=65, type=get_attr]; -"66 _native_batch_norm_legit_no_training_5" [id=66, type=_native_batch_norm_legit_no_training]; -"67 getitem_15" [id=67, type=__getitem__]; -"68 relu_5" [id=68, type=relu]; -"69 max_pool2d_2" [id=69, type=max_pool2d]; -"70 _param_constant25" [id=70, type=get_attr]; -"71 conv2d_6_updated_constant0" [id=71, type=get_attr]; -"72 symmetric_weights_decompressor_conv2d_6_updated_constant0_0" [id=72, type=call_module]; -"73 conv2d_6" [id=73, type=conv2d]; -"74 _param_constant26" [id=74, type=get_attr]; -"75 _param_constant27" [id=75, type=get_attr]; -"76 _tensor_constant12" [id=76, type=get_attr]; -"77 _tensor_constant13" [id=77, type=get_attr]; -"78 _native_batch_norm_legit_no_training_6" [id=78, type=_native_batch_norm_legit_no_training]; -"79 getitem_18" [id=79, type=__getitem__]; -"80 relu_6" [id=80, type=relu]; -"81 _param_constant29" [id=81, type=get_attr]; -"82 conv2d_7_updated_constant0" [id=82, type=get_attr]; -"83 symmetric_weights_decompressor_conv2d_7_updated_constant0_0" [id=83, type=call_module]; -"84 conv2d_7" [id=84, type=conv2d]; -"85 _param_constant30" [id=85, type=get_attr]; -"86 _param_constant31" [id=86, type=get_attr]; -"87 _tensor_constant14" [id=87, type=get_attr]; -"88 _tensor_constant15" [id=88, type=get_attr]; -"89 _native_batch_norm_legit_no_training_7" [id=89, type=_native_batch_norm_legit_no_training]; -"90 getitem_21" [id=90, type=__getitem__]; -"91 relu_7" [id=91, type=relu]; -"92 max_pool2d_3" [id=92, type=max_pool2d]; -"93 _param_constant33" [id=93, type=get_attr]; -"94 conv2d_8_updated_constant0" [id=94, type=get_attr]; -"95 symmetric_weights_decompressor_conv2d_8_updated_constant0_0" [id=95, type=call_module]; -"96 conv2d_8" [id=96, type=conv2d]; -"97 _param_constant34" [id=97, type=get_attr]; -"98 _param_constant35" [id=98, type=get_attr]; -"99 _tensor_constant16" [id=99, type=get_attr]; -"100 _tensor_constant17" [id=100, type=get_attr]; -"101 _native_batch_norm_legit_no_training_8" [id=101, type=_native_batch_norm_legit_no_training]; -"102 getitem_24" [id=102, type=__getitem__]; -"103 relu_8" [id=103, type=relu]; -"104 _param_constant37" [id=104, type=get_attr]; -"105 conv2d_9_updated_constant0" [id=105, type=get_attr]; -"106 symmetric_weights_decompressor_conv2d_9_updated_constant0_0" [id=106, type=call_module]; -"107 conv2d_9" [id=107, type=conv2d]; -"108 _param_constant38" [id=108, type=get_attr]; -"109 _param_constant39" [id=109, type=get_attr]; -"110 _tensor_constant18" [id=110, type=get_attr]; -"111 _tensor_constant19" [id=111, type=get_attr]; -"112 _native_batch_norm_legit_no_training_9" [id=112, type=_native_batch_norm_legit_no_training]; -"113 getitem_27" [id=113, type=__getitem__]; -"114 relu_9" [id=114, type=relu]; -"115 _param_constant41" [id=115, type=get_attr]; -"116 conv_transpose2d_updated_constant0" [id=116, type=get_attr]; -"117 symmetric_weights_decompressor_conv_transpose2d_updated_constant0_0" [id=117, type=call_module]; -"118 conv_transpose2d" [id=118, type=conv_transpose2d]; -"119 slice_1" [id=119, type=slice]; -"120 slice_2" [id=120, type=slice]; -"121 slice_3" [id=121, type=slice]; -"122 slice_4" [id=122, type=slice]; -"123 cat" [id=123, type=cat]; -"124 _param_constant43" [id=124, type=get_attr]; -"125 conv2d_10_updated_constant0" [id=125, type=get_attr]; -"126 symmetric_weights_decompressor_conv2d_10_updated_constant0_0" [id=126, type=call_module]; -"127 conv2d_10" [id=127, type=conv2d]; -"128 _param_constant44" [id=128, type=get_attr]; -"129 _param_constant45" [id=129, type=get_attr]; -"130 _tensor_constant20" [id=130, type=get_attr]; -"131 _tensor_constant21" [id=131, type=get_attr]; -"132 _native_batch_norm_legit_no_training_10" [id=132, type=_native_batch_norm_legit_no_training]; -"133 getitem_30" [id=133, type=__getitem__]; -"134 relu_10" [id=134, type=relu]; -"135 _param_constant47" [id=135, type=get_attr]; -"136 conv2d_11_updated_constant0" [id=136, type=get_attr]; -"137 symmetric_weights_decompressor_conv2d_11_updated_constant0_0" [id=137, type=call_module]; -"138 conv2d_11" [id=138, type=conv2d]; -"139 _param_constant48" [id=139, type=get_attr]; -"140 _param_constant49" [id=140, type=get_attr]; -"141 _tensor_constant22" [id=141, type=get_attr]; -"142 _tensor_constant23" [id=142, type=get_attr]; -"143 _native_batch_norm_legit_no_training_11" [id=143, type=_native_batch_norm_legit_no_training]; -"144 getitem_33" [id=144, type=__getitem__]; -"145 relu_11" [id=145, type=relu]; -"146 _param_constant51" [id=146, type=get_attr]; -"147 conv_transpose2d_1_updated_constant0" [id=147, type=get_attr]; -"148 symmetric_weights_decompressor_conv_transpose2d_1_updated_constant0_0" [id=148, type=call_module]; -"149 conv_transpose2d_1" [id=149, type=conv_transpose2d]; -"150 slice_5" [id=150, type=slice]; -"151 slice_6" [id=151, type=slice]; -"152 slice_7" [id=152, type=slice]; -"153 slice_8" [id=153, type=slice]; -"154 cat_1" [id=154, type=cat]; -"155 _param_constant53" [id=155, type=get_attr]; -"156 conv2d_12_updated_constant0" [id=156, type=get_attr]; -"157 symmetric_weights_decompressor_conv2d_12_updated_constant0_0" [id=157, type=call_module]; -"158 conv2d_12" [id=158, type=conv2d]; -"159 _param_constant54" [id=159, type=get_attr]; -"160 _param_constant55" [id=160, type=get_attr]; -"161 _tensor_constant24" [id=161, type=get_attr]; -"162 _tensor_constant25" [id=162, type=get_attr]; -"163 _native_batch_norm_legit_no_training_12" [id=163, type=_native_batch_norm_legit_no_training]; -"164 getitem_36" [id=164, type=__getitem__]; -"165 relu_12" [id=165, type=relu]; -"166 _param_constant57" [id=166, type=get_attr]; -"167 conv2d_13_updated_constant0" [id=167, type=get_attr]; -"168 symmetric_weights_decompressor_conv2d_13_updated_constant0_0" [id=168, type=call_module]; -"169 conv2d_13" [id=169, type=conv2d]; -"170 _param_constant58" [id=170, type=get_attr]; -"171 _param_constant59" [id=171, type=get_attr]; -"172 _tensor_constant26" [id=172, type=get_attr]; -"173 _tensor_constant27" [id=173, type=get_attr]; -"174 _native_batch_norm_legit_no_training_13" [id=174, type=_native_batch_norm_legit_no_training]; -"175 getitem_39" [id=175, type=__getitem__]; -"176 relu_13" [id=176, type=relu]; -"177 _param_constant61" [id=177, type=get_attr]; -"178 conv_transpose2d_2_updated_constant0" [id=178, type=get_attr]; -"179 symmetric_weights_decompressor_conv_transpose2d_2_updated_constant0_0" [id=179, type=call_module]; -"180 conv_transpose2d_2" [id=180, type=conv_transpose2d]; -"181 slice_9" [id=181, type=slice]; -"182 slice_10" [id=182, type=slice]; -"183 slice_11" [id=183, type=slice]; -"184 slice_12" [id=184, type=slice]; -"185 cat_2" [id=185, type=cat]; -"186 _param_constant63" [id=186, type=get_attr]; -"187 conv2d_14_updated_constant0" [id=187, type=get_attr]; -"188 symmetric_weights_decompressor_conv2d_14_updated_constant0_0" [id=188, type=call_module]; -"189 conv2d_14" [id=189, type=conv2d]; -"190 _param_constant64" [id=190, type=get_attr]; -"191 _param_constant65" [id=191, type=get_attr]; -"192 _tensor_constant28" [id=192, type=get_attr]; -"193 _tensor_constant29" [id=193, type=get_attr]; -"194 _native_batch_norm_legit_no_training_14" [id=194, type=_native_batch_norm_legit_no_training]; -"195 getitem_42" [id=195, type=__getitem__]; -"196 relu_14" [id=196, type=relu]; -"197 _param_constant67" [id=197, type=get_attr]; -"198 conv2d_15_updated_constant0" [id=198, type=get_attr]; -"199 symmetric_weights_decompressor_conv2d_15_updated_constant0_0" [id=199, type=call_module]; -"200 conv2d_15" [id=200, type=conv2d]; -"201 _param_constant68" [id=201, type=get_attr]; -"202 _param_constant69" [id=202, type=get_attr]; -"203 _tensor_constant30" [id=203, type=get_attr]; -"204 _tensor_constant31" [id=204, type=get_attr]; -"205 _native_batch_norm_legit_no_training_15" [id=205, type=_native_batch_norm_legit_no_training]; -"206 getitem_45" [id=206, type=__getitem__]; -"207 relu_15" [id=207, type=relu]; -"208 _param_constant71" [id=208, type=get_attr]; -"209 conv_transpose2d_3_updated_constant0" [id=209, type=get_attr]; -"210 symmetric_weights_decompressor_conv_transpose2d_3_updated_constant0_0" [id=210, type=call_module]; -"211 conv_transpose2d_3" [id=211, type=conv_transpose2d]; -"212 slice_13" [id=212, type=slice]; -"213 slice_14" [id=213, type=slice]; -"214 slice_15" [id=214, type=slice]; -"215 slice_16" [id=215, type=slice]; -"216 cat_3" [id=216, type=cat]; -"217 _param_constant73" [id=217, type=get_attr]; -"218 conv2d_16_updated_constant0" [id=218, type=get_attr]; -"219 symmetric_weights_decompressor_conv2d_16_updated_constant0_0" [id=219, type=call_module]; -"220 conv2d_16" [id=220, type=conv2d]; -"221 _param_constant74" [id=221, type=get_attr]; -"222 _param_constant75" [id=222, type=get_attr]; -"223 _tensor_constant32" [id=223, type=get_attr]; -"224 _tensor_constant33" [id=224, type=get_attr]; -"225 _native_batch_norm_legit_no_training_16" [id=225, type=_native_batch_norm_legit_no_training]; -"226 getitem_48" [id=226, type=__getitem__]; -"227 relu_16" [id=227, type=relu]; -"228 _param_constant77" [id=228, type=get_attr]; -"229 conv2d_17_updated_constant0" [id=229, type=get_attr]; -"230 symmetric_weights_decompressor_conv2d_17_updated_constant0_0" [id=230, type=call_module]; -"231 conv2d_17" [id=231, type=conv2d]; -"232 _param_constant78" [id=232, type=get_attr]; -"233 _param_constant79" [id=233, type=get_attr]; -"234 _tensor_constant34" [id=234, type=get_attr]; -"235 _tensor_constant35" [id=235, type=get_attr]; -"236 _native_batch_norm_legit_no_training_17" [id=236, type=_native_batch_norm_legit_no_training]; -"237 getitem_51" [id=237, type=__getitem__]; -"238 relu_17" [id=238, type=relu]; -"239 _param_constant81" [id=239, type=get_attr]; -"240 conv2d_18_updated_constant0" [id=240, type=get_attr]; -"241 symmetric_weights_decompressor_conv2d_18_updated_constant0_0" [id=241, type=call_module]; -"242 conv2d_18" [id=242, type=conv2d]; -"243 output" [id=243, type=output]; -"0 arg0_1" -> "4 conv2d"; -"1 _param_constant1" -> "4 conv2d"; -"2 conv2d_updated_constant0" -> "3 symmetric_weights_decompressor_conv2d_updated_constant0_0"; -"3 symmetric_weights_decompressor_conv2d_updated_constant0_0" -> "4 conv2d"; -"4 conv2d" -> "9 _native_batch_norm_legit_no_training"; -"5 _param_constant2" -> "9 _native_batch_norm_legit_no_training"; -"6 _param_constant3" -> "9 _native_batch_norm_legit_no_training"; -"7 _tensor_constant0" -> "9 _native_batch_norm_legit_no_training"; -"8 _tensor_constant1" -> "9 _native_batch_norm_legit_no_training"; -"9 _native_batch_norm_legit_no_training" -> "10 getitem"; -"10 getitem" -> "11 relu"; -"11 relu" -> "15 conv2d_1"; -"12 _param_constant5" -> "15 conv2d_1"; -"13 conv2d_1_updated_constant0" -> "14 symmetric_weights_decompressor_conv2d_1_updated_constant0_0"; -"14 symmetric_weights_decompressor_conv2d_1_updated_constant0_0" -> "15 conv2d_1"; -"15 conv2d_1" -> "20 _native_batch_norm_legit_no_training_1"; -"16 _param_constant6" -> "20 _native_batch_norm_legit_no_training_1"; -"17 _param_constant7" -> "20 _native_batch_norm_legit_no_training_1"; -"18 _tensor_constant2" -> "20 _native_batch_norm_legit_no_training_1"; -"19 _tensor_constant3" -> "20 _native_batch_norm_legit_no_training_1"; -"20 _native_batch_norm_legit_no_training_1" -> "21 getitem_3"; -"21 getitem_3" -> "22 relu_1"; -"22 relu_1" -> "23 max_pool2d"; -"22 relu_1" -> "212 slice_13"; -"23 max_pool2d" -> "27 conv2d_2"; -"24 _param_constant9" -> "27 conv2d_2"; -"25 conv2d_2_updated_constant0" -> "26 symmetric_weights_decompressor_conv2d_2_updated_constant0_0"; -"26 symmetric_weights_decompressor_conv2d_2_updated_constant0_0" -> "27 conv2d_2"; -"27 conv2d_2" -> "32 _native_batch_norm_legit_no_training_2"; -"28 _param_constant10" -> "32 _native_batch_norm_legit_no_training_2"; -"29 _param_constant11" -> "32 _native_batch_norm_legit_no_training_2"; -"30 _tensor_constant4" -> "32 _native_batch_norm_legit_no_training_2"; -"31 _tensor_constant5" -> "32 _native_batch_norm_legit_no_training_2"; -"32 _native_batch_norm_legit_no_training_2" -> "33 getitem_6"; -"33 getitem_6" -> "34 relu_2"; -"34 relu_2" -> "38 conv2d_3"; -"35 _param_constant13" -> "38 conv2d_3"; -"36 conv2d_3_updated_constant0" -> "37 symmetric_weights_decompressor_conv2d_3_updated_constant0_0"; -"37 symmetric_weights_decompressor_conv2d_3_updated_constant0_0" -> "38 conv2d_3"; -"38 conv2d_3" -> "43 _native_batch_norm_legit_no_training_3"; -"39 _param_constant14" -> "43 _native_batch_norm_legit_no_training_3"; -"40 _param_constant15" -> "43 _native_batch_norm_legit_no_training_3"; -"41 _tensor_constant6" -> "43 _native_batch_norm_legit_no_training_3"; -"42 _tensor_constant7" -> "43 _native_batch_norm_legit_no_training_3"; -"43 _native_batch_norm_legit_no_training_3" -> "44 getitem_9"; -"44 getitem_9" -> "45 relu_3"; -"45 relu_3" -> "46 max_pool2d_1"; -"45 relu_3" -> "181 slice_9"; -"46 max_pool2d_1" -> "50 conv2d_4"; -"47 _param_constant17" -> "50 conv2d_4"; -"48 conv2d_4_updated_constant0" -> "49 symmetric_weights_decompressor_conv2d_4_updated_constant0_0"; -"49 symmetric_weights_decompressor_conv2d_4_updated_constant0_0" -> "50 conv2d_4"; -"50 conv2d_4" -> "55 _native_batch_norm_legit_no_training_4"; -"51 _param_constant18" -> "55 _native_batch_norm_legit_no_training_4"; -"52 _param_constant19" -> "55 _native_batch_norm_legit_no_training_4"; -"53 _tensor_constant8" -> "55 _native_batch_norm_legit_no_training_4"; -"54 _tensor_constant9" -> "55 _native_batch_norm_legit_no_training_4"; -"55 _native_batch_norm_legit_no_training_4" -> "56 getitem_12"; -"56 getitem_12" -> "57 relu_4"; -"57 relu_4" -> "61 conv2d_5"; -"58 _param_constant21" -> "61 conv2d_5"; -"59 conv2d_5_updated_constant0" -> "60 symmetric_weights_decompressor_conv2d_5_updated_constant0_0"; -"60 symmetric_weights_decompressor_conv2d_5_updated_constant0_0" -> "61 conv2d_5"; -"61 conv2d_5" -> "66 _native_batch_norm_legit_no_training_5"; -"62 _param_constant22" -> "66 _native_batch_norm_legit_no_training_5"; -"63 _param_constant23" -> "66 _native_batch_norm_legit_no_training_5"; -"64 _tensor_constant10" -> "66 _native_batch_norm_legit_no_training_5"; -"65 _tensor_constant11" -> "66 _native_batch_norm_legit_no_training_5"; -"66 _native_batch_norm_legit_no_training_5" -> "67 getitem_15"; -"67 getitem_15" -> "68 relu_5"; -"68 relu_5" -> "69 max_pool2d_2"; -"68 relu_5" -> "150 slice_5"; -"69 max_pool2d_2" -> "73 conv2d_6"; -"70 _param_constant25" -> "73 conv2d_6"; -"71 conv2d_6_updated_constant0" -> "72 symmetric_weights_decompressor_conv2d_6_updated_constant0_0"; -"72 symmetric_weights_decompressor_conv2d_6_updated_constant0_0" -> "73 conv2d_6"; -"73 conv2d_6" -> "78 _native_batch_norm_legit_no_training_6"; -"74 _param_constant26" -> "78 _native_batch_norm_legit_no_training_6"; -"75 _param_constant27" -> "78 _native_batch_norm_legit_no_training_6"; -"76 _tensor_constant12" -> "78 _native_batch_norm_legit_no_training_6"; -"77 _tensor_constant13" -> "78 _native_batch_norm_legit_no_training_6"; -"78 _native_batch_norm_legit_no_training_6" -> "79 getitem_18"; -"79 getitem_18" -> "80 relu_6"; -"80 relu_6" -> "84 conv2d_7"; -"81 _param_constant29" -> "84 conv2d_7"; -"82 conv2d_7_updated_constant0" -> "83 symmetric_weights_decompressor_conv2d_7_updated_constant0_0"; -"83 symmetric_weights_decompressor_conv2d_7_updated_constant0_0" -> "84 conv2d_7"; -"84 conv2d_7" -> "89 _native_batch_norm_legit_no_training_7"; -"85 _param_constant30" -> "89 _native_batch_norm_legit_no_training_7"; -"86 _param_constant31" -> "89 _native_batch_norm_legit_no_training_7"; -"87 _tensor_constant14" -> "89 _native_batch_norm_legit_no_training_7"; -"88 _tensor_constant15" -> "89 _native_batch_norm_legit_no_training_7"; -"89 _native_batch_norm_legit_no_training_7" -> "90 getitem_21"; -"90 getitem_21" -> "91 relu_7"; -"91 relu_7" -> "92 max_pool2d_3"; -"91 relu_7" -> "119 slice_1"; -"92 max_pool2d_3" -> "96 conv2d_8"; -"93 _param_constant33" -> "96 conv2d_8"; -"94 conv2d_8_updated_constant0" -> "95 symmetric_weights_decompressor_conv2d_8_updated_constant0_0"; -"95 symmetric_weights_decompressor_conv2d_8_updated_constant0_0" -> "96 conv2d_8"; -"96 conv2d_8" -> "101 _native_batch_norm_legit_no_training_8"; -"97 _param_constant34" -> "101 _native_batch_norm_legit_no_training_8"; -"98 _param_constant35" -> "101 _native_batch_norm_legit_no_training_8"; -"99 _tensor_constant16" -> "101 _native_batch_norm_legit_no_training_8"; -"100 _tensor_constant17" -> "101 _native_batch_norm_legit_no_training_8"; -"101 _native_batch_norm_legit_no_training_8" -> "102 getitem_24"; -"102 getitem_24" -> "103 relu_8"; -"103 relu_8" -> "107 conv2d_9"; -"104 _param_constant37" -> "107 conv2d_9"; -"105 conv2d_9_updated_constant0" -> "106 symmetric_weights_decompressor_conv2d_9_updated_constant0_0"; -"106 symmetric_weights_decompressor_conv2d_9_updated_constant0_0" -> "107 conv2d_9"; -"107 conv2d_9" -> "112 _native_batch_norm_legit_no_training_9"; -"108 _param_constant38" -> "112 _native_batch_norm_legit_no_training_9"; -"109 _param_constant39" -> "112 _native_batch_norm_legit_no_training_9"; -"110 _tensor_constant18" -> "112 _native_batch_norm_legit_no_training_9"; -"111 _tensor_constant19" -> "112 _native_batch_norm_legit_no_training_9"; -"112 _native_batch_norm_legit_no_training_9" -> "113 getitem_27"; -"113 getitem_27" -> "114 relu_9"; -"114 relu_9" -> "118 conv_transpose2d"; -"115 _param_constant41" -> "118 conv_transpose2d"; -"116 conv_transpose2d_updated_constant0" -> "117 symmetric_weights_decompressor_conv_transpose2d_updated_constant0_0"; -"117 symmetric_weights_decompressor_conv_transpose2d_updated_constant0_0" -> "118 conv_transpose2d"; -"118 conv_transpose2d" -> "123 cat"; -"119 slice_1" -> "120 slice_2"; -"120 slice_2" -> "121 slice_3"; -"121 slice_3" -> "122 slice_4"; -"122 slice_4" -> "123 cat"; -"123 cat" -> "127 conv2d_10"; -"124 _param_constant43" -> "127 conv2d_10"; -"125 conv2d_10_updated_constant0" -> "126 symmetric_weights_decompressor_conv2d_10_updated_constant0_0"; -"126 symmetric_weights_decompressor_conv2d_10_updated_constant0_0" -> "127 conv2d_10"; -"127 conv2d_10" -> "132 _native_batch_norm_legit_no_training_10"; -"128 _param_constant44" -> "132 _native_batch_norm_legit_no_training_10"; -"129 _param_constant45" -> "132 _native_batch_norm_legit_no_training_10"; -"130 _tensor_constant20" -> "132 _native_batch_norm_legit_no_training_10"; -"131 _tensor_constant21" -> "132 _native_batch_norm_legit_no_training_10"; -"132 _native_batch_norm_legit_no_training_10" -> "133 getitem_30"; -"133 getitem_30" -> "134 relu_10"; -"134 relu_10" -> "138 conv2d_11"; -"135 _param_constant47" -> "138 conv2d_11"; -"136 conv2d_11_updated_constant0" -> "137 symmetric_weights_decompressor_conv2d_11_updated_constant0_0"; -"137 symmetric_weights_decompressor_conv2d_11_updated_constant0_0" -> "138 conv2d_11"; -"138 conv2d_11" -> "143 _native_batch_norm_legit_no_training_11"; -"139 _param_constant48" -> "143 _native_batch_norm_legit_no_training_11"; -"140 _param_constant49" -> "143 _native_batch_norm_legit_no_training_11"; -"141 _tensor_constant22" -> "143 _native_batch_norm_legit_no_training_11"; -"142 _tensor_constant23" -> "143 _native_batch_norm_legit_no_training_11"; -"143 _native_batch_norm_legit_no_training_11" -> "144 getitem_33"; -"144 getitem_33" -> "145 relu_11"; -"145 relu_11" -> "149 conv_transpose2d_1"; -"146 _param_constant51" -> "149 conv_transpose2d_1"; -"147 conv_transpose2d_1_updated_constant0" -> "148 symmetric_weights_decompressor_conv_transpose2d_1_updated_constant0_0"; -"148 symmetric_weights_decompressor_conv_transpose2d_1_updated_constant0_0" -> "149 conv_transpose2d_1"; -"149 conv_transpose2d_1" -> "154 cat_1"; -"150 slice_5" -> "151 slice_6"; -"151 slice_6" -> "152 slice_7"; -"152 slice_7" -> "153 slice_8"; -"153 slice_8" -> "154 cat_1"; -"154 cat_1" -> "158 conv2d_12"; -"155 _param_constant53" -> "158 conv2d_12"; -"156 conv2d_12_updated_constant0" -> "157 symmetric_weights_decompressor_conv2d_12_updated_constant0_0"; -"157 symmetric_weights_decompressor_conv2d_12_updated_constant0_0" -> "158 conv2d_12"; -"158 conv2d_12" -> "163 _native_batch_norm_legit_no_training_12"; -"159 _param_constant54" -> "163 _native_batch_norm_legit_no_training_12"; -"160 _param_constant55" -> "163 _native_batch_norm_legit_no_training_12"; -"161 _tensor_constant24" -> "163 _native_batch_norm_legit_no_training_12"; -"162 _tensor_constant25" -> "163 _native_batch_norm_legit_no_training_12"; -"163 _native_batch_norm_legit_no_training_12" -> "164 getitem_36"; -"164 getitem_36" -> "165 relu_12"; -"165 relu_12" -> "169 conv2d_13"; -"166 _param_constant57" -> "169 conv2d_13"; -"167 conv2d_13_updated_constant0" -> "168 symmetric_weights_decompressor_conv2d_13_updated_constant0_0"; -"168 symmetric_weights_decompressor_conv2d_13_updated_constant0_0" -> "169 conv2d_13"; -"169 conv2d_13" -> "174 _native_batch_norm_legit_no_training_13"; -"170 _param_constant58" -> "174 _native_batch_norm_legit_no_training_13"; -"171 _param_constant59" -> "174 _native_batch_norm_legit_no_training_13"; -"172 _tensor_constant26" -> "174 _native_batch_norm_legit_no_training_13"; -"173 _tensor_constant27" -> "174 _native_batch_norm_legit_no_training_13"; -"174 _native_batch_norm_legit_no_training_13" -> "175 getitem_39"; -"175 getitem_39" -> "176 relu_13"; -"176 relu_13" -> "180 conv_transpose2d_2"; -"177 _param_constant61" -> "180 conv_transpose2d_2"; -"178 conv_transpose2d_2_updated_constant0" -> "179 symmetric_weights_decompressor_conv_transpose2d_2_updated_constant0_0"; -"179 symmetric_weights_decompressor_conv_transpose2d_2_updated_constant0_0" -> "180 conv_transpose2d_2"; -"180 conv_transpose2d_2" -> "185 cat_2"; -"181 slice_9" -> "182 slice_10"; -"182 slice_10" -> "183 slice_11"; -"183 slice_11" -> "184 slice_12"; -"184 slice_12" -> "185 cat_2"; -"185 cat_2" -> "189 conv2d_14"; -"186 _param_constant63" -> "189 conv2d_14"; -"187 conv2d_14_updated_constant0" -> "188 symmetric_weights_decompressor_conv2d_14_updated_constant0_0"; -"188 symmetric_weights_decompressor_conv2d_14_updated_constant0_0" -> "189 conv2d_14"; -"189 conv2d_14" -> "194 _native_batch_norm_legit_no_training_14"; -"190 _param_constant64" -> "194 _native_batch_norm_legit_no_training_14"; -"191 _param_constant65" -> "194 _native_batch_norm_legit_no_training_14"; -"192 _tensor_constant28" -> "194 _native_batch_norm_legit_no_training_14"; -"193 _tensor_constant29" -> "194 _native_batch_norm_legit_no_training_14"; -"194 _native_batch_norm_legit_no_training_14" -> "195 getitem_42"; -"195 getitem_42" -> "196 relu_14"; -"196 relu_14" -> "200 conv2d_15"; -"197 _param_constant67" -> "200 conv2d_15"; -"198 conv2d_15_updated_constant0" -> "199 symmetric_weights_decompressor_conv2d_15_updated_constant0_0"; -"199 symmetric_weights_decompressor_conv2d_15_updated_constant0_0" -> "200 conv2d_15"; -"200 conv2d_15" -> "205 _native_batch_norm_legit_no_training_15"; -"201 _param_constant68" -> "205 _native_batch_norm_legit_no_training_15"; -"202 _param_constant69" -> "205 _native_batch_norm_legit_no_training_15"; -"203 _tensor_constant30" -> "205 _native_batch_norm_legit_no_training_15"; -"204 _tensor_constant31" -> "205 _native_batch_norm_legit_no_training_15"; -"205 _native_batch_norm_legit_no_training_15" -> "206 getitem_45"; -"206 getitem_45" -> "207 relu_15"; -"207 relu_15" -> "211 conv_transpose2d_3"; -"208 _param_constant71" -> "211 conv_transpose2d_3"; -"209 conv_transpose2d_3_updated_constant0" -> "210 symmetric_weights_decompressor_conv_transpose2d_3_updated_constant0_0"; -"210 symmetric_weights_decompressor_conv_transpose2d_3_updated_constant0_0" -> "211 conv_transpose2d_3"; -"211 conv_transpose2d_3" -> "216 cat_3"; -"212 slice_13" -> "213 slice_14"; -"213 slice_14" -> "214 slice_15"; -"214 slice_15" -> "215 slice_16"; -"215 slice_16" -> "216 cat_3"; -"216 cat_3" -> "220 conv2d_16"; -"217 _param_constant73" -> "220 conv2d_16"; -"218 conv2d_16_updated_constant0" -> "219 symmetric_weights_decompressor_conv2d_16_updated_constant0_0"; -"219 symmetric_weights_decompressor_conv2d_16_updated_constant0_0" -> "220 conv2d_16"; -"220 conv2d_16" -> "225 _native_batch_norm_legit_no_training_16"; -"221 _param_constant74" -> "225 _native_batch_norm_legit_no_training_16"; -"222 _param_constant75" -> "225 _native_batch_norm_legit_no_training_16"; -"223 _tensor_constant32" -> "225 _native_batch_norm_legit_no_training_16"; -"224 _tensor_constant33" -> "225 _native_batch_norm_legit_no_training_16"; -"225 _native_batch_norm_legit_no_training_16" -> "226 getitem_48"; -"226 getitem_48" -> "227 relu_16"; -"227 relu_16" -> "231 conv2d_17"; -"228 _param_constant77" -> "231 conv2d_17"; -"229 conv2d_17_updated_constant0" -> "230 symmetric_weights_decompressor_conv2d_17_updated_constant0_0"; -"230 symmetric_weights_decompressor_conv2d_17_updated_constant0_0" -> "231 conv2d_17"; -"231 conv2d_17" -> "236 _native_batch_norm_legit_no_training_17"; -"232 _param_constant78" -> "236 _native_batch_norm_legit_no_training_17"; -"233 _param_constant79" -> "236 _native_batch_norm_legit_no_training_17"; -"234 _tensor_constant34" -> "236 _native_batch_norm_legit_no_training_17"; -"235 _tensor_constant35" -> "236 _native_batch_norm_legit_no_training_17"; -"236 _native_batch_norm_legit_no_training_17" -> "237 getitem_51"; -"237 getitem_51" -> "238 relu_17"; -"238 relu_17" -> "242 conv2d_18"; -"239 _param_constant81" -> "242 conv2d_18"; -"240 conv2d_18_updated_constant0" -> "241 symmetric_weights_decompressor_conv2d_18_updated_constant0_0"; -"241 symmetric_weights_decompressor_conv2d_18_updated_constant0_0" -> "242 conv2d_18"; -"242 conv2d_18" -> "243 output"; -} diff --git a/tests/torch/data/reference_graphs/fx/compressed/vit_b_16.dot b/tests/torch/data/reference_graphs/fx/compressed/vit_b_16.dot deleted file mode 100644 index ea4e175f289..00000000000 --- a/tests/torch/data/reference_graphs/fx/compressed/vit_b_16.dot +++ /dev/null @@ -1,1319 +0,0 @@ -strict digraph { -"0 arg0_1" [id=0, type=input]; -"1 _param_constant1" [id=1, type=get_attr]; -"2 conv2d_updated_constant0" [id=2, type=get_attr]; -"3 symmetric_weights_decompressor_conv2d_updated_constant0_0" [id=3, type=call_module]; -"4 conv2d" [id=4, type=conv2d]; -"5 reshape" [id=5, type=reshape]; -"6 permute" [id=6, type=permute]; -"7 _param_constant2" [id=7, type=get_attr]; -"8 expand" [id=8, type=expand]; -"9 cat" [id=9, type=cat]; -"10 _param_constant3" [id=10, type=get_attr]; -"11 add" [id=11, type=add]; -"12 dropout" [id=12, type=dropout]; -"13 _param_constant4" [id=13, type=get_attr]; -"14 _param_constant5" [id=14, type=get_attr]; -"15 layer_norm" [id=15, type=layer_norm]; -"16 transpose" [id=16, type=transpose]; -"17 _param_constant7" [id=17, type=get_attr]; -"18 linear_updated_constant0" [id=18, type=get_attr]; -"19 symmetric_weights_decompressor_linear_updated_constant0_0" [id=19, type=call_module]; -"20 linear" [id=20, type=linear]; -"21 unflatten" [id=21, type=unflatten]; -"22 unsqueeze" [id=22, type=unsqueeze]; -"23 transpose_1" [id=23, type=transpose]; -"24 squeeze" [id=24, type=squeeze]; -"25 contiguous" [id=25, type=contiguous]; -"26 select" [id=26, type=select]; -"27 select_1" [id=27, type=select]; -"28 select_2" [id=28, type=select]; -"29 view" [id=29, type=view]; -"30 transpose_2" [id=30, type=transpose]; -"31 view_1" [id=31, type=view]; -"32 transpose_3" [id=32, type=transpose]; -"33 view_2" [id=33, type=view]; -"34 transpose_4" [id=34, type=transpose]; -"35 view_3" [id=35, type=view]; -"36 view_4" [id=36, type=view]; -"37 view_5" [id=37, type=view]; -"38 scaled_dot_product_attention" [id=38, type=scaled_dot_product_attention]; -"39 permute_1" [id=39, type=permute]; -"40 view_6" [id=40, type=view]; -"41 _param_constant9" [id=41, type=get_attr]; -"42 linear_1_updated_constant0" [id=42, type=get_attr]; -"43 symmetric_weights_decompressor_linear_1_updated_constant0_0" [id=43, type=call_module]; -"44 linear_1" [id=44, type=linear]; -"45 view_7" [id=45, type=view]; -"46 transpose_5" [id=46, type=transpose]; -"47 dropout_1" [id=47, type=dropout]; -"48 add_1" [id=48, type=add]; -"49 _param_constant10" [id=49, type=get_attr]; -"50 _param_constant11" [id=50, type=get_attr]; -"51 layer_norm_1" [id=51, type=layer_norm]; -"52 _param_constant13" [id=52, type=get_attr]; -"53 linear_2_updated_constant0" [id=53, type=get_attr]; -"54 symmetric_weights_decompressor_linear_2_updated_constant0_0" [id=54, type=call_module]; -"55 linear_2" [id=55, type=linear]; -"56 gelu" [id=56, type=gelu]; -"57 dropout_2" [id=57, type=dropout]; -"58 _param_constant15" [id=58, type=get_attr]; -"59 linear_3_updated_constant0" [id=59, type=get_attr]; -"60 symmetric_weights_decompressor_linear_3_updated_constant0_0" [id=60, type=call_module]; -"61 linear_3" [id=61, type=linear]; -"62 dropout_3" [id=62, type=dropout]; -"63 add_2" [id=63, type=add]; -"64 _param_constant16" [id=64, type=get_attr]; -"65 _param_constant17" [id=65, type=get_attr]; -"66 layer_norm_2" [id=66, type=layer_norm]; -"67 transpose_6" [id=67, type=transpose]; -"68 _param_constant19" [id=68, type=get_attr]; -"69 linear_4_updated_constant0" [id=69, type=get_attr]; -"70 symmetric_weights_decompressor_linear_4_updated_constant0_0" [id=70, type=call_module]; -"71 linear_4" [id=71, type=linear]; -"72 unflatten_1" [id=72, type=unflatten]; -"73 unsqueeze_1" [id=73, type=unsqueeze]; -"74 transpose_7" [id=74, type=transpose]; -"75 squeeze_1" [id=75, type=squeeze]; -"76 contiguous_1" [id=76, type=contiguous]; -"77 select_3" [id=77, type=select]; -"78 select_4" [id=78, type=select]; -"79 select_5" [id=79, type=select]; -"80 view_8" [id=80, type=view]; -"81 transpose_8" [id=81, type=transpose]; -"82 view_9" [id=82, type=view]; -"83 transpose_9" [id=83, type=transpose]; -"84 view_10" [id=84, type=view]; -"85 transpose_10" [id=85, type=transpose]; -"86 view_11" [id=86, type=view]; -"87 view_12" [id=87, type=view]; -"88 view_13" [id=88, type=view]; -"89 scaled_dot_product_attention_1" [id=89, type=scaled_dot_product_attention]; -"90 permute_2" [id=90, type=permute]; -"91 view_14" [id=91, type=view]; -"92 _param_constant21" [id=92, type=get_attr]; -"93 linear_5_updated_constant0" [id=93, type=get_attr]; -"94 symmetric_weights_decompressor_linear_5_updated_constant0_0" [id=94, type=call_module]; -"95 linear_5" [id=95, type=linear]; -"96 view_15" [id=96, type=view]; -"97 transpose_11" [id=97, type=transpose]; -"98 dropout_4" [id=98, type=dropout]; -"99 add_3" [id=99, type=add]; -"100 _param_constant22" [id=100, type=get_attr]; -"101 _param_constant23" [id=101, type=get_attr]; -"102 layer_norm_3" [id=102, type=layer_norm]; -"103 _param_constant25" [id=103, type=get_attr]; -"104 linear_6_updated_constant0" [id=104, type=get_attr]; -"105 symmetric_weights_decompressor_linear_6_updated_constant0_0" [id=105, type=call_module]; -"106 linear_6" [id=106, type=linear]; -"107 gelu_1" [id=107, type=gelu]; -"108 dropout_5" [id=108, type=dropout]; -"109 _param_constant27" [id=109, type=get_attr]; -"110 linear_7_updated_constant0" [id=110, type=get_attr]; -"111 symmetric_weights_decompressor_linear_7_updated_constant0_0" [id=111, type=call_module]; -"112 linear_7" [id=112, type=linear]; -"113 dropout_6" [id=113, type=dropout]; -"114 add_4" [id=114, type=add]; -"115 _param_constant28" [id=115, type=get_attr]; -"116 _param_constant29" [id=116, type=get_attr]; -"117 layer_norm_4" [id=117, type=layer_norm]; -"118 transpose_12" [id=118, type=transpose]; -"119 _param_constant31" [id=119, type=get_attr]; -"120 linear_8_updated_constant0" [id=120, type=get_attr]; -"121 symmetric_weights_decompressor_linear_8_updated_constant0_0" [id=121, type=call_module]; -"122 linear_8" [id=122, type=linear]; -"123 unflatten_2" [id=123, type=unflatten]; -"124 unsqueeze_2" [id=124, type=unsqueeze]; -"125 transpose_13" [id=125, type=transpose]; -"126 squeeze_2" [id=126, type=squeeze]; -"127 contiguous_2" [id=127, type=contiguous]; -"128 select_6" [id=128, type=select]; -"129 select_7" [id=129, type=select]; -"130 select_8" [id=130, type=select]; -"131 view_16" [id=131, type=view]; -"132 transpose_14" [id=132, type=transpose]; -"133 view_17" [id=133, type=view]; -"134 transpose_15" [id=134, type=transpose]; -"135 view_18" [id=135, type=view]; -"136 transpose_16" [id=136, type=transpose]; -"137 view_19" [id=137, type=view]; -"138 view_20" [id=138, type=view]; -"139 view_21" [id=139, type=view]; -"140 scaled_dot_product_attention_2" [id=140, type=scaled_dot_product_attention]; -"141 permute_3" [id=141, type=permute]; -"142 view_22" [id=142, type=view]; -"143 _param_constant33" [id=143, type=get_attr]; -"144 linear_9_updated_constant0" [id=144, type=get_attr]; -"145 symmetric_weights_decompressor_linear_9_updated_constant0_0" [id=145, type=call_module]; -"146 linear_9" [id=146, type=linear]; -"147 view_23" [id=147, type=view]; -"148 transpose_17" [id=148, type=transpose]; -"149 dropout_7" [id=149, type=dropout]; -"150 add_5" [id=150, type=add]; -"151 _param_constant34" [id=151, type=get_attr]; -"152 _param_constant35" [id=152, type=get_attr]; -"153 layer_norm_5" [id=153, type=layer_norm]; -"154 _param_constant37" [id=154, type=get_attr]; -"155 linear_10_updated_constant0" [id=155, type=get_attr]; -"156 symmetric_weights_decompressor_linear_10_updated_constant0_0" [id=156, type=call_module]; -"157 linear_10" [id=157, type=linear]; -"158 gelu_2" [id=158, type=gelu]; -"159 dropout_8" [id=159, type=dropout]; -"160 _param_constant39" [id=160, type=get_attr]; -"161 linear_11_updated_constant0" [id=161, type=get_attr]; -"162 symmetric_weights_decompressor_linear_11_updated_constant0_0" [id=162, type=call_module]; -"163 linear_11" [id=163, type=linear]; -"164 dropout_9" [id=164, type=dropout]; -"165 add_6" [id=165, type=add]; -"166 _param_constant40" [id=166, type=get_attr]; -"167 _param_constant41" [id=167, type=get_attr]; -"168 layer_norm_6" [id=168, type=layer_norm]; -"169 transpose_18" [id=169, type=transpose]; -"170 _param_constant43" [id=170, type=get_attr]; -"171 linear_12_updated_constant0" [id=171, type=get_attr]; -"172 symmetric_weights_decompressor_linear_12_updated_constant0_0" [id=172, type=call_module]; -"173 linear_12" [id=173, type=linear]; -"174 unflatten_3" [id=174, type=unflatten]; -"175 unsqueeze_3" [id=175, type=unsqueeze]; -"176 transpose_19" [id=176, type=transpose]; -"177 squeeze_3" [id=177, type=squeeze]; -"178 contiguous_3" [id=178, type=contiguous]; -"179 select_9" [id=179, type=select]; -"180 select_10" [id=180, type=select]; -"181 select_11" [id=181, type=select]; -"182 view_24" [id=182, type=view]; -"183 transpose_20" [id=183, type=transpose]; -"184 view_25" [id=184, type=view]; -"185 transpose_21" [id=185, type=transpose]; -"186 view_26" [id=186, type=view]; -"187 transpose_22" [id=187, type=transpose]; -"188 view_27" [id=188, type=view]; -"189 view_28" [id=189, type=view]; -"190 view_29" [id=190, type=view]; -"191 scaled_dot_product_attention_3" [id=191, type=scaled_dot_product_attention]; -"192 permute_4" [id=192, type=permute]; -"193 view_30" [id=193, type=view]; -"194 _param_constant45" [id=194, type=get_attr]; -"195 linear_13_updated_constant0" [id=195, type=get_attr]; -"196 symmetric_weights_decompressor_linear_13_updated_constant0_0" [id=196, type=call_module]; -"197 linear_13" [id=197, type=linear]; -"198 view_31" [id=198, type=view]; -"199 transpose_23" [id=199, type=transpose]; -"200 dropout_10" [id=200, type=dropout]; -"201 add_7" [id=201, type=add]; -"202 _param_constant46" [id=202, type=get_attr]; -"203 _param_constant47" [id=203, type=get_attr]; -"204 layer_norm_7" [id=204, type=layer_norm]; -"205 _param_constant49" [id=205, type=get_attr]; -"206 linear_14_updated_constant0" [id=206, type=get_attr]; -"207 symmetric_weights_decompressor_linear_14_updated_constant0_0" [id=207, type=call_module]; -"208 linear_14" [id=208, type=linear]; -"209 gelu_3" [id=209, type=gelu]; -"210 dropout_11" [id=210, type=dropout]; -"211 _param_constant51" [id=211, type=get_attr]; -"212 linear_15_updated_constant0" [id=212, type=get_attr]; -"213 symmetric_weights_decompressor_linear_15_updated_constant0_0" [id=213, type=call_module]; -"214 linear_15" [id=214, type=linear]; -"215 dropout_12" [id=215, type=dropout]; -"216 add_8" [id=216, type=add]; -"217 _param_constant52" [id=217, type=get_attr]; -"218 _param_constant53" [id=218, type=get_attr]; -"219 layer_norm_8" [id=219, type=layer_norm]; -"220 transpose_24" [id=220, type=transpose]; -"221 _param_constant55" [id=221, type=get_attr]; -"222 linear_16_updated_constant0" [id=222, type=get_attr]; -"223 symmetric_weights_decompressor_linear_16_updated_constant0_0" [id=223, type=call_module]; -"224 linear_16" [id=224, type=linear]; -"225 unflatten_4" [id=225, type=unflatten]; -"226 unsqueeze_4" [id=226, type=unsqueeze]; -"227 transpose_25" [id=227, type=transpose]; -"228 squeeze_4" [id=228, type=squeeze]; -"229 contiguous_4" [id=229, type=contiguous]; -"230 select_12" [id=230, type=select]; -"231 select_13" [id=231, type=select]; -"232 select_14" [id=232, type=select]; -"233 view_32" [id=233, type=view]; -"234 transpose_26" [id=234, type=transpose]; -"235 view_33" [id=235, type=view]; -"236 transpose_27" [id=236, type=transpose]; -"237 view_34" [id=237, type=view]; -"238 transpose_28" [id=238, type=transpose]; -"239 view_35" [id=239, type=view]; -"240 view_36" [id=240, type=view]; -"241 view_37" [id=241, type=view]; -"242 scaled_dot_product_attention_4" [id=242, type=scaled_dot_product_attention]; -"243 permute_5" [id=243, type=permute]; -"244 view_38" [id=244, type=view]; -"245 _param_constant57" [id=245, type=get_attr]; -"246 linear_17_updated_constant0" [id=246, type=get_attr]; -"247 symmetric_weights_decompressor_linear_17_updated_constant0_0" [id=247, type=call_module]; -"248 linear_17" [id=248, type=linear]; -"249 view_39" [id=249, type=view]; -"250 transpose_29" [id=250, type=transpose]; -"251 dropout_13" [id=251, type=dropout]; -"252 add_9" [id=252, type=add]; -"253 _param_constant58" [id=253, type=get_attr]; -"254 _param_constant59" [id=254, type=get_attr]; -"255 layer_norm_9" [id=255, type=layer_norm]; -"256 _param_constant61" [id=256, type=get_attr]; -"257 linear_18_updated_constant0" [id=257, type=get_attr]; -"258 symmetric_weights_decompressor_linear_18_updated_constant0_0" [id=258, type=call_module]; -"259 linear_18" [id=259, type=linear]; -"260 gelu_4" [id=260, type=gelu]; -"261 dropout_14" [id=261, type=dropout]; -"262 _param_constant63" [id=262, type=get_attr]; -"263 linear_19_updated_constant0" [id=263, type=get_attr]; -"264 symmetric_weights_decompressor_linear_19_updated_constant0_0" [id=264, type=call_module]; -"265 linear_19" [id=265, type=linear]; -"266 dropout_15" [id=266, type=dropout]; -"267 add_10" [id=267, type=add]; -"268 _param_constant64" [id=268, type=get_attr]; -"269 _param_constant65" [id=269, type=get_attr]; -"270 layer_norm_10" [id=270, type=layer_norm]; -"271 transpose_30" [id=271, type=transpose]; -"272 _param_constant67" [id=272, type=get_attr]; -"273 linear_20_updated_constant0" [id=273, type=get_attr]; -"274 symmetric_weights_decompressor_linear_20_updated_constant0_0" [id=274, type=call_module]; -"275 linear_20" [id=275, type=linear]; -"276 unflatten_5" [id=276, type=unflatten]; -"277 unsqueeze_5" [id=277, type=unsqueeze]; -"278 transpose_31" [id=278, type=transpose]; -"279 squeeze_5" [id=279, type=squeeze]; -"280 contiguous_5" [id=280, type=contiguous]; -"281 select_15" [id=281, type=select]; -"282 select_16" [id=282, type=select]; -"283 select_17" [id=283, type=select]; -"284 view_40" [id=284, type=view]; -"285 transpose_32" [id=285, type=transpose]; -"286 view_41" [id=286, type=view]; -"287 transpose_33" [id=287, type=transpose]; -"288 view_42" [id=288, type=view]; -"289 transpose_34" [id=289, type=transpose]; -"290 view_43" [id=290, type=view]; -"291 view_44" [id=291, type=view]; -"292 view_45" [id=292, type=view]; -"293 scaled_dot_product_attention_5" [id=293, type=scaled_dot_product_attention]; -"294 permute_6" [id=294, type=permute]; -"295 view_46" [id=295, type=view]; -"296 _param_constant69" [id=296, type=get_attr]; -"297 linear_21_updated_constant0" [id=297, type=get_attr]; -"298 symmetric_weights_decompressor_linear_21_updated_constant0_0" [id=298, type=call_module]; -"299 linear_21" [id=299, type=linear]; -"300 view_47" [id=300, type=view]; -"301 transpose_35" [id=301, type=transpose]; -"302 dropout_16" [id=302, type=dropout]; -"303 add_11" [id=303, type=add]; -"304 _param_constant70" [id=304, type=get_attr]; -"305 _param_constant71" [id=305, type=get_attr]; -"306 layer_norm_11" [id=306, type=layer_norm]; -"307 _param_constant73" [id=307, type=get_attr]; -"308 linear_22_updated_constant0" [id=308, type=get_attr]; -"309 symmetric_weights_decompressor_linear_22_updated_constant0_0" [id=309, type=call_module]; -"310 linear_22" [id=310, type=linear]; -"311 gelu_5" [id=311, type=gelu]; -"312 dropout_17" [id=312, type=dropout]; -"313 _param_constant75" [id=313, type=get_attr]; -"314 linear_23_updated_constant0" [id=314, type=get_attr]; -"315 symmetric_weights_decompressor_linear_23_updated_constant0_0" [id=315, type=call_module]; -"316 linear_23" [id=316, type=linear]; -"317 dropout_18" [id=317, type=dropout]; -"318 add_12" [id=318, type=add]; -"319 _param_constant76" [id=319, type=get_attr]; -"320 _param_constant77" [id=320, type=get_attr]; -"321 layer_norm_12" [id=321, type=layer_norm]; -"322 transpose_36" [id=322, type=transpose]; -"323 _param_constant79" [id=323, type=get_attr]; -"324 linear_24_updated_constant0" [id=324, type=get_attr]; -"325 symmetric_weights_decompressor_linear_24_updated_constant0_0" [id=325, type=call_module]; -"326 linear_24" [id=326, type=linear]; -"327 unflatten_6" [id=327, type=unflatten]; -"328 unsqueeze_6" [id=328, type=unsqueeze]; -"329 transpose_37" [id=329, type=transpose]; -"330 squeeze_6" [id=330, type=squeeze]; -"331 contiguous_6" [id=331, type=contiguous]; -"332 select_18" [id=332, type=select]; -"333 select_19" [id=333, type=select]; -"334 select_20" [id=334, type=select]; -"335 view_48" [id=335, type=view]; -"336 transpose_38" [id=336, type=transpose]; -"337 view_49" [id=337, type=view]; -"338 transpose_39" [id=338, type=transpose]; -"339 view_50" [id=339, type=view]; -"340 transpose_40" [id=340, type=transpose]; -"341 view_51" [id=341, type=view]; -"342 view_52" [id=342, type=view]; -"343 view_53" [id=343, type=view]; -"344 scaled_dot_product_attention_6" [id=344, type=scaled_dot_product_attention]; -"345 permute_7" [id=345, type=permute]; -"346 view_54" [id=346, type=view]; -"347 _param_constant81" [id=347, type=get_attr]; -"348 linear_25_updated_constant0" [id=348, type=get_attr]; -"349 symmetric_weights_decompressor_linear_25_updated_constant0_0" [id=349, type=call_module]; -"350 linear_25" [id=350, type=linear]; -"351 view_55" [id=351, type=view]; -"352 transpose_41" [id=352, type=transpose]; -"353 dropout_19" [id=353, type=dropout]; -"354 add_13" [id=354, type=add]; -"355 _param_constant82" [id=355, type=get_attr]; -"356 _param_constant83" [id=356, type=get_attr]; -"357 layer_norm_13" [id=357, type=layer_norm]; -"358 _param_constant85" [id=358, type=get_attr]; -"359 linear_26_updated_constant0" [id=359, type=get_attr]; -"360 symmetric_weights_decompressor_linear_26_updated_constant0_0" [id=360, type=call_module]; -"361 linear_26" [id=361, type=linear]; -"362 gelu_6" [id=362, type=gelu]; -"363 dropout_20" [id=363, type=dropout]; -"364 _param_constant87" [id=364, type=get_attr]; -"365 linear_27_updated_constant0" [id=365, type=get_attr]; -"366 symmetric_weights_decompressor_linear_27_updated_constant0_0" [id=366, type=call_module]; -"367 linear_27" [id=367, type=linear]; -"368 dropout_21" [id=368, type=dropout]; -"369 add_14" [id=369, type=add]; -"370 _param_constant88" [id=370, type=get_attr]; -"371 _param_constant89" [id=371, type=get_attr]; -"372 layer_norm_14" [id=372, type=layer_norm]; -"373 transpose_42" [id=373, type=transpose]; -"374 _param_constant91" [id=374, type=get_attr]; -"375 linear_28_updated_constant0" [id=375, type=get_attr]; -"376 symmetric_weights_decompressor_linear_28_updated_constant0_0" [id=376, type=call_module]; -"377 linear_28" [id=377, type=linear]; -"378 unflatten_7" [id=378, type=unflatten]; -"379 unsqueeze_7" [id=379, type=unsqueeze]; -"380 transpose_43" [id=380, type=transpose]; -"381 squeeze_7" [id=381, type=squeeze]; -"382 contiguous_7" [id=382, type=contiguous]; -"383 select_21" [id=383, type=select]; -"384 select_22" [id=384, type=select]; -"385 select_23" [id=385, type=select]; -"386 view_56" [id=386, type=view]; -"387 transpose_44" [id=387, type=transpose]; -"388 view_57" [id=388, type=view]; -"389 transpose_45" [id=389, type=transpose]; -"390 view_58" [id=390, type=view]; -"391 transpose_46" [id=391, type=transpose]; -"392 view_59" [id=392, type=view]; -"393 view_60" [id=393, type=view]; -"394 view_61" [id=394, type=view]; -"395 scaled_dot_product_attention_7" [id=395, type=scaled_dot_product_attention]; -"396 permute_8" [id=396, type=permute]; -"397 view_62" [id=397, type=view]; -"398 _param_constant93" [id=398, type=get_attr]; -"399 linear_29_updated_constant0" [id=399, type=get_attr]; -"400 symmetric_weights_decompressor_linear_29_updated_constant0_0" [id=400, type=call_module]; -"401 linear_29" [id=401, type=linear]; -"402 view_63" [id=402, type=view]; -"403 transpose_47" [id=403, type=transpose]; -"404 dropout_22" [id=404, type=dropout]; -"405 add_15" [id=405, type=add]; -"406 _param_constant94" [id=406, type=get_attr]; -"407 _param_constant95" [id=407, type=get_attr]; -"408 layer_norm_15" [id=408, type=layer_norm]; -"409 _param_constant97" [id=409, type=get_attr]; -"410 linear_30_updated_constant0" [id=410, type=get_attr]; -"411 symmetric_weights_decompressor_linear_30_updated_constant0_0" [id=411, type=call_module]; -"412 linear_30" [id=412, type=linear]; -"413 gelu_7" [id=413, type=gelu]; -"414 dropout_23" [id=414, type=dropout]; -"415 _param_constant99" [id=415, type=get_attr]; -"416 linear_31_updated_constant0" [id=416, type=get_attr]; -"417 symmetric_weights_decompressor_linear_31_updated_constant0_0" [id=417, type=call_module]; -"418 linear_31" [id=418, type=linear]; -"419 dropout_24" [id=419, type=dropout]; -"420 add_16" [id=420, type=add]; -"421 _param_constant100" [id=421, type=get_attr]; -"422 _param_constant101" [id=422, type=get_attr]; -"423 layer_norm_16" [id=423, type=layer_norm]; -"424 transpose_48" [id=424, type=transpose]; -"425 _param_constant103" [id=425, type=get_attr]; -"426 linear_32_updated_constant0" [id=426, type=get_attr]; -"427 symmetric_weights_decompressor_linear_32_updated_constant0_0" [id=427, type=call_module]; -"428 linear_32" [id=428, type=linear]; -"429 unflatten_8" [id=429, type=unflatten]; -"430 unsqueeze_8" [id=430, type=unsqueeze]; -"431 transpose_49" [id=431, type=transpose]; -"432 squeeze_8" [id=432, type=squeeze]; -"433 contiguous_8" [id=433, type=contiguous]; -"434 select_24" [id=434, type=select]; -"435 select_25" [id=435, type=select]; -"436 select_26" [id=436, type=select]; -"437 view_64" [id=437, type=view]; -"438 transpose_50" [id=438, type=transpose]; -"439 view_65" [id=439, type=view]; -"440 transpose_51" [id=440, type=transpose]; -"441 view_66" [id=441, type=view]; -"442 transpose_52" [id=442, type=transpose]; -"443 view_67" [id=443, type=view]; -"444 view_68" [id=444, type=view]; -"445 view_69" [id=445, type=view]; -"446 scaled_dot_product_attention_8" [id=446, type=scaled_dot_product_attention]; -"447 permute_9" [id=447, type=permute]; -"448 view_70" [id=448, type=view]; -"449 _param_constant105" [id=449, type=get_attr]; -"450 linear_33_updated_constant0" [id=450, type=get_attr]; -"451 symmetric_weights_decompressor_linear_33_updated_constant0_0" [id=451, type=call_module]; -"452 linear_33" [id=452, type=linear]; -"453 view_71" [id=453, type=view]; -"454 transpose_53" [id=454, type=transpose]; -"455 dropout_25" [id=455, type=dropout]; -"456 add_17" [id=456, type=add]; -"457 _param_constant106" [id=457, type=get_attr]; -"458 _param_constant107" [id=458, type=get_attr]; -"459 layer_norm_17" [id=459, type=layer_norm]; -"460 _param_constant109" [id=460, type=get_attr]; -"461 linear_34_updated_constant0" [id=461, type=get_attr]; -"462 symmetric_weights_decompressor_linear_34_updated_constant0_0" [id=462, type=call_module]; -"463 linear_34" [id=463, type=linear]; -"464 gelu_8" [id=464, type=gelu]; -"465 dropout_26" [id=465, type=dropout]; -"466 _param_constant111" [id=466, type=get_attr]; -"467 linear_35_updated_constant0" [id=467, type=get_attr]; -"468 symmetric_weights_decompressor_linear_35_updated_constant0_0" [id=468, type=call_module]; -"469 linear_35" [id=469, type=linear]; -"470 dropout_27" [id=470, type=dropout]; -"471 add_18" [id=471, type=add]; -"472 _param_constant112" [id=472, type=get_attr]; -"473 _param_constant113" [id=473, type=get_attr]; -"474 layer_norm_18" [id=474, type=layer_norm]; -"475 transpose_54" [id=475, type=transpose]; -"476 _param_constant115" [id=476, type=get_attr]; -"477 linear_36_updated_constant0" [id=477, type=get_attr]; -"478 symmetric_weights_decompressor_linear_36_updated_constant0_0" [id=478, type=call_module]; -"479 linear_36" [id=479, type=linear]; -"480 unflatten_9" [id=480, type=unflatten]; -"481 unsqueeze_9" [id=481, type=unsqueeze]; -"482 transpose_55" [id=482, type=transpose]; -"483 squeeze_9" [id=483, type=squeeze]; -"484 contiguous_9" [id=484, type=contiguous]; -"485 select_27" [id=485, type=select]; -"486 select_28" [id=486, type=select]; -"487 select_29" [id=487, type=select]; -"488 view_72" [id=488, type=view]; -"489 transpose_56" [id=489, type=transpose]; -"490 view_73" [id=490, type=view]; -"491 transpose_57" [id=491, type=transpose]; -"492 view_74" [id=492, type=view]; -"493 transpose_58" [id=493, type=transpose]; -"494 view_75" [id=494, type=view]; -"495 view_76" [id=495, type=view]; -"496 view_77" [id=496, type=view]; -"497 scaled_dot_product_attention_9" [id=497, type=scaled_dot_product_attention]; -"498 permute_10" [id=498, type=permute]; -"499 view_78" [id=499, type=view]; -"500 _param_constant117" [id=500, type=get_attr]; -"501 linear_37_updated_constant0" [id=501, type=get_attr]; -"502 symmetric_weights_decompressor_linear_37_updated_constant0_0" [id=502, type=call_module]; -"503 linear_37" [id=503, type=linear]; -"504 view_79" [id=504, type=view]; -"505 transpose_59" [id=505, type=transpose]; -"506 dropout_28" [id=506, type=dropout]; -"507 add_19" [id=507, type=add]; -"508 _param_constant118" [id=508, type=get_attr]; -"509 _param_constant119" [id=509, type=get_attr]; -"510 layer_norm_19" [id=510, type=layer_norm]; -"511 _param_constant121" [id=511, type=get_attr]; -"512 linear_38_updated_constant0" [id=512, type=get_attr]; -"513 symmetric_weights_decompressor_linear_38_updated_constant0_0" [id=513, type=call_module]; -"514 linear_38" [id=514, type=linear]; -"515 gelu_9" [id=515, type=gelu]; -"516 dropout_29" [id=516, type=dropout]; -"517 _param_constant123" [id=517, type=get_attr]; -"518 linear_39_updated_constant0" [id=518, type=get_attr]; -"519 symmetric_weights_decompressor_linear_39_updated_constant0_0" [id=519, type=call_module]; -"520 linear_39" [id=520, type=linear]; -"521 dropout_30" [id=521, type=dropout]; -"522 add_20" [id=522, type=add]; -"523 _param_constant124" [id=523, type=get_attr]; -"524 _param_constant125" [id=524, type=get_attr]; -"525 layer_norm_20" [id=525, type=layer_norm]; -"526 transpose_60" [id=526, type=transpose]; -"527 _param_constant127" [id=527, type=get_attr]; -"528 linear_40_updated_constant0" [id=528, type=get_attr]; -"529 symmetric_weights_decompressor_linear_40_updated_constant0_0" [id=529, type=call_module]; -"530 linear_40" [id=530, type=linear]; -"531 unflatten_10" [id=531, type=unflatten]; -"532 unsqueeze_10" [id=532, type=unsqueeze]; -"533 transpose_61" [id=533, type=transpose]; -"534 squeeze_10" [id=534, type=squeeze]; -"535 contiguous_10" [id=535, type=contiguous]; -"536 select_30" [id=536, type=select]; -"537 select_31" [id=537, type=select]; -"538 select_32" [id=538, type=select]; -"539 view_80" [id=539, type=view]; -"540 transpose_62" [id=540, type=transpose]; -"541 view_81" [id=541, type=view]; -"542 transpose_63" [id=542, type=transpose]; -"543 view_82" [id=543, type=view]; -"544 transpose_64" [id=544, type=transpose]; -"545 view_83" [id=545, type=view]; -"546 view_84" [id=546, type=view]; -"547 view_85" [id=547, type=view]; -"548 scaled_dot_product_attention_10" [id=548, type=scaled_dot_product_attention]; -"549 permute_11" [id=549, type=permute]; -"550 view_86" [id=550, type=view]; -"551 _param_constant129" [id=551, type=get_attr]; -"552 linear_41_updated_constant0" [id=552, type=get_attr]; -"553 symmetric_weights_decompressor_linear_41_updated_constant0_0" [id=553, type=call_module]; -"554 linear_41" [id=554, type=linear]; -"555 view_87" [id=555, type=view]; -"556 transpose_65" [id=556, type=transpose]; -"557 dropout_31" [id=557, type=dropout]; -"558 add_21" [id=558, type=add]; -"559 _param_constant130" [id=559, type=get_attr]; -"560 _param_constant131" [id=560, type=get_attr]; -"561 layer_norm_21" [id=561, type=layer_norm]; -"562 _param_constant133" [id=562, type=get_attr]; -"563 linear_42_updated_constant0" [id=563, type=get_attr]; -"564 symmetric_weights_decompressor_linear_42_updated_constant0_0" [id=564, type=call_module]; -"565 linear_42" [id=565, type=linear]; -"566 gelu_10" [id=566, type=gelu]; -"567 dropout_32" [id=567, type=dropout]; -"568 _param_constant135" [id=568, type=get_attr]; -"569 linear_43_updated_constant0" [id=569, type=get_attr]; -"570 symmetric_weights_decompressor_linear_43_updated_constant0_0" [id=570, type=call_module]; -"571 linear_43" [id=571, type=linear]; -"572 dropout_33" [id=572, type=dropout]; -"573 add_22" [id=573, type=add]; -"574 _param_constant136" [id=574, type=get_attr]; -"575 _param_constant137" [id=575, type=get_attr]; -"576 layer_norm_22" [id=576, type=layer_norm]; -"577 transpose_66" [id=577, type=transpose]; -"578 _param_constant139" [id=578, type=get_attr]; -"579 linear_44_updated_constant0" [id=579, type=get_attr]; -"580 symmetric_weights_decompressor_linear_44_updated_constant0_0" [id=580, type=call_module]; -"581 linear_44" [id=581, type=linear]; -"582 unflatten_11" [id=582, type=unflatten]; -"583 unsqueeze_11" [id=583, type=unsqueeze]; -"584 transpose_67" [id=584, type=transpose]; -"585 squeeze_11" [id=585, type=squeeze]; -"586 contiguous_11" [id=586, type=contiguous]; -"587 select_33" [id=587, type=select]; -"588 select_34" [id=588, type=select]; -"589 select_35" [id=589, type=select]; -"590 view_88" [id=590, type=view]; -"591 transpose_68" [id=591, type=transpose]; -"592 view_89" [id=592, type=view]; -"593 transpose_69" [id=593, type=transpose]; -"594 view_90" [id=594, type=view]; -"595 transpose_70" [id=595, type=transpose]; -"596 view_91" [id=596, type=view]; -"597 view_92" [id=597, type=view]; -"598 view_93" [id=598, type=view]; -"599 scaled_dot_product_attention_11" [id=599, type=scaled_dot_product_attention]; -"600 permute_12" [id=600, type=permute]; -"601 view_94" [id=601, type=view]; -"602 _param_constant141" [id=602, type=get_attr]; -"603 linear_45_updated_constant0" [id=603, type=get_attr]; -"604 symmetric_weights_decompressor_linear_45_updated_constant0_0" [id=604, type=call_module]; -"605 linear_45" [id=605, type=linear]; -"606 view_95" [id=606, type=view]; -"607 transpose_71" [id=607, type=transpose]; -"608 dropout_34" [id=608, type=dropout]; -"609 add_23" [id=609, type=add]; -"610 _param_constant142" [id=610, type=get_attr]; -"611 _param_constant143" [id=611, type=get_attr]; -"612 layer_norm_23" [id=612, type=layer_norm]; -"613 _param_constant145" [id=613, type=get_attr]; -"614 linear_46_updated_constant0" [id=614, type=get_attr]; -"615 symmetric_weights_decompressor_linear_46_updated_constant0_0" [id=615, type=call_module]; -"616 linear_46" [id=616, type=linear]; -"617 gelu_11" [id=617, type=gelu]; -"618 dropout_35" [id=618, type=dropout]; -"619 _param_constant147" [id=619, type=get_attr]; -"620 linear_47_updated_constant0" [id=620, type=get_attr]; -"621 symmetric_weights_decompressor_linear_47_updated_constant0_0" [id=621, type=call_module]; -"622 linear_47" [id=622, type=linear]; -"623 dropout_36" [id=623, type=dropout]; -"624 add_24" [id=624, type=add]; -"625 _param_constant148" [id=625, type=get_attr]; -"626 _param_constant149" [id=626, type=get_attr]; -"627 layer_norm_24" [id=627, type=layer_norm]; -"628 slice_1" [id=628, type=slice]; -"629 select_36" [id=629, type=select]; -"630 _param_constant151" [id=630, type=get_attr]; -"631 linear_48_updated_constant0" [id=631, type=get_attr]; -"632 symmetric_weights_decompressor_linear_48_updated_constant0_0" [id=632, type=call_module]; -"633 linear_48" [id=633, type=linear]; -"634 output" [id=634, type=output]; -"0 arg0_1" -> "4 conv2d"; -"1 _param_constant1" -> "4 conv2d"; -"2 conv2d_updated_constant0" -> "3 symmetric_weights_decompressor_conv2d_updated_constant0_0"; -"3 symmetric_weights_decompressor_conv2d_updated_constant0_0" -> "4 conv2d"; -"4 conv2d" -> "5 reshape"; -"5 reshape" -> "6 permute"; -"6 permute" -> "9 cat"; -"7 _param_constant2" -> "8 expand"; -"8 expand" -> "9 cat"; -"9 cat" -> "11 add"; -"10 _param_constant3" -> "11 add"; -"11 add" -> "12 dropout"; -"12 dropout" -> "15 layer_norm"; -"12 dropout" -> "48 add_1"; -"13 _param_constant4" -> "15 layer_norm"; -"14 _param_constant5" -> "15 layer_norm"; -"15 layer_norm" -> "16 transpose"; -"16 transpose" -> "20 linear"; -"17 _param_constant7" -> "20 linear"; -"18 linear_updated_constant0" -> "19 symmetric_weights_decompressor_linear_updated_constant0_0"; -"19 symmetric_weights_decompressor_linear_updated_constant0_0" -> "20 linear"; -"20 linear" -> "21 unflatten"; -"21 unflatten" -> "22 unsqueeze"; -"22 unsqueeze" -> "23 transpose_1"; -"23 transpose_1" -> "24 squeeze"; -"24 squeeze" -> "25 contiguous"; -"25 contiguous" -> "26 select"; -"25 contiguous" -> "27 select_1"; -"25 contiguous" -> "28 select_2"; -"26 select" -> "29 view"; -"27 select_1" -> "31 view_1"; -"28 select_2" -> "33 view_2"; -"29 view" -> "30 transpose_2"; -"30 transpose_2" -> "35 view_3"; -"31 view_1" -> "32 transpose_3"; -"32 transpose_3" -> "36 view_4"; -"33 view_2" -> "34 transpose_4"; -"34 transpose_4" -> "37 view_5"; -"35 view_3" -> "38 scaled_dot_product_attention"; -"36 view_4" -> "38 scaled_dot_product_attention"; -"37 view_5" -> "38 scaled_dot_product_attention"; -"38 scaled_dot_product_attention" -> "39 permute_1"; -"39 permute_1" -> "40 view_6"; -"40 view_6" -> "44 linear_1"; -"41 _param_constant9" -> "44 linear_1"; -"42 linear_1_updated_constant0" -> "43 symmetric_weights_decompressor_linear_1_updated_constant0_0"; -"43 symmetric_weights_decompressor_linear_1_updated_constant0_0" -> "44 linear_1"; -"44 linear_1" -> "45 view_7"; -"45 view_7" -> "46 transpose_5"; -"46 transpose_5" -> "47 dropout_1"; -"47 dropout_1" -> "48 add_1"; -"48 add_1" -> "51 layer_norm_1"; -"48 add_1" -> "63 add_2"; -"49 _param_constant10" -> "51 layer_norm_1"; -"50 _param_constant11" -> "51 layer_norm_1"; -"51 layer_norm_1" -> "55 linear_2"; -"52 _param_constant13" -> "55 linear_2"; -"53 linear_2_updated_constant0" -> "54 symmetric_weights_decompressor_linear_2_updated_constant0_0"; -"54 symmetric_weights_decompressor_linear_2_updated_constant0_0" -> "55 linear_2"; -"55 linear_2" -> "56 gelu"; -"56 gelu" -> "57 dropout_2"; -"57 dropout_2" -> "61 linear_3"; -"58 _param_constant15" -> "61 linear_3"; -"59 linear_3_updated_constant0" -> "60 symmetric_weights_decompressor_linear_3_updated_constant0_0"; -"60 symmetric_weights_decompressor_linear_3_updated_constant0_0" -> "61 linear_3"; -"61 linear_3" -> "62 dropout_3"; -"62 dropout_3" -> "63 add_2"; -"63 add_2" -> "66 layer_norm_2"; -"63 add_2" -> "99 add_3"; -"64 _param_constant16" -> "66 layer_norm_2"; -"65 _param_constant17" -> "66 layer_norm_2"; -"66 layer_norm_2" -> "67 transpose_6"; -"67 transpose_6" -> "71 linear_4"; -"68 _param_constant19" -> "71 linear_4"; -"69 linear_4_updated_constant0" -> "70 symmetric_weights_decompressor_linear_4_updated_constant0_0"; -"70 symmetric_weights_decompressor_linear_4_updated_constant0_0" -> "71 linear_4"; -"71 linear_4" -> "72 unflatten_1"; -"72 unflatten_1" -> "73 unsqueeze_1"; -"73 unsqueeze_1" -> "74 transpose_7"; -"74 transpose_7" -> "75 squeeze_1"; -"75 squeeze_1" -> "76 contiguous_1"; -"76 contiguous_1" -> "77 select_3"; -"76 contiguous_1" -> "78 select_4"; -"76 contiguous_1" -> "79 select_5"; -"77 select_3" -> "80 view_8"; -"78 select_4" -> "82 view_9"; -"79 select_5" -> "84 view_10"; -"80 view_8" -> "81 transpose_8"; -"81 transpose_8" -> "86 view_11"; -"82 view_9" -> "83 transpose_9"; -"83 transpose_9" -> "87 view_12"; -"84 view_10" -> "85 transpose_10"; -"85 transpose_10" -> "88 view_13"; -"86 view_11" -> "89 scaled_dot_product_attention_1"; -"87 view_12" -> "89 scaled_dot_product_attention_1"; -"88 view_13" -> "89 scaled_dot_product_attention_1"; -"89 scaled_dot_product_attention_1" -> "90 permute_2"; -"90 permute_2" -> "91 view_14"; -"91 view_14" -> "95 linear_5"; -"92 _param_constant21" -> "95 linear_5"; -"93 linear_5_updated_constant0" -> "94 symmetric_weights_decompressor_linear_5_updated_constant0_0"; -"94 symmetric_weights_decompressor_linear_5_updated_constant0_0" -> "95 linear_5"; -"95 linear_5" -> "96 view_15"; -"96 view_15" -> "97 transpose_11"; -"97 transpose_11" -> "98 dropout_4"; -"98 dropout_4" -> "99 add_3"; -"99 add_3" -> "102 layer_norm_3"; -"99 add_3" -> "114 add_4"; -"100 _param_constant22" -> "102 layer_norm_3"; -"101 _param_constant23" -> "102 layer_norm_3"; -"102 layer_norm_3" -> "106 linear_6"; -"103 _param_constant25" -> "106 linear_6"; -"104 linear_6_updated_constant0" -> "105 symmetric_weights_decompressor_linear_6_updated_constant0_0"; -"105 symmetric_weights_decompressor_linear_6_updated_constant0_0" -> "106 linear_6"; -"106 linear_6" -> "107 gelu_1"; -"107 gelu_1" -> "108 dropout_5"; -"108 dropout_5" -> "112 linear_7"; -"109 _param_constant27" -> "112 linear_7"; -"110 linear_7_updated_constant0" -> "111 symmetric_weights_decompressor_linear_7_updated_constant0_0"; -"111 symmetric_weights_decompressor_linear_7_updated_constant0_0" -> "112 linear_7"; -"112 linear_7" -> "113 dropout_6"; -"113 dropout_6" -> "114 add_4"; -"114 add_4" -> "117 layer_norm_4"; -"114 add_4" -> "150 add_5"; -"115 _param_constant28" -> "117 layer_norm_4"; -"116 _param_constant29" -> "117 layer_norm_4"; -"117 layer_norm_4" -> "118 transpose_12"; -"118 transpose_12" -> "122 linear_8"; -"119 _param_constant31" -> "122 linear_8"; -"120 linear_8_updated_constant0" -> "121 symmetric_weights_decompressor_linear_8_updated_constant0_0"; -"121 symmetric_weights_decompressor_linear_8_updated_constant0_0" -> "122 linear_8"; -"122 linear_8" -> "123 unflatten_2"; -"123 unflatten_2" -> "124 unsqueeze_2"; -"124 unsqueeze_2" -> "125 transpose_13"; -"125 transpose_13" -> "126 squeeze_2"; -"126 squeeze_2" -> "127 contiguous_2"; -"127 contiguous_2" -> "128 select_6"; -"127 contiguous_2" -> "129 select_7"; -"127 contiguous_2" -> "130 select_8"; -"128 select_6" -> "131 view_16"; -"129 select_7" -> "133 view_17"; -"130 select_8" -> "135 view_18"; -"131 view_16" -> "132 transpose_14"; -"132 transpose_14" -> "137 view_19"; -"133 view_17" -> "134 transpose_15"; -"134 transpose_15" -> "138 view_20"; -"135 view_18" -> "136 transpose_16"; -"136 transpose_16" -> "139 view_21"; -"137 view_19" -> "140 scaled_dot_product_attention_2"; -"138 view_20" -> "140 scaled_dot_product_attention_2"; -"139 view_21" -> "140 scaled_dot_product_attention_2"; -"140 scaled_dot_product_attention_2" -> "141 permute_3"; -"141 permute_3" -> "142 view_22"; -"142 view_22" -> "146 linear_9"; -"143 _param_constant33" -> "146 linear_9"; -"144 linear_9_updated_constant0" -> "145 symmetric_weights_decompressor_linear_9_updated_constant0_0"; -"145 symmetric_weights_decompressor_linear_9_updated_constant0_0" -> "146 linear_9"; -"146 linear_9" -> "147 view_23"; -"147 view_23" -> "148 transpose_17"; -"148 transpose_17" -> "149 dropout_7"; -"149 dropout_7" -> "150 add_5"; -"150 add_5" -> "153 layer_norm_5"; -"150 add_5" -> "165 add_6"; -"151 _param_constant34" -> "153 layer_norm_5"; -"152 _param_constant35" -> "153 layer_norm_5"; -"153 layer_norm_5" -> "157 linear_10"; -"154 _param_constant37" -> "157 linear_10"; -"155 linear_10_updated_constant0" -> "156 symmetric_weights_decompressor_linear_10_updated_constant0_0"; -"156 symmetric_weights_decompressor_linear_10_updated_constant0_0" -> "157 linear_10"; -"157 linear_10" -> "158 gelu_2"; -"158 gelu_2" -> "159 dropout_8"; -"159 dropout_8" -> "163 linear_11"; -"160 _param_constant39" -> "163 linear_11"; -"161 linear_11_updated_constant0" -> "162 symmetric_weights_decompressor_linear_11_updated_constant0_0"; -"162 symmetric_weights_decompressor_linear_11_updated_constant0_0" -> "163 linear_11"; -"163 linear_11" -> "164 dropout_9"; -"164 dropout_9" -> "165 add_6"; -"165 add_6" -> "168 layer_norm_6"; -"165 add_6" -> "201 add_7"; -"166 _param_constant40" -> "168 layer_norm_6"; -"167 _param_constant41" -> "168 layer_norm_6"; -"168 layer_norm_6" -> "169 transpose_18"; -"169 transpose_18" -> "173 linear_12"; -"170 _param_constant43" -> "173 linear_12"; -"171 linear_12_updated_constant0" -> "172 symmetric_weights_decompressor_linear_12_updated_constant0_0"; -"172 symmetric_weights_decompressor_linear_12_updated_constant0_0" -> "173 linear_12"; -"173 linear_12" -> "174 unflatten_3"; -"174 unflatten_3" -> "175 unsqueeze_3"; -"175 unsqueeze_3" -> "176 transpose_19"; -"176 transpose_19" -> "177 squeeze_3"; -"177 squeeze_3" -> "178 contiguous_3"; -"178 contiguous_3" -> "179 select_9"; -"178 contiguous_3" -> "180 select_10"; -"178 contiguous_3" -> "181 select_11"; -"179 select_9" -> "182 view_24"; -"180 select_10" -> "184 view_25"; -"181 select_11" -> "186 view_26"; -"182 view_24" -> "183 transpose_20"; -"183 transpose_20" -> "188 view_27"; -"184 view_25" -> "185 transpose_21"; -"185 transpose_21" -> "189 view_28"; -"186 view_26" -> "187 transpose_22"; -"187 transpose_22" -> "190 view_29"; -"188 view_27" -> "191 scaled_dot_product_attention_3"; -"189 view_28" -> "191 scaled_dot_product_attention_3"; -"190 view_29" -> "191 scaled_dot_product_attention_3"; -"191 scaled_dot_product_attention_3" -> "192 permute_4"; -"192 permute_4" -> "193 view_30"; -"193 view_30" -> "197 linear_13"; -"194 _param_constant45" -> "197 linear_13"; -"195 linear_13_updated_constant0" -> "196 symmetric_weights_decompressor_linear_13_updated_constant0_0"; -"196 symmetric_weights_decompressor_linear_13_updated_constant0_0" -> "197 linear_13"; -"197 linear_13" -> "198 view_31"; -"198 view_31" -> "199 transpose_23"; -"199 transpose_23" -> "200 dropout_10"; -"200 dropout_10" -> "201 add_7"; -"201 add_7" -> "204 layer_norm_7"; -"201 add_7" -> "216 add_8"; -"202 _param_constant46" -> "204 layer_norm_7"; -"203 _param_constant47" -> "204 layer_norm_7"; -"204 layer_norm_7" -> "208 linear_14"; -"205 _param_constant49" -> "208 linear_14"; -"206 linear_14_updated_constant0" -> "207 symmetric_weights_decompressor_linear_14_updated_constant0_0"; -"207 symmetric_weights_decompressor_linear_14_updated_constant0_0" -> "208 linear_14"; -"208 linear_14" -> "209 gelu_3"; -"209 gelu_3" -> "210 dropout_11"; -"210 dropout_11" -> "214 linear_15"; -"211 _param_constant51" -> "214 linear_15"; -"212 linear_15_updated_constant0" -> "213 symmetric_weights_decompressor_linear_15_updated_constant0_0"; -"213 symmetric_weights_decompressor_linear_15_updated_constant0_0" -> "214 linear_15"; -"214 linear_15" -> "215 dropout_12"; -"215 dropout_12" -> "216 add_8"; -"216 add_8" -> "219 layer_norm_8"; -"216 add_8" -> "252 add_9"; -"217 _param_constant52" -> "219 layer_norm_8"; -"218 _param_constant53" -> "219 layer_norm_8"; -"219 layer_norm_8" -> "220 transpose_24"; -"220 transpose_24" -> "224 linear_16"; -"221 _param_constant55" -> "224 linear_16"; -"222 linear_16_updated_constant0" -> "223 symmetric_weights_decompressor_linear_16_updated_constant0_0"; -"223 symmetric_weights_decompressor_linear_16_updated_constant0_0" -> "224 linear_16"; -"224 linear_16" -> "225 unflatten_4"; -"225 unflatten_4" -> "226 unsqueeze_4"; -"226 unsqueeze_4" -> "227 transpose_25"; -"227 transpose_25" -> "228 squeeze_4"; -"228 squeeze_4" -> "229 contiguous_4"; -"229 contiguous_4" -> "230 select_12"; -"229 contiguous_4" -> "231 select_13"; -"229 contiguous_4" -> "232 select_14"; -"230 select_12" -> "233 view_32"; -"231 select_13" -> "235 view_33"; -"232 select_14" -> "237 view_34"; -"233 view_32" -> "234 transpose_26"; -"234 transpose_26" -> "239 view_35"; -"235 view_33" -> "236 transpose_27"; -"236 transpose_27" -> "240 view_36"; -"237 view_34" -> "238 transpose_28"; -"238 transpose_28" -> "241 view_37"; -"239 view_35" -> "242 scaled_dot_product_attention_4"; -"240 view_36" -> "242 scaled_dot_product_attention_4"; -"241 view_37" -> "242 scaled_dot_product_attention_4"; -"242 scaled_dot_product_attention_4" -> "243 permute_5"; -"243 permute_5" -> "244 view_38"; -"244 view_38" -> "248 linear_17"; -"245 _param_constant57" -> "248 linear_17"; -"246 linear_17_updated_constant0" -> "247 symmetric_weights_decompressor_linear_17_updated_constant0_0"; -"247 symmetric_weights_decompressor_linear_17_updated_constant0_0" -> "248 linear_17"; -"248 linear_17" -> "249 view_39"; -"249 view_39" -> "250 transpose_29"; -"250 transpose_29" -> "251 dropout_13"; -"251 dropout_13" -> "252 add_9"; -"252 add_9" -> "255 layer_norm_9"; -"252 add_9" -> "267 add_10"; -"253 _param_constant58" -> "255 layer_norm_9"; -"254 _param_constant59" -> "255 layer_norm_9"; -"255 layer_norm_9" -> "259 linear_18"; -"256 _param_constant61" -> "259 linear_18"; -"257 linear_18_updated_constant0" -> "258 symmetric_weights_decompressor_linear_18_updated_constant0_0"; -"258 symmetric_weights_decompressor_linear_18_updated_constant0_0" -> "259 linear_18"; -"259 linear_18" -> "260 gelu_4"; -"260 gelu_4" -> "261 dropout_14"; -"261 dropout_14" -> "265 linear_19"; -"262 _param_constant63" -> "265 linear_19"; -"263 linear_19_updated_constant0" -> "264 symmetric_weights_decompressor_linear_19_updated_constant0_0"; -"264 symmetric_weights_decompressor_linear_19_updated_constant0_0" -> "265 linear_19"; -"265 linear_19" -> "266 dropout_15"; -"266 dropout_15" -> "267 add_10"; -"267 add_10" -> "270 layer_norm_10"; -"267 add_10" -> "303 add_11"; -"268 _param_constant64" -> "270 layer_norm_10"; -"269 _param_constant65" -> "270 layer_norm_10"; -"270 layer_norm_10" -> "271 transpose_30"; -"271 transpose_30" -> "275 linear_20"; -"272 _param_constant67" -> "275 linear_20"; -"273 linear_20_updated_constant0" -> "274 symmetric_weights_decompressor_linear_20_updated_constant0_0"; -"274 symmetric_weights_decompressor_linear_20_updated_constant0_0" -> "275 linear_20"; -"275 linear_20" -> "276 unflatten_5"; -"276 unflatten_5" -> "277 unsqueeze_5"; -"277 unsqueeze_5" -> "278 transpose_31"; -"278 transpose_31" -> "279 squeeze_5"; -"279 squeeze_5" -> "280 contiguous_5"; -"280 contiguous_5" -> "281 select_15"; -"280 contiguous_5" -> "282 select_16"; -"280 contiguous_5" -> "283 select_17"; -"281 select_15" -> "284 view_40"; -"282 select_16" -> "286 view_41"; -"283 select_17" -> "288 view_42"; -"284 view_40" -> "285 transpose_32"; -"285 transpose_32" -> "290 view_43"; -"286 view_41" -> "287 transpose_33"; -"287 transpose_33" -> "291 view_44"; -"288 view_42" -> "289 transpose_34"; -"289 transpose_34" -> "292 view_45"; -"290 view_43" -> "293 scaled_dot_product_attention_5"; -"291 view_44" -> "293 scaled_dot_product_attention_5"; -"292 view_45" -> "293 scaled_dot_product_attention_5"; -"293 scaled_dot_product_attention_5" -> "294 permute_6"; -"294 permute_6" -> "295 view_46"; -"295 view_46" -> "299 linear_21"; -"296 _param_constant69" -> "299 linear_21"; -"297 linear_21_updated_constant0" -> "298 symmetric_weights_decompressor_linear_21_updated_constant0_0"; -"298 symmetric_weights_decompressor_linear_21_updated_constant0_0" -> "299 linear_21"; -"299 linear_21" -> "300 view_47"; -"300 view_47" -> "301 transpose_35"; -"301 transpose_35" -> "302 dropout_16"; -"302 dropout_16" -> "303 add_11"; -"303 add_11" -> "306 layer_norm_11"; -"303 add_11" -> "318 add_12"; -"304 _param_constant70" -> "306 layer_norm_11"; -"305 _param_constant71" -> "306 layer_norm_11"; -"306 layer_norm_11" -> "310 linear_22"; -"307 _param_constant73" -> "310 linear_22"; -"308 linear_22_updated_constant0" -> "309 symmetric_weights_decompressor_linear_22_updated_constant0_0"; -"309 symmetric_weights_decompressor_linear_22_updated_constant0_0" -> "310 linear_22"; -"310 linear_22" -> "311 gelu_5"; -"311 gelu_5" -> "312 dropout_17"; -"312 dropout_17" -> "316 linear_23"; -"313 _param_constant75" -> "316 linear_23"; -"314 linear_23_updated_constant0" -> "315 symmetric_weights_decompressor_linear_23_updated_constant0_0"; -"315 symmetric_weights_decompressor_linear_23_updated_constant0_0" -> "316 linear_23"; -"316 linear_23" -> "317 dropout_18"; -"317 dropout_18" -> "318 add_12"; -"318 add_12" -> "321 layer_norm_12"; -"318 add_12" -> "354 add_13"; -"319 _param_constant76" -> "321 layer_norm_12"; -"320 _param_constant77" -> "321 layer_norm_12"; -"321 layer_norm_12" -> "322 transpose_36"; -"322 transpose_36" -> "326 linear_24"; -"323 _param_constant79" -> "326 linear_24"; -"324 linear_24_updated_constant0" -> "325 symmetric_weights_decompressor_linear_24_updated_constant0_0"; -"325 symmetric_weights_decompressor_linear_24_updated_constant0_0" -> "326 linear_24"; -"326 linear_24" -> "327 unflatten_6"; -"327 unflatten_6" -> "328 unsqueeze_6"; -"328 unsqueeze_6" -> "329 transpose_37"; -"329 transpose_37" -> "330 squeeze_6"; -"330 squeeze_6" -> "331 contiguous_6"; -"331 contiguous_6" -> "332 select_18"; -"331 contiguous_6" -> "333 select_19"; -"331 contiguous_6" -> "334 select_20"; -"332 select_18" -> "335 view_48"; -"333 select_19" -> "337 view_49"; -"334 select_20" -> "339 view_50"; -"335 view_48" -> "336 transpose_38"; -"336 transpose_38" -> "341 view_51"; -"337 view_49" -> "338 transpose_39"; -"338 transpose_39" -> "342 view_52"; -"339 view_50" -> "340 transpose_40"; -"340 transpose_40" -> "343 view_53"; -"341 view_51" -> "344 scaled_dot_product_attention_6"; -"342 view_52" -> "344 scaled_dot_product_attention_6"; -"343 view_53" -> "344 scaled_dot_product_attention_6"; -"344 scaled_dot_product_attention_6" -> "345 permute_7"; -"345 permute_7" -> "346 view_54"; -"346 view_54" -> "350 linear_25"; -"347 _param_constant81" -> "350 linear_25"; -"348 linear_25_updated_constant0" -> "349 symmetric_weights_decompressor_linear_25_updated_constant0_0"; -"349 symmetric_weights_decompressor_linear_25_updated_constant0_0" -> "350 linear_25"; -"350 linear_25" -> "351 view_55"; -"351 view_55" -> "352 transpose_41"; -"352 transpose_41" -> "353 dropout_19"; -"353 dropout_19" -> "354 add_13"; -"354 add_13" -> "357 layer_norm_13"; -"354 add_13" -> "369 add_14"; -"355 _param_constant82" -> "357 layer_norm_13"; -"356 _param_constant83" -> "357 layer_norm_13"; -"357 layer_norm_13" -> "361 linear_26"; -"358 _param_constant85" -> "361 linear_26"; -"359 linear_26_updated_constant0" -> "360 symmetric_weights_decompressor_linear_26_updated_constant0_0"; -"360 symmetric_weights_decompressor_linear_26_updated_constant0_0" -> "361 linear_26"; -"361 linear_26" -> "362 gelu_6"; -"362 gelu_6" -> "363 dropout_20"; -"363 dropout_20" -> "367 linear_27"; -"364 _param_constant87" -> "367 linear_27"; -"365 linear_27_updated_constant0" -> "366 symmetric_weights_decompressor_linear_27_updated_constant0_0"; -"366 symmetric_weights_decompressor_linear_27_updated_constant0_0" -> "367 linear_27"; -"367 linear_27" -> "368 dropout_21"; -"368 dropout_21" -> "369 add_14"; -"369 add_14" -> "372 layer_norm_14"; -"369 add_14" -> "405 add_15"; -"370 _param_constant88" -> "372 layer_norm_14"; -"371 _param_constant89" -> "372 layer_norm_14"; -"372 layer_norm_14" -> "373 transpose_42"; -"373 transpose_42" -> "377 linear_28"; -"374 _param_constant91" -> "377 linear_28"; -"375 linear_28_updated_constant0" -> "376 symmetric_weights_decompressor_linear_28_updated_constant0_0"; -"376 symmetric_weights_decompressor_linear_28_updated_constant0_0" -> "377 linear_28"; -"377 linear_28" -> "378 unflatten_7"; -"378 unflatten_7" -> "379 unsqueeze_7"; -"379 unsqueeze_7" -> "380 transpose_43"; -"380 transpose_43" -> "381 squeeze_7"; -"381 squeeze_7" -> "382 contiguous_7"; -"382 contiguous_7" -> "383 select_21"; -"382 contiguous_7" -> "384 select_22"; -"382 contiguous_7" -> "385 select_23"; -"383 select_21" -> "386 view_56"; -"384 select_22" -> "388 view_57"; -"385 select_23" -> "390 view_58"; -"386 view_56" -> "387 transpose_44"; -"387 transpose_44" -> "392 view_59"; -"388 view_57" -> "389 transpose_45"; -"389 transpose_45" -> "393 view_60"; -"390 view_58" -> "391 transpose_46"; -"391 transpose_46" -> "394 view_61"; -"392 view_59" -> "395 scaled_dot_product_attention_7"; -"393 view_60" -> "395 scaled_dot_product_attention_7"; -"394 view_61" -> "395 scaled_dot_product_attention_7"; -"395 scaled_dot_product_attention_7" -> "396 permute_8"; -"396 permute_8" -> "397 view_62"; -"397 view_62" -> "401 linear_29"; -"398 _param_constant93" -> "401 linear_29"; -"399 linear_29_updated_constant0" -> "400 symmetric_weights_decompressor_linear_29_updated_constant0_0"; -"400 symmetric_weights_decompressor_linear_29_updated_constant0_0" -> "401 linear_29"; -"401 linear_29" -> "402 view_63"; -"402 view_63" -> "403 transpose_47"; -"403 transpose_47" -> "404 dropout_22"; -"404 dropout_22" -> "405 add_15"; -"405 add_15" -> "408 layer_norm_15"; -"405 add_15" -> "420 add_16"; -"406 _param_constant94" -> "408 layer_norm_15"; -"407 _param_constant95" -> "408 layer_norm_15"; -"408 layer_norm_15" -> "412 linear_30"; -"409 _param_constant97" -> "412 linear_30"; -"410 linear_30_updated_constant0" -> "411 symmetric_weights_decompressor_linear_30_updated_constant0_0"; -"411 symmetric_weights_decompressor_linear_30_updated_constant0_0" -> "412 linear_30"; -"412 linear_30" -> "413 gelu_7"; -"413 gelu_7" -> "414 dropout_23"; -"414 dropout_23" -> "418 linear_31"; -"415 _param_constant99" -> "418 linear_31"; -"416 linear_31_updated_constant0" -> "417 symmetric_weights_decompressor_linear_31_updated_constant0_0"; -"417 symmetric_weights_decompressor_linear_31_updated_constant0_0" -> "418 linear_31"; -"418 linear_31" -> "419 dropout_24"; -"419 dropout_24" -> "420 add_16"; -"420 add_16" -> "423 layer_norm_16"; -"420 add_16" -> "456 add_17"; -"421 _param_constant100" -> "423 layer_norm_16"; -"422 _param_constant101" -> "423 layer_norm_16"; -"423 layer_norm_16" -> "424 transpose_48"; -"424 transpose_48" -> "428 linear_32"; -"425 _param_constant103" -> "428 linear_32"; -"426 linear_32_updated_constant0" -> "427 symmetric_weights_decompressor_linear_32_updated_constant0_0"; -"427 symmetric_weights_decompressor_linear_32_updated_constant0_0" -> "428 linear_32"; -"428 linear_32" -> "429 unflatten_8"; -"429 unflatten_8" -> "430 unsqueeze_8"; -"430 unsqueeze_8" -> "431 transpose_49"; -"431 transpose_49" -> "432 squeeze_8"; -"432 squeeze_8" -> "433 contiguous_8"; -"433 contiguous_8" -> "434 select_24"; -"433 contiguous_8" -> "435 select_25"; -"433 contiguous_8" -> "436 select_26"; -"434 select_24" -> "437 view_64"; -"435 select_25" -> "439 view_65"; -"436 select_26" -> "441 view_66"; -"437 view_64" -> "438 transpose_50"; -"438 transpose_50" -> "443 view_67"; -"439 view_65" -> "440 transpose_51"; -"440 transpose_51" -> "444 view_68"; -"441 view_66" -> "442 transpose_52"; -"442 transpose_52" -> "445 view_69"; -"443 view_67" -> "446 scaled_dot_product_attention_8"; -"444 view_68" -> "446 scaled_dot_product_attention_8"; -"445 view_69" -> "446 scaled_dot_product_attention_8"; -"446 scaled_dot_product_attention_8" -> "447 permute_9"; -"447 permute_9" -> "448 view_70"; -"448 view_70" -> "452 linear_33"; -"449 _param_constant105" -> "452 linear_33"; -"450 linear_33_updated_constant0" -> "451 symmetric_weights_decompressor_linear_33_updated_constant0_0"; -"451 symmetric_weights_decompressor_linear_33_updated_constant0_0" -> "452 linear_33"; -"452 linear_33" -> "453 view_71"; -"453 view_71" -> "454 transpose_53"; -"454 transpose_53" -> "455 dropout_25"; -"455 dropout_25" -> "456 add_17"; -"456 add_17" -> "459 layer_norm_17"; -"456 add_17" -> "471 add_18"; -"457 _param_constant106" -> "459 layer_norm_17"; -"458 _param_constant107" -> "459 layer_norm_17"; -"459 layer_norm_17" -> "463 linear_34"; -"460 _param_constant109" -> "463 linear_34"; -"461 linear_34_updated_constant0" -> "462 symmetric_weights_decompressor_linear_34_updated_constant0_0"; -"462 symmetric_weights_decompressor_linear_34_updated_constant0_0" -> "463 linear_34"; -"463 linear_34" -> "464 gelu_8"; -"464 gelu_8" -> "465 dropout_26"; -"465 dropout_26" -> "469 linear_35"; -"466 _param_constant111" -> "469 linear_35"; -"467 linear_35_updated_constant0" -> "468 symmetric_weights_decompressor_linear_35_updated_constant0_0"; -"468 symmetric_weights_decompressor_linear_35_updated_constant0_0" -> "469 linear_35"; -"469 linear_35" -> "470 dropout_27"; -"470 dropout_27" -> "471 add_18"; -"471 add_18" -> "474 layer_norm_18"; -"471 add_18" -> "507 add_19"; -"472 _param_constant112" -> "474 layer_norm_18"; -"473 _param_constant113" -> "474 layer_norm_18"; -"474 layer_norm_18" -> "475 transpose_54"; -"475 transpose_54" -> "479 linear_36"; -"476 _param_constant115" -> "479 linear_36"; -"477 linear_36_updated_constant0" -> "478 symmetric_weights_decompressor_linear_36_updated_constant0_0"; -"478 symmetric_weights_decompressor_linear_36_updated_constant0_0" -> "479 linear_36"; -"479 linear_36" -> "480 unflatten_9"; -"480 unflatten_9" -> "481 unsqueeze_9"; -"481 unsqueeze_9" -> "482 transpose_55"; -"482 transpose_55" -> "483 squeeze_9"; -"483 squeeze_9" -> "484 contiguous_9"; -"484 contiguous_9" -> "485 select_27"; -"484 contiguous_9" -> "486 select_28"; -"484 contiguous_9" -> "487 select_29"; -"485 select_27" -> "488 view_72"; -"486 select_28" -> "490 view_73"; -"487 select_29" -> "492 view_74"; -"488 view_72" -> "489 transpose_56"; -"489 transpose_56" -> "494 view_75"; -"490 view_73" -> "491 transpose_57"; -"491 transpose_57" -> "495 view_76"; -"492 view_74" -> "493 transpose_58"; -"493 transpose_58" -> "496 view_77"; -"494 view_75" -> "497 scaled_dot_product_attention_9"; -"495 view_76" -> "497 scaled_dot_product_attention_9"; -"496 view_77" -> "497 scaled_dot_product_attention_9"; -"497 scaled_dot_product_attention_9" -> "498 permute_10"; -"498 permute_10" -> "499 view_78"; -"499 view_78" -> "503 linear_37"; -"500 _param_constant117" -> "503 linear_37"; -"501 linear_37_updated_constant0" -> "502 symmetric_weights_decompressor_linear_37_updated_constant0_0"; -"502 symmetric_weights_decompressor_linear_37_updated_constant0_0" -> "503 linear_37"; -"503 linear_37" -> "504 view_79"; -"504 view_79" -> "505 transpose_59"; -"505 transpose_59" -> "506 dropout_28"; -"506 dropout_28" -> "507 add_19"; -"507 add_19" -> "510 layer_norm_19"; -"507 add_19" -> "522 add_20"; -"508 _param_constant118" -> "510 layer_norm_19"; -"509 _param_constant119" -> "510 layer_norm_19"; -"510 layer_norm_19" -> "514 linear_38"; -"511 _param_constant121" -> "514 linear_38"; -"512 linear_38_updated_constant0" -> "513 symmetric_weights_decompressor_linear_38_updated_constant0_0"; -"513 symmetric_weights_decompressor_linear_38_updated_constant0_0" -> "514 linear_38"; -"514 linear_38" -> "515 gelu_9"; -"515 gelu_9" -> "516 dropout_29"; -"516 dropout_29" -> "520 linear_39"; -"517 _param_constant123" -> "520 linear_39"; -"518 linear_39_updated_constant0" -> "519 symmetric_weights_decompressor_linear_39_updated_constant0_0"; -"519 symmetric_weights_decompressor_linear_39_updated_constant0_0" -> "520 linear_39"; -"520 linear_39" -> "521 dropout_30"; -"521 dropout_30" -> "522 add_20"; -"522 add_20" -> "525 layer_norm_20"; -"522 add_20" -> "558 add_21"; -"523 _param_constant124" -> "525 layer_norm_20"; -"524 _param_constant125" -> "525 layer_norm_20"; -"525 layer_norm_20" -> "526 transpose_60"; -"526 transpose_60" -> "530 linear_40"; -"527 _param_constant127" -> "530 linear_40"; -"528 linear_40_updated_constant0" -> "529 symmetric_weights_decompressor_linear_40_updated_constant0_0"; -"529 symmetric_weights_decompressor_linear_40_updated_constant0_0" -> "530 linear_40"; -"530 linear_40" -> "531 unflatten_10"; -"531 unflatten_10" -> "532 unsqueeze_10"; -"532 unsqueeze_10" -> "533 transpose_61"; -"533 transpose_61" -> "534 squeeze_10"; -"534 squeeze_10" -> "535 contiguous_10"; -"535 contiguous_10" -> "536 select_30"; -"535 contiguous_10" -> "537 select_31"; -"535 contiguous_10" -> "538 select_32"; -"536 select_30" -> "539 view_80"; -"537 select_31" -> "541 view_81"; -"538 select_32" -> "543 view_82"; -"539 view_80" -> "540 transpose_62"; -"540 transpose_62" -> "545 view_83"; -"541 view_81" -> "542 transpose_63"; -"542 transpose_63" -> "546 view_84"; -"543 view_82" -> "544 transpose_64"; -"544 transpose_64" -> "547 view_85"; -"545 view_83" -> "548 scaled_dot_product_attention_10"; -"546 view_84" -> "548 scaled_dot_product_attention_10"; -"547 view_85" -> "548 scaled_dot_product_attention_10"; -"548 scaled_dot_product_attention_10" -> "549 permute_11"; -"549 permute_11" -> "550 view_86"; -"550 view_86" -> "554 linear_41"; -"551 _param_constant129" -> "554 linear_41"; -"552 linear_41_updated_constant0" -> "553 symmetric_weights_decompressor_linear_41_updated_constant0_0"; -"553 symmetric_weights_decompressor_linear_41_updated_constant0_0" -> "554 linear_41"; -"554 linear_41" -> "555 view_87"; -"555 view_87" -> "556 transpose_65"; -"556 transpose_65" -> "557 dropout_31"; -"557 dropout_31" -> "558 add_21"; -"558 add_21" -> "561 layer_norm_21"; -"558 add_21" -> "573 add_22"; -"559 _param_constant130" -> "561 layer_norm_21"; -"560 _param_constant131" -> "561 layer_norm_21"; -"561 layer_norm_21" -> "565 linear_42"; -"562 _param_constant133" -> "565 linear_42"; -"563 linear_42_updated_constant0" -> "564 symmetric_weights_decompressor_linear_42_updated_constant0_0"; -"564 symmetric_weights_decompressor_linear_42_updated_constant0_0" -> "565 linear_42"; -"565 linear_42" -> "566 gelu_10"; -"566 gelu_10" -> "567 dropout_32"; -"567 dropout_32" -> "571 linear_43"; -"568 _param_constant135" -> "571 linear_43"; -"569 linear_43_updated_constant0" -> "570 symmetric_weights_decompressor_linear_43_updated_constant0_0"; -"570 symmetric_weights_decompressor_linear_43_updated_constant0_0" -> "571 linear_43"; -"571 linear_43" -> "572 dropout_33"; -"572 dropout_33" -> "573 add_22"; -"573 add_22" -> "576 layer_norm_22"; -"573 add_22" -> "609 add_23"; -"574 _param_constant136" -> "576 layer_norm_22"; -"575 _param_constant137" -> "576 layer_norm_22"; -"576 layer_norm_22" -> "577 transpose_66"; -"577 transpose_66" -> "581 linear_44"; -"578 _param_constant139" -> "581 linear_44"; -"579 linear_44_updated_constant0" -> "580 symmetric_weights_decompressor_linear_44_updated_constant0_0"; -"580 symmetric_weights_decompressor_linear_44_updated_constant0_0" -> "581 linear_44"; -"581 linear_44" -> "582 unflatten_11"; -"582 unflatten_11" -> "583 unsqueeze_11"; -"583 unsqueeze_11" -> "584 transpose_67"; -"584 transpose_67" -> "585 squeeze_11"; -"585 squeeze_11" -> "586 contiguous_11"; -"586 contiguous_11" -> "587 select_33"; -"586 contiguous_11" -> "588 select_34"; -"586 contiguous_11" -> "589 select_35"; -"587 select_33" -> "590 view_88"; -"588 select_34" -> "592 view_89"; -"589 select_35" -> "594 view_90"; -"590 view_88" -> "591 transpose_68"; -"591 transpose_68" -> "596 view_91"; -"592 view_89" -> "593 transpose_69"; -"593 transpose_69" -> "597 view_92"; -"594 view_90" -> "595 transpose_70"; -"595 transpose_70" -> "598 view_93"; -"596 view_91" -> "599 scaled_dot_product_attention_11"; -"597 view_92" -> "599 scaled_dot_product_attention_11"; -"598 view_93" -> "599 scaled_dot_product_attention_11"; -"599 scaled_dot_product_attention_11" -> "600 permute_12"; -"600 permute_12" -> "601 view_94"; -"601 view_94" -> "605 linear_45"; -"602 _param_constant141" -> "605 linear_45"; -"603 linear_45_updated_constant0" -> "604 symmetric_weights_decompressor_linear_45_updated_constant0_0"; -"604 symmetric_weights_decompressor_linear_45_updated_constant0_0" -> "605 linear_45"; -"605 linear_45" -> "606 view_95"; -"606 view_95" -> "607 transpose_71"; -"607 transpose_71" -> "608 dropout_34"; -"608 dropout_34" -> "609 add_23"; -"609 add_23" -> "612 layer_norm_23"; -"609 add_23" -> "624 add_24"; -"610 _param_constant142" -> "612 layer_norm_23"; -"611 _param_constant143" -> "612 layer_norm_23"; -"612 layer_norm_23" -> "616 linear_46"; -"613 _param_constant145" -> "616 linear_46"; -"614 linear_46_updated_constant0" -> "615 symmetric_weights_decompressor_linear_46_updated_constant0_0"; -"615 symmetric_weights_decompressor_linear_46_updated_constant0_0" -> "616 linear_46"; -"616 linear_46" -> "617 gelu_11"; -"617 gelu_11" -> "618 dropout_35"; -"618 dropout_35" -> "622 linear_47"; -"619 _param_constant147" -> "622 linear_47"; -"620 linear_47_updated_constant0" -> "621 symmetric_weights_decompressor_linear_47_updated_constant0_0"; -"621 symmetric_weights_decompressor_linear_47_updated_constant0_0" -> "622 linear_47"; -"622 linear_47" -> "623 dropout_36"; -"623 dropout_36" -> "624 add_24"; -"624 add_24" -> "627 layer_norm_24"; -"625 _param_constant148" -> "627 layer_norm_24"; -"626 _param_constant149" -> "627 layer_norm_24"; -"627 layer_norm_24" -> "628 slice_1"; -"628 slice_1" -> "629 select_36"; -"629 select_36" -> "633 linear_48"; -"630 _param_constant151" -> "633 linear_48"; -"631 linear_48_updated_constant0" -> "632 symmetric_weights_decompressor_linear_48_updated_constant0_0"; -"632 symmetric_weights_decompressor_linear_48_updated_constant0_0" -> "633 linear_48"; -"633 linear_48" -> "634 output"; -} diff --git a/tests/torch/data/reference_graphs/fx/compressed/vit_b_16_int8_asym.dot b/tests/torch/data/reference_graphs/fx/compressed/vit_b_16_int8_asym.dot deleted file mode 100644 index 036f0156325..00000000000 --- a/tests/torch/data/reference_graphs/fx/compressed/vit_b_16_int8_asym.dot +++ /dev/null @@ -1,1319 +0,0 @@ -strict digraph { -"0 arg0_1" [id=0, type=input]; -"1 _param_constant1" [id=1, type=get_attr]; -"2 conv2d_updated_constant0" [id=2, type=get_attr]; -"3 asymmetric_weights_decompressor_conv2d_updated_constant0_0" [id=3, type=call_module]; -"4 conv2d" [id=4, type=conv2d]; -"5 reshape" [id=5, type=reshape]; -"6 permute" [id=6, type=permute]; -"7 _param_constant2" [id=7, type=get_attr]; -"8 expand" [id=8, type=expand]; -"9 cat" [id=9, type=cat]; -"10 _param_constant3" [id=10, type=get_attr]; -"11 add" [id=11, type=add]; -"12 dropout" [id=12, type=dropout]; -"13 _param_constant4" [id=13, type=get_attr]; -"14 _param_constant5" [id=14, type=get_attr]; -"15 layer_norm" [id=15, type=layer_norm]; -"16 transpose" [id=16, type=transpose]; -"17 _param_constant7" [id=17, type=get_attr]; -"18 linear_updated_constant0" [id=18, type=get_attr]; -"19 asymmetric_weights_decompressor_linear_updated_constant0_0" [id=19, type=call_module]; -"20 linear" [id=20, type=linear]; -"21 unflatten" [id=21, type=unflatten]; -"22 unsqueeze" [id=22, type=unsqueeze]; -"23 transpose_1" [id=23, type=transpose]; -"24 squeeze" [id=24, type=squeeze]; -"25 contiguous" [id=25, type=contiguous]; -"26 select" [id=26, type=select]; -"27 select_1" [id=27, type=select]; -"28 select_2" [id=28, type=select]; -"29 view" [id=29, type=view]; -"30 transpose_2" [id=30, type=transpose]; -"31 view_1" [id=31, type=view]; -"32 transpose_3" [id=32, type=transpose]; -"33 view_2" [id=33, type=view]; -"34 transpose_4" [id=34, type=transpose]; -"35 view_3" [id=35, type=view]; -"36 view_4" [id=36, type=view]; -"37 view_5" [id=37, type=view]; -"38 scaled_dot_product_attention" [id=38, type=scaled_dot_product_attention]; -"39 permute_1" [id=39, type=permute]; -"40 view_6" [id=40, type=view]; -"41 _param_constant9" [id=41, type=get_attr]; -"42 linear_1_updated_constant0" [id=42, type=get_attr]; -"43 asymmetric_weights_decompressor_linear_1_updated_constant0_0" [id=43, type=call_module]; -"44 linear_1" [id=44, type=linear]; -"45 view_7" [id=45, type=view]; -"46 transpose_5" [id=46, type=transpose]; -"47 dropout_1" [id=47, type=dropout]; -"48 add_1" [id=48, type=add]; -"49 _param_constant10" [id=49, type=get_attr]; -"50 _param_constant11" [id=50, type=get_attr]; -"51 layer_norm_1" [id=51, type=layer_norm]; -"52 _param_constant13" [id=52, type=get_attr]; -"53 linear_2_updated_constant0" [id=53, type=get_attr]; -"54 asymmetric_weights_decompressor_linear_2_updated_constant0_0" [id=54, type=call_module]; -"55 linear_2" [id=55, type=linear]; -"56 gelu" [id=56, type=gelu]; -"57 dropout_2" [id=57, type=dropout]; -"58 _param_constant15" [id=58, type=get_attr]; -"59 linear_3_updated_constant0" [id=59, type=get_attr]; -"60 asymmetric_weights_decompressor_linear_3_updated_constant0_0" [id=60, type=call_module]; -"61 linear_3" [id=61, type=linear]; -"62 dropout_3" [id=62, type=dropout]; -"63 add_2" [id=63, type=add]; -"64 _param_constant16" [id=64, type=get_attr]; -"65 _param_constant17" [id=65, type=get_attr]; -"66 layer_norm_2" [id=66, type=layer_norm]; -"67 transpose_6" [id=67, type=transpose]; -"68 _param_constant19" [id=68, type=get_attr]; -"69 linear_4_updated_constant0" [id=69, type=get_attr]; -"70 asymmetric_weights_decompressor_linear_4_updated_constant0_0" [id=70, type=call_module]; -"71 linear_4" [id=71, type=linear]; -"72 unflatten_1" [id=72, type=unflatten]; -"73 unsqueeze_1" [id=73, type=unsqueeze]; -"74 transpose_7" [id=74, type=transpose]; -"75 squeeze_1" [id=75, type=squeeze]; -"76 contiguous_1" [id=76, type=contiguous]; -"77 select_3" [id=77, type=select]; -"78 select_4" [id=78, type=select]; -"79 select_5" [id=79, type=select]; -"80 view_8" [id=80, type=view]; -"81 transpose_8" [id=81, type=transpose]; -"82 view_9" [id=82, type=view]; -"83 transpose_9" [id=83, type=transpose]; -"84 view_10" [id=84, type=view]; -"85 transpose_10" [id=85, type=transpose]; -"86 view_11" [id=86, type=view]; -"87 view_12" [id=87, type=view]; -"88 view_13" [id=88, type=view]; -"89 scaled_dot_product_attention_1" [id=89, type=scaled_dot_product_attention]; -"90 permute_2" [id=90, type=permute]; -"91 view_14" [id=91, type=view]; -"92 _param_constant21" [id=92, type=get_attr]; -"93 linear_5_updated_constant0" [id=93, type=get_attr]; -"94 asymmetric_weights_decompressor_linear_5_updated_constant0_0" [id=94, type=call_module]; -"95 linear_5" [id=95, type=linear]; -"96 view_15" [id=96, type=view]; -"97 transpose_11" [id=97, type=transpose]; -"98 dropout_4" [id=98, type=dropout]; -"99 add_3" [id=99, type=add]; -"100 _param_constant22" [id=100, type=get_attr]; -"101 _param_constant23" [id=101, type=get_attr]; -"102 layer_norm_3" [id=102, type=layer_norm]; -"103 _param_constant25" [id=103, type=get_attr]; -"104 linear_6_updated_constant0" [id=104, type=get_attr]; -"105 asymmetric_weights_decompressor_linear_6_updated_constant0_0" [id=105, type=call_module]; -"106 linear_6" [id=106, type=linear]; -"107 gelu_1" [id=107, type=gelu]; -"108 dropout_5" [id=108, type=dropout]; -"109 _param_constant27" [id=109, type=get_attr]; -"110 linear_7_updated_constant0" [id=110, type=get_attr]; -"111 asymmetric_weights_decompressor_linear_7_updated_constant0_0" [id=111, type=call_module]; -"112 linear_7" [id=112, type=linear]; -"113 dropout_6" [id=113, type=dropout]; -"114 add_4" [id=114, type=add]; -"115 _param_constant28" [id=115, type=get_attr]; -"116 _param_constant29" [id=116, type=get_attr]; -"117 layer_norm_4" [id=117, type=layer_norm]; -"118 transpose_12" [id=118, type=transpose]; -"119 _param_constant31" [id=119, type=get_attr]; -"120 linear_8_updated_constant0" [id=120, type=get_attr]; -"121 asymmetric_weights_decompressor_linear_8_updated_constant0_0" [id=121, type=call_module]; -"122 linear_8" [id=122, type=linear]; -"123 unflatten_2" [id=123, type=unflatten]; -"124 unsqueeze_2" [id=124, type=unsqueeze]; -"125 transpose_13" [id=125, type=transpose]; -"126 squeeze_2" [id=126, type=squeeze]; -"127 contiguous_2" [id=127, type=contiguous]; -"128 select_6" [id=128, type=select]; -"129 select_7" [id=129, type=select]; -"130 select_8" [id=130, type=select]; -"131 view_16" [id=131, type=view]; -"132 transpose_14" [id=132, type=transpose]; -"133 view_17" [id=133, type=view]; -"134 transpose_15" [id=134, type=transpose]; -"135 view_18" [id=135, type=view]; -"136 transpose_16" [id=136, type=transpose]; -"137 view_19" [id=137, type=view]; -"138 view_20" [id=138, type=view]; -"139 view_21" [id=139, type=view]; -"140 scaled_dot_product_attention_2" [id=140, type=scaled_dot_product_attention]; -"141 permute_3" [id=141, type=permute]; -"142 view_22" [id=142, type=view]; -"143 _param_constant33" [id=143, type=get_attr]; -"144 linear_9_updated_constant0" [id=144, type=get_attr]; -"145 asymmetric_weights_decompressor_linear_9_updated_constant0_0" [id=145, type=call_module]; -"146 linear_9" [id=146, type=linear]; -"147 view_23" [id=147, type=view]; -"148 transpose_17" [id=148, type=transpose]; -"149 dropout_7" [id=149, type=dropout]; -"150 add_5" [id=150, type=add]; -"151 _param_constant34" [id=151, type=get_attr]; -"152 _param_constant35" [id=152, type=get_attr]; -"153 layer_norm_5" [id=153, type=layer_norm]; -"154 _param_constant37" [id=154, type=get_attr]; -"155 linear_10_updated_constant0" [id=155, type=get_attr]; -"156 asymmetric_weights_decompressor_linear_10_updated_constant0_0" [id=156, type=call_module]; -"157 linear_10" [id=157, type=linear]; -"158 gelu_2" [id=158, type=gelu]; -"159 dropout_8" [id=159, type=dropout]; -"160 _param_constant39" [id=160, type=get_attr]; -"161 linear_11_updated_constant0" [id=161, type=get_attr]; -"162 asymmetric_weights_decompressor_linear_11_updated_constant0_0" [id=162, type=call_module]; -"163 linear_11" [id=163, type=linear]; -"164 dropout_9" [id=164, type=dropout]; -"165 add_6" [id=165, type=add]; -"166 _param_constant40" [id=166, type=get_attr]; -"167 _param_constant41" [id=167, type=get_attr]; -"168 layer_norm_6" [id=168, type=layer_norm]; -"169 transpose_18" [id=169, type=transpose]; -"170 _param_constant43" [id=170, type=get_attr]; -"171 linear_12_updated_constant0" [id=171, type=get_attr]; -"172 asymmetric_weights_decompressor_linear_12_updated_constant0_0" [id=172, type=call_module]; -"173 linear_12" [id=173, type=linear]; -"174 unflatten_3" [id=174, type=unflatten]; -"175 unsqueeze_3" [id=175, type=unsqueeze]; -"176 transpose_19" [id=176, type=transpose]; -"177 squeeze_3" [id=177, type=squeeze]; -"178 contiguous_3" [id=178, type=contiguous]; -"179 select_9" [id=179, type=select]; -"180 select_10" [id=180, type=select]; -"181 select_11" [id=181, type=select]; -"182 view_24" [id=182, type=view]; -"183 transpose_20" [id=183, type=transpose]; -"184 view_25" [id=184, type=view]; -"185 transpose_21" [id=185, type=transpose]; -"186 view_26" [id=186, type=view]; -"187 transpose_22" [id=187, type=transpose]; -"188 view_27" [id=188, type=view]; -"189 view_28" [id=189, type=view]; -"190 view_29" [id=190, type=view]; -"191 scaled_dot_product_attention_3" [id=191, type=scaled_dot_product_attention]; -"192 permute_4" [id=192, type=permute]; -"193 view_30" [id=193, type=view]; -"194 _param_constant45" [id=194, type=get_attr]; -"195 linear_13_updated_constant0" [id=195, type=get_attr]; -"196 asymmetric_weights_decompressor_linear_13_updated_constant0_0" [id=196, type=call_module]; -"197 linear_13" [id=197, type=linear]; -"198 view_31" [id=198, type=view]; -"199 transpose_23" [id=199, type=transpose]; -"200 dropout_10" [id=200, type=dropout]; -"201 add_7" [id=201, type=add]; -"202 _param_constant46" [id=202, type=get_attr]; -"203 _param_constant47" [id=203, type=get_attr]; -"204 layer_norm_7" [id=204, type=layer_norm]; -"205 _param_constant49" [id=205, type=get_attr]; -"206 linear_14_updated_constant0" [id=206, type=get_attr]; -"207 asymmetric_weights_decompressor_linear_14_updated_constant0_0" [id=207, type=call_module]; -"208 linear_14" [id=208, type=linear]; -"209 gelu_3" [id=209, type=gelu]; -"210 dropout_11" [id=210, type=dropout]; -"211 _param_constant51" [id=211, type=get_attr]; -"212 linear_15_updated_constant0" [id=212, type=get_attr]; -"213 asymmetric_weights_decompressor_linear_15_updated_constant0_0" [id=213, type=call_module]; -"214 linear_15" [id=214, type=linear]; -"215 dropout_12" [id=215, type=dropout]; -"216 add_8" [id=216, type=add]; -"217 _param_constant52" [id=217, type=get_attr]; -"218 _param_constant53" [id=218, type=get_attr]; -"219 layer_norm_8" [id=219, type=layer_norm]; -"220 transpose_24" [id=220, type=transpose]; -"221 _param_constant55" [id=221, type=get_attr]; -"222 linear_16_updated_constant0" [id=222, type=get_attr]; -"223 asymmetric_weights_decompressor_linear_16_updated_constant0_0" [id=223, type=call_module]; -"224 linear_16" [id=224, type=linear]; -"225 unflatten_4" [id=225, type=unflatten]; -"226 unsqueeze_4" [id=226, type=unsqueeze]; -"227 transpose_25" [id=227, type=transpose]; -"228 squeeze_4" [id=228, type=squeeze]; -"229 contiguous_4" [id=229, type=contiguous]; -"230 select_12" [id=230, type=select]; -"231 select_13" [id=231, type=select]; -"232 select_14" [id=232, type=select]; -"233 view_32" [id=233, type=view]; -"234 transpose_26" [id=234, type=transpose]; -"235 view_33" [id=235, type=view]; -"236 transpose_27" [id=236, type=transpose]; -"237 view_34" [id=237, type=view]; -"238 transpose_28" [id=238, type=transpose]; -"239 view_35" [id=239, type=view]; -"240 view_36" [id=240, type=view]; -"241 view_37" [id=241, type=view]; -"242 scaled_dot_product_attention_4" [id=242, type=scaled_dot_product_attention]; -"243 permute_5" [id=243, type=permute]; -"244 view_38" [id=244, type=view]; -"245 _param_constant57" [id=245, type=get_attr]; -"246 linear_17_updated_constant0" [id=246, type=get_attr]; -"247 asymmetric_weights_decompressor_linear_17_updated_constant0_0" [id=247, type=call_module]; -"248 linear_17" [id=248, type=linear]; -"249 view_39" [id=249, type=view]; -"250 transpose_29" [id=250, type=transpose]; -"251 dropout_13" [id=251, type=dropout]; -"252 add_9" [id=252, type=add]; -"253 _param_constant58" [id=253, type=get_attr]; -"254 _param_constant59" [id=254, type=get_attr]; -"255 layer_norm_9" [id=255, type=layer_norm]; -"256 _param_constant61" [id=256, type=get_attr]; -"257 linear_18_updated_constant0" [id=257, type=get_attr]; -"258 asymmetric_weights_decompressor_linear_18_updated_constant0_0" [id=258, type=call_module]; -"259 linear_18" [id=259, type=linear]; -"260 gelu_4" [id=260, type=gelu]; -"261 dropout_14" [id=261, type=dropout]; -"262 _param_constant63" [id=262, type=get_attr]; -"263 linear_19_updated_constant0" [id=263, type=get_attr]; -"264 asymmetric_weights_decompressor_linear_19_updated_constant0_0" [id=264, type=call_module]; -"265 linear_19" [id=265, type=linear]; -"266 dropout_15" [id=266, type=dropout]; -"267 add_10" [id=267, type=add]; -"268 _param_constant64" [id=268, type=get_attr]; -"269 _param_constant65" [id=269, type=get_attr]; -"270 layer_norm_10" [id=270, type=layer_norm]; -"271 transpose_30" [id=271, type=transpose]; -"272 _param_constant67" [id=272, type=get_attr]; -"273 linear_20_updated_constant0" [id=273, type=get_attr]; -"274 asymmetric_weights_decompressor_linear_20_updated_constant0_0" [id=274, type=call_module]; -"275 linear_20" [id=275, type=linear]; -"276 unflatten_5" [id=276, type=unflatten]; -"277 unsqueeze_5" [id=277, type=unsqueeze]; -"278 transpose_31" [id=278, type=transpose]; -"279 squeeze_5" [id=279, type=squeeze]; -"280 contiguous_5" [id=280, type=contiguous]; -"281 select_15" [id=281, type=select]; -"282 select_16" [id=282, type=select]; -"283 select_17" [id=283, type=select]; -"284 view_40" [id=284, type=view]; -"285 transpose_32" [id=285, type=transpose]; -"286 view_41" [id=286, type=view]; -"287 transpose_33" [id=287, type=transpose]; -"288 view_42" [id=288, type=view]; -"289 transpose_34" [id=289, type=transpose]; -"290 view_43" [id=290, type=view]; -"291 view_44" [id=291, type=view]; -"292 view_45" [id=292, type=view]; -"293 scaled_dot_product_attention_5" [id=293, type=scaled_dot_product_attention]; -"294 permute_6" [id=294, type=permute]; -"295 view_46" [id=295, type=view]; -"296 _param_constant69" [id=296, type=get_attr]; -"297 linear_21_updated_constant0" [id=297, type=get_attr]; -"298 asymmetric_weights_decompressor_linear_21_updated_constant0_0" [id=298, type=call_module]; -"299 linear_21" [id=299, type=linear]; -"300 view_47" [id=300, type=view]; -"301 transpose_35" [id=301, type=transpose]; -"302 dropout_16" [id=302, type=dropout]; -"303 add_11" [id=303, type=add]; -"304 _param_constant70" [id=304, type=get_attr]; -"305 _param_constant71" [id=305, type=get_attr]; -"306 layer_norm_11" [id=306, type=layer_norm]; -"307 _param_constant73" [id=307, type=get_attr]; -"308 linear_22_updated_constant0" [id=308, type=get_attr]; -"309 asymmetric_weights_decompressor_linear_22_updated_constant0_0" [id=309, type=call_module]; -"310 linear_22" [id=310, type=linear]; -"311 gelu_5" [id=311, type=gelu]; -"312 dropout_17" [id=312, type=dropout]; -"313 _param_constant75" [id=313, type=get_attr]; -"314 linear_23_updated_constant0" [id=314, type=get_attr]; -"315 asymmetric_weights_decompressor_linear_23_updated_constant0_0" [id=315, type=call_module]; -"316 linear_23" [id=316, type=linear]; -"317 dropout_18" [id=317, type=dropout]; -"318 add_12" [id=318, type=add]; -"319 _param_constant76" [id=319, type=get_attr]; -"320 _param_constant77" [id=320, type=get_attr]; -"321 layer_norm_12" [id=321, type=layer_norm]; -"322 transpose_36" [id=322, type=transpose]; -"323 _param_constant79" [id=323, type=get_attr]; -"324 linear_24_updated_constant0" [id=324, type=get_attr]; -"325 asymmetric_weights_decompressor_linear_24_updated_constant0_0" [id=325, type=call_module]; -"326 linear_24" [id=326, type=linear]; -"327 unflatten_6" [id=327, type=unflatten]; -"328 unsqueeze_6" [id=328, type=unsqueeze]; -"329 transpose_37" [id=329, type=transpose]; -"330 squeeze_6" [id=330, type=squeeze]; -"331 contiguous_6" [id=331, type=contiguous]; -"332 select_18" [id=332, type=select]; -"333 select_19" [id=333, type=select]; -"334 select_20" [id=334, type=select]; -"335 view_48" [id=335, type=view]; -"336 transpose_38" [id=336, type=transpose]; -"337 view_49" [id=337, type=view]; -"338 transpose_39" [id=338, type=transpose]; -"339 view_50" [id=339, type=view]; -"340 transpose_40" [id=340, type=transpose]; -"341 view_51" [id=341, type=view]; -"342 view_52" [id=342, type=view]; -"343 view_53" [id=343, type=view]; -"344 scaled_dot_product_attention_6" [id=344, type=scaled_dot_product_attention]; -"345 permute_7" [id=345, type=permute]; -"346 view_54" [id=346, type=view]; -"347 _param_constant81" [id=347, type=get_attr]; -"348 linear_25_updated_constant0" [id=348, type=get_attr]; -"349 asymmetric_weights_decompressor_linear_25_updated_constant0_0" [id=349, type=call_module]; -"350 linear_25" [id=350, type=linear]; -"351 view_55" [id=351, type=view]; -"352 transpose_41" [id=352, type=transpose]; -"353 dropout_19" [id=353, type=dropout]; -"354 add_13" [id=354, type=add]; -"355 _param_constant82" [id=355, type=get_attr]; -"356 _param_constant83" [id=356, type=get_attr]; -"357 layer_norm_13" [id=357, type=layer_norm]; -"358 _param_constant85" [id=358, type=get_attr]; -"359 linear_26_updated_constant0" [id=359, type=get_attr]; -"360 asymmetric_weights_decompressor_linear_26_updated_constant0_0" [id=360, type=call_module]; -"361 linear_26" [id=361, type=linear]; -"362 gelu_6" [id=362, type=gelu]; -"363 dropout_20" [id=363, type=dropout]; -"364 _param_constant87" [id=364, type=get_attr]; -"365 linear_27_updated_constant0" [id=365, type=get_attr]; -"366 asymmetric_weights_decompressor_linear_27_updated_constant0_0" [id=366, type=call_module]; -"367 linear_27" [id=367, type=linear]; -"368 dropout_21" [id=368, type=dropout]; -"369 add_14" [id=369, type=add]; -"370 _param_constant88" [id=370, type=get_attr]; -"371 _param_constant89" [id=371, type=get_attr]; -"372 layer_norm_14" [id=372, type=layer_norm]; -"373 transpose_42" [id=373, type=transpose]; -"374 _param_constant91" [id=374, type=get_attr]; -"375 linear_28_updated_constant0" [id=375, type=get_attr]; -"376 asymmetric_weights_decompressor_linear_28_updated_constant0_0" [id=376, type=call_module]; -"377 linear_28" [id=377, type=linear]; -"378 unflatten_7" [id=378, type=unflatten]; -"379 unsqueeze_7" [id=379, type=unsqueeze]; -"380 transpose_43" [id=380, type=transpose]; -"381 squeeze_7" [id=381, type=squeeze]; -"382 contiguous_7" [id=382, type=contiguous]; -"383 select_21" [id=383, type=select]; -"384 select_22" [id=384, type=select]; -"385 select_23" [id=385, type=select]; -"386 view_56" [id=386, type=view]; -"387 transpose_44" [id=387, type=transpose]; -"388 view_57" [id=388, type=view]; -"389 transpose_45" [id=389, type=transpose]; -"390 view_58" [id=390, type=view]; -"391 transpose_46" [id=391, type=transpose]; -"392 view_59" [id=392, type=view]; -"393 view_60" [id=393, type=view]; -"394 view_61" [id=394, type=view]; -"395 scaled_dot_product_attention_7" [id=395, type=scaled_dot_product_attention]; -"396 permute_8" [id=396, type=permute]; -"397 view_62" [id=397, type=view]; -"398 _param_constant93" [id=398, type=get_attr]; -"399 linear_29_updated_constant0" [id=399, type=get_attr]; -"400 asymmetric_weights_decompressor_linear_29_updated_constant0_0" [id=400, type=call_module]; -"401 linear_29" [id=401, type=linear]; -"402 view_63" [id=402, type=view]; -"403 transpose_47" [id=403, type=transpose]; -"404 dropout_22" [id=404, type=dropout]; -"405 add_15" [id=405, type=add]; -"406 _param_constant94" [id=406, type=get_attr]; -"407 _param_constant95" [id=407, type=get_attr]; -"408 layer_norm_15" [id=408, type=layer_norm]; -"409 _param_constant97" [id=409, type=get_attr]; -"410 linear_30_updated_constant0" [id=410, type=get_attr]; -"411 asymmetric_weights_decompressor_linear_30_updated_constant0_0" [id=411, type=call_module]; -"412 linear_30" [id=412, type=linear]; -"413 gelu_7" [id=413, type=gelu]; -"414 dropout_23" [id=414, type=dropout]; -"415 _param_constant99" [id=415, type=get_attr]; -"416 linear_31_updated_constant0" [id=416, type=get_attr]; -"417 asymmetric_weights_decompressor_linear_31_updated_constant0_0" [id=417, type=call_module]; -"418 linear_31" [id=418, type=linear]; -"419 dropout_24" [id=419, type=dropout]; -"420 add_16" [id=420, type=add]; -"421 _param_constant100" [id=421, type=get_attr]; -"422 _param_constant101" [id=422, type=get_attr]; -"423 layer_norm_16" [id=423, type=layer_norm]; -"424 transpose_48" [id=424, type=transpose]; -"425 _param_constant103" [id=425, type=get_attr]; -"426 linear_32_updated_constant0" [id=426, type=get_attr]; -"427 asymmetric_weights_decompressor_linear_32_updated_constant0_0" [id=427, type=call_module]; -"428 linear_32" [id=428, type=linear]; -"429 unflatten_8" [id=429, type=unflatten]; -"430 unsqueeze_8" [id=430, type=unsqueeze]; -"431 transpose_49" [id=431, type=transpose]; -"432 squeeze_8" [id=432, type=squeeze]; -"433 contiguous_8" [id=433, type=contiguous]; -"434 select_24" [id=434, type=select]; -"435 select_25" [id=435, type=select]; -"436 select_26" [id=436, type=select]; -"437 view_64" [id=437, type=view]; -"438 transpose_50" [id=438, type=transpose]; -"439 view_65" [id=439, type=view]; -"440 transpose_51" [id=440, type=transpose]; -"441 view_66" [id=441, type=view]; -"442 transpose_52" [id=442, type=transpose]; -"443 view_67" [id=443, type=view]; -"444 view_68" [id=444, type=view]; -"445 view_69" [id=445, type=view]; -"446 scaled_dot_product_attention_8" [id=446, type=scaled_dot_product_attention]; -"447 permute_9" [id=447, type=permute]; -"448 view_70" [id=448, type=view]; -"449 _param_constant105" [id=449, type=get_attr]; -"450 linear_33_updated_constant0" [id=450, type=get_attr]; -"451 asymmetric_weights_decompressor_linear_33_updated_constant0_0" [id=451, type=call_module]; -"452 linear_33" [id=452, type=linear]; -"453 view_71" [id=453, type=view]; -"454 transpose_53" [id=454, type=transpose]; -"455 dropout_25" [id=455, type=dropout]; -"456 add_17" [id=456, type=add]; -"457 _param_constant106" [id=457, type=get_attr]; -"458 _param_constant107" [id=458, type=get_attr]; -"459 layer_norm_17" [id=459, type=layer_norm]; -"460 _param_constant109" [id=460, type=get_attr]; -"461 linear_34_updated_constant0" [id=461, type=get_attr]; -"462 asymmetric_weights_decompressor_linear_34_updated_constant0_0" [id=462, type=call_module]; -"463 linear_34" [id=463, type=linear]; -"464 gelu_8" [id=464, type=gelu]; -"465 dropout_26" [id=465, type=dropout]; -"466 _param_constant111" [id=466, type=get_attr]; -"467 linear_35_updated_constant0" [id=467, type=get_attr]; -"468 asymmetric_weights_decompressor_linear_35_updated_constant0_0" [id=468, type=call_module]; -"469 linear_35" [id=469, type=linear]; -"470 dropout_27" [id=470, type=dropout]; -"471 add_18" [id=471, type=add]; -"472 _param_constant112" [id=472, type=get_attr]; -"473 _param_constant113" [id=473, type=get_attr]; -"474 layer_norm_18" [id=474, type=layer_norm]; -"475 transpose_54" [id=475, type=transpose]; -"476 _param_constant115" [id=476, type=get_attr]; -"477 linear_36_updated_constant0" [id=477, type=get_attr]; -"478 asymmetric_weights_decompressor_linear_36_updated_constant0_0" [id=478, type=call_module]; -"479 linear_36" [id=479, type=linear]; -"480 unflatten_9" [id=480, type=unflatten]; -"481 unsqueeze_9" [id=481, type=unsqueeze]; -"482 transpose_55" [id=482, type=transpose]; -"483 squeeze_9" [id=483, type=squeeze]; -"484 contiguous_9" [id=484, type=contiguous]; -"485 select_27" [id=485, type=select]; -"486 select_28" [id=486, type=select]; -"487 select_29" [id=487, type=select]; -"488 view_72" [id=488, type=view]; -"489 transpose_56" [id=489, type=transpose]; -"490 view_73" [id=490, type=view]; -"491 transpose_57" [id=491, type=transpose]; -"492 view_74" [id=492, type=view]; -"493 transpose_58" [id=493, type=transpose]; -"494 view_75" [id=494, type=view]; -"495 view_76" [id=495, type=view]; -"496 view_77" [id=496, type=view]; -"497 scaled_dot_product_attention_9" [id=497, type=scaled_dot_product_attention]; -"498 permute_10" [id=498, type=permute]; -"499 view_78" [id=499, type=view]; -"500 _param_constant117" [id=500, type=get_attr]; -"501 linear_37_updated_constant0" [id=501, type=get_attr]; -"502 asymmetric_weights_decompressor_linear_37_updated_constant0_0" [id=502, type=call_module]; -"503 linear_37" [id=503, type=linear]; -"504 view_79" [id=504, type=view]; -"505 transpose_59" [id=505, type=transpose]; -"506 dropout_28" [id=506, type=dropout]; -"507 add_19" [id=507, type=add]; -"508 _param_constant118" [id=508, type=get_attr]; -"509 _param_constant119" [id=509, type=get_attr]; -"510 layer_norm_19" [id=510, type=layer_norm]; -"511 _param_constant121" [id=511, type=get_attr]; -"512 linear_38_updated_constant0" [id=512, type=get_attr]; -"513 asymmetric_weights_decompressor_linear_38_updated_constant0_0" [id=513, type=call_module]; -"514 linear_38" [id=514, type=linear]; -"515 gelu_9" [id=515, type=gelu]; -"516 dropout_29" [id=516, type=dropout]; -"517 _param_constant123" [id=517, type=get_attr]; -"518 linear_39_updated_constant0" [id=518, type=get_attr]; -"519 asymmetric_weights_decompressor_linear_39_updated_constant0_0" [id=519, type=call_module]; -"520 linear_39" [id=520, type=linear]; -"521 dropout_30" [id=521, type=dropout]; -"522 add_20" [id=522, type=add]; -"523 _param_constant124" [id=523, type=get_attr]; -"524 _param_constant125" [id=524, type=get_attr]; -"525 layer_norm_20" [id=525, type=layer_norm]; -"526 transpose_60" [id=526, type=transpose]; -"527 _param_constant127" [id=527, type=get_attr]; -"528 linear_40_updated_constant0" [id=528, type=get_attr]; -"529 asymmetric_weights_decompressor_linear_40_updated_constant0_0" [id=529, type=call_module]; -"530 linear_40" [id=530, type=linear]; -"531 unflatten_10" [id=531, type=unflatten]; -"532 unsqueeze_10" [id=532, type=unsqueeze]; -"533 transpose_61" [id=533, type=transpose]; -"534 squeeze_10" [id=534, type=squeeze]; -"535 contiguous_10" [id=535, type=contiguous]; -"536 select_30" [id=536, type=select]; -"537 select_31" [id=537, type=select]; -"538 select_32" [id=538, type=select]; -"539 view_80" [id=539, type=view]; -"540 transpose_62" [id=540, type=transpose]; -"541 view_81" [id=541, type=view]; -"542 transpose_63" [id=542, type=transpose]; -"543 view_82" [id=543, type=view]; -"544 transpose_64" [id=544, type=transpose]; -"545 view_83" [id=545, type=view]; -"546 view_84" [id=546, type=view]; -"547 view_85" [id=547, type=view]; -"548 scaled_dot_product_attention_10" [id=548, type=scaled_dot_product_attention]; -"549 permute_11" [id=549, type=permute]; -"550 view_86" [id=550, type=view]; -"551 _param_constant129" [id=551, type=get_attr]; -"552 linear_41_updated_constant0" [id=552, type=get_attr]; -"553 asymmetric_weights_decompressor_linear_41_updated_constant0_0" [id=553, type=call_module]; -"554 linear_41" [id=554, type=linear]; -"555 view_87" [id=555, type=view]; -"556 transpose_65" [id=556, type=transpose]; -"557 dropout_31" [id=557, type=dropout]; -"558 add_21" [id=558, type=add]; -"559 _param_constant130" [id=559, type=get_attr]; -"560 _param_constant131" [id=560, type=get_attr]; -"561 layer_norm_21" [id=561, type=layer_norm]; -"562 _param_constant133" [id=562, type=get_attr]; -"563 linear_42_updated_constant0" [id=563, type=get_attr]; -"564 asymmetric_weights_decompressor_linear_42_updated_constant0_0" [id=564, type=call_module]; -"565 linear_42" [id=565, type=linear]; -"566 gelu_10" [id=566, type=gelu]; -"567 dropout_32" [id=567, type=dropout]; -"568 _param_constant135" [id=568, type=get_attr]; -"569 linear_43_updated_constant0" [id=569, type=get_attr]; -"570 asymmetric_weights_decompressor_linear_43_updated_constant0_0" [id=570, type=call_module]; -"571 linear_43" [id=571, type=linear]; -"572 dropout_33" [id=572, type=dropout]; -"573 add_22" [id=573, type=add]; -"574 _param_constant136" [id=574, type=get_attr]; -"575 _param_constant137" [id=575, type=get_attr]; -"576 layer_norm_22" [id=576, type=layer_norm]; -"577 transpose_66" [id=577, type=transpose]; -"578 _param_constant139" [id=578, type=get_attr]; -"579 linear_44_updated_constant0" [id=579, type=get_attr]; -"580 asymmetric_weights_decompressor_linear_44_updated_constant0_0" [id=580, type=call_module]; -"581 linear_44" [id=581, type=linear]; -"582 unflatten_11" [id=582, type=unflatten]; -"583 unsqueeze_11" [id=583, type=unsqueeze]; -"584 transpose_67" [id=584, type=transpose]; -"585 squeeze_11" [id=585, type=squeeze]; -"586 contiguous_11" [id=586, type=contiguous]; -"587 select_33" [id=587, type=select]; -"588 select_34" [id=588, type=select]; -"589 select_35" [id=589, type=select]; -"590 view_88" [id=590, type=view]; -"591 transpose_68" [id=591, type=transpose]; -"592 view_89" [id=592, type=view]; -"593 transpose_69" [id=593, type=transpose]; -"594 view_90" [id=594, type=view]; -"595 transpose_70" [id=595, type=transpose]; -"596 view_91" [id=596, type=view]; -"597 view_92" [id=597, type=view]; -"598 view_93" [id=598, type=view]; -"599 scaled_dot_product_attention_11" [id=599, type=scaled_dot_product_attention]; -"600 permute_12" [id=600, type=permute]; -"601 view_94" [id=601, type=view]; -"602 _param_constant141" [id=602, type=get_attr]; -"603 linear_45_updated_constant0" [id=603, type=get_attr]; -"604 asymmetric_weights_decompressor_linear_45_updated_constant0_0" [id=604, type=call_module]; -"605 linear_45" [id=605, type=linear]; -"606 view_95" [id=606, type=view]; -"607 transpose_71" [id=607, type=transpose]; -"608 dropout_34" [id=608, type=dropout]; -"609 add_23" [id=609, type=add]; -"610 _param_constant142" [id=610, type=get_attr]; -"611 _param_constant143" [id=611, type=get_attr]; -"612 layer_norm_23" [id=612, type=layer_norm]; -"613 _param_constant145" [id=613, type=get_attr]; -"614 linear_46_updated_constant0" [id=614, type=get_attr]; -"615 asymmetric_weights_decompressor_linear_46_updated_constant0_0" [id=615, type=call_module]; -"616 linear_46" [id=616, type=linear]; -"617 gelu_11" [id=617, type=gelu]; -"618 dropout_35" [id=618, type=dropout]; -"619 _param_constant147" [id=619, type=get_attr]; -"620 linear_47_updated_constant0" [id=620, type=get_attr]; -"621 asymmetric_weights_decompressor_linear_47_updated_constant0_0" [id=621, type=call_module]; -"622 linear_47" [id=622, type=linear]; -"623 dropout_36" [id=623, type=dropout]; -"624 add_24" [id=624, type=add]; -"625 _param_constant148" [id=625, type=get_attr]; -"626 _param_constant149" [id=626, type=get_attr]; -"627 layer_norm_24" [id=627, type=layer_norm]; -"628 slice_1" [id=628, type=slice]; -"629 select_36" [id=629, type=select]; -"630 _param_constant151" [id=630, type=get_attr]; -"631 linear_48_updated_constant0" [id=631, type=get_attr]; -"632 asymmetric_weights_decompressor_linear_48_updated_constant0_0" [id=632, type=call_module]; -"633 linear_48" [id=633, type=linear]; -"634 output" [id=634, type=output]; -"0 arg0_1" -> "4 conv2d"; -"1 _param_constant1" -> "4 conv2d"; -"2 conv2d_updated_constant0" -> "3 asymmetric_weights_decompressor_conv2d_updated_constant0_0"; -"3 asymmetric_weights_decompressor_conv2d_updated_constant0_0" -> "4 conv2d"; -"4 conv2d" -> "5 reshape"; -"5 reshape" -> "6 permute"; -"6 permute" -> "9 cat"; -"7 _param_constant2" -> "8 expand"; -"8 expand" -> "9 cat"; -"9 cat" -> "11 add"; -"10 _param_constant3" -> "11 add"; -"11 add" -> "12 dropout"; -"12 dropout" -> "15 layer_norm"; -"12 dropout" -> "48 add_1"; -"13 _param_constant4" -> "15 layer_norm"; -"14 _param_constant5" -> "15 layer_norm"; -"15 layer_norm" -> "16 transpose"; -"16 transpose" -> "20 linear"; -"17 _param_constant7" -> "20 linear"; -"18 linear_updated_constant0" -> "19 asymmetric_weights_decompressor_linear_updated_constant0_0"; -"19 asymmetric_weights_decompressor_linear_updated_constant0_0" -> "20 linear"; -"20 linear" -> "21 unflatten"; -"21 unflatten" -> "22 unsqueeze"; -"22 unsqueeze" -> "23 transpose_1"; -"23 transpose_1" -> "24 squeeze"; -"24 squeeze" -> "25 contiguous"; -"25 contiguous" -> "26 select"; -"25 contiguous" -> "27 select_1"; -"25 contiguous" -> "28 select_2"; -"26 select" -> "29 view"; -"27 select_1" -> "31 view_1"; -"28 select_2" -> "33 view_2"; -"29 view" -> "30 transpose_2"; -"30 transpose_2" -> "35 view_3"; -"31 view_1" -> "32 transpose_3"; -"32 transpose_3" -> "36 view_4"; -"33 view_2" -> "34 transpose_4"; -"34 transpose_4" -> "37 view_5"; -"35 view_3" -> "38 scaled_dot_product_attention"; -"36 view_4" -> "38 scaled_dot_product_attention"; -"37 view_5" -> "38 scaled_dot_product_attention"; -"38 scaled_dot_product_attention" -> "39 permute_1"; -"39 permute_1" -> "40 view_6"; -"40 view_6" -> "44 linear_1"; -"41 _param_constant9" -> "44 linear_1"; -"42 linear_1_updated_constant0" -> "43 asymmetric_weights_decompressor_linear_1_updated_constant0_0"; -"43 asymmetric_weights_decompressor_linear_1_updated_constant0_0" -> "44 linear_1"; -"44 linear_1" -> "45 view_7"; -"45 view_7" -> "46 transpose_5"; -"46 transpose_5" -> "47 dropout_1"; -"47 dropout_1" -> "48 add_1"; -"48 add_1" -> "51 layer_norm_1"; -"48 add_1" -> "63 add_2"; -"49 _param_constant10" -> "51 layer_norm_1"; -"50 _param_constant11" -> "51 layer_norm_1"; -"51 layer_norm_1" -> "55 linear_2"; -"52 _param_constant13" -> "55 linear_2"; -"53 linear_2_updated_constant0" -> "54 asymmetric_weights_decompressor_linear_2_updated_constant0_0"; -"54 asymmetric_weights_decompressor_linear_2_updated_constant0_0" -> "55 linear_2"; -"55 linear_2" -> "56 gelu"; -"56 gelu" -> "57 dropout_2"; -"57 dropout_2" -> "61 linear_3"; -"58 _param_constant15" -> "61 linear_3"; -"59 linear_3_updated_constant0" -> "60 asymmetric_weights_decompressor_linear_3_updated_constant0_0"; -"60 asymmetric_weights_decompressor_linear_3_updated_constant0_0" -> "61 linear_3"; -"61 linear_3" -> "62 dropout_3"; -"62 dropout_3" -> "63 add_2"; -"63 add_2" -> "66 layer_norm_2"; -"63 add_2" -> "99 add_3"; -"64 _param_constant16" -> "66 layer_norm_2"; -"65 _param_constant17" -> "66 layer_norm_2"; -"66 layer_norm_2" -> "67 transpose_6"; -"67 transpose_6" -> "71 linear_4"; -"68 _param_constant19" -> "71 linear_4"; -"69 linear_4_updated_constant0" -> "70 asymmetric_weights_decompressor_linear_4_updated_constant0_0"; -"70 asymmetric_weights_decompressor_linear_4_updated_constant0_0" -> "71 linear_4"; -"71 linear_4" -> "72 unflatten_1"; -"72 unflatten_1" -> "73 unsqueeze_1"; -"73 unsqueeze_1" -> "74 transpose_7"; -"74 transpose_7" -> "75 squeeze_1"; -"75 squeeze_1" -> "76 contiguous_1"; -"76 contiguous_1" -> "77 select_3"; -"76 contiguous_1" -> "78 select_4"; -"76 contiguous_1" -> "79 select_5"; -"77 select_3" -> "80 view_8"; -"78 select_4" -> "82 view_9"; -"79 select_5" -> "84 view_10"; -"80 view_8" -> "81 transpose_8"; -"81 transpose_8" -> "86 view_11"; -"82 view_9" -> "83 transpose_9"; -"83 transpose_9" -> "87 view_12"; -"84 view_10" -> "85 transpose_10"; -"85 transpose_10" -> "88 view_13"; -"86 view_11" -> "89 scaled_dot_product_attention_1"; -"87 view_12" -> "89 scaled_dot_product_attention_1"; -"88 view_13" -> "89 scaled_dot_product_attention_1"; -"89 scaled_dot_product_attention_1" -> "90 permute_2"; -"90 permute_2" -> "91 view_14"; -"91 view_14" -> "95 linear_5"; -"92 _param_constant21" -> "95 linear_5"; -"93 linear_5_updated_constant0" -> "94 asymmetric_weights_decompressor_linear_5_updated_constant0_0"; -"94 asymmetric_weights_decompressor_linear_5_updated_constant0_0" -> "95 linear_5"; -"95 linear_5" -> "96 view_15"; -"96 view_15" -> "97 transpose_11"; -"97 transpose_11" -> "98 dropout_4"; -"98 dropout_4" -> "99 add_3"; -"99 add_3" -> "102 layer_norm_3"; -"99 add_3" -> "114 add_4"; -"100 _param_constant22" -> "102 layer_norm_3"; -"101 _param_constant23" -> "102 layer_norm_3"; -"102 layer_norm_3" -> "106 linear_6"; -"103 _param_constant25" -> "106 linear_6"; -"104 linear_6_updated_constant0" -> "105 asymmetric_weights_decompressor_linear_6_updated_constant0_0"; -"105 asymmetric_weights_decompressor_linear_6_updated_constant0_0" -> "106 linear_6"; -"106 linear_6" -> "107 gelu_1"; -"107 gelu_1" -> "108 dropout_5"; -"108 dropout_5" -> "112 linear_7"; -"109 _param_constant27" -> "112 linear_7"; -"110 linear_7_updated_constant0" -> "111 asymmetric_weights_decompressor_linear_7_updated_constant0_0"; -"111 asymmetric_weights_decompressor_linear_7_updated_constant0_0" -> "112 linear_7"; -"112 linear_7" -> "113 dropout_6"; -"113 dropout_6" -> "114 add_4"; -"114 add_4" -> "117 layer_norm_4"; -"114 add_4" -> "150 add_5"; -"115 _param_constant28" -> "117 layer_norm_4"; -"116 _param_constant29" -> "117 layer_norm_4"; -"117 layer_norm_4" -> "118 transpose_12"; -"118 transpose_12" -> "122 linear_8"; -"119 _param_constant31" -> "122 linear_8"; -"120 linear_8_updated_constant0" -> "121 asymmetric_weights_decompressor_linear_8_updated_constant0_0"; -"121 asymmetric_weights_decompressor_linear_8_updated_constant0_0" -> "122 linear_8"; -"122 linear_8" -> "123 unflatten_2"; -"123 unflatten_2" -> "124 unsqueeze_2"; -"124 unsqueeze_2" -> "125 transpose_13"; -"125 transpose_13" -> "126 squeeze_2"; -"126 squeeze_2" -> "127 contiguous_2"; -"127 contiguous_2" -> "128 select_6"; -"127 contiguous_2" -> "129 select_7"; -"127 contiguous_2" -> "130 select_8"; -"128 select_6" -> "131 view_16"; -"129 select_7" -> "133 view_17"; -"130 select_8" -> "135 view_18"; -"131 view_16" -> "132 transpose_14"; -"132 transpose_14" -> "137 view_19"; -"133 view_17" -> "134 transpose_15"; -"134 transpose_15" -> "138 view_20"; -"135 view_18" -> "136 transpose_16"; -"136 transpose_16" -> "139 view_21"; -"137 view_19" -> "140 scaled_dot_product_attention_2"; -"138 view_20" -> "140 scaled_dot_product_attention_2"; -"139 view_21" -> "140 scaled_dot_product_attention_2"; -"140 scaled_dot_product_attention_2" -> "141 permute_3"; -"141 permute_3" -> "142 view_22"; -"142 view_22" -> "146 linear_9"; -"143 _param_constant33" -> "146 linear_9"; -"144 linear_9_updated_constant0" -> "145 asymmetric_weights_decompressor_linear_9_updated_constant0_0"; -"145 asymmetric_weights_decompressor_linear_9_updated_constant0_0" -> "146 linear_9"; -"146 linear_9" -> "147 view_23"; -"147 view_23" -> "148 transpose_17"; -"148 transpose_17" -> "149 dropout_7"; -"149 dropout_7" -> "150 add_5"; -"150 add_5" -> "153 layer_norm_5"; -"150 add_5" -> "165 add_6"; -"151 _param_constant34" -> "153 layer_norm_5"; -"152 _param_constant35" -> "153 layer_norm_5"; -"153 layer_norm_5" -> "157 linear_10"; -"154 _param_constant37" -> "157 linear_10"; -"155 linear_10_updated_constant0" -> "156 asymmetric_weights_decompressor_linear_10_updated_constant0_0"; -"156 asymmetric_weights_decompressor_linear_10_updated_constant0_0" -> "157 linear_10"; -"157 linear_10" -> "158 gelu_2"; -"158 gelu_2" -> "159 dropout_8"; -"159 dropout_8" -> "163 linear_11"; -"160 _param_constant39" -> "163 linear_11"; -"161 linear_11_updated_constant0" -> "162 asymmetric_weights_decompressor_linear_11_updated_constant0_0"; -"162 asymmetric_weights_decompressor_linear_11_updated_constant0_0" -> "163 linear_11"; -"163 linear_11" -> "164 dropout_9"; -"164 dropout_9" -> "165 add_6"; -"165 add_6" -> "168 layer_norm_6"; -"165 add_6" -> "201 add_7"; -"166 _param_constant40" -> "168 layer_norm_6"; -"167 _param_constant41" -> "168 layer_norm_6"; -"168 layer_norm_6" -> "169 transpose_18"; -"169 transpose_18" -> "173 linear_12"; -"170 _param_constant43" -> "173 linear_12"; -"171 linear_12_updated_constant0" -> "172 asymmetric_weights_decompressor_linear_12_updated_constant0_0"; -"172 asymmetric_weights_decompressor_linear_12_updated_constant0_0" -> "173 linear_12"; -"173 linear_12" -> "174 unflatten_3"; -"174 unflatten_3" -> "175 unsqueeze_3"; -"175 unsqueeze_3" -> "176 transpose_19"; -"176 transpose_19" -> "177 squeeze_3"; -"177 squeeze_3" -> "178 contiguous_3"; -"178 contiguous_3" -> "179 select_9"; -"178 contiguous_3" -> "180 select_10"; -"178 contiguous_3" -> "181 select_11"; -"179 select_9" -> "182 view_24"; -"180 select_10" -> "184 view_25"; -"181 select_11" -> "186 view_26"; -"182 view_24" -> "183 transpose_20"; -"183 transpose_20" -> "188 view_27"; -"184 view_25" -> "185 transpose_21"; -"185 transpose_21" -> "189 view_28"; -"186 view_26" -> "187 transpose_22"; -"187 transpose_22" -> "190 view_29"; -"188 view_27" -> "191 scaled_dot_product_attention_3"; -"189 view_28" -> "191 scaled_dot_product_attention_3"; -"190 view_29" -> "191 scaled_dot_product_attention_3"; -"191 scaled_dot_product_attention_3" -> "192 permute_4"; -"192 permute_4" -> "193 view_30"; -"193 view_30" -> "197 linear_13"; -"194 _param_constant45" -> "197 linear_13"; -"195 linear_13_updated_constant0" -> "196 asymmetric_weights_decompressor_linear_13_updated_constant0_0"; -"196 asymmetric_weights_decompressor_linear_13_updated_constant0_0" -> "197 linear_13"; -"197 linear_13" -> "198 view_31"; -"198 view_31" -> "199 transpose_23"; -"199 transpose_23" -> "200 dropout_10"; -"200 dropout_10" -> "201 add_7"; -"201 add_7" -> "204 layer_norm_7"; -"201 add_7" -> "216 add_8"; -"202 _param_constant46" -> "204 layer_norm_7"; -"203 _param_constant47" -> "204 layer_norm_7"; -"204 layer_norm_7" -> "208 linear_14"; -"205 _param_constant49" -> "208 linear_14"; -"206 linear_14_updated_constant0" -> "207 asymmetric_weights_decompressor_linear_14_updated_constant0_0"; -"207 asymmetric_weights_decompressor_linear_14_updated_constant0_0" -> "208 linear_14"; -"208 linear_14" -> "209 gelu_3"; -"209 gelu_3" -> "210 dropout_11"; -"210 dropout_11" -> "214 linear_15"; -"211 _param_constant51" -> "214 linear_15"; -"212 linear_15_updated_constant0" -> "213 asymmetric_weights_decompressor_linear_15_updated_constant0_0"; -"213 asymmetric_weights_decompressor_linear_15_updated_constant0_0" -> "214 linear_15"; -"214 linear_15" -> "215 dropout_12"; -"215 dropout_12" -> "216 add_8"; -"216 add_8" -> "219 layer_norm_8"; -"216 add_8" -> "252 add_9"; -"217 _param_constant52" -> "219 layer_norm_8"; -"218 _param_constant53" -> "219 layer_norm_8"; -"219 layer_norm_8" -> "220 transpose_24"; -"220 transpose_24" -> "224 linear_16"; -"221 _param_constant55" -> "224 linear_16"; -"222 linear_16_updated_constant0" -> "223 asymmetric_weights_decompressor_linear_16_updated_constant0_0"; -"223 asymmetric_weights_decompressor_linear_16_updated_constant0_0" -> "224 linear_16"; -"224 linear_16" -> "225 unflatten_4"; -"225 unflatten_4" -> "226 unsqueeze_4"; -"226 unsqueeze_4" -> "227 transpose_25"; -"227 transpose_25" -> "228 squeeze_4"; -"228 squeeze_4" -> "229 contiguous_4"; -"229 contiguous_4" -> "230 select_12"; -"229 contiguous_4" -> "231 select_13"; -"229 contiguous_4" -> "232 select_14"; -"230 select_12" -> "233 view_32"; -"231 select_13" -> "235 view_33"; -"232 select_14" -> "237 view_34"; -"233 view_32" -> "234 transpose_26"; -"234 transpose_26" -> "239 view_35"; -"235 view_33" -> "236 transpose_27"; -"236 transpose_27" -> "240 view_36"; -"237 view_34" -> "238 transpose_28"; -"238 transpose_28" -> "241 view_37"; -"239 view_35" -> "242 scaled_dot_product_attention_4"; -"240 view_36" -> "242 scaled_dot_product_attention_4"; -"241 view_37" -> "242 scaled_dot_product_attention_4"; -"242 scaled_dot_product_attention_4" -> "243 permute_5"; -"243 permute_5" -> "244 view_38"; -"244 view_38" -> "248 linear_17"; -"245 _param_constant57" -> "248 linear_17"; -"246 linear_17_updated_constant0" -> "247 asymmetric_weights_decompressor_linear_17_updated_constant0_0"; -"247 asymmetric_weights_decompressor_linear_17_updated_constant0_0" -> "248 linear_17"; -"248 linear_17" -> "249 view_39"; -"249 view_39" -> "250 transpose_29"; -"250 transpose_29" -> "251 dropout_13"; -"251 dropout_13" -> "252 add_9"; -"252 add_9" -> "255 layer_norm_9"; -"252 add_9" -> "267 add_10"; -"253 _param_constant58" -> "255 layer_norm_9"; -"254 _param_constant59" -> "255 layer_norm_9"; -"255 layer_norm_9" -> "259 linear_18"; -"256 _param_constant61" -> "259 linear_18"; -"257 linear_18_updated_constant0" -> "258 asymmetric_weights_decompressor_linear_18_updated_constant0_0"; -"258 asymmetric_weights_decompressor_linear_18_updated_constant0_0" -> "259 linear_18"; -"259 linear_18" -> "260 gelu_4"; -"260 gelu_4" -> "261 dropout_14"; -"261 dropout_14" -> "265 linear_19"; -"262 _param_constant63" -> "265 linear_19"; -"263 linear_19_updated_constant0" -> "264 asymmetric_weights_decompressor_linear_19_updated_constant0_0"; -"264 asymmetric_weights_decompressor_linear_19_updated_constant0_0" -> "265 linear_19"; -"265 linear_19" -> "266 dropout_15"; -"266 dropout_15" -> "267 add_10"; -"267 add_10" -> "270 layer_norm_10"; -"267 add_10" -> "303 add_11"; -"268 _param_constant64" -> "270 layer_norm_10"; -"269 _param_constant65" -> "270 layer_norm_10"; -"270 layer_norm_10" -> "271 transpose_30"; -"271 transpose_30" -> "275 linear_20"; -"272 _param_constant67" -> "275 linear_20"; -"273 linear_20_updated_constant0" -> "274 asymmetric_weights_decompressor_linear_20_updated_constant0_0"; -"274 asymmetric_weights_decompressor_linear_20_updated_constant0_0" -> "275 linear_20"; -"275 linear_20" -> "276 unflatten_5"; -"276 unflatten_5" -> "277 unsqueeze_5"; -"277 unsqueeze_5" -> "278 transpose_31"; -"278 transpose_31" -> "279 squeeze_5"; -"279 squeeze_5" -> "280 contiguous_5"; -"280 contiguous_5" -> "281 select_15"; -"280 contiguous_5" -> "282 select_16"; -"280 contiguous_5" -> "283 select_17"; -"281 select_15" -> "284 view_40"; -"282 select_16" -> "286 view_41"; -"283 select_17" -> "288 view_42"; -"284 view_40" -> "285 transpose_32"; -"285 transpose_32" -> "290 view_43"; -"286 view_41" -> "287 transpose_33"; -"287 transpose_33" -> "291 view_44"; -"288 view_42" -> "289 transpose_34"; -"289 transpose_34" -> "292 view_45"; -"290 view_43" -> "293 scaled_dot_product_attention_5"; -"291 view_44" -> "293 scaled_dot_product_attention_5"; -"292 view_45" -> "293 scaled_dot_product_attention_5"; -"293 scaled_dot_product_attention_5" -> "294 permute_6"; -"294 permute_6" -> "295 view_46"; -"295 view_46" -> "299 linear_21"; -"296 _param_constant69" -> "299 linear_21"; -"297 linear_21_updated_constant0" -> "298 asymmetric_weights_decompressor_linear_21_updated_constant0_0"; -"298 asymmetric_weights_decompressor_linear_21_updated_constant0_0" -> "299 linear_21"; -"299 linear_21" -> "300 view_47"; -"300 view_47" -> "301 transpose_35"; -"301 transpose_35" -> "302 dropout_16"; -"302 dropout_16" -> "303 add_11"; -"303 add_11" -> "306 layer_norm_11"; -"303 add_11" -> "318 add_12"; -"304 _param_constant70" -> "306 layer_norm_11"; -"305 _param_constant71" -> "306 layer_norm_11"; -"306 layer_norm_11" -> "310 linear_22"; -"307 _param_constant73" -> "310 linear_22"; -"308 linear_22_updated_constant0" -> "309 asymmetric_weights_decompressor_linear_22_updated_constant0_0"; -"309 asymmetric_weights_decompressor_linear_22_updated_constant0_0" -> "310 linear_22"; -"310 linear_22" -> "311 gelu_5"; -"311 gelu_5" -> "312 dropout_17"; -"312 dropout_17" -> "316 linear_23"; -"313 _param_constant75" -> "316 linear_23"; -"314 linear_23_updated_constant0" -> "315 asymmetric_weights_decompressor_linear_23_updated_constant0_0"; -"315 asymmetric_weights_decompressor_linear_23_updated_constant0_0" -> "316 linear_23"; -"316 linear_23" -> "317 dropout_18"; -"317 dropout_18" -> "318 add_12"; -"318 add_12" -> "321 layer_norm_12"; -"318 add_12" -> "354 add_13"; -"319 _param_constant76" -> "321 layer_norm_12"; -"320 _param_constant77" -> "321 layer_norm_12"; -"321 layer_norm_12" -> "322 transpose_36"; -"322 transpose_36" -> "326 linear_24"; -"323 _param_constant79" -> "326 linear_24"; -"324 linear_24_updated_constant0" -> "325 asymmetric_weights_decompressor_linear_24_updated_constant0_0"; -"325 asymmetric_weights_decompressor_linear_24_updated_constant0_0" -> "326 linear_24"; -"326 linear_24" -> "327 unflatten_6"; -"327 unflatten_6" -> "328 unsqueeze_6"; -"328 unsqueeze_6" -> "329 transpose_37"; -"329 transpose_37" -> "330 squeeze_6"; -"330 squeeze_6" -> "331 contiguous_6"; -"331 contiguous_6" -> "332 select_18"; -"331 contiguous_6" -> "333 select_19"; -"331 contiguous_6" -> "334 select_20"; -"332 select_18" -> "335 view_48"; -"333 select_19" -> "337 view_49"; -"334 select_20" -> "339 view_50"; -"335 view_48" -> "336 transpose_38"; -"336 transpose_38" -> "341 view_51"; -"337 view_49" -> "338 transpose_39"; -"338 transpose_39" -> "342 view_52"; -"339 view_50" -> "340 transpose_40"; -"340 transpose_40" -> "343 view_53"; -"341 view_51" -> "344 scaled_dot_product_attention_6"; -"342 view_52" -> "344 scaled_dot_product_attention_6"; -"343 view_53" -> "344 scaled_dot_product_attention_6"; -"344 scaled_dot_product_attention_6" -> "345 permute_7"; -"345 permute_7" -> "346 view_54"; -"346 view_54" -> "350 linear_25"; -"347 _param_constant81" -> "350 linear_25"; -"348 linear_25_updated_constant0" -> "349 asymmetric_weights_decompressor_linear_25_updated_constant0_0"; -"349 asymmetric_weights_decompressor_linear_25_updated_constant0_0" -> "350 linear_25"; -"350 linear_25" -> "351 view_55"; -"351 view_55" -> "352 transpose_41"; -"352 transpose_41" -> "353 dropout_19"; -"353 dropout_19" -> "354 add_13"; -"354 add_13" -> "357 layer_norm_13"; -"354 add_13" -> "369 add_14"; -"355 _param_constant82" -> "357 layer_norm_13"; -"356 _param_constant83" -> "357 layer_norm_13"; -"357 layer_norm_13" -> "361 linear_26"; -"358 _param_constant85" -> "361 linear_26"; -"359 linear_26_updated_constant0" -> "360 asymmetric_weights_decompressor_linear_26_updated_constant0_0"; -"360 asymmetric_weights_decompressor_linear_26_updated_constant0_0" -> "361 linear_26"; -"361 linear_26" -> "362 gelu_6"; -"362 gelu_6" -> "363 dropout_20"; -"363 dropout_20" -> "367 linear_27"; -"364 _param_constant87" -> "367 linear_27"; -"365 linear_27_updated_constant0" -> "366 asymmetric_weights_decompressor_linear_27_updated_constant0_0"; -"366 asymmetric_weights_decompressor_linear_27_updated_constant0_0" -> "367 linear_27"; -"367 linear_27" -> "368 dropout_21"; -"368 dropout_21" -> "369 add_14"; -"369 add_14" -> "372 layer_norm_14"; -"369 add_14" -> "405 add_15"; -"370 _param_constant88" -> "372 layer_norm_14"; -"371 _param_constant89" -> "372 layer_norm_14"; -"372 layer_norm_14" -> "373 transpose_42"; -"373 transpose_42" -> "377 linear_28"; -"374 _param_constant91" -> "377 linear_28"; -"375 linear_28_updated_constant0" -> "376 asymmetric_weights_decompressor_linear_28_updated_constant0_0"; -"376 asymmetric_weights_decompressor_linear_28_updated_constant0_0" -> "377 linear_28"; -"377 linear_28" -> "378 unflatten_7"; -"378 unflatten_7" -> "379 unsqueeze_7"; -"379 unsqueeze_7" -> "380 transpose_43"; -"380 transpose_43" -> "381 squeeze_7"; -"381 squeeze_7" -> "382 contiguous_7"; -"382 contiguous_7" -> "383 select_21"; -"382 contiguous_7" -> "384 select_22"; -"382 contiguous_7" -> "385 select_23"; -"383 select_21" -> "386 view_56"; -"384 select_22" -> "388 view_57"; -"385 select_23" -> "390 view_58"; -"386 view_56" -> "387 transpose_44"; -"387 transpose_44" -> "392 view_59"; -"388 view_57" -> "389 transpose_45"; -"389 transpose_45" -> "393 view_60"; -"390 view_58" -> "391 transpose_46"; -"391 transpose_46" -> "394 view_61"; -"392 view_59" -> "395 scaled_dot_product_attention_7"; -"393 view_60" -> "395 scaled_dot_product_attention_7"; -"394 view_61" -> "395 scaled_dot_product_attention_7"; -"395 scaled_dot_product_attention_7" -> "396 permute_8"; -"396 permute_8" -> "397 view_62"; -"397 view_62" -> "401 linear_29"; -"398 _param_constant93" -> "401 linear_29"; -"399 linear_29_updated_constant0" -> "400 asymmetric_weights_decompressor_linear_29_updated_constant0_0"; -"400 asymmetric_weights_decompressor_linear_29_updated_constant0_0" -> "401 linear_29"; -"401 linear_29" -> "402 view_63"; -"402 view_63" -> "403 transpose_47"; -"403 transpose_47" -> "404 dropout_22"; -"404 dropout_22" -> "405 add_15"; -"405 add_15" -> "408 layer_norm_15"; -"405 add_15" -> "420 add_16"; -"406 _param_constant94" -> "408 layer_norm_15"; -"407 _param_constant95" -> "408 layer_norm_15"; -"408 layer_norm_15" -> "412 linear_30"; -"409 _param_constant97" -> "412 linear_30"; -"410 linear_30_updated_constant0" -> "411 asymmetric_weights_decompressor_linear_30_updated_constant0_0"; -"411 asymmetric_weights_decompressor_linear_30_updated_constant0_0" -> "412 linear_30"; -"412 linear_30" -> "413 gelu_7"; -"413 gelu_7" -> "414 dropout_23"; -"414 dropout_23" -> "418 linear_31"; -"415 _param_constant99" -> "418 linear_31"; -"416 linear_31_updated_constant0" -> "417 asymmetric_weights_decompressor_linear_31_updated_constant0_0"; -"417 asymmetric_weights_decompressor_linear_31_updated_constant0_0" -> "418 linear_31"; -"418 linear_31" -> "419 dropout_24"; -"419 dropout_24" -> "420 add_16"; -"420 add_16" -> "423 layer_norm_16"; -"420 add_16" -> "456 add_17"; -"421 _param_constant100" -> "423 layer_norm_16"; -"422 _param_constant101" -> "423 layer_norm_16"; -"423 layer_norm_16" -> "424 transpose_48"; -"424 transpose_48" -> "428 linear_32"; -"425 _param_constant103" -> "428 linear_32"; -"426 linear_32_updated_constant0" -> "427 asymmetric_weights_decompressor_linear_32_updated_constant0_0"; -"427 asymmetric_weights_decompressor_linear_32_updated_constant0_0" -> "428 linear_32"; -"428 linear_32" -> "429 unflatten_8"; -"429 unflatten_8" -> "430 unsqueeze_8"; -"430 unsqueeze_8" -> "431 transpose_49"; -"431 transpose_49" -> "432 squeeze_8"; -"432 squeeze_8" -> "433 contiguous_8"; -"433 contiguous_8" -> "434 select_24"; -"433 contiguous_8" -> "435 select_25"; -"433 contiguous_8" -> "436 select_26"; -"434 select_24" -> "437 view_64"; -"435 select_25" -> "439 view_65"; -"436 select_26" -> "441 view_66"; -"437 view_64" -> "438 transpose_50"; -"438 transpose_50" -> "443 view_67"; -"439 view_65" -> "440 transpose_51"; -"440 transpose_51" -> "444 view_68"; -"441 view_66" -> "442 transpose_52"; -"442 transpose_52" -> "445 view_69"; -"443 view_67" -> "446 scaled_dot_product_attention_8"; -"444 view_68" -> "446 scaled_dot_product_attention_8"; -"445 view_69" -> "446 scaled_dot_product_attention_8"; -"446 scaled_dot_product_attention_8" -> "447 permute_9"; -"447 permute_9" -> "448 view_70"; -"448 view_70" -> "452 linear_33"; -"449 _param_constant105" -> "452 linear_33"; -"450 linear_33_updated_constant0" -> "451 asymmetric_weights_decompressor_linear_33_updated_constant0_0"; -"451 asymmetric_weights_decompressor_linear_33_updated_constant0_0" -> "452 linear_33"; -"452 linear_33" -> "453 view_71"; -"453 view_71" -> "454 transpose_53"; -"454 transpose_53" -> "455 dropout_25"; -"455 dropout_25" -> "456 add_17"; -"456 add_17" -> "459 layer_norm_17"; -"456 add_17" -> "471 add_18"; -"457 _param_constant106" -> "459 layer_norm_17"; -"458 _param_constant107" -> "459 layer_norm_17"; -"459 layer_norm_17" -> "463 linear_34"; -"460 _param_constant109" -> "463 linear_34"; -"461 linear_34_updated_constant0" -> "462 asymmetric_weights_decompressor_linear_34_updated_constant0_0"; -"462 asymmetric_weights_decompressor_linear_34_updated_constant0_0" -> "463 linear_34"; -"463 linear_34" -> "464 gelu_8"; -"464 gelu_8" -> "465 dropout_26"; -"465 dropout_26" -> "469 linear_35"; -"466 _param_constant111" -> "469 linear_35"; -"467 linear_35_updated_constant0" -> "468 asymmetric_weights_decompressor_linear_35_updated_constant0_0"; -"468 asymmetric_weights_decompressor_linear_35_updated_constant0_0" -> "469 linear_35"; -"469 linear_35" -> "470 dropout_27"; -"470 dropout_27" -> "471 add_18"; -"471 add_18" -> "474 layer_norm_18"; -"471 add_18" -> "507 add_19"; -"472 _param_constant112" -> "474 layer_norm_18"; -"473 _param_constant113" -> "474 layer_norm_18"; -"474 layer_norm_18" -> "475 transpose_54"; -"475 transpose_54" -> "479 linear_36"; -"476 _param_constant115" -> "479 linear_36"; -"477 linear_36_updated_constant0" -> "478 asymmetric_weights_decompressor_linear_36_updated_constant0_0"; -"478 asymmetric_weights_decompressor_linear_36_updated_constant0_0" -> "479 linear_36"; -"479 linear_36" -> "480 unflatten_9"; -"480 unflatten_9" -> "481 unsqueeze_9"; -"481 unsqueeze_9" -> "482 transpose_55"; -"482 transpose_55" -> "483 squeeze_9"; -"483 squeeze_9" -> "484 contiguous_9"; -"484 contiguous_9" -> "485 select_27"; -"484 contiguous_9" -> "486 select_28"; -"484 contiguous_9" -> "487 select_29"; -"485 select_27" -> "488 view_72"; -"486 select_28" -> "490 view_73"; -"487 select_29" -> "492 view_74"; -"488 view_72" -> "489 transpose_56"; -"489 transpose_56" -> "494 view_75"; -"490 view_73" -> "491 transpose_57"; -"491 transpose_57" -> "495 view_76"; -"492 view_74" -> "493 transpose_58"; -"493 transpose_58" -> "496 view_77"; -"494 view_75" -> "497 scaled_dot_product_attention_9"; -"495 view_76" -> "497 scaled_dot_product_attention_9"; -"496 view_77" -> "497 scaled_dot_product_attention_9"; -"497 scaled_dot_product_attention_9" -> "498 permute_10"; -"498 permute_10" -> "499 view_78"; -"499 view_78" -> "503 linear_37"; -"500 _param_constant117" -> "503 linear_37"; -"501 linear_37_updated_constant0" -> "502 asymmetric_weights_decompressor_linear_37_updated_constant0_0"; -"502 asymmetric_weights_decompressor_linear_37_updated_constant0_0" -> "503 linear_37"; -"503 linear_37" -> "504 view_79"; -"504 view_79" -> "505 transpose_59"; -"505 transpose_59" -> "506 dropout_28"; -"506 dropout_28" -> "507 add_19"; -"507 add_19" -> "510 layer_norm_19"; -"507 add_19" -> "522 add_20"; -"508 _param_constant118" -> "510 layer_norm_19"; -"509 _param_constant119" -> "510 layer_norm_19"; -"510 layer_norm_19" -> "514 linear_38"; -"511 _param_constant121" -> "514 linear_38"; -"512 linear_38_updated_constant0" -> "513 asymmetric_weights_decompressor_linear_38_updated_constant0_0"; -"513 asymmetric_weights_decompressor_linear_38_updated_constant0_0" -> "514 linear_38"; -"514 linear_38" -> "515 gelu_9"; -"515 gelu_9" -> "516 dropout_29"; -"516 dropout_29" -> "520 linear_39"; -"517 _param_constant123" -> "520 linear_39"; -"518 linear_39_updated_constant0" -> "519 asymmetric_weights_decompressor_linear_39_updated_constant0_0"; -"519 asymmetric_weights_decompressor_linear_39_updated_constant0_0" -> "520 linear_39"; -"520 linear_39" -> "521 dropout_30"; -"521 dropout_30" -> "522 add_20"; -"522 add_20" -> "525 layer_norm_20"; -"522 add_20" -> "558 add_21"; -"523 _param_constant124" -> "525 layer_norm_20"; -"524 _param_constant125" -> "525 layer_norm_20"; -"525 layer_norm_20" -> "526 transpose_60"; -"526 transpose_60" -> "530 linear_40"; -"527 _param_constant127" -> "530 linear_40"; -"528 linear_40_updated_constant0" -> "529 asymmetric_weights_decompressor_linear_40_updated_constant0_0"; -"529 asymmetric_weights_decompressor_linear_40_updated_constant0_0" -> "530 linear_40"; -"530 linear_40" -> "531 unflatten_10"; -"531 unflatten_10" -> "532 unsqueeze_10"; -"532 unsqueeze_10" -> "533 transpose_61"; -"533 transpose_61" -> "534 squeeze_10"; -"534 squeeze_10" -> "535 contiguous_10"; -"535 contiguous_10" -> "536 select_30"; -"535 contiguous_10" -> "537 select_31"; -"535 contiguous_10" -> "538 select_32"; -"536 select_30" -> "539 view_80"; -"537 select_31" -> "541 view_81"; -"538 select_32" -> "543 view_82"; -"539 view_80" -> "540 transpose_62"; -"540 transpose_62" -> "545 view_83"; -"541 view_81" -> "542 transpose_63"; -"542 transpose_63" -> "546 view_84"; -"543 view_82" -> "544 transpose_64"; -"544 transpose_64" -> "547 view_85"; -"545 view_83" -> "548 scaled_dot_product_attention_10"; -"546 view_84" -> "548 scaled_dot_product_attention_10"; -"547 view_85" -> "548 scaled_dot_product_attention_10"; -"548 scaled_dot_product_attention_10" -> "549 permute_11"; -"549 permute_11" -> "550 view_86"; -"550 view_86" -> "554 linear_41"; -"551 _param_constant129" -> "554 linear_41"; -"552 linear_41_updated_constant0" -> "553 asymmetric_weights_decompressor_linear_41_updated_constant0_0"; -"553 asymmetric_weights_decompressor_linear_41_updated_constant0_0" -> "554 linear_41"; -"554 linear_41" -> "555 view_87"; -"555 view_87" -> "556 transpose_65"; -"556 transpose_65" -> "557 dropout_31"; -"557 dropout_31" -> "558 add_21"; -"558 add_21" -> "561 layer_norm_21"; -"558 add_21" -> "573 add_22"; -"559 _param_constant130" -> "561 layer_norm_21"; -"560 _param_constant131" -> "561 layer_norm_21"; -"561 layer_norm_21" -> "565 linear_42"; -"562 _param_constant133" -> "565 linear_42"; -"563 linear_42_updated_constant0" -> "564 asymmetric_weights_decompressor_linear_42_updated_constant0_0"; -"564 asymmetric_weights_decompressor_linear_42_updated_constant0_0" -> "565 linear_42"; -"565 linear_42" -> "566 gelu_10"; -"566 gelu_10" -> "567 dropout_32"; -"567 dropout_32" -> "571 linear_43"; -"568 _param_constant135" -> "571 linear_43"; -"569 linear_43_updated_constant0" -> "570 asymmetric_weights_decompressor_linear_43_updated_constant0_0"; -"570 asymmetric_weights_decompressor_linear_43_updated_constant0_0" -> "571 linear_43"; -"571 linear_43" -> "572 dropout_33"; -"572 dropout_33" -> "573 add_22"; -"573 add_22" -> "576 layer_norm_22"; -"573 add_22" -> "609 add_23"; -"574 _param_constant136" -> "576 layer_norm_22"; -"575 _param_constant137" -> "576 layer_norm_22"; -"576 layer_norm_22" -> "577 transpose_66"; -"577 transpose_66" -> "581 linear_44"; -"578 _param_constant139" -> "581 linear_44"; -"579 linear_44_updated_constant0" -> "580 asymmetric_weights_decompressor_linear_44_updated_constant0_0"; -"580 asymmetric_weights_decompressor_linear_44_updated_constant0_0" -> "581 linear_44"; -"581 linear_44" -> "582 unflatten_11"; -"582 unflatten_11" -> "583 unsqueeze_11"; -"583 unsqueeze_11" -> "584 transpose_67"; -"584 transpose_67" -> "585 squeeze_11"; -"585 squeeze_11" -> "586 contiguous_11"; -"586 contiguous_11" -> "587 select_33"; -"586 contiguous_11" -> "588 select_34"; -"586 contiguous_11" -> "589 select_35"; -"587 select_33" -> "590 view_88"; -"588 select_34" -> "592 view_89"; -"589 select_35" -> "594 view_90"; -"590 view_88" -> "591 transpose_68"; -"591 transpose_68" -> "596 view_91"; -"592 view_89" -> "593 transpose_69"; -"593 transpose_69" -> "597 view_92"; -"594 view_90" -> "595 transpose_70"; -"595 transpose_70" -> "598 view_93"; -"596 view_91" -> "599 scaled_dot_product_attention_11"; -"597 view_92" -> "599 scaled_dot_product_attention_11"; -"598 view_93" -> "599 scaled_dot_product_attention_11"; -"599 scaled_dot_product_attention_11" -> "600 permute_12"; -"600 permute_12" -> "601 view_94"; -"601 view_94" -> "605 linear_45"; -"602 _param_constant141" -> "605 linear_45"; -"603 linear_45_updated_constant0" -> "604 asymmetric_weights_decompressor_linear_45_updated_constant0_0"; -"604 asymmetric_weights_decompressor_linear_45_updated_constant0_0" -> "605 linear_45"; -"605 linear_45" -> "606 view_95"; -"606 view_95" -> "607 transpose_71"; -"607 transpose_71" -> "608 dropout_34"; -"608 dropout_34" -> "609 add_23"; -"609 add_23" -> "612 layer_norm_23"; -"609 add_23" -> "624 add_24"; -"610 _param_constant142" -> "612 layer_norm_23"; -"611 _param_constant143" -> "612 layer_norm_23"; -"612 layer_norm_23" -> "616 linear_46"; -"613 _param_constant145" -> "616 linear_46"; -"614 linear_46_updated_constant0" -> "615 asymmetric_weights_decompressor_linear_46_updated_constant0_0"; -"615 asymmetric_weights_decompressor_linear_46_updated_constant0_0" -> "616 linear_46"; -"616 linear_46" -> "617 gelu_11"; -"617 gelu_11" -> "618 dropout_35"; -"618 dropout_35" -> "622 linear_47"; -"619 _param_constant147" -> "622 linear_47"; -"620 linear_47_updated_constant0" -> "621 asymmetric_weights_decompressor_linear_47_updated_constant0_0"; -"621 asymmetric_weights_decompressor_linear_47_updated_constant0_0" -> "622 linear_47"; -"622 linear_47" -> "623 dropout_36"; -"623 dropout_36" -> "624 add_24"; -"624 add_24" -> "627 layer_norm_24"; -"625 _param_constant148" -> "627 layer_norm_24"; -"626 _param_constant149" -> "627 layer_norm_24"; -"627 layer_norm_24" -> "628 slice_1"; -"628 slice_1" -> "629 select_36"; -"629 select_36" -> "633 linear_48"; -"630 _param_constant151" -> "633 linear_48"; -"631 linear_48_updated_constant0" -> "632 asymmetric_weights_decompressor_linear_48_updated_constant0_0"; -"632 asymmetric_weights_decompressor_linear_48_updated_constant0_0" -> "633 linear_48"; -"633 linear_48" -> "634 output"; -} diff --git a/tests/torch/data/reference_graphs/fx/compressed/vit_b_16_int8_sym.dot b/tests/torch/data/reference_graphs/fx/compressed/vit_b_16_int8_sym.dot deleted file mode 100644 index ea4e175f289..00000000000 --- a/tests/torch/data/reference_graphs/fx/compressed/vit_b_16_int8_sym.dot +++ /dev/null @@ -1,1319 +0,0 @@ -strict digraph { -"0 arg0_1" [id=0, type=input]; -"1 _param_constant1" [id=1, type=get_attr]; -"2 conv2d_updated_constant0" [id=2, type=get_attr]; -"3 symmetric_weights_decompressor_conv2d_updated_constant0_0" [id=3, type=call_module]; -"4 conv2d" [id=4, type=conv2d]; -"5 reshape" [id=5, type=reshape]; -"6 permute" [id=6, type=permute]; -"7 _param_constant2" [id=7, type=get_attr]; -"8 expand" [id=8, type=expand]; -"9 cat" [id=9, type=cat]; -"10 _param_constant3" [id=10, type=get_attr]; -"11 add" [id=11, type=add]; -"12 dropout" [id=12, type=dropout]; -"13 _param_constant4" [id=13, type=get_attr]; -"14 _param_constant5" [id=14, type=get_attr]; -"15 layer_norm" [id=15, type=layer_norm]; -"16 transpose" [id=16, type=transpose]; -"17 _param_constant7" [id=17, type=get_attr]; -"18 linear_updated_constant0" [id=18, type=get_attr]; -"19 symmetric_weights_decompressor_linear_updated_constant0_0" [id=19, type=call_module]; -"20 linear" [id=20, type=linear]; -"21 unflatten" [id=21, type=unflatten]; -"22 unsqueeze" [id=22, type=unsqueeze]; -"23 transpose_1" [id=23, type=transpose]; -"24 squeeze" [id=24, type=squeeze]; -"25 contiguous" [id=25, type=contiguous]; -"26 select" [id=26, type=select]; -"27 select_1" [id=27, type=select]; -"28 select_2" [id=28, type=select]; -"29 view" [id=29, type=view]; -"30 transpose_2" [id=30, type=transpose]; -"31 view_1" [id=31, type=view]; -"32 transpose_3" [id=32, type=transpose]; -"33 view_2" [id=33, type=view]; -"34 transpose_4" [id=34, type=transpose]; -"35 view_3" [id=35, type=view]; -"36 view_4" [id=36, type=view]; -"37 view_5" [id=37, type=view]; -"38 scaled_dot_product_attention" [id=38, type=scaled_dot_product_attention]; -"39 permute_1" [id=39, type=permute]; -"40 view_6" [id=40, type=view]; -"41 _param_constant9" [id=41, type=get_attr]; -"42 linear_1_updated_constant0" [id=42, type=get_attr]; -"43 symmetric_weights_decompressor_linear_1_updated_constant0_0" [id=43, type=call_module]; -"44 linear_1" [id=44, type=linear]; -"45 view_7" [id=45, type=view]; -"46 transpose_5" [id=46, type=transpose]; -"47 dropout_1" [id=47, type=dropout]; -"48 add_1" [id=48, type=add]; -"49 _param_constant10" [id=49, type=get_attr]; -"50 _param_constant11" [id=50, type=get_attr]; -"51 layer_norm_1" [id=51, type=layer_norm]; -"52 _param_constant13" [id=52, type=get_attr]; -"53 linear_2_updated_constant0" [id=53, type=get_attr]; -"54 symmetric_weights_decompressor_linear_2_updated_constant0_0" [id=54, type=call_module]; -"55 linear_2" [id=55, type=linear]; -"56 gelu" [id=56, type=gelu]; -"57 dropout_2" [id=57, type=dropout]; -"58 _param_constant15" [id=58, type=get_attr]; -"59 linear_3_updated_constant0" [id=59, type=get_attr]; -"60 symmetric_weights_decompressor_linear_3_updated_constant0_0" [id=60, type=call_module]; -"61 linear_3" [id=61, type=linear]; -"62 dropout_3" [id=62, type=dropout]; -"63 add_2" [id=63, type=add]; -"64 _param_constant16" [id=64, type=get_attr]; -"65 _param_constant17" [id=65, type=get_attr]; -"66 layer_norm_2" [id=66, type=layer_norm]; -"67 transpose_6" [id=67, type=transpose]; -"68 _param_constant19" [id=68, type=get_attr]; -"69 linear_4_updated_constant0" [id=69, type=get_attr]; -"70 symmetric_weights_decompressor_linear_4_updated_constant0_0" [id=70, type=call_module]; -"71 linear_4" [id=71, type=linear]; -"72 unflatten_1" [id=72, type=unflatten]; -"73 unsqueeze_1" [id=73, type=unsqueeze]; -"74 transpose_7" [id=74, type=transpose]; -"75 squeeze_1" [id=75, type=squeeze]; -"76 contiguous_1" [id=76, type=contiguous]; -"77 select_3" [id=77, type=select]; -"78 select_4" [id=78, type=select]; -"79 select_5" [id=79, type=select]; -"80 view_8" [id=80, type=view]; -"81 transpose_8" [id=81, type=transpose]; -"82 view_9" [id=82, type=view]; -"83 transpose_9" [id=83, type=transpose]; -"84 view_10" [id=84, type=view]; -"85 transpose_10" [id=85, type=transpose]; -"86 view_11" [id=86, type=view]; -"87 view_12" [id=87, type=view]; -"88 view_13" [id=88, type=view]; -"89 scaled_dot_product_attention_1" [id=89, type=scaled_dot_product_attention]; -"90 permute_2" [id=90, type=permute]; -"91 view_14" [id=91, type=view]; -"92 _param_constant21" [id=92, type=get_attr]; -"93 linear_5_updated_constant0" [id=93, type=get_attr]; -"94 symmetric_weights_decompressor_linear_5_updated_constant0_0" [id=94, type=call_module]; -"95 linear_5" [id=95, type=linear]; -"96 view_15" [id=96, type=view]; -"97 transpose_11" [id=97, type=transpose]; -"98 dropout_4" [id=98, type=dropout]; -"99 add_3" [id=99, type=add]; -"100 _param_constant22" [id=100, type=get_attr]; -"101 _param_constant23" [id=101, type=get_attr]; -"102 layer_norm_3" [id=102, type=layer_norm]; -"103 _param_constant25" [id=103, type=get_attr]; -"104 linear_6_updated_constant0" [id=104, type=get_attr]; -"105 symmetric_weights_decompressor_linear_6_updated_constant0_0" [id=105, type=call_module]; -"106 linear_6" [id=106, type=linear]; -"107 gelu_1" [id=107, type=gelu]; -"108 dropout_5" [id=108, type=dropout]; -"109 _param_constant27" [id=109, type=get_attr]; -"110 linear_7_updated_constant0" [id=110, type=get_attr]; -"111 symmetric_weights_decompressor_linear_7_updated_constant0_0" [id=111, type=call_module]; -"112 linear_7" [id=112, type=linear]; -"113 dropout_6" [id=113, type=dropout]; -"114 add_4" [id=114, type=add]; -"115 _param_constant28" [id=115, type=get_attr]; -"116 _param_constant29" [id=116, type=get_attr]; -"117 layer_norm_4" [id=117, type=layer_norm]; -"118 transpose_12" [id=118, type=transpose]; -"119 _param_constant31" [id=119, type=get_attr]; -"120 linear_8_updated_constant0" [id=120, type=get_attr]; -"121 symmetric_weights_decompressor_linear_8_updated_constant0_0" [id=121, type=call_module]; -"122 linear_8" [id=122, type=linear]; -"123 unflatten_2" [id=123, type=unflatten]; -"124 unsqueeze_2" [id=124, type=unsqueeze]; -"125 transpose_13" [id=125, type=transpose]; -"126 squeeze_2" [id=126, type=squeeze]; -"127 contiguous_2" [id=127, type=contiguous]; -"128 select_6" [id=128, type=select]; -"129 select_7" [id=129, type=select]; -"130 select_8" [id=130, type=select]; -"131 view_16" [id=131, type=view]; -"132 transpose_14" [id=132, type=transpose]; -"133 view_17" [id=133, type=view]; -"134 transpose_15" [id=134, type=transpose]; -"135 view_18" [id=135, type=view]; -"136 transpose_16" [id=136, type=transpose]; -"137 view_19" [id=137, type=view]; -"138 view_20" [id=138, type=view]; -"139 view_21" [id=139, type=view]; -"140 scaled_dot_product_attention_2" [id=140, type=scaled_dot_product_attention]; -"141 permute_3" [id=141, type=permute]; -"142 view_22" [id=142, type=view]; -"143 _param_constant33" [id=143, type=get_attr]; -"144 linear_9_updated_constant0" [id=144, type=get_attr]; -"145 symmetric_weights_decompressor_linear_9_updated_constant0_0" [id=145, type=call_module]; -"146 linear_9" [id=146, type=linear]; -"147 view_23" [id=147, type=view]; -"148 transpose_17" [id=148, type=transpose]; -"149 dropout_7" [id=149, type=dropout]; -"150 add_5" [id=150, type=add]; -"151 _param_constant34" [id=151, type=get_attr]; -"152 _param_constant35" [id=152, type=get_attr]; -"153 layer_norm_5" [id=153, type=layer_norm]; -"154 _param_constant37" [id=154, type=get_attr]; -"155 linear_10_updated_constant0" [id=155, type=get_attr]; -"156 symmetric_weights_decompressor_linear_10_updated_constant0_0" [id=156, type=call_module]; -"157 linear_10" [id=157, type=linear]; -"158 gelu_2" [id=158, type=gelu]; -"159 dropout_8" [id=159, type=dropout]; -"160 _param_constant39" [id=160, type=get_attr]; -"161 linear_11_updated_constant0" [id=161, type=get_attr]; -"162 symmetric_weights_decompressor_linear_11_updated_constant0_0" [id=162, type=call_module]; -"163 linear_11" [id=163, type=linear]; -"164 dropout_9" [id=164, type=dropout]; -"165 add_6" [id=165, type=add]; -"166 _param_constant40" [id=166, type=get_attr]; -"167 _param_constant41" [id=167, type=get_attr]; -"168 layer_norm_6" [id=168, type=layer_norm]; -"169 transpose_18" [id=169, type=transpose]; -"170 _param_constant43" [id=170, type=get_attr]; -"171 linear_12_updated_constant0" [id=171, type=get_attr]; -"172 symmetric_weights_decompressor_linear_12_updated_constant0_0" [id=172, type=call_module]; -"173 linear_12" [id=173, type=linear]; -"174 unflatten_3" [id=174, type=unflatten]; -"175 unsqueeze_3" [id=175, type=unsqueeze]; -"176 transpose_19" [id=176, type=transpose]; -"177 squeeze_3" [id=177, type=squeeze]; -"178 contiguous_3" [id=178, type=contiguous]; -"179 select_9" [id=179, type=select]; -"180 select_10" [id=180, type=select]; -"181 select_11" [id=181, type=select]; -"182 view_24" [id=182, type=view]; -"183 transpose_20" [id=183, type=transpose]; -"184 view_25" [id=184, type=view]; -"185 transpose_21" [id=185, type=transpose]; -"186 view_26" [id=186, type=view]; -"187 transpose_22" [id=187, type=transpose]; -"188 view_27" [id=188, type=view]; -"189 view_28" [id=189, type=view]; -"190 view_29" [id=190, type=view]; -"191 scaled_dot_product_attention_3" [id=191, type=scaled_dot_product_attention]; -"192 permute_4" [id=192, type=permute]; -"193 view_30" [id=193, type=view]; -"194 _param_constant45" [id=194, type=get_attr]; -"195 linear_13_updated_constant0" [id=195, type=get_attr]; -"196 symmetric_weights_decompressor_linear_13_updated_constant0_0" [id=196, type=call_module]; -"197 linear_13" [id=197, type=linear]; -"198 view_31" [id=198, type=view]; -"199 transpose_23" [id=199, type=transpose]; -"200 dropout_10" [id=200, type=dropout]; -"201 add_7" [id=201, type=add]; -"202 _param_constant46" [id=202, type=get_attr]; -"203 _param_constant47" [id=203, type=get_attr]; -"204 layer_norm_7" [id=204, type=layer_norm]; -"205 _param_constant49" [id=205, type=get_attr]; -"206 linear_14_updated_constant0" [id=206, type=get_attr]; -"207 symmetric_weights_decompressor_linear_14_updated_constant0_0" [id=207, type=call_module]; -"208 linear_14" [id=208, type=linear]; -"209 gelu_3" [id=209, type=gelu]; -"210 dropout_11" [id=210, type=dropout]; -"211 _param_constant51" [id=211, type=get_attr]; -"212 linear_15_updated_constant0" [id=212, type=get_attr]; -"213 symmetric_weights_decompressor_linear_15_updated_constant0_0" [id=213, type=call_module]; -"214 linear_15" [id=214, type=linear]; -"215 dropout_12" [id=215, type=dropout]; -"216 add_8" [id=216, type=add]; -"217 _param_constant52" [id=217, type=get_attr]; -"218 _param_constant53" [id=218, type=get_attr]; -"219 layer_norm_8" [id=219, type=layer_norm]; -"220 transpose_24" [id=220, type=transpose]; -"221 _param_constant55" [id=221, type=get_attr]; -"222 linear_16_updated_constant0" [id=222, type=get_attr]; -"223 symmetric_weights_decompressor_linear_16_updated_constant0_0" [id=223, type=call_module]; -"224 linear_16" [id=224, type=linear]; -"225 unflatten_4" [id=225, type=unflatten]; -"226 unsqueeze_4" [id=226, type=unsqueeze]; -"227 transpose_25" [id=227, type=transpose]; -"228 squeeze_4" [id=228, type=squeeze]; -"229 contiguous_4" [id=229, type=contiguous]; -"230 select_12" [id=230, type=select]; -"231 select_13" [id=231, type=select]; -"232 select_14" [id=232, type=select]; -"233 view_32" [id=233, type=view]; -"234 transpose_26" [id=234, type=transpose]; -"235 view_33" [id=235, type=view]; -"236 transpose_27" [id=236, type=transpose]; -"237 view_34" [id=237, type=view]; -"238 transpose_28" [id=238, type=transpose]; -"239 view_35" [id=239, type=view]; -"240 view_36" [id=240, type=view]; -"241 view_37" [id=241, type=view]; -"242 scaled_dot_product_attention_4" [id=242, type=scaled_dot_product_attention]; -"243 permute_5" [id=243, type=permute]; -"244 view_38" [id=244, type=view]; -"245 _param_constant57" [id=245, type=get_attr]; -"246 linear_17_updated_constant0" [id=246, type=get_attr]; -"247 symmetric_weights_decompressor_linear_17_updated_constant0_0" [id=247, type=call_module]; -"248 linear_17" [id=248, type=linear]; -"249 view_39" [id=249, type=view]; -"250 transpose_29" [id=250, type=transpose]; -"251 dropout_13" [id=251, type=dropout]; -"252 add_9" [id=252, type=add]; -"253 _param_constant58" [id=253, type=get_attr]; -"254 _param_constant59" [id=254, type=get_attr]; -"255 layer_norm_9" [id=255, type=layer_norm]; -"256 _param_constant61" [id=256, type=get_attr]; -"257 linear_18_updated_constant0" [id=257, type=get_attr]; -"258 symmetric_weights_decompressor_linear_18_updated_constant0_0" [id=258, type=call_module]; -"259 linear_18" [id=259, type=linear]; -"260 gelu_4" [id=260, type=gelu]; -"261 dropout_14" [id=261, type=dropout]; -"262 _param_constant63" [id=262, type=get_attr]; -"263 linear_19_updated_constant0" [id=263, type=get_attr]; -"264 symmetric_weights_decompressor_linear_19_updated_constant0_0" [id=264, type=call_module]; -"265 linear_19" [id=265, type=linear]; -"266 dropout_15" [id=266, type=dropout]; -"267 add_10" [id=267, type=add]; -"268 _param_constant64" [id=268, type=get_attr]; -"269 _param_constant65" [id=269, type=get_attr]; -"270 layer_norm_10" [id=270, type=layer_norm]; -"271 transpose_30" [id=271, type=transpose]; -"272 _param_constant67" [id=272, type=get_attr]; -"273 linear_20_updated_constant0" [id=273, type=get_attr]; -"274 symmetric_weights_decompressor_linear_20_updated_constant0_0" [id=274, type=call_module]; -"275 linear_20" [id=275, type=linear]; -"276 unflatten_5" [id=276, type=unflatten]; -"277 unsqueeze_5" [id=277, type=unsqueeze]; -"278 transpose_31" [id=278, type=transpose]; -"279 squeeze_5" [id=279, type=squeeze]; -"280 contiguous_5" [id=280, type=contiguous]; -"281 select_15" [id=281, type=select]; -"282 select_16" [id=282, type=select]; -"283 select_17" [id=283, type=select]; -"284 view_40" [id=284, type=view]; -"285 transpose_32" [id=285, type=transpose]; -"286 view_41" [id=286, type=view]; -"287 transpose_33" [id=287, type=transpose]; -"288 view_42" [id=288, type=view]; -"289 transpose_34" [id=289, type=transpose]; -"290 view_43" [id=290, type=view]; -"291 view_44" [id=291, type=view]; -"292 view_45" [id=292, type=view]; -"293 scaled_dot_product_attention_5" [id=293, type=scaled_dot_product_attention]; -"294 permute_6" [id=294, type=permute]; -"295 view_46" [id=295, type=view]; -"296 _param_constant69" [id=296, type=get_attr]; -"297 linear_21_updated_constant0" [id=297, type=get_attr]; -"298 symmetric_weights_decompressor_linear_21_updated_constant0_0" [id=298, type=call_module]; -"299 linear_21" [id=299, type=linear]; -"300 view_47" [id=300, type=view]; -"301 transpose_35" [id=301, type=transpose]; -"302 dropout_16" [id=302, type=dropout]; -"303 add_11" [id=303, type=add]; -"304 _param_constant70" [id=304, type=get_attr]; -"305 _param_constant71" [id=305, type=get_attr]; -"306 layer_norm_11" [id=306, type=layer_norm]; -"307 _param_constant73" [id=307, type=get_attr]; -"308 linear_22_updated_constant0" [id=308, type=get_attr]; -"309 symmetric_weights_decompressor_linear_22_updated_constant0_0" [id=309, type=call_module]; -"310 linear_22" [id=310, type=linear]; -"311 gelu_5" [id=311, type=gelu]; -"312 dropout_17" [id=312, type=dropout]; -"313 _param_constant75" [id=313, type=get_attr]; -"314 linear_23_updated_constant0" [id=314, type=get_attr]; -"315 symmetric_weights_decompressor_linear_23_updated_constant0_0" [id=315, type=call_module]; -"316 linear_23" [id=316, type=linear]; -"317 dropout_18" [id=317, type=dropout]; -"318 add_12" [id=318, type=add]; -"319 _param_constant76" [id=319, type=get_attr]; -"320 _param_constant77" [id=320, type=get_attr]; -"321 layer_norm_12" [id=321, type=layer_norm]; -"322 transpose_36" [id=322, type=transpose]; -"323 _param_constant79" [id=323, type=get_attr]; -"324 linear_24_updated_constant0" [id=324, type=get_attr]; -"325 symmetric_weights_decompressor_linear_24_updated_constant0_0" [id=325, type=call_module]; -"326 linear_24" [id=326, type=linear]; -"327 unflatten_6" [id=327, type=unflatten]; -"328 unsqueeze_6" [id=328, type=unsqueeze]; -"329 transpose_37" [id=329, type=transpose]; -"330 squeeze_6" [id=330, type=squeeze]; -"331 contiguous_6" [id=331, type=contiguous]; -"332 select_18" [id=332, type=select]; -"333 select_19" [id=333, type=select]; -"334 select_20" [id=334, type=select]; -"335 view_48" [id=335, type=view]; -"336 transpose_38" [id=336, type=transpose]; -"337 view_49" [id=337, type=view]; -"338 transpose_39" [id=338, type=transpose]; -"339 view_50" [id=339, type=view]; -"340 transpose_40" [id=340, type=transpose]; -"341 view_51" [id=341, type=view]; -"342 view_52" [id=342, type=view]; -"343 view_53" [id=343, type=view]; -"344 scaled_dot_product_attention_6" [id=344, type=scaled_dot_product_attention]; -"345 permute_7" [id=345, type=permute]; -"346 view_54" [id=346, type=view]; -"347 _param_constant81" [id=347, type=get_attr]; -"348 linear_25_updated_constant0" [id=348, type=get_attr]; -"349 symmetric_weights_decompressor_linear_25_updated_constant0_0" [id=349, type=call_module]; -"350 linear_25" [id=350, type=linear]; -"351 view_55" [id=351, type=view]; -"352 transpose_41" [id=352, type=transpose]; -"353 dropout_19" [id=353, type=dropout]; -"354 add_13" [id=354, type=add]; -"355 _param_constant82" [id=355, type=get_attr]; -"356 _param_constant83" [id=356, type=get_attr]; -"357 layer_norm_13" [id=357, type=layer_norm]; -"358 _param_constant85" [id=358, type=get_attr]; -"359 linear_26_updated_constant0" [id=359, type=get_attr]; -"360 symmetric_weights_decompressor_linear_26_updated_constant0_0" [id=360, type=call_module]; -"361 linear_26" [id=361, type=linear]; -"362 gelu_6" [id=362, type=gelu]; -"363 dropout_20" [id=363, type=dropout]; -"364 _param_constant87" [id=364, type=get_attr]; -"365 linear_27_updated_constant0" [id=365, type=get_attr]; -"366 symmetric_weights_decompressor_linear_27_updated_constant0_0" [id=366, type=call_module]; -"367 linear_27" [id=367, type=linear]; -"368 dropout_21" [id=368, type=dropout]; -"369 add_14" [id=369, type=add]; -"370 _param_constant88" [id=370, type=get_attr]; -"371 _param_constant89" [id=371, type=get_attr]; -"372 layer_norm_14" [id=372, type=layer_norm]; -"373 transpose_42" [id=373, type=transpose]; -"374 _param_constant91" [id=374, type=get_attr]; -"375 linear_28_updated_constant0" [id=375, type=get_attr]; -"376 symmetric_weights_decompressor_linear_28_updated_constant0_0" [id=376, type=call_module]; -"377 linear_28" [id=377, type=linear]; -"378 unflatten_7" [id=378, type=unflatten]; -"379 unsqueeze_7" [id=379, type=unsqueeze]; -"380 transpose_43" [id=380, type=transpose]; -"381 squeeze_7" [id=381, type=squeeze]; -"382 contiguous_7" [id=382, type=contiguous]; -"383 select_21" [id=383, type=select]; -"384 select_22" [id=384, type=select]; -"385 select_23" [id=385, type=select]; -"386 view_56" [id=386, type=view]; -"387 transpose_44" [id=387, type=transpose]; -"388 view_57" [id=388, type=view]; -"389 transpose_45" [id=389, type=transpose]; -"390 view_58" [id=390, type=view]; -"391 transpose_46" [id=391, type=transpose]; -"392 view_59" [id=392, type=view]; -"393 view_60" [id=393, type=view]; -"394 view_61" [id=394, type=view]; -"395 scaled_dot_product_attention_7" [id=395, type=scaled_dot_product_attention]; -"396 permute_8" [id=396, type=permute]; -"397 view_62" [id=397, type=view]; -"398 _param_constant93" [id=398, type=get_attr]; -"399 linear_29_updated_constant0" [id=399, type=get_attr]; -"400 symmetric_weights_decompressor_linear_29_updated_constant0_0" [id=400, type=call_module]; -"401 linear_29" [id=401, type=linear]; -"402 view_63" [id=402, type=view]; -"403 transpose_47" [id=403, type=transpose]; -"404 dropout_22" [id=404, type=dropout]; -"405 add_15" [id=405, type=add]; -"406 _param_constant94" [id=406, type=get_attr]; -"407 _param_constant95" [id=407, type=get_attr]; -"408 layer_norm_15" [id=408, type=layer_norm]; -"409 _param_constant97" [id=409, type=get_attr]; -"410 linear_30_updated_constant0" [id=410, type=get_attr]; -"411 symmetric_weights_decompressor_linear_30_updated_constant0_0" [id=411, type=call_module]; -"412 linear_30" [id=412, type=linear]; -"413 gelu_7" [id=413, type=gelu]; -"414 dropout_23" [id=414, type=dropout]; -"415 _param_constant99" [id=415, type=get_attr]; -"416 linear_31_updated_constant0" [id=416, type=get_attr]; -"417 symmetric_weights_decompressor_linear_31_updated_constant0_0" [id=417, type=call_module]; -"418 linear_31" [id=418, type=linear]; -"419 dropout_24" [id=419, type=dropout]; -"420 add_16" [id=420, type=add]; -"421 _param_constant100" [id=421, type=get_attr]; -"422 _param_constant101" [id=422, type=get_attr]; -"423 layer_norm_16" [id=423, type=layer_norm]; -"424 transpose_48" [id=424, type=transpose]; -"425 _param_constant103" [id=425, type=get_attr]; -"426 linear_32_updated_constant0" [id=426, type=get_attr]; -"427 symmetric_weights_decompressor_linear_32_updated_constant0_0" [id=427, type=call_module]; -"428 linear_32" [id=428, type=linear]; -"429 unflatten_8" [id=429, type=unflatten]; -"430 unsqueeze_8" [id=430, type=unsqueeze]; -"431 transpose_49" [id=431, type=transpose]; -"432 squeeze_8" [id=432, type=squeeze]; -"433 contiguous_8" [id=433, type=contiguous]; -"434 select_24" [id=434, type=select]; -"435 select_25" [id=435, type=select]; -"436 select_26" [id=436, type=select]; -"437 view_64" [id=437, type=view]; -"438 transpose_50" [id=438, type=transpose]; -"439 view_65" [id=439, type=view]; -"440 transpose_51" [id=440, type=transpose]; -"441 view_66" [id=441, type=view]; -"442 transpose_52" [id=442, type=transpose]; -"443 view_67" [id=443, type=view]; -"444 view_68" [id=444, type=view]; -"445 view_69" [id=445, type=view]; -"446 scaled_dot_product_attention_8" [id=446, type=scaled_dot_product_attention]; -"447 permute_9" [id=447, type=permute]; -"448 view_70" [id=448, type=view]; -"449 _param_constant105" [id=449, type=get_attr]; -"450 linear_33_updated_constant0" [id=450, type=get_attr]; -"451 symmetric_weights_decompressor_linear_33_updated_constant0_0" [id=451, type=call_module]; -"452 linear_33" [id=452, type=linear]; -"453 view_71" [id=453, type=view]; -"454 transpose_53" [id=454, type=transpose]; -"455 dropout_25" [id=455, type=dropout]; -"456 add_17" [id=456, type=add]; -"457 _param_constant106" [id=457, type=get_attr]; -"458 _param_constant107" [id=458, type=get_attr]; -"459 layer_norm_17" [id=459, type=layer_norm]; -"460 _param_constant109" [id=460, type=get_attr]; -"461 linear_34_updated_constant0" [id=461, type=get_attr]; -"462 symmetric_weights_decompressor_linear_34_updated_constant0_0" [id=462, type=call_module]; -"463 linear_34" [id=463, type=linear]; -"464 gelu_8" [id=464, type=gelu]; -"465 dropout_26" [id=465, type=dropout]; -"466 _param_constant111" [id=466, type=get_attr]; -"467 linear_35_updated_constant0" [id=467, type=get_attr]; -"468 symmetric_weights_decompressor_linear_35_updated_constant0_0" [id=468, type=call_module]; -"469 linear_35" [id=469, type=linear]; -"470 dropout_27" [id=470, type=dropout]; -"471 add_18" [id=471, type=add]; -"472 _param_constant112" [id=472, type=get_attr]; -"473 _param_constant113" [id=473, type=get_attr]; -"474 layer_norm_18" [id=474, type=layer_norm]; -"475 transpose_54" [id=475, type=transpose]; -"476 _param_constant115" [id=476, type=get_attr]; -"477 linear_36_updated_constant0" [id=477, type=get_attr]; -"478 symmetric_weights_decompressor_linear_36_updated_constant0_0" [id=478, type=call_module]; -"479 linear_36" [id=479, type=linear]; -"480 unflatten_9" [id=480, type=unflatten]; -"481 unsqueeze_9" [id=481, type=unsqueeze]; -"482 transpose_55" [id=482, type=transpose]; -"483 squeeze_9" [id=483, type=squeeze]; -"484 contiguous_9" [id=484, type=contiguous]; -"485 select_27" [id=485, type=select]; -"486 select_28" [id=486, type=select]; -"487 select_29" [id=487, type=select]; -"488 view_72" [id=488, type=view]; -"489 transpose_56" [id=489, type=transpose]; -"490 view_73" [id=490, type=view]; -"491 transpose_57" [id=491, type=transpose]; -"492 view_74" [id=492, type=view]; -"493 transpose_58" [id=493, type=transpose]; -"494 view_75" [id=494, type=view]; -"495 view_76" [id=495, type=view]; -"496 view_77" [id=496, type=view]; -"497 scaled_dot_product_attention_9" [id=497, type=scaled_dot_product_attention]; -"498 permute_10" [id=498, type=permute]; -"499 view_78" [id=499, type=view]; -"500 _param_constant117" [id=500, type=get_attr]; -"501 linear_37_updated_constant0" [id=501, type=get_attr]; -"502 symmetric_weights_decompressor_linear_37_updated_constant0_0" [id=502, type=call_module]; -"503 linear_37" [id=503, type=linear]; -"504 view_79" [id=504, type=view]; -"505 transpose_59" [id=505, type=transpose]; -"506 dropout_28" [id=506, type=dropout]; -"507 add_19" [id=507, type=add]; -"508 _param_constant118" [id=508, type=get_attr]; -"509 _param_constant119" [id=509, type=get_attr]; -"510 layer_norm_19" [id=510, type=layer_norm]; -"511 _param_constant121" [id=511, type=get_attr]; -"512 linear_38_updated_constant0" [id=512, type=get_attr]; -"513 symmetric_weights_decompressor_linear_38_updated_constant0_0" [id=513, type=call_module]; -"514 linear_38" [id=514, type=linear]; -"515 gelu_9" [id=515, type=gelu]; -"516 dropout_29" [id=516, type=dropout]; -"517 _param_constant123" [id=517, type=get_attr]; -"518 linear_39_updated_constant0" [id=518, type=get_attr]; -"519 symmetric_weights_decompressor_linear_39_updated_constant0_0" [id=519, type=call_module]; -"520 linear_39" [id=520, type=linear]; -"521 dropout_30" [id=521, type=dropout]; -"522 add_20" [id=522, type=add]; -"523 _param_constant124" [id=523, type=get_attr]; -"524 _param_constant125" [id=524, type=get_attr]; -"525 layer_norm_20" [id=525, type=layer_norm]; -"526 transpose_60" [id=526, type=transpose]; -"527 _param_constant127" [id=527, type=get_attr]; -"528 linear_40_updated_constant0" [id=528, type=get_attr]; -"529 symmetric_weights_decompressor_linear_40_updated_constant0_0" [id=529, type=call_module]; -"530 linear_40" [id=530, type=linear]; -"531 unflatten_10" [id=531, type=unflatten]; -"532 unsqueeze_10" [id=532, type=unsqueeze]; -"533 transpose_61" [id=533, type=transpose]; -"534 squeeze_10" [id=534, type=squeeze]; -"535 contiguous_10" [id=535, type=contiguous]; -"536 select_30" [id=536, type=select]; -"537 select_31" [id=537, type=select]; -"538 select_32" [id=538, type=select]; -"539 view_80" [id=539, type=view]; -"540 transpose_62" [id=540, type=transpose]; -"541 view_81" [id=541, type=view]; -"542 transpose_63" [id=542, type=transpose]; -"543 view_82" [id=543, type=view]; -"544 transpose_64" [id=544, type=transpose]; -"545 view_83" [id=545, type=view]; -"546 view_84" [id=546, type=view]; -"547 view_85" [id=547, type=view]; -"548 scaled_dot_product_attention_10" [id=548, type=scaled_dot_product_attention]; -"549 permute_11" [id=549, type=permute]; -"550 view_86" [id=550, type=view]; -"551 _param_constant129" [id=551, type=get_attr]; -"552 linear_41_updated_constant0" [id=552, type=get_attr]; -"553 symmetric_weights_decompressor_linear_41_updated_constant0_0" [id=553, type=call_module]; -"554 linear_41" [id=554, type=linear]; -"555 view_87" [id=555, type=view]; -"556 transpose_65" [id=556, type=transpose]; -"557 dropout_31" [id=557, type=dropout]; -"558 add_21" [id=558, type=add]; -"559 _param_constant130" [id=559, type=get_attr]; -"560 _param_constant131" [id=560, type=get_attr]; -"561 layer_norm_21" [id=561, type=layer_norm]; -"562 _param_constant133" [id=562, type=get_attr]; -"563 linear_42_updated_constant0" [id=563, type=get_attr]; -"564 symmetric_weights_decompressor_linear_42_updated_constant0_0" [id=564, type=call_module]; -"565 linear_42" [id=565, type=linear]; -"566 gelu_10" [id=566, type=gelu]; -"567 dropout_32" [id=567, type=dropout]; -"568 _param_constant135" [id=568, type=get_attr]; -"569 linear_43_updated_constant0" [id=569, type=get_attr]; -"570 symmetric_weights_decompressor_linear_43_updated_constant0_0" [id=570, type=call_module]; -"571 linear_43" [id=571, type=linear]; -"572 dropout_33" [id=572, type=dropout]; -"573 add_22" [id=573, type=add]; -"574 _param_constant136" [id=574, type=get_attr]; -"575 _param_constant137" [id=575, type=get_attr]; -"576 layer_norm_22" [id=576, type=layer_norm]; -"577 transpose_66" [id=577, type=transpose]; -"578 _param_constant139" [id=578, type=get_attr]; -"579 linear_44_updated_constant0" [id=579, type=get_attr]; -"580 symmetric_weights_decompressor_linear_44_updated_constant0_0" [id=580, type=call_module]; -"581 linear_44" [id=581, type=linear]; -"582 unflatten_11" [id=582, type=unflatten]; -"583 unsqueeze_11" [id=583, type=unsqueeze]; -"584 transpose_67" [id=584, type=transpose]; -"585 squeeze_11" [id=585, type=squeeze]; -"586 contiguous_11" [id=586, type=contiguous]; -"587 select_33" [id=587, type=select]; -"588 select_34" [id=588, type=select]; -"589 select_35" [id=589, type=select]; -"590 view_88" [id=590, type=view]; -"591 transpose_68" [id=591, type=transpose]; -"592 view_89" [id=592, type=view]; -"593 transpose_69" [id=593, type=transpose]; -"594 view_90" [id=594, type=view]; -"595 transpose_70" [id=595, type=transpose]; -"596 view_91" [id=596, type=view]; -"597 view_92" [id=597, type=view]; -"598 view_93" [id=598, type=view]; -"599 scaled_dot_product_attention_11" [id=599, type=scaled_dot_product_attention]; -"600 permute_12" [id=600, type=permute]; -"601 view_94" [id=601, type=view]; -"602 _param_constant141" [id=602, type=get_attr]; -"603 linear_45_updated_constant0" [id=603, type=get_attr]; -"604 symmetric_weights_decompressor_linear_45_updated_constant0_0" [id=604, type=call_module]; -"605 linear_45" [id=605, type=linear]; -"606 view_95" [id=606, type=view]; -"607 transpose_71" [id=607, type=transpose]; -"608 dropout_34" [id=608, type=dropout]; -"609 add_23" [id=609, type=add]; -"610 _param_constant142" [id=610, type=get_attr]; -"611 _param_constant143" [id=611, type=get_attr]; -"612 layer_norm_23" [id=612, type=layer_norm]; -"613 _param_constant145" [id=613, type=get_attr]; -"614 linear_46_updated_constant0" [id=614, type=get_attr]; -"615 symmetric_weights_decompressor_linear_46_updated_constant0_0" [id=615, type=call_module]; -"616 linear_46" [id=616, type=linear]; -"617 gelu_11" [id=617, type=gelu]; -"618 dropout_35" [id=618, type=dropout]; -"619 _param_constant147" [id=619, type=get_attr]; -"620 linear_47_updated_constant0" [id=620, type=get_attr]; -"621 symmetric_weights_decompressor_linear_47_updated_constant0_0" [id=621, type=call_module]; -"622 linear_47" [id=622, type=linear]; -"623 dropout_36" [id=623, type=dropout]; -"624 add_24" [id=624, type=add]; -"625 _param_constant148" [id=625, type=get_attr]; -"626 _param_constant149" [id=626, type=get_attr]; -"627 layer_norm_24" [id=627, type=layer_norm]; -"628 slice_1" [id=628, type=slice]; -"629 select_36" [id=629, type=select]; -"630 _param_constant151" [id=630, type=get_attr]; -"631 linear_48_updated_constant0" [id=631, type=get_attr]; -"632 symmetric_weights_decompressor_linear_48_updated_constant0_0" [id=632, type=call_module]; -"633 linear_48" [id=633, type=linear]; -"634 output" [id=634, type=output]; -"0 arg0_1" -> "4 conv2d"; -"1 _param_constant1" -> "4 conv2d"; -"2 conv2d_updated_constant0" -> "3 symmetric_weights_decompressor_conv2d_updated_constant0_0"; -"3 symmetric_weights_decompressor_conv2d_updated_constant0_0" -> "4 conv2d"; -"4 conv2d" -> "5 reshape"; -"5 reshape" -> "6 permute"; -"6 permute" -> "9 cat"; -"7 _param_constant2" -> "8 expand"; -"8 expand" -> "9 cat"; -"9 cat" -> "11 add"; -"10 _param_constant3" -> "11 add"; -"11 add" -> "12 dropout"; -"12 dropout" -> "15 layer_norm"; -"12 dropout" -> "48 add_1"; -"13 _param_constant4" -> "15 layer_norm"; -"14 _param_constant5" -> "15 layer_norm"; -"15 layer_norm" -> "16 transpose"; -"16 transpose" -> "20 linear"; -"17 _param_constant7" -> "20 linear"; -"18 linear_updated_constant0" -> "19 symmetric_weights_decompressor_linear_updated_constant0_0"; -"19 symmetric_weights_decompressor_linear_updated_constant0_0" -> "20 linear"; -"20 linear" -> "21 unflatten"; -"21 unflatten" -> "22 unsqueeze"; -"22 unsqueeze" -> "23 transpose_1"; -"23 transpose_1" -> "24 squeeze"; -"24 squeeze" -> "25 contiguous"; -"25 contiguous" -> "26 select"; -"25 contiguous" -> "27 select_1"; -"25 contiguous" -> "28 select_2"; -"26 select" -> "29 view"; -"27 select_1" -> "31 view_1"; -"28 select_2" -> "33 view_2"; -"29 view" -> "30 transpose_2"; -"30 transpose_2" -> "35 view_3"; -"31 view_1" -> "32 transpose_3"; -"32 transpose_3" -> "36 view_4"; -"33 view_2" -> "34 transpose_4"; -"34 transpose_4" -> "37 view_5"; -"35 view_3" -> "38 scaled_dot_product_attention"; -"36 view_4" -> "38 scaled_dot_product_attention"; -"37 view_5" -> "38 scaled_dot_product_attention"; -"38 scaled_dot_product_attention" -> "39 permute_1"; -"39 permute_1" -> "40 view_6"; -"40 view_6" -> "44 linear_1"; -"41 _param_constant9" -> "44 linear_1"; -"42 linear_1_updated_constant0" -> "43 symmetric_weights_decompressor_linear_1_updated_constant0_0"; -"43 symmetric_weights_decompressor_linear_1_updated_constant0_0" -> "44 linear_1"; -"44 linear_1" -> "45 view_7"; -"45 view_7" -> "46 transpose_5"; -"46 transpose_5" -> "47 dropout_1"; -"47 dropout_1" -> "48 add_1"; -"48 add_1" -> "51 layer_norm_1"; -"48 add_1" -> "63 add_2"; -"49 _param_constant10" -> "51 layer_norm_1"; -"50 _param_constant11" -> "51 layer_norm_1"; -"51 layer_norm_1" -> "55 linear_2"; -"52 _param_constant13" -> "55 linear_2"; -"53 linear_2_updated_constant0" -> "54 symmetric_weights_decompressor_linear_2_updated_constant0_0"; -"54 symmetric_weights_decompressor_linear_2_updated_constant0_0" -> "55 linear_2"; -"55 linear_2" -> "56 gelu"; -"56 gelu" -> "57 dropout_2"; -"57 dropout_2" -> "61 linear_3"; -"58 _param_constant15" -> "61 linear_3"; -"59 linear_3_updated_constant0" -> "60 symmetric_weights_decompressor_linear_3_updated_constant0_0"; -"60 symmetric_weights_decompressor_linear_3_updated_constant0_0" -> "61 linear_3"; -"61 linear_3" -> "62 dropout_3"; -"62 dropout_3" -> "63 add_2"; -"63 add_2" -> "66 layer_norm_2"; -"63 add_2" -> "99 add_3"; -"64 _param_constant16" -> "66 layer_norm_2"; -"65 _param_constant17" -> "66 layer_norm_2"; -"66 layer_norm_2" -> "67 transpose_6"; -"67 transpose_6" -> "71 linear_4"; -"68 _param_constant19" -> "71 linear_4"; -"69 linear_4_updated_constant0" -> "70 symmetric_weights_decompressor_linear_4_updated_constant0_0"; -"70 symmetric_weights_decompressor_linear_4_updated_constant0_0" -> "71 linear_4"; -"71 linear_4" -> "72 unflatten_1"; -"72 unflatten_1" -> "73 unsqueeze_1"; -"73 unsqueeze_1" -> "74 transpose_7"; -"74 transpose_7" -> "75 squeeze_1"; -"75 squeeze_1" -> "76 contiguous_1"; -"76 contiguous_1" -> "77 select_3"; -"76 contiguous_1" -> "78 select_4"; -"76 contiguous_1" -> "79 select_5"; -"77 select_3" -> "80 view_8"; -"78 select_4" -> "82 view_9"; -"79 select_5" -> "84 view_10"; -"80 view_8" -> "81 transpose_8"; -"81 transpose_8" -> "86 view_11"; -"82 view_9" -> "83 transpose_9"; -"83 transpose_9" -> "87 view_12"; -"84 view_10" -> "85 transpose_10"; -"85 transpose_10" -> "88 view_13"; -"86 view_11" -> "89 scaled_dot_product_attention_1"; -"87 view_12" -> "89 scaled_dot_product_attention_1"; -"88 view_13" -> "89 scaled_dot_product_attention_1"; -"89 scaled_dot_product_attention_1" -> "90 permute_2"; -"90 permute_2" -> "91 view_14"; -"91 view_14" -> "95 linear_5"; -"92 _param_constant21" -> "95 linear_5"; -"93 linear_5_updated_constant0" -> "94 symmetric_weights_decompressor_linear_5_updated_constant0_0"; -"94 symmetric_weights_decompressor_linear_5_updated_constant0_0" -> "95 linear_5"; -"95 linear_5" -> "96 view_15"; -"96 view_15" -> "97 transpose_11"; -"97 transpose_11" -> "98 dropout_4"; -"98 dropout_4" -> "99 add_3"; -"99 add_3" -> "102 layer_norm_3"; -"99 add_3" -> "114 add_4"; -"100 _param_constant22" -> "102 layer_norm_3"; -"101 _param_constant23" -> "102 layer_norm_3"; -"102 layer_norm_3" -> "106 linear_6"; -"103 _param_constant25" -> "106 linear_6"; -"104 linear_6_updated_constant0" -> "105 symmetric_weights_decompressor_linear_6_updated_constant0_0"; -"105 symmetric_weights_decompressor_linear_6_updated_constant0_0" -> "106 linear_6"; -"106 linear_6" -> "107 gelu_1"; -"107 gelu_1" -> "108 dropout_5"; -"108 dropout_5" -> "112 linear_7"; -"109 _param_constant27" -> "112 linear_7"; -"110 linear_7_updated_constant0" -> "111 symmetric_weights_decompressor_linear_7_updated_constant0_0"; -"111 symmetric_weights_decompressor_linear_7_updated_constant0_0" -> "112 linear_7"; -"112 linear_7" -> "113 dropout_6"; -"113 dropout_6" -> "114 add_4"; -"114 add_4" -> "117 layer_norm_4"; -"114 add_4" -> "150 add_5"; -"115 _param_constant28" -> "117 layer_norm_4"; -"116 _param_constant29" -> "117 layer_norm_4"; -"117 layer_norm_4" -> "118 transpose_12"; -"118 transpose_12" -> "122 linear_8"; -"119 _param_constant31" -> "122 linear_8"; -"120 linear_8_updated_constant0" -> "121 symmetric_weights_decompressor_linear_8_updated_constant0_0"; -"121 symmetric_weights_decompressor_linear_8_updated_constant0_0" -> "122 linear_8"; -"122 linear_8" -> "123 unflatten_2"; -"123 unflatten_2" -> "124 unsqueeze_2"; -"124 unsqueeze_2" -> "125 transpose_13"; -"125 transpose_13" -> "126 squeeze_2"; -"126 squeeze_2" -> "127 contiguous_2"; -"127 contiguous_2" -> "128 select_6"; -"127 contiguous_2" -> "129 select_7"; -"127 contiguous_2" -> "130 select_8"; -"128 select_6" -> "131 view_16"; -"129 select_7" -> "133 view_17"; -"130 select_8" -> "135 view_18"; -"131 view_16" -> "132 transpose_14"; -"132 transpose_14" -> "137 view_19"; -"133 view_17" -> "134 transpose_15"; -"134 transpose_15" -> "138 view_20"; -"135 view_18" -> "136 transpose_16"; -"136 transpose_16" -> "139 view_21"; -"137 view_19" -> "140 scaled_dot_product_attention_2"; -"138 view_20" -> "140 scaled_dot_product_attention_2"; -"139 view_21" -> "140 scaled_dot_product_attention_2"; -"140 scaled_dot_product_attention_2" -> "141 permute_3"; -"141 permute_3" -> "142 view_22"; -"142 view_22" -> "146 linear_9"; -"143 _param_constant33" -> "146 linear_9"; -"144 linear_9_updated_constant0" -> "145 symmetric_weights_decompressor_linear_9_updated_constant0_0"; -"145 symmetric_weights_decompressor_linear_9_updated_constant0_0" -> "146 linear_9"; -"146 linear_9" -> "147 view_23"; -"147 view_23" -> "148 transpose_17"; -"148 transpose_17" -> "149 dropout_7"; -"149 dropout_7" -> "150 add_5"; -"150 add_5" -> "153 layer_norm_5"; -"150 add_5" -> "165 add_6"; -"151 _param_constant34" -> "153 layer_norm_5"; -"152 _param_constant35" -> "153 layer_norm_5"; -"153 layer_norm_5" -> "157 linear_10"; -"154 _param_constant37" -> "157 linear_10"; -"155 linear_10_updated_constant0" -> "156 symmetric_weights_decompressor_linear_10_updated_constant0_0"; -"156 symmetric_weights_decompressor_linear_10_updated_constant0_0" -> "157 linear_10"; -"157 linear_10" -> "158 gelu_2"; -"158 gelu_2" -> "159 dropout_8"; -"159 dropout_8" -> "163 linear_11"; -"160 _param_constant39" -> "163 linear_11"; -"161 linear_11_updated_constant0" -> "162 symmetric_weights_decompressor_linear_11_updated_constant0_0"; -"162 symmetric_weights_decompressor_linear_11_updated_constant0_0" -> "163 linear_11"; -"163 linear_11" -> "164 dropout_9"; -"164 dropout_9" -> "165 add_6"; -"165 add_6" -> "168 layer_norm_6"; -"165 add_6" -> "201 add_7"; -"166 _param_constant40" -> "168 layer_norm_6"; -"167 _param_constant41" -> "168 layer_norm_6"; -"168 layer_norm_6" -> "169 transpose_18"; -"169 transpose_18" -> "173 linear_12"; -"170 _param_constant43" -> "173 linear_12"; -"171 linear_12_updated_constant0" -> "172 symmetric_weights_decompressor_linear_12_updated_constant0_0"; -"172 symmetric_weights_decompressor_linear_12_updated_constant0_0" -> "173 linear_12"; -"173 linear_12" -> "174 unflatten_3"; -"174 unflatten_3" -> "175 unsqueeze_3"; -"175 unsqueeze_3" -> "176 transpose_19"; -"176 transpose_19" -> "177 squeeze_3"; -"177 squeeze_3" -> "178 contiguous_3"; -"178 contiguous_3" -> "179 select_9"; -"178 contiguous_3" -> "180 select_10"; -"178 contiguous_3" -> "181 select_11"; -"179 select_9" -> "182 view_24"; -"180 select_10" -> "184 view_25"; -"181 select_11" -> "186 view_26"; -"182 view_24" -> "183 transpose_20"; -"183 transpose_20" -> "188 view_27"; -"184 view_25" -> "185 transpose_21"; -"185 transpose_21" -> "189 view_28"; -"186 view_26" -> "187 transpose_22"; -"187 transpose_22" -> "190 view_29"; -"188 view_27" -> "191 scaled_dot_product_attention_3"; -"189 view_28" -> "191 scaled_dot_product_attention_3"; -"190 view_29" -> "191 scaled_dot_product_attention_3"; -"191 scaled_dot_product_attention_3" -> "192 permute_4"; -"192 permute_4" -> "193 view_30"; -"193 view_30" -> "197 linear_13"; -"194 _param_constant45" -> "197 linear_13"; -"195 linear_13_updated_constant0" -> "196 symmetric_weights_decompressor_linear_13_updated_constant0_0"; -"196 symmetric_weights_decompressor_linear_13_updated_constant0_0" -> "197 linear_13"; -"197 linear_13" -> "198 view_31"; -"198 view_31" -> "199 transpose_23"; -"199 transpose_23" -> "200 dropout_10"; -"200 dropout_10" -> "201 add_7"; -"201 add_7" -> "204 layer_norm_7"; -"201 add_7" -> "216 add_8"; -"202 _param_constant46" -> "204 layer_norm_7"; -"203 _param_constant47" -> "204 layer_norm_7"; -"204 layer_norm_7" -> "208 linear_14"; -"205 _param_constant49" -> "208 linear_14"; -"206 linear_14_updated_constant0" -> "207 symmetric_weights_decompressor_linear_14_updated_constant0_0"; -"207 symmetric_weights_decompressor_linear_14_updated_constant0_0" -> "208 linear_14"; -"208 linear_14" -> "209 gelu_3"; -"209 gelu_3" -> "210 dropout_11"; -"210 dropout_11" -> "214 linear_15"; -"211 _param_constant51" -> "214 linear_15"; -"212 linear_15_updated_constant0" -> "213 symmetric_weights_decompressor_linear_15_updated_constant0_0"; -"213 symmetric_weights_decompressor_linear_15_updated_constant0_0" -> "214 linear_15"; -"214 linear_15" -> "215 dropout_12"; -"215 dropout_12" -> "216 add_8"; -"216 add_8" -> "219 layer_norm_8"; -"216 add_8" -> "252 add_9"; -"217 _param_constant52" -> "219 layer_norm_8"; -"218 _param_constant53" -> "219 layer_norm_8"; -"219 layer_norm_8" -> "220 transpose_24"; -"220 transpose_24" -> "224 linear_16"; -"221 _param_constant55" -> "224 linear_16"; -"222 linear_16_updated_constant0" -> "223 symmetric_weights_decompressor_linear_16_updated_constant0_0"; -"223 symmetric_weights_decompressor_linear_16_updated_constant0_0" -> "224 linear_16"; -"224 linear_16" -> "225 unflatten_4"; -"225 unflatten_4" -> "226 unsqueeze_4"; -"226 unsqueeze_4" -> "227 transpose_25"; -"227 transpose_25" -> "228 squeeze_4"; -"228 squeeze_4" -> "229 contiguous_4"; -"229 contiguous_4" -> "230 select_12"; -"229 contiguous_4" -> "231 select_13"; -"229 contiguous_4" -> "232 select_14"; -"230 select_12" -> "233 view_32"; -"231 select_13" -> "235 view_33"; -"232 select_14" -> "237 view_34"; -"233 view_32" -> "234 transpose_26"; -"234 transpose_26" -> "239 view_35"; -"235 view_33" -> "236 transpose_27"; -"236 transpose_27" -> "240 view_36"; -"237 view_34" -> "238 transpose_28"; -"238 transpose_28" -> "241 view_37"; -"239 view_35" -> "242 scaled_dot_product_attention_4"; -"240 view_36" -> "242 scaled_dot_product_attention_4"; -"241 view_37" -> "242 scaled_dot_product_attention_4"; -"242 scaled_dot_product_attention_4" -> "243 permute_5"; -"243 permute_5" -> "244 view_38"; -"244 view_38" -> "248 linear_17"; -"245 _param_constant57" -> "248 linear_17"; -"246 linear_17_updated_constant0" -> "247 symmetric_weights_decompressor_linear_17_updated_constant0_0"; -"247 symmetric_weights_decompressor_linear_17_updated_constant0_0" -> "248 linear_17"; -"248 linear_17" -> "249 view_39"; -"249 view_39" -> "250 transpose_29"; -"250 transpose_29" -> "251 dropout_13"; -"251 dropout_13" -> "252 add_9"; -"252 add_9" -> "255 layer_norm_9"; -"252 add_9" -> "267 add_10"; -"253 _param_constant58" -> "255 layer_norm_9"; -"254 _param_constant59" -> "255 layer_norm_9"; -"255 layer_norm_9" -> "259 linear_18"; -"256 _param_constant61" -> "259 linear_18"; -"257 linear_18_updated_constant0" -> "258 symmetric_weights_decompressor_linear_18_updated_constant0_0"; -"258 symmetric_weights_decompressor_linear_18_updated_constant0_0" -> "259 linear_18"; -"259 linear_18" -> "260 gelu_4"; -"260 gelu_4" -> "261 dropout_14"; -"261 dropout_14" -> "265 linear_19"; -"262 _param_constant63" -> "265 linear_19"; -"263 linear_19_updated_constant0" -> "264 symmetric_weights_decompressor_linear_19_updated_constant0_0"; -"264 symmetric_weights_decompressor_linear_19_updated_constant0_0" -> "265 linear_19"; -"265 linear_19" -> "266 dropout_15"; -"266 dropout_15" -> "267 add_10"; -"267 add_10" -> "270 layer_norm_10"; -"267 add_10" -> "303 add_11"; -"268 _param_constant64" -> "270 layer_norm_10"; -"269 _param_constant65" -> "270 layer_norm_10"; -"270 layer_norm_10" -> "271 transpose_30"; -"271 transpose_30" -> "275 linear_20"; -"272 _param_constant67" -> "275 linear_20"; -"273 linear_20_updated_constant0" -> "274 symmetric_weights_decompressor_linear_20_updated_constant0_0"; -"274 symmetric_weights_decompressor_linear_20_updated_constant0_0" -> "275 linear_20"; -"275 linear_20" -> "276 unflatten_5"; -"276 unflatten_5" -> "277 unsqueeze_5"; -"277 unsqueeze_5" -> "278 transpose_31"; -"278 transpose_31" -> "279 squeeze_5"; -"279 squeeze_5" -> "280 contiguous_5"; -"280 contiguous_5" -> "281 select_15"; -"280 contiguous_5" -> "282 select_16"; -"280 contiguous_5" -> "283 select_17"; -"281 select_15" -> "284 view_40"; -"282 select_16" -> "286 view_41"; -"283 select_17" -> "288 view_42"; -"284 view_40" -> "285 transpose_32"; -"285 transpose_32" -> "290 view_43"; -"286 view_41" -> "287 transpose_33"; -"287 transpose_33" -> "291 view_44"; -"288 view_42" -> "289 transpose_34"; -"289 transpose_34" -> "292 view_45"; -"290 view_43" -> "293 scaled_dot_product_attention_5"; -"291 view_44" -> "293 scaled_dot_product_attention_5"; -"292 view_45" -> "293 scaled_dot_product_attention_5"; -"293 scaled_dot_product_attention_5" -> "294 permute_6"; -"294 permute_6" -> "295 view_46"; -"295 view_46" -> "299 linear_21"; -"296 _param_constant69" -> "299 linear_21"; -"297 linear_21_updated_constant0" -> "298 symmetric_weights_decompressor_linear_21_updated_constant0_0"; -"298 symmetric_weights_decompressor_linear_21_updated_constant0_0" -> "299 linear_21"; -"299 linear_21" -> "300 view_47"; -"300 view_47" -> "301 transpose_35"; -"301 transpose_35" -> "302 dropout_16"; -"302 dropout_16" -> "303 add_11"; -"303 add_11" -> "306 layer_norm_11"; -"303 add_11" -> "318 add_12"; -"304 _param_constant70" -> "306 layer_norm_11"; -"305 _param_constant71" -> "306 layer_norm_11"; -"306 layer_norm_11" -> "310 linear_22"; -"307 _param_constant73" -> "310 linear_22"; -"308 linear_22_updated_constant0" -> "309 symmetric_weights_decompressor_linear_22_updated_constant0_0"; -"309 symmetric_weights_decompressor_linear_22_updated_constant0_0" -> "310 linear_22"; -"310 linear_22" -> "311 gelu_5"; -"311 gelu_5" -> "312 dropout_17"; -"312 dropout_17" -> "316 linear_23"; -"313 _param_constant75" -> "316 linear_23"; -"314 linear_23_updated_constant0" -> "315 symmetric_weights_decompressor_linear_23_updated_constant0_0"; -"315 symmetric_weights_decompressor_linear_23_updated_constant0_0" -> "316 linear_23"; -"316 linear_23" -> "317 dropout_18"; -"317 dropout_18" -> "318 add_12"; -"318 add_12" -> "321 layer_norm_12"; -"318 add_12" -> "354 add_13"; -"319 _param_constant76" -> "321 layer_norm_12"; -"320 _param_constant77" -> "321 layer_norm_12"; -"321 layer_norm_12" -> "322 transpose_36"; -"322 transpose_36" -> "326 linear_24"; -"323 _param_constant79" -> "326 linear_24"; -"324 linear_24_updated_constant0" -> "325 symmetric_weights_decompressor_linear_24_updated_constant0_0"; -"325 symmetric_weights_decompressor_linear_24_updated_constant0_0" -> "326 linear_24"; -"326 linear_24" -> "327 unflatten_6"; -"327 unflatten_6" -> "328 unsqueeze_6"; -"328 unsqueeze_6" -> "329 transpose_37"; -"329 transpose_37" -> "330 squeeze_6"; -"330 squeeze_6" -> "331 contiguous_6"; -"331 contiguous_6" -> "332 select_18"; -"331 contiguous_6" -> "333 select_19"; -"331 contiguous_6" -> "334 select_20"; -"332 select_18" -> "335 view_48"; -"333 select_19" -> "337 view_49"; -"334 select_20" -> "339 view_50"; -"335 view_48" -> "336 transpose_38"; -"336 transpose_38" -> "341 view_51"; -"337 view_49" -> "338 transpose_39"; -"338 transpose_39" -> "342 view_52"; -"339 view_50" -> "340 transpose_40"; -"340 transpose_40" -> "343 view_53"; -"341 view_51" -> "344 scaled_dot_product_attention_6"; -"342 view_52" -> "344 scaled_dot_product_attention_6"; -"343 view_53" -> "344 scaled_dot_product_attention_6"; -"344 scaled_dot_product_attention_6" -> "345 permute_7"; -"345 permute_7" -> "346 view_54"; -"346 view_54" -> "350 linear_25"; -"347 _param_constant81" -> "350 linear_25"; -"348 linear_25_updated_constant0" -> "349 symmetric_weights_decompressor_linear_25_updated_constant0_0"; -"349 symmetric_weights_decompressor_linear_25_updated_constant0_0" -> "350 linear_25"; -"350 linear_25" -> "351 view_55"; -"351 view_55" -> "352 transpose_41"; -"352 transpose_41" -> "353 dropout_19"; -"353 dropout_19" -> "354 add_13"; -"354 add_13" -> "357 layer_norm_13"; -"354 add_13" -> "369 add_14"; -"355 _param_constant82" -> "357 layer_norm_13"; -"356 _param_constant83" -> "357 layer_norm_13"; -"357 layer_norm_13" -> "361 linear_26"; -"358 _param_constant85" -> "361 linear_26"; -"359 linear_26_updated_constant0" -> "360 symmetric_weights_decompressor_linear_26_updated_constant0_0"; -"360 symmetric_weights_decompressor_linear_26_updated_constant0_0" -> "361 linear_26"; -"361 linear_26" -> "362 gelu_6"; -"362 gelu_6" -> "363 dropout_20"; -"363 dropout_20" -> "367 linear_27"; -"364 _param_constant87" -> "367 linear_27"; -"365 linear_27_updated_constant0" -> "366 symmetric_weights_decompressor_linear_27_updated_constant0_0"; -"366 symmetric_weights_decompressor_linear_27_updated_constant0_0" -> "367 linear_27"; -"367 linear_27" -> "368 dropout_21"; -"368 dropout_21" -> "369 add_14"; -"369 add_14" -> "372 layer_norm_14"; -"369 add_14" -> "405 add_15"; -"370 _param_constant88" -> "372 layer_norm_14"; -"371 _param_constant89" -> "372 layer_norm_14"; -"372 layer_norm_14" -> "373 transpose_42"; -"373 transpose_42" -> "377 linear_28"; -"374 _param_constant91" -> "377 linear_28"; -"375 linear_28_updated_constant0" -> "376 symmetric_weights_decompressor_linear_28_updated_constant0_0"; -"376 symmetric_weights_decompressor_linear_28_updated_constant0_0" -> "377 linear_28"; -"377 linear_28" -> "378 unflatten_7"; -"378 unflatten_7" -> "379 unsqueeze_7"; -"379 unsqueeze_7" -> "380 transpose_43"; -"380 transpose_43" -> "381 squeeze_7"; -"381 squeeze_7" -> "382 contiguous_7"; -"382 contiguous_7" -> "383 select_21"; -"382 contiguous_7" -> "384 select_22"; -"382 contiguous_7" -> "385 select_23"; -"383 select_21" -> "386 view_56"; -"384 select_22" -> "388 view_57"; -"385 select_23" -> "390 view_58"; -"386 view_56" -> "387 transpose_44"; -"387 transpose_44" -> "392 view_59"; -"388 view_57" -> "389 transpose_45"; -"389 transpose_45" -> "393 view_60"; -"390 view_58" -> "391 transpose_46"; -"391 transpose_46" -> "394 view_61"; -"392 view_59" -> "395 scaled_dot_product_attention_7"; -"393 view_60" -> "395 scaled_dot_product_attention_7"; -"394 view_61" -> "395 scaled_dot_product_attention_7"; -"395 scaled_dot_product_attention_7" -> "396 permute_8"; -"396 permute_8" -> "397 view_62"; -"397 view_62" -> "401 linear_29"; -"398 _param_constant93" -> "401 linear_29"; -"399 linear_29_updated_constant0" -> "400 symmetric_weights_decompressor_linear_29_updated_constant0_0"; -"400 symmetric_weights_decompressor_linear_29_updated_constant0_0" -> "401 linear_29"; -"401 linear_29" -> "402 view_63"; -"402 view_63" -> "403 transpose_47"; -"403 transpose_47" -> "404 dropout_22"; -"404 dropout_22" -> "405 add_15"; -"405 add_15" -> "408 layer_norm_15"; -"405 add_15" -> "420 add_16"; -"406 _param_constant94" -> "408 layer_norm_15"; -"407 _param_constant95" -> "408 layer_norm_15"; -"408 layer_norm_15" -> "412 linear_30"; -"409 _param_constant97" -> "412 linear_30"; -"410 linear_30_updated_constant0" -> "411 symmetric_weights_decompressor_linear_30_updated_constant0_0"; -"411 symmetric_weights_decompressor_linear_30_updated_constant0_0" -> "412 linear_30"; -"412 linear_30" -> "413 gelu_7"; -"413 gelu_7" -> "414 dropout_23"; -"414 dropout_23" -> "418 linear_31"; -"415 _param_constant99" -> "418 linear_31"; -"416 linear_31_updated_constant0" -> "417 symmetric_weights_decompressor_linear_31_updated_constant0_0"; -"417 symmetric_weights_decompressor_linear_31_updated_constant0_0" -> "418 linear_31"; -"418 linear_31" -> "419 dropout_24"; -"419 dropout_24" -> "420 add_16"; -"420 add_16" -> "423 layer_norm_16"; -"420 add_16" -> "456 add_17"; -"421 _param_constant100" -> "423 layer_norm_16"; -"422 _param_constant101" -> "423 layer_norm_16"; -"423 layer_norm_16" -> "424 transpose_48"; -"424 transpose_48" -> "428 linear_32"; -"425 _param_constant103" -> "428 linear_32"; -"426 linear_32_updated_constant0" -> "427 symmetric_weights_decompressor_linear_32_updated_constant0_0"; -"427 symmetric_weights_decompressor_linear_32_updated_constant0_0" -> "428 linear_32"; -"428 linear_32" -> "429 unflatten_8"; -"429 unflatten_8" -> "430 unsqueeze_8"; -"430 unsqueeze_8" -> "431 transpose_49"; -"431 transpose_49" -> "432 squeeze_8"; -"432 squeeze_8" -> "433 contiguous_8"; -"433 contiguous_8" -> "434 select_24"; -"433 contiguous_8" -> "435 select_25"; -"433 contiguous_8" -> "436 select_26"; -"434 select_24" -> "437 view_64"; -"435 select_25" -> "439 view_65"; -"436 select_26" -> "441 view_66"; -"437 view_64" -> "438 transpose_50"; -"438 transpose_50" -> "443 view_67"; -"439 view_65" -> "440 transpose_51"; -"440 transpose_51" -> "444 view_68"; -"441 view_66" -> "442 transpose_52"; -"442 transpose_52" -> "445 view_69"; -"443 view_67" -> "446 scaled_dot_product_attention_8"; -"444 view_68" -> "446 scaled_dot_product_attention_8"; -"445 view_69" -> "446 scaled_dot_product_attention_8"; -"446 scaled_dot_product_attention_8" -> "447 permute_9"; -"447 permute_9" -> "448 view_70"; -"448 view_70" -> "452 linear_33"; -"449 _param_constant105" -> "452 linear_33"; -"450 linear_33_updated_constant0" -> "451 symmetric_weights_decompressor_linear_33_updated_constant0_0"; -"451 symmetric_weights_decompressor_linear_33_updated_constant0_0" -> "452 linear_33"; -"452 linear_33" -> "453 view_71"; -"453 view_71" -> "454 transpose_53"; -"454 transpose_53" -> "455 dropout_25"; -"455 dropout_25" -> "456 add_17"; -"456 add_17" -> "459 layer_norm_17"; -"456 add_17" -> "471 add_18"; -"457 _param_constant106" -> "459 layer_norm_17"; -"458 _param_constant107" -> "459 layer_norm_17"; -"459 layer_norm_17" -> "463 linear_34"; -"460 _param_constant109" -> "463 linear_34"; -"461 linear_34_updated_constant0" -> "462 symmetric_weights_decompressor_linear_34_updated_constant0_0"; -"462 symmetric_weights_decompressor_linear_34_updated_constant0_0" -> "463 linear_34"; -"463 linear_34" -> "464 gelu_8"; -"464 gelu_8" -> "465 dropout_26"; -"465 dropout_26" -> "469 linear_35"; -"466 _param_constant111" -> "469 linear_35"; -"467 linear_35_updated_constant0" -> "468 symmetric_weights_decompressor_linear_35_updated_constant0_0"; -"468 symmetric_weights_decompressor_linear_35_updated_constant0_0" -> "469 linear_35"; -"469 linear_35" -> "470 dropout_27"; -"470 dropout_27" -> "471 add_18"; -"471 add_18" -> "474 layer_norm_18"; -"471 add_18" -> "507 add_19"; -"472 _param_constant112" -> "474 layer_norm_18"; -"473 _param_constant113" -> "474 layer_norm_18"; -"474 layer_norm_18" -> "475 transpose_54"; -"475 transpose_54" -> "479 linear_36"; -"476 _param_constant115" -> "479 linear_36"; -"477 linear_36_updated_constant0" -> "478 symmetric_weights_decompressor_linear_36_updated_constant0_0"; -"478 symmetric_weights_decompressor_linear_36_updated_constant0_0" -> "479 linear_36"; -"479 linear_36" -> "480 unflatten_9"; -"480 unflatten_9" -> "481 unsqueeze_9"; -"481 unsqueeze_9" -> "482 transpose_55"; -"482 transpose_55" -> "483 squeeze_9"; -"483 squeeze_9" -> "484 contiguous_9"; -"484 contiguous_9" -> "485 select_27"; -"484 contiguous_9" -> "486 select_28"; -"484 contiguous_9" -> "487 select_29"; -"485 select_27" -> "488 view_72"; -"486 select_28" -> "490 view_73"; -"487 select_29" -> "492 view_74"; -"488 view_72" -> "489 transpose_56"; -"489 transpose_56" -> "494 view_75"; -"490 view_73" -> "491 transpose_57"; -"491 transpose_57" -> "495 view_76"; -"492 view_74" -> "493 transpose_58"; -"493 transpose_58" -> "496 view_77"; -"494 view_75" -> "497 scaled_dot_product_attention_9"; -"495 view_76" -> "497 scaled_dot_product_attention_9"; -"496 view_77" -> "497 scaled_dot_product_attention_9"; -"497 scaled_dot_product_attention_9" -> "498 permute_10"; -"498 permute_10" -> "499 view_78"; -"499 view_78" -> "503 linear_37"; -"500 _param_constant117" -> "503 linear_37"; -"501 linear_37_updated_constant0" -> "502 symmetric_weights_decompressor_linear_37_updated_constant0_0"; -"502 symmetric_weights_decompressor_linear_37_updated_constant0_0" -> "503 linear_37"; -"503 linear_37" -> "504 view_79"; -"504 view_79" -> "505 transpose_59"; -"505 transpose_59" -> "506 dropout_28"; -"506 dropout_28" -> "507 add_19"; -"507 add_19" -> "510 layer_norm_19"; -"507 add_19" -> "522 add_20"; -"508 _param_constant118" -> "510 layer_norm_19"; -"509 _param_constant119" -> "510 layer_norm_19"; -"510 layer_norm_19" -> "514 linear_38"; -"511 _param_constant121" -> "514 linear_38"; -"512 linear_38_updated_constant0" -> "513 symmetric_weights_decompressor_linear_38_updated_constant0_0"; -"513 symmetric_weights_decompressor_linear_38_updated_constant0_0" -> "514 linear_38"; -"514 linear_38" -> "515 gelu_9"; -"515 gelu_9" -> "516 dropout_29"; -"516 dropout_29" -> "520 linear_39"; -"517 _param_constant123" -> "520 linear_39"; -"518 linear_39_updated_constant0" -> "519 symmetric_weights_decompressor_linear_39_updated_constant0_0"; -"519 symmetric_weights_decompressor_linear_39_updated_constant0_0" -> "520 linear_39"; -"520 linear_39" -> "521 dropout_30"; -"521 dropout_30" -> "522 add_20"; -"522 add_20" -> "525 layer_norm_20"; -"522 add_20" -> "558 add_21"; -"523 _param_constant124" -> "525 layer_norm_20"; -"524 _param_constant125" -> "525 layer_norm_20"; -"525 layer_norm_20" -> "526 transpose_60"; -"526 transpose_60" -> "530 linear_40"; -"527 _param_constant127" -> "530 linear_40"; -"528 linear_40_updated_constant0" -> "529 symmetric_weights_decompressor_linear_40_updated_constant0_0"; -"529 symmetric_weights_decompressor_linear_40_updated_constant0_0" -> "530 linear_40"; -"530 linear_40" -> "531 unflatten_10"; -"531 unflatten_10" -> "532 unsqueeze_10"; -"532 unsqueeze_10" -> "533 transpose_61"; -"533 transpose_61" -> "534 squeeze_10"; -"534 squeeze_10" -> "535 contiguous_10"; -"535 contiguous_10" -> "536 select_30"; -"535 contiguous_10" -> "537 select_31"; -"535 contiguous_10" -> "538 select_32"; -"536 select_30" -> "539 view_80"; -"537 select_31" -> "541 view_81"; -"538 select_32" -> "543 view_82"; -"539 view_80" -> "540 transpose_62"; -"540 transpose_62" -> "545 view_83"; -"541 view_81" -> "542 transpose_63"; -"542 transpose_63" -> "546 view_84"; -"543 view_82" -> "544 transpose_64"; -"544 transpose_64" -> "547 view_85"; -"545 view_83" -> "548 scaled_dot_product_attention_10"; -"546 view_84" -> "548 scaled_dot_product_attention_10"; -"547 view_85" -> "548 scaled_dot_product_attention_10"; -"548 scaled_dot_product_attention_10" -> "549 permute_11"; -"549 permute_11" -> "550 view_86"; -"550 view_86" -> "554 linear_41"; -"551 _param_constant129" -> "554 linear_41"; -"552 linear_41_updated_constant0" -> "553 symmetric_weights_decompressor_linear_41_updated_constant0_0"; -"553 symmetric_weights_decompressor_linear_41_updated_constant0_0" -> "554 linear_41"; -"554 linear_41" -> "555 view_87"; -"555 view_87" -> "556 transpose_65"; -"556 transpose_65" -> "557 dropout_31"; -"557 dropout_31" -> "558 add_21"; -"558 add_21" -> "561 layer_norm_21"; -"558 add_21" -> "573 add_22"; -"559 _param_constant130" -> "561 layer_norm_21"; -"560 _param_constant131" -> "561 layer_norm_21"; -"561 layer_norm_21" -> "565 linear_42"; -"562 _param_constant133" -> "565 linear_42"; -"563 linear_42_updated_constant0" -> "564 symmetric_weights_decompressor_linear_42_updated_constant0_0"; -"564 symmetric_weights_decompressor_linear_42_updated_constant0_0" -> "565 linear_42"; -"565 linear_42" -> "566 gelu_10"; -"566 gelu_10" -> "567 dropout_32"; -"567 dropout_32" -> "571 linear_43"; -"568 _param_constant135" -> "571 linear_43"; -"569 linear_43_updated_constant0" -> "570 symmetric_weights_decompressor_linear_43_updated_constant0_0"; -"570 symmetric_weights_decompressor_linear_43_updated_constant0_0" -> "571 linear_43"; -"571 linear_43" -> "572 dropout_33"; -"572 dropout_33" -> "573 add_22"; -"573 add_22" -> "576 layer_norm_22"; -"573 add_22" -> "609 add_23"; -"574 _param_constant136" -> "576 layer_norm_22"; -"575 _param_constant137" -> "576 layer_norm_22"; -"576 layer_norm_22" -> "577 transpose_66"; -"577 transpose_66" -> "581 linear_44"; -"578 _param_constant139" -> "581 linear_44"; -"579 linear_44_updated_constant0" -> "580 symmetric_weights_decompressor_linear_44_updated_constant0_0"; -"580 symmetric_weights_decompressor_linear_44_updated_constant0_0" -> "581 linear_44"; -"581 linear_44" -> "582 unflatten_11"; -"582 unflatten_11" -> "583 unsqueeze_11"; -"583 unsqueeze_11" -> "584 transpose_67"; -"584 transpose_67" -> "585 squeeze_11"; -"585 squeeze_11" -> "586 contiguous_11"; -"586 contiguous_11" -> "587 select_33"; -"586 contiguous_11" -> "588 select_34"; -"586 contiguous_11" -> "589 select_35"; -"587 select_33" -> "590 view_88"; -"588 select_34" -> "592 view_89"; -"589 select_35" -> "594 view_90"; -"590 view_88" -> "591 transpose_68"; -"591 transpose_68" -> "596 view_91"; -"592 view_89" -> "593 transpose_69"; -"593 transpose_69" -> "597 view_92"; -"594 view_90" -> "595 transpose_70"; -"595 transpose_70" -> "598 view_93"; -"596 view_91" -> "599 scaled_dot_product_attention_11"; -"597 view_92" -> "599 scaled_dot_product_attention_11"; -"598 view_93" -> "599 scaled_dot_product_attention_11"; -"599 scaled_dot_product_attention_11" -> "600 permute_12"; -"600 permute_12" -> "601 view_94"; -"601 view_94" -> "605 linear_45"; -"602 _param_constant141" -> "605 linear_45"; -"603 linear_45_updated_constant0" -> "604 symmetric_weights_decompressor_linear_45_updated_constant0_0"; -"604 symmetric_weights_decompressor_linear_45_updated_constant0_0" -> "605 linear_45"; -"605 linear_45" -> "606 view_95"; -"606 view_95" -> "607 transpose_71"; -"607 transpose_71" -> "608 dropout_34"; -"608 dropout_34" -> "609 add_23"; -"609 add_23" -> "612 layer_norm_23"; -"609 add_23" -> "624 add_24"; -"610 _param_constant142" -> "612 layer_norm_23"; -"611 _param_constant143" -> "612 layer_norm_23"; -"612 layer_norm_23" -> "616 linear_46"; -"613 _param_constant145" -> "616 linear_46"; -"614 linear_46_updated_constant0" -> "615 symmetric_weights_decompressor_linear_46_updated_constant0_0"; -"615 symmetric_weights_decompressor_linear_46_updated_constant0_0" -> "616 linear_46"; -"616 linear_46" -> "617 gelu_11"; -"617 gelu_11" -> "618 dropout_35"; -"618 dropout_35" -> "622 linear_47"; -"619 _param_constant147" -> "622 linear_47"; -"620 linear_47_updated_constant0" -> "621 symmetric_weights_decompressor_linear_47_updated_constant0_0"; -"621 symmetric_weights_decompressor_linear_47_updated_constant0_0" -> "622 linear_47"; -"622 linear_47" -> "623 dropout_36"; -"623 dropout_36" -> "624 add_24"; -"624 add_24" -> "627 layer_norm_24"; -"625 _param_constant148" -> "627 layer_norm_24"; -"626 _param_constant149" -> "627 layer_norm_24"; -"627 layer_norm_24" -> "628 slice_1"; -"628 slice_1" -> "629 select_36"; -"629 select_36" -> "633 linear_48"; -"630 _param_constant151" -> "633 linear_48"; -"631 linear_48_updated_constant0" -> "632 symmetric_weights_decompressor_linear_48_updated_constant0_0"; -"632 symmetric_weights_decompressor_linear_48_updated_constant0_0" -> "633 linear_48"; -"633 linear_48" -> "634 output"; -} From 64b9ba7abdf371c9d4344114ea021904a0bc81de Mon Sep 17 00:00:00 2001 From: anzr299 Date: Mon, 2 Sep 2024 16:19:50 +0400 Subject: [PATCH 30/69] add test for shared weights --- tests/torch/fx/test_compress_weights.py | 19 ++++++++++++++++++- 1 file changed, 18 insertions(+), 1 deletion(-) diff --git a/tests/torch/fx/test_compress_weights.py b/tests/torch/fx/test_compress_weights.py index 43c3e575896..b089a01b614 100644 --- a/tests/torch/fx/test_compress_weights.py +++ b/tests/torch/fx/test_compress_weights.py @@ -84,7 +84,7 @@ def test_compress_weights(mode): @pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) -def test_compress_weights_shared_weights(mode): +def test_compress_weights_shared_weights(mocker, mode): with disable_patching(): model = ShortTransformer(5, 10, share_weights=True) input_ids = torch.randint(0, 10, (5,)) @@ -99,6 +99,23 @@ def test_compress_weights_shared_weights(mode): compressed_model, dtype, compressed_node_weight_port ) assert n_target_modules == n_compressed_weights + from nncf.common.factory import NNCFGraphFactory + nncf_graph = NNCFGraphFactory.create(compressed_model) + nncf_graph.visualize_graph("graph.dot") + num_decompression_nodes = 0 + spies = [] + for node in compressed_model.graph.nodes: + if node.op == "call_module" and "decompress" in node.name: + num_decompression_nodes += 1 + decompressor_module = getattr(compressed_model, node.target) + spy = mocker.spy(decompressor_module, "forward") + spies.append(spy) + assert num_decompression_nodes == 2 + + compressed_model(input_ids) + + for spy in spies: + assert spy.call_count == 1 @pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) From 287cb2c44bf3a59452cca245d0cec0e2d5bb3648 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Mon, 2 Sep 2024 16:38:29 +0400 Subject: [PATCH 31/69] pre-commit fix --- tests/torch/fx/test_compress_weights.py | 1 + 1 file changed, 1 insertion(+) diff --git a/tests/torch/fx/test_compress_weights.py b/tests/torch/fx/test_compress_weights.py index b089a01b614..01f5c0aede8 100644 --- a/tests/torch/fx/test_compress_weights.py +++ b/tests/torch/fx/test_compress_weights.py @@ -100,6 +100,7 @@ def test_compress_weights_shared_weights(mocker, mode): ) assert n_target_modules == n_compressed_weights from nncf.common.factory import NNCFGraphFactory + nncf_graph = NNCFGraphFactory.create(compressed_model) nncf_graph.visualize_graph("graph.dot") num_decompression_nodes = 0 From a10cb68537057719f4c45afbe06b99051948dce8 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Wed, 4 Sep 2024 18:19:43 +0400 Subject: [PATCH 32/69] Add test for shared node decompressor call --- tests/torch/fx/test_compress_weights.py | 5 +---- 1 file changed, 1 insertion(+), 4 deletions(-) diff --git a/tests/torch/fx/test_compress_weights.py b/tests/torch/fx/test_compress_weights.py index 01f5c0aede8..22d413ec382 100644 --- a/tests/torch/fx/test_compress_weights.py +++ b/tests/torch/fx/test_compress_weights.py @@ -99,10 +99,7 @@ def test_compress_weights_shared_weights(mocker, mode): compressed_model, dtype, compressed_node_weight_port ) assert n_target_modules == n_compressed_weights - from nncf.common.factory import NNCFGraphFactory - - nncf_graph = NNCFGraphFactory.create(compressed_model) - nncf_graph.visualize_graph("graph.dot") + num_decompression_nodes = 0 spies = [] for node in compressed_model.graph.nodes: From 1c144a521b13e8f211b2f40d73e08fe927fc89a3 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Wed, 4 Sep 2024 18:24:18 +0400 Subject: [PATCH 33/69] update backend supported in docs --- .../post_training_compression/weights_compression/Usage.md | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/docs/usage/post_training_compression/weights_compression/Usage.md b/docs/usage/post_training_compression/weights_compression/Usage.md index fa077a10033..26ebe616a65 100644 --- a/docs/usage/post_training_compression/weights_compression/Usage.md +++ b/docs/usage/post_training_compression/weights_compression/Usage.md @@ -1,6 +1,6 @@ ### Weights Compression -[OpenVINO](https://github.com/openvinotoolkit/openvino) is the preferred backend to run Weights Compression with, and PyTorch is also supported. +[OpenVINO](https://github.com/openvinotoolkit/openvino) is the preferred backend to run Weights Compression with. PyTorch and Torch Fx are also supported. #### The algorithm description @@ -529,7 +529,7 @@ Here is the perplexity and accuracy with data-free and data-aware mixed-precisio #### Limitations -- The algorithm is supported for OpenVINO and PyTorch models. +- The algorithm is supported for OpenVINO, PyTorch and Torch Fx models. - The compression applies in-place. - The compressed model is not trainable. - INT4_SYM, INT4_ASYM, NF4 and E2M1 modes, grouped quantization and mixed precision selection is available for OpenVINO backend only. From c5291b7822cd147884caa10eaf1291c052a18102 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Wed, 4 Sep 2024 18:28:02 +0400 Subject: [PATCH 34/69] pre-commit fix --- tests/torch/fx/test_compress_weights.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/tests/torch/fx/test_compress_weights.py b/tests/torch/fx/test_compress_weights.py index 22d413ec382..5e002f49f55 100644 --- a/tests/torch/fx/test_compress_weights.py +++ b/tests/torch/fx/test_compress_weights.py @@ -99,7 +99,7 @@ def test_compress_weights_shared_weights(mocker, mode): compressed_model, dtype, compressed_node_weight_port ) assert n_target_modules == n_compressed_weights - + num_decompression_nodes = 0 spies = [] for node in compressed_model.graph.nodes: From 174fb328dd841c61f231361f5d80e89c103f264e Mon Sep 17 00:00:00 2001 From: anzr299 Date: Wed, 4 Sep 2024 19:15:07 +0400 Subject: [PATCH 35/69] remove todo --- .../algorithms/weight_compression/torch_fx_backend.py | 3 +-- 1 file changed, 1 insertion(+), 2 deletions(-) diff --git a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py index 25da7ce5a8c..356e173ca09 100644 --- a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py +++ b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py @@ -206,8 +206,7 @@ def transform_model( ) decompressor_type = "asymmetric" - # registry weight decompression module in the model - # TODO: Find a more efficient way to access updated constant name + # register weight decompression module in the model compressed_weight_name = wc_params.node_with_weight.node_name + "_updated_constant0" decompressor_name = f"{decompressor_type}_weights_decompressor_{compressed_weight_name.replace('.', '_')}" From b46d00eb7b2e300425a9c9b1c9784e914399b7e9 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Tue, 10 Sep 2024 17:43:12 +0400 Subject: [PATCH 36/69] add get_dtype and get_shape methods to torch fx weights compression backend --- .../algorithms/weight_compression/torch_fx_backend.py | 11 +++++++++++ 1 file changed, 11 insertions(+) diff --git a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py index 356e173ca09..548cd9fadd8 100644 --- a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py +++ b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py @@ -134,6 +134,17 @@ def get_weight( return Tensor(weight) + def get_weight_dtype( + self, node_with_weight: NNCFNode, weight_port_id: int, model: torch.fx.GraphModule, graph: NNCFGraph + ) -> TensorDataType: + return self.get_weight(node_with_weight, weight_port_id, model, graph).dtype + + @staticmethod + def get_weight_shape(node_with_weight: NNCFNode, weight_port_id: int, graph: NNCFGraph) -> Tuple: + weight_node = get_const_node(node_with_weight, weight_port_id, graph) + edge = graph.get_edge(weight_node, node_with_weight) + return tuple(edge.tensor_shape) + def set_weight( self, node_with_weight: NNCFNode, From 18192413e33d9c38e6bbfc792fe1ae9de9ec5776 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Mon, 16 Sep 2024 13:04:00 +0400 Subject: [PATCH 37/69] get the updated constant name from graph --- .../algorithms/weight_compression/torch_fx_backend.py | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py index 548cd9fadd8..9425df1f0fe 100644 --- a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py +++ b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py @@ -218,7 +218,8 @@ def transform_model( decompressor_type = "asymmetric" # register weight decompression module in the model - compressed_weight_name = wc_params.node_with_weight.node_name + "_updated_constant0" + compressed_constant_edge = get_const_node(wc_params.node_with_weight, wc_params.weight_port_id, graph) + compressed_weight_name = compressed_constant_edge.node_name decompressor_name = f"{decompressor_type}_weights_decompressor_{compressed_weight_name.replace('.', '_')}" # inserts the weight decompressor into the model as the post hook on the model weight From 8a6b6d58017a34463a43cf267ab053721a6cd746 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Mon, 16 Sep 2024 13:05:23 +0400 Subject: [PATCH 38/69] updated constant name from graph --- .../algorithms/weight_compression/torch_fx_backend.py | 6 +++--- 1 file changed, 3 insertions(+), 3 deletions(-) diff --git a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py index 9425df1f0fe..066ba63fbef 100644 --- a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py +++ b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py @@ -203,7 +203,6 @@ def transform_model( packed_tensor = compressed_weight.tensor.astype(dtype) self.set_weight(wc_params.node_with_weight, wc_params.weight_port_id, model, graph, packed_tensor) - # creates weight decompressor if compression_config.mode == CompressWeightsMode.INT8_SYM: decompressor = SymmetricWeightsDecompressor( @@ -218,8 +217,9 @@ def transform_model( decompressor_type = "asymmetric" # register weight decompression module in the model - compressed_constant_edge = get_const_node(wc_params.node_with_weight, wc_params.weight_port_id, graph) - compressed_weight_name = compressed_constant_edge.node_name + graph_weight_node = get_graph_node_by_name(model.graph, wc_params.node_with_weight.node_name) + compressed_weight_name = graph_weight_node.all_input_nodes[wc_params.weight_port_id].name + decompressor_name = f"{decompressor_type}_weights_decompressor_{compressed_weight_name.replace('.', '_')}" # inserts the weight decompressor into the model as the post hook on the model weight From 71901c51c02c82f4006962d6cc86e615a8f0c359 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Fri, 20 Sep 2024 11:15:19 +0400 Subject: [PATCH 39/69] update shared constants transformation --- .../torch/fx/nncf_graph_builder.py | 18 ++++---- .../torch/fx/quantization/quantize_model.py | 5 ++- nncf/experimental/torch/fx/transformations.py | 41 +++++++++++++++---- 3 files changed, 46 insertions(+), 18 deletions(-) diff --git a/nncf/experimental/torch/fx/nncf_graph_builder.py b/nncf/experimental/torch/fx/nncf_graph_builder.py index 73c0c37a4da..cf3f3c65247 100644 --- a/nncf/experimental/torch/fx/nncf_graph_builder.py +++ b/nncf/experimental/torch/fx/nncf_graph_builder.py @@ -121,13 +121,14 @@ def _get_node_type_and_metatype( node_metatype = node_subtype or node_metatype return node_type, node_metatype - @staticmethod - def _replace_shared_weights(node: torch.fx.Node, prev_targets): - dist_node = list(node.users.keys()) - if node.target in prev_targets and node.op in ("get_attr",): - dist_node[0].replace_input_with(node, prev_targets[node.target]) - else: + def _check_shared_constants(prev_targets={}): + def is_shared_constant(node: torch.fx.Node) -> bool: + if node.target in prev_targets and node.op in ("get_attr",): + return True prev_targets[node.target] = node + return False + + return is_shared_constant @staticmethod def create_nncf_graph(model: torch.fx.GraphModule) -> PTNNCFGraph: @@ -141,15 +142,16 @@ def create_nncf_graph(model: torch.fx.GraphModule) -> PTNNCFGraph: """ nncf_graph = PTNNCFGraph() - prev_targets = {} + is_shared_const = GraphConverter._check_shared_constants() 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) - GraphConverter._replace_shared_weights(source_node, prev_targets) + is_shared_node = is_shared_const(source_node) nncf_graph.add_nncf_node( node_name=source_node.name, node_type=node_type, node_metatype=node_metatype, + is_shared=is_shared_node ) model.graph.eliminate_dead_code() diff --git a/nncf/experimental/torch/fx/quantization/quantize_model.py b/nncf/experimental/torch/fx/quantization/quantize_model.py index d9804201159..75e6ab994dc 100644 --- a/nncf/experimental/torch/fx/quantization/quantize_model.py +++ b/nncf/experimental/torch/fx/quantization/quantize_model.py @@ -28,6 +28,7 @@ from nncf.data import Dataset from nncf.experimental.torch.fx.transformations import apply_quantization_transformations from nncf.experimental.torch.fx.transformations import revert_quantization_transformations +from nncf.experimental.torch.fx.transformations import shared_constant_create_transformation from nncf.parameters import CompressWeightsMode from nncf.parameters import ModelType from nncf.parameters import QuantizationMode @@ -53,7 +54,7 @@ def quantize_impl( model_type: Optional[ModelType] = None, ignored_scope: Optional[IgnoredScope] = None, advanced_parameters: Optional[AdvancedQuantizationParameters] = None, -) -> torch.nn.Module: +) -> torch.fx.GraphModule: """ Implementation of the `quantize()` method for the Torch FX backend. """ @@ -81,6 +82,7 @@ def quantize_impl( advanced_parameters=advanced_parameters, ) + shared_constant_create_transformation(copied_model) # To make it easier for bias correction algorithms, # biases are being separated by the followng calls. apply_quantization_transformations(copied_model) @@ -143,6 +145,7 @@ def compress_weights_impl( lora_correction, advanced_parameters, ) + shared_constant_create_transformation(model) graph = NNCFGraphFactory.create(model) compressed_model = compression_algorithm.apply(model, graph, dataset=dataset) compressed_model = GraphModule(compressed_model, compressed_model.graph) diff --git a/nncf/experimental/torch/fx/transformations.py b/nncf/experimental/torch/fx/transformations.py index 277ae36d492..a6bfc5022ff 100644 --- a/nncf/experimental/torch/fx/transformations.py +++ b/nncf/experimental/torch/fx/transformations.py @@ -141,6 +141,31 @@ def bias_update_transformation(model: torch.fx.GraphModule): return bias_update_transformation +def shared_constant_create_transformation(model: torch.fx.GraphModule): + """ + Return transformation which checks fx graph for shared constants, disconnects + and eliminates redundant shared constant while connecting singular shared constant. + :return: Transformation which attaches shared constants to nodes and removes redundant constants. + """ + prev_targets = {} + + for source_node in model.graph.nodes: + _replace_shared_weights(source_node, prev_targets) + + model.graph.eliminate_dead_code() + model.recompile() + + +def _replace_shared_weights(node: torch.fx.Node, prev_targets): + """ + This function is responsible for checking the consumer node of current + node with previous nodes traversed by the loop + """ + dist_node = list(node.users.keys()) + if node.target in prev_targets and node.op in ("get_attr",): + dist_node[0].replace_input_with(node, prev_targets[node.target]) + else: + prev_targets[node.target] = node def constant_update_transformation_builder( node: NNCFNode, value: torch.Tensor, input_port_id: int = 1 @@ -170,9 +195,6 @@ def constant_update_fn(model: torch.fx.GraphModule, node: torch.fx.Node, value: :param input_port_id: Target constant input port id. """ graph = model.graph - with graph.inserting_before(node): - new_constant = create_getattr_from_value(model, graph, node.name + "_updated_constant", value) - args = list(node.args) # A bias node suppose to have constant on the second input port. if args[input_port_id].op != "get_attr": @@ -183,13 +205,14 @@ def constant_update_fn(model: torch.fx.GraphModule, node: torch.fx.Node, value: # Update metadata of the new constant node. previous_const = args[input_port_id] - new_constant.meta = copy(previous_const.meta) - new_constant.meta["val"] = value + consumer_nodes = list(previous_const.users.keys()) #This list of consumer nodes will always be topologically sorted + # To ensure the updated node has the right order, + # we insert constant node before the node placed at the highest order in topological order. + with graph.inserting_before(consumer_nodes[0]): + new_constant = create_getattr_from_value(model, graph, node.name + "_updated_constant", value) - consumer_nodes = list(previous_const.users.keys()) - args[input_port_id] = new_constant - for node in consumer_nodes: - node.replace_input_with(previous_const, new_constant) + previous_const.replace_all_uses_with(new_constant, propagate_meta=True) + graph.erase_node(previous_const) graph.eliminate_dead_code() From bd5ff1f7d292c5005bf98baef4085cf2a9b89753 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Fri, 20 Sep 2024 11:16:01 +0400 Subject: [PATCH 40/69] pre commit fix --- nncf/experimental/torch/fx/nncf_graph_builder.py | 5 +---- nncf/experimental/torch/fx/transformations.py | 8 ++++++-- 2 files changed, 7 insertions(+), 6 deletions(-) diff --git a/nncf/experimental/torch/fx/nncf_graph_builder.py b/nncf/experimental/torch/fx/nncf_graph_builder.py index cf3f3c65247..3fad0640deb 100644 --- a/nncf/experimental/torch/fx/nncf_graph_builder.py +++ b/nncf/experimental/torch/fx/nncf_graph_builder.py @@ -148,10 +148,7 @@ def create_nncf_graph(model: torch.fx.GraphModule) -> PTNNCFGraph: node_metatype = GraphConverter._map_fx_unique_metatypes(source_node, node_metatype) is_shared_node = is_shared_const(source_node) nncf_graph.add_nncf_node( - node_name=source_node.name, - node_type=node_type, - node_metatype=node_metatype, - is_shared=is_shared_node + node_name=source_node.name, node_type=node_type, node_metatype=node_metatype, is_shared=is_shared_node ) model.graph.eliminate_dead_code() diff --git a/nncf/experimental/torch/fx/transformations.py b/nncf/experimental/torch/fx/transformations.py index a6bfc5022ff..05de67723d9 100644 --- a/nncf/experimental/torch/fx/transformations.py +++ b/nncf/experimental/torch/fx/transformations.py @@ -141,6 +141,7 @@ def bias_update_transformation(model: torch.fx.GraphModule): return bias_update_transformation + def shared_constant_create_transformation(model: torch.fx.GraphModule): """ Return transformation which checks fx graph for shared constants, disconnects @@ -167,6 +168,7 @@ def _replace_shared_weights(node: torch.fx.Node, prev_targets): else: prev_targets[node.target] = node + def constant_update_transformation_builder( node: NNCFNode, value: torch.Tensor, input_port_id: int = 1 ) -> TransformationFNType: @@ -205,8 +207,10 @@ def constant_update_fn(model: torch.fx.GraphModule, node: torch.fx.Node, value: # Update metadata of the new constant node. previous_const = args[input_port_id] - consumer_nodes = list(previous_const.users.keys()) #This list of consumer nodes will always be topologically sorted - # To ensure the updated node has the right order, + consumer_nodes = list( + previous_const.users.keys() + ) # This list of consumer nodes will always be topologically sorted + # To ensure the updated node has the right order, # we insert constant node before the node placed at the highest order in topological order. with graph.inserting_before(consumer_nodes[0]): new_constant = create_getattr_from_value(model, graph, node.name + "_updated_constant", value) From b6a29abb2a15124053daa2fa9203569378723239 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Fri, 20 Sep 2024 11:17:15 +0400 Subject: [PATCH 41/69] update docs --- .../post_training_compression/weights_compression/Usage.md | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/docs/usage/post_training_compression/weights_compression/Usage.md b/docs/usage/post_training_compression/weights_compression/Usage.md index 2cb1de171ed..0ff7ae8308d 100644 --- a/docs/usage/post_training_compression/weights_compression/Usage.md +++ b/docs/usage/post_training_compression/weights_compression/Usage.md @@ -1,6 +1,6 @@ ## Weights Compression -[OpenVINO](https://github.com/openvinotoolkit/openvino) is the preferred backend to run Weights Compression with. PyTorch and Torch Fx are also supported. +[OpenVINO](https://github.com/openvinotoolkit/openvino) is the preferred backend to run Weights Compression with. PyTorch and X are also supported. ### The algorithm description @@ -800,7 +800,7 @@ Accuracy/footprint trade-off for `microsoft/Phi-3-mini-4k-instruct`: ### Limitations -- The algorithm is supported for OpenVINO, PyTorch and Torch Fx models. +- The algorithm is supported for OpenVINO, PyTorch and Torch FX models. - The compression applies in-place. - The compressed model is not trainable. - INT4_SYM, INT4_ASYM, NF4 and E2M1 modes, grouped quantization and mixed precision selection is available for OpenVINO backend only. From 7dd97820374f82b8555295c504fc8c15e317c2a6 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Fri, 20 Sep 2024 11:38:53 +0400 Subject: [PATCH 42/69] refactor get weight name and port ids --- .../weight_compression/torch_fx_backend.py | 14 ++++---------- 1 file changed, 4 insertions(+), 10 deletions(-) diff --git a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py index 066ba63fbef..90bf6b66d81 100644 --- a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py +++ b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py @@ -39,8 +39,8 @@ from nncf.tensor.definitions import TensorDataType from nncf.torch.graph import operator_metatypes as om from nncf.torch.graph.transformations.commands import PTTargetPoint -from nncf.torch.model_graph_manager import find_const_node_in_constant_subgraph from nncf.torch.model_graph_manager import get_const_node +from nncf.torch.model_graph_manager import get_weight_tensor_port_ids from nncf.torch.quantization.layers import AsymmetricWeightsDecompressor from nncf.torch.quantization.layers import SymmetricWeightsDecompressor from nncf.torch.tensor_statistics.collectors import get_raw_stat_collector @@ -69,15 +69,9 @@ def is_node_with_weights(node: NNCFNode, graph: NNCFGraph) -> bool: @staticmethod def get_weight_names_and_port_ids(node: NNCFNode, graph: NNCFGraph) -> List[Tuple[str, int]]: - weight_port_ids = [] - for prev_node in graph.get_previous_nodes(node): - weight_node = find_const_node_in_constant_subgraph(prev_node, graph) - if weight_node is None: - continue - edge = graph.get_edge(prev_node, node) - if edge.input_port_id in node.metatype.weight_port_ids: - weight_port_ids.append((weight_node.node_name, edge.input_port_id)) - return weight_port_ids + port_ids = get_weight_tensor_port_ids(node, graph) + weight_name_port_ids = [(get_const_node(node, pid, graph).node_name, pid) for pid in port_ids] + return weight_name_port_ids @staticmethod def get_reduction_axes(node_with_weight: NNCFNode, weight_port_id: int, graph: NNCFGraph) -> Optional[Tuple[int]]: From 48848be9df357062300bc2a0e5005a0b73fcb258 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Fri, 20 Sep 2024 12:34:16 +0400 Subject: [PATCH 43/69] update docs from X to Torch FX --- .../post_training_compression/weights_compression/Usage.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/docs/usage/post_training_compression/weights_compression/Usage.md b/docs/usage/post_training_compression/weights_compression/Usage.md index 0ff7ae8308d..b73d06c8fa7 100644 --- a/docs/usage/post_training_compression/weights_compression/Usage.md +++ b/docs/usage/post_training_compression/weights_compression/Usage.md @@ -1,6 +1,6 @@ ## Weights Compression -[OpenVINO](https://github.com/openvinotoolkit/openvino) is the preferred backend to run Weights Compression with. PyTorch and X are also supported. +[OpenVINO](https://github.com/openvinotoolkit/openvino) is the preferred backend to run Weights Compression with. PyTorch and Torch FX are also supported. ### The algorithm description From 20544fd79cdd769a0ac472302886e0ed372a4615 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Fri, 20 Sep 2024 14:16:30 +0400 Subject: [PATCH 44/69] fix shared weights attribute --- nncf/experimental/torch/fx/nncf_graph_builder.py | 14 +------------- 1 file changed, 1 insertion(+), 13 deletions(-) diff --git a/nncf/experimental/torch/fx/nncf_graph_builder.py b/nncf/experimental/torch/fx/nncf_graph_builder.py index 3fad0640deb..5499ca08d75 100644 --- a/nncf/experimental/torch/fx/nncf_graph_builder.py +++ b/nncf/experimental/torch/fx/nncf_graph_builder.py @@ -121,15 +121,6 @@ def _get_node_type_and_metatype( node_metatype = node_subtype or node_metatype return node_type, node_metatype - def _check_shared_constants(prev_targets={}): - def is_shared_constant(node: torch.fx.Node) -> bool: - if node.target in prev_targets and node.op in ("get_attr",): - return True - prev_targets[node.target] = node - return False - - return is_shared_constant - @staticmethod def create_nncf_graph(model: torch.fx.GraphModule) -> PTNNCFGraph: """ @@ -140,17 +131,14 @@ def create_nncf_graph(model: torch.fx.GraphModule) -> PTNNCFGraph: :param model: torch fx GraphModule. :return: NNCFGraph. """ - nncf_graph = PTNNCFGraph() - is_shared_const = GraphConverter._check_shared_constants() 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 = is_shared_const(source_node) + is_shared_node = len(source_node.users) > 1 if source_node.op in ("get_attr",) else False nncf_graph.add_nncf_node( node_name=source_node.name, node_type=node_type, node_metatype=node_metatype, is_shared=is_shared_node ) - model.graph.eliminate_dead_code() for source_node in model.graph.nodes: source_nncf_node = nncf_graph.get_node_by_name(source_node.name) From fb89a4d4a8c42d8cbb4ba261bb9492805dd59963 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Fri, 20 Sep 2024 17:39:50 +0400 Subject: [PATCH 45/69] Fix Suggestions --- .../torch/fx/nncf_graph_builder.py | 9 +++++- .../torch/fx/quantization/quantize_model.py | 6 ++-- nncf/experimental/torch/fx/transformations.py | 32 ++++++++----------- 3 files changed, 24 insertions(+), 23 deletions(-) diff --git a/nncf/experimental/torch/fx/nncf_graph_builder.py b/nncf/experimental/torch/fx/nncf_graph_builder.py index 5499ca08d75..99b92c54edc 100644 --- a/nncf/experimental/torch/fx/nncf_graph_builder.py +++ b/nncf/experimental/torch/fx/nncf_graph_builder.py @@ -132,10 +132,17 @@ def create_nncf_graph(model: torch.fx.GraphModule) -> PTNNCFGraph: :return: NNCFGraph. """ nncf_graph = PTNNCFGraph() + # get the targets for all the constants in the model + target_list = [node.target for node in model.graph.nodes if node.op=='get_attr'] + # get a unique list of all the targets which appear more than once in the list + target_list = list(set([ele for ele in target_list if target_list.count(ele) > 1])) 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 = len(source_node.users) > 1 if source_node.op in ("get_attr",) else False + if(target_list): + is_shared_node = source_node.target in target_list + else: + is_shared_node = len(source_node.users) > 1 if source_node.op in ("get_attr",) else False nncf_graph.add_nncf_node( node_name=source_node.name, node_type=node_type, node_metatype=node_metatype, is_shared=is_shared_node ) diff --git a/nncf/experimental/torch/fx/quantization/quantize_model.py b/nncf/experimental/torch/fx/quantization/quantize_model.py index 75e6ab994dc..2deba40c31a 100644 --- a/nncf/experimental/torch/fx/quantization/quantize_model.py +++ b/nncf/experimental/torch/fx/quantization/quantize_model.py @@ -28,7 +28,7 @@ from nncf.data import Dataset from nncf.experimental.torch.fx.transformations import apply_quantization_transformations from nncf.experimental.torch.fx.transformations import revert_quantization_transformations -from nncf.experimental.torch.fx.transformations import shared_constant_create_transformation +from nncf.experimental.torch.fx.transformations import shared_constants_unification_transformation from nncf.parameters import CompressWeightsMode from nncf.parameters import ModelType from nncf.parameters import QuantizationMode @@ -82,7 +82,7 @@ def quantize_impl( advanced_parameters=advanced_parameters, ) - shared_constant_create_transformation(copied_model) + shared_constants_unification_transformation(copied_model) # To make it easier for bias correction algorithms, # biases are being separated by the followng calls. apply_quantization_transformations(copied_model) @@ -145,7 +145,7 @@ def compress_weights_impl( lora_correction, advanced_parameters, ) - shared_constant_create_transformation(model) + shared_constants_unification_transformation(model) graph = NNCFGraphFactory.create(model) compressed_model = compression_algorithm.apply(model, graph, dataset=dataset) compressed_model = GraphModule(compressed_model, compressed_model.graph) diff --git a/nncf/experimental/torch/fx/transformations.py b/nncf/experimental/torch/fx/transformations.py index 05de67723d9..c2c9ea89cfc 100644 --- a/nncf/experimental/torch/fx/transformations.py +++ b/nncf/experimental/torch/fx/transformations.py @@ -142,33 +142,27 @@ def bias_update_transformation(model: torch.fx.GraphModule): return bias_update_transformation -def shared_constant_create_transformation(model: torch.fx.GraphModule): +def shared_constants_unification_transformation(model: torch.fx.GraphModule): """ - Return transformation which checks fx graph for shared constants, disconnects - and eliminates redundant shared constant while connecting singular shared constant. + checks fx graph for shared constants, disconnects and eliminates redundant + shared constant while connecting singular shared constant. + + :param model: Target Torch FX GraphModule :return: Transformation which attaches shared constants to nodes and removes redundant constants. """ prev_targets = {} for source_node in model.graph.nodes: - _replace_shared_weights(source_node, prev_targets) + dist_node = list(source_node.users) + if source_node.target in prev_targets and source_node.op in ("get_attr",): + dist_node[0].replace_input_with(source_node, prev_targets[source_node.target]) + else: + prev_targets[source_node.target] = source_node model.graph.eliminate_dead_code() model.recompile() -def _replace_shared_weights(node: torch.fx.Node, prev_targets): - """ - This function is responsible for checking the consumer node of current - node with previous nodes traversed by the loop - """ - dist_node = list(node.users.keys()) - if node.target in prev_targets and node.op in ("get_attr",): - dist_node[0].replace_input_with(node, prev_targets[node.target]) - else: - prev_targets[node.target] = node - - def constant_update_transformation_builder( node: NNCFNode, value: torch.Tensor, input_port_id: int = 1 ) -> TransformationFNType: @@ -208,15 +202,15 @@ def constant_update_fn(model: torch.fx.GraphModule, node: torch.fx.Node, value: # Update metadata of the new constant node. previous_const = args[input_port_id] consumer_nodes = list( - previous_const.users.keys() - ) # This list of consumer nodes will always be topologically sorted + previous_const.users + ) + # This list of consumer nodes will always be topologically sorted # To ensure the updated node has the right order, # we insert constant node before the node placed at the highest order in topological order. with graph.inserting_before(consumer_nodes[0]): new_constant = create_getattr_from_value(model, graph, node.name + "_updated_constant", value) previous_const.replace_all_uses_with(new_constant, propagate_meta=True) - graph.erase_node(previous_const) graph.eliminate_dead_code() From 002758b319b110e5251ed5c48165750d364e952b Mon Sep 17 00:00:00 2001 From: anzr299 Date: Fri, 20 Sep 2024 17:44:03 +0400 Subject: [PATCH 46/69] pre commit fix --- nncf/experimental/torch/fx/nncf_graph_builder.py | 6 +++--- nncf/experimental/torch/fx/transformations.py | 6 ++---- 2 files changed, 5 insertions(+), 7 deletions(-) diff --git a/nncf/experimental/torch/fx/nncf_graph_builder.py b/nncf/experimental/torch/fx/nncf_graph_builder.py index 99b92c54edc..c6e89429c6f 100644 --- a/nncf/experimental/torch/fx/nncf_graph_builder.py +++ b/nncf/experimental/torch/fx/nncf_graph_builder.py @@ -133,13 +133,13 @@ def create_nncf_graph(model: torch.fx.GraphModule) -> PTNNCFGraph: """ nncf_graph = PTNNCFGraph() # get the targets for all the constants in the model - target_list = [node.target for node in model.graph.nodes if node.op=='get_attr'] + target_list = [node.target for node in model.graph.nodes if node.op == "get_attr"] # get a unique list of all the targets which appear more than once in the list - target_list = list(set([ele for ele in target_list if target_list.count(ele) > 1])) + target_list = list(set([ele for ele in target_list if target_list.count(ele) > 1])) 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) - if(target_list): + if target_list: is_shared_node = source_node.target in target_list else: is_shared_node = len(source_node.users) > 1 if source_node.op in ("get_attr",) else False diff --git a/nncf/experimental/torch/fx/transformations.py b/nncf/experimental/torch/fx/transformations.py index c2c9ea89cfc..f7815904719 100644 --- a/nncf/experimental/torch/fx/transformations.py +++ b/nncf/experimental/torch/fx/transformations.py @@ -144,7 +144,7 @@ def bias_update_transformation(model: torch.fx.GraphModule): def shared_constants_unification_transformation(model: torch.fx.GraphModule): """ - checks fx graph for shared constants, disconnects and eliminates redundant + checks fx graph for shared constants, disconnects and eliminates redundant shared constant while connecting singular shared constant. :param model: Target Torch FX GraphModule @@ -201,9 +201,7 @@ def constant_update_fn(model: torch.fx.GraphModule, node: torch.fx.Node, value: # Update metadata of the new constant node. previous_const = args[input_port_id] - consumer_nodes = list( - previous_const.users - ) + consumer_nodes = list(previous_const.users) # This list of consumer nodes will always be topologically sorted # To ensure the updated node has the right order, # we insert constant node before the node placed at the highest order in topological order. From fe4d3909356e530af4cc5b31248dbec3878fe06d Mon Sep 17 00:00:00 2001 From: anzr299 Date: Fri, 20 Sep 2024 19:07:07 +0400 Subject: [PATCH 47/69] update is_shared attribute --- .../experimental/torch/fx/nncf_graph_builder.py | 17 +++++++++-------- 1 file changed, 9 insertions(+), 8 deletions(-) diff --git a/nncf/experimental/torch/fx/nncf_graph_builder.py b/nncf/experimental/torch/fx/nncf_graph_builder.py index c6e89429c6f..c73ac4db1bd 100644 --- a/nncf/experimental/torch/fx/nncf_graph_builder.py +++ b/nncf/experimental/torch/fx/nncf_graph_builder.py @@ -24,6 +24,7 @@ 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 collections import Counter class GraphConverter: @@ -132,17 +133,17 @@ def create_nncf_graph(model: torch.fx.GraphModule) -> PTNNCFGraph: :return: NNCFGraph. """ nncf_graph = PTNNCFGraph() - # get the targets for all the constants in the model - target_list = [node.target for node in model.graph.nodes if node.op == "get_attr"] - # get a unique list of all the targets which appear more than once in the list - target_list = list(set([ele for ele in target_list if target_list.count(ele) > 1])) + + 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) - if target_list: - is_shared_node = source_node.target in target_list - else: - is_shared_node = len(source_node.users) > 1 if source_node.op in ("get_attr",) else False + is_shared_node = False + if source_node.op in ("get_attr",) and ( + const_targets_counter[source_node.target] > 1 or len(source_node.users) > 1 + ): + is_shared_node = True + nncf_graph.add_nncf_node( node_name=source_node.name, node_type=node_type, node_metatype=node_metatype, is_shared=is_shared_node ) From 2ca11f81b332267f5b523e8a572b881ccb1093e9 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Fri, 20 Sep 2024 19:07:21 +0400 Subject: [PATCH 48/69] Add tests for cosntant update transformation --- tests/torch/fx/test_model_transformer.py | 88 ++++++++++++++++++++++++ 1 file changed, 88 insertions(+) diff --git a/tests/torch/fx/test_model_transformer.py b/tests/torch/fx/test_model_transformer.py index 2dc6d251d5f..ebf0707fbcb 100644 --- a/tests/torch/fx/test_model_transformer.py +++ b/tests/torch/fx/test_model_transformer.py @@ -17,14 +17,22 @@ import torch from torch._export import capture_pre_autograd_graph +from nncf.common.factory import NNCFGraph +from nncf.common.factory import NNCFGraphFactory from nncf.common.graph.transformations.commands import TargetType from nncf.common.graph.transformations.layout import TransformationLayout from nncf.experimental.torch.fx.model_transformer import FXModelTransformer from nncf.experimental.torch.fx.nncf_graph_builder import GraphConverter +from nncf.experimental.torch.fx.node_utils import get_graph_node_by_name +from nncf.experimental.torch.fx.node_utils import get_tensor_constant_from_node +from nncf.experimental.torch.fx.transformations import constant_update_transformation_builder from nncf.experimental.torch.fx.transformations import output_insertion_transformation_builder +from nncf.experimental.torch.fx.transformations import shared_constants_unification_transformation from nncf.torch import disable_patching +from nncf.torch.graph.operator_metatypes import CONST_NOOP_METATYPES from nncf.torch.graph.transformations.commands import PTModelExtractionCommand from nncf.torch.graph.transformations.commands import PTTargetPoint +from tests.torch.ptq.test_weights_compression import ShortTransformer from tests.torch.test_compressed_graph import check_graph from tests.torch.test_models.synthetic import ConvolutionWithAllConstantInputsModel from tests.torch.test_models.synthetic import ConvolutionWithNotTensorBiasModel @@ -124,3 +132,83 @@ def test_output_insertion_transformation(tuple_output, target_point): check_graph( nncf_graph, f"output_insertion_{_target_point_to_str(target_point)}_ref.dot", TRANSFORMED_GRAPH_DIR_NAME ) + + +def count_constants(model) -> int: + num_constant_nodes = 0 + for node in model.graph.nodes: + if node.op == "get_attr": + num_constant_nodes += 1 + return num_constant_nodes + + +def count_nodes_with_shared_constants(model: torch.fx.GraphModule, nncf_graph: NNCFGraph) -> int: + """ + Gets the number of nodes which use a shared constant. + eg: + const + / \ + node1 node2 + + returns 2 (node1, and node2) + """ + num_nodes_with_constant_nodes = 0 + model_graph: torch.fx.Graph = model.graph + for node in model_graph.nodes: + nncf_node = nncf_graph.get_node_by_name(node.name) + num_consumer_nodes = len(nncf_graph.get_next_nodes(nncf_node)) + if node.op == "get_attr" and num_consumer_nodes > 1: + assert nncf_node.is_shared() + num_nodes_with_constant_nodes += num_consumer_nodes + return num_nodes_with_constant_nodes + + +def test_create_shared_constant_transformation(): + model = MultiBranchesConnectedModel() + ex_inputs = torch.ones((1, 3, 3, 3)) + captured_model = _capture_model(model, ex_inputs) + assert count_constants(captured_model) == 9 + shared_constants_unification_transformation(captured_model) + nncf_graph = NNCFGraphFactory.create(captured_model) + assert count_nodes_with_shared_constants(captured_model, nncf_graph) == 3 + assert count_constants(captured_model) == 7 + + +def get_shared_constant_nodes(nncf_graph: NNCFGraph): + """ + Gets a dict of constant nodes as key and consumer nodes as values which are shared in the model. + eg: + const + / \ + node1 node2 + + returns ({const:[node1, node2]}) + """ + shared_const_node_consumer_node = {} + for node in nncf_graph.get_all_nodes(): + consumer_nodes = nncf_graph.get_next_nodes(node) + if node.metatype in CONST_NOOP_METATYPES and len(consumer_nodes) > 1: + shared_const_node_consumer_node[node] = consumer_nodes + return shared_const_node_consumer_node + + +def test_update_constant(): + model = MultiBranchesConnectedModel() + ex_inputs = torch.ones((1, 3, 3, 3)) + captured_model = _capture_model(model, ex_inputs) + + shared_constants_unification_transformation(captured_model) + nncf_graph = NNCFGraphFactory.create(captured_model) + shared_constants_consumers_dict = get_shared_constant_nodes(nncf_graph) + + # This returns all the constant nodes as keys and list of consumer as values + consumer_nodes = list(shared_constants_consumers_dict.values())[0] + + constant_update_transformation_builder(consumer_nodes[0], torch.tensor([100]))(captured_model) + + nncf_graph_updated_constant = NNCFGraphFactory.create(captured_model) + updated_const_node = nncf_graph_updated_constant.get_previous_nodes(consumer_nodes[1])[1] + fx_node_to_check_const = get_graph_node_by_name(captured_model.graph, updated_const_node.node_name) + fx_node_to_check_const_value = get_tensor_constant_from_node(fx_node_to_check_const, captured_model) + + assert fx_node_to_check_const_value == torch.tensor([100]) From 2be248767809de2b5469dc190ce471fd2284a744 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Fri, 20 Sep 2024 19:08:10 +0400 Subject: [PATCH 49/69] pre commit fix --- nncf/experimental/torch/fx/nncf_graph_builder.py | 4 ++-- tests/torch/fx/test_model_transformer.py | 1 - 2 files changed, 2 insertions(+), 3 deletions(-) diff --git a/nncf/experimental/torch/fx/nncf_graph_builder.py b/nncf/experimental/torch/fx/nncf_graph_builder.py index c73ac4db1bd..5256296aeb2 100644 --- a/nncf/experimental/torch/fx/nncf_graph_builder.py +++ b/nncf/experimental/torch/fx/nncf_graph_builder.py @@ -9,6 +9,7 @@ # See the License for the specific language governing permissions and # limitations under the License. +from collections import Counter from typing import Tuple import torch.fx @@ -24,7 +25,6 @@ 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 collections import Counter class GraphConverter: @@ -133,7 +133,7 @@ def create_nncf_graph(model: torch.fx.GraphModule) -> PTNNCFGraph: :return: NNCFGraph. """ nncf_graph = 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) diff --git a/tests/torch/fx/test_model_transformer.py b/tests/torch/fx/test_model_transformer.py index ebf0707fbcb..4fcbe1ea6a8 100644 --- a/tests/torch/fx/test_model_transformer.py +++ b/tests/torch/fx/test_model_transformer.py @@ -32,7 +32,6 @@ from nncf.torch.graph.operator_metatypes import CONST_NOOP_METATYPES from nncf.torch.graph.transformations.commands import PTModelExtractionCommand from nncf.torch.graph.transformations.commands import PTTargetPoint -from tests.torch.ptq.test_weights_compression import ShortTransformer from tests.torch.test_compressed_graph import check_graph from tests.torch.test_models.synthetic import ConvolutionWithAllConstantInputsModel from tests.torch.test_models.synthetic import ConvolutionWithNotTensorBiasModel From fc543c9a3ef2628f63abdb5cc7e6a4b1c623f0f6 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Fri, 20 Sep 2024 19:37:33 +0400 Subject: [PATCH 50/69] Add test for edge shape --- tests/torch/fx/test_compress_weights.py | 16 ++++++++++++++++ 1 file changed, 16 insertions(+) diff --git a/tests/torch/fx/test_compress_weights.py b/tests/torch/fx/test_compress_weights.py index 5e002f49f55..2f6ddb7d893 100644 --- a/tests/torch/fx/test_compress_weights.py +++ b/tests/torch/fx/test_compress_weights.py @@ -16,6 +16,7 @@ from torch._export import capture_pre_autograd_graph from nncf import CompressWeightsMode +from nncf.common.factory import NNCFGraphFactory from nncf.experimental.torch.fx.node_utils import get_tensor_constant_from_node from nncf.quantization import compress_weights from nncf.torch.dynamic_graph.patch_pytorch import disable_patching @@ -83,6 +84,21 @@ def test_compress_weights(mode): assert n_target_modules == n_compressed_weights +@pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) +def test_compress_weights_graph_edge(mode): + with disable_patching(): + model = ShortTransformer(5, 10) + input_ids = torch.randint(0, 10, (5,)) + exported_model = capture_pre_autograd_graph(model, args=(input_ids,)) + compressed_model = compress_weights(exported_model, mode=mode) + nncf_graph = NNCFGraphFactory.create(compressed_model) + for node in nncf_graph.get_all_nodes(): + if "weights_decompressor" in node.node_name and node.node_type == "call_module": + decompressor_node_edge = nncf_graph.get_input_edges(node)[0] + decompressor_constant_edge = nncf_graph.get_edge(node, nncf_graph.get_next_nodes(node)[0]) + assert decompressor_node_edge.tensor_shape == decompressor_constant_edge.tensor_shape + + @pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) def test_compress_weights_shared_weights(mocker, mode): with disable_patching(): From 02861e9a1abf95f455c2ccadbb114c478abf6a22 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Fri, 20 Sep 2024 19:38:11 +0400 Subject: [PATCH 51/69] make decompressor name more readible --- .../algorithms/weight_compression/torch_fx_backend.py | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py index 90bf6b66d81..654b1b93e9e 100644 --- a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py +++ b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py @@ -214,7 +214,8 @@ def transform_model( graph_weight_node = get_graph_node_by_name(model.graph, wc_params.node_with_weight.node_name) compressed_weight_name = graph_weight_node.all_input_nodes[wc_params.weight_port_id].name - decompressor_name = f"{decompressor_type}_weights_decompressor_{compressed_weight_name.replace('.', '_')}" + decompressor_suffix = "_".join(compressed_weight_name.replace(".", "_").split("_")[:-2]) + decompressor_name = f"{decompressor_type}_weights_decompressor_{decompressor_suffix}" # inserts the weight decompressor into the model as the post hook on the model weight transformation_layout.register( From 33afddb1d825db86382a52181011516e4083c5cd Mon Sep 17 00:00:00 2001 From: Aamir Nazir Date: Fri, 20 Sep 2024 22:57:24 +0400 Subject: [PATCH 52/69] fix model_devices and precision test --- tests/torch/fx/test_compress_weights.py | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/tests/torch/fx/test_compress_weights.py b/tests/torch/fx/test_compress_weights.py index 2f6ddb7d893..23681d95e26 100644 --- a/tests/torch/fx/test_compress_weights.py +++ b/tests/torch/fx/test_compress_weights.py @@ -250,9 +250,10 @@ def test_model_devices_and_precisions(use_cuda, dtype): exported_model = capture_pre_autograd_graph(model, args=(dummy_input,)) compressed_model = compress_weights(exported_model) result = compressed_model(dummy_input) + # Scale should always be in float16 assert ( - compressed_model.state_dict()["asymmetric_weights_decompressor_matmul_updated_constant0._scale"].dtype + compressed_model.state_dict()["asymmetric_weights_decompressor_matmul._scale"].dtype == torch.float16 ) # Result should be in the precision of the model From 15bfeb02ab6e28c659cebe82dd97f42fd973a4e9 Mon Sep 17 00:00:00 2001 From: Aamir Nazir Date: Fri, 20 Sep 2024 23:13:22 +0400 Subject: [PATCH 53/69] Update is_shared attribute using a one liner --- nncf/experimental/torch/fx/nncf_graph_builder.py | 6 ++---- tests/torch/fx/test_model_transformer.py | 2 +- 2 files changed, 3 insertions(+), 5 deletions(-) diff --git a/nncf/experimental/torch/fx/nncf_graph_builder.py b/nncf/experimental/torch/fx/nncf_graph_builder.py index 5256296aeb2..5afd941d80a 100644 --- a/nncf/experimental/torch/fx/nncf_graph_builder.py +++ b/nncf/experimental/torch/fx/nncf_graph_builder.py @@ -139,10 +139,8 @@ def create_nncf_graph(model: torch.fx.GraphModule) -> PTNNCFGraph: 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 = False - if source_node.op in ("get_attr",) and ( - const_targets_counter[source_node.target] > 1 or len(source_node.users) > 1 - ): - is_shared_node = True + is_shared_node = source_node.op in ("get_attr",) and (const_targets_counter[source_node.target] > 1 or + len(source_node.users) > 1) nncf_graph.add_nncf_node( node_name=source_node.name, node_type=node_type, node_metatype=node_metatype, is_shared=is_shared_node diff --git a/tests/torch/fx/test_model_transformer.py b/tests/torch/fx/test_model_transformer.py index 4fcbe1ea6a8..10efe8e7705 100644 --- a/tests/torch/fx/test_model_transformer.py +++ b/tests/torch/fx/test_model_transformer.py @@ -191,7 +191,7 @@ def get_shared_constant_nodes(nncf_graph: NNCFGraph): return shared_const_node_consumer_node -def test_update_constant(): +def test_update_shared_constant(): model = MultiBranchesConnectedModel() ex_inputs = torch.ones((1, 3, 3, 3)) captured_model = _capture_model(model, ex_inputs) From 7683b5d1e5a1dd6c15c3d8f3895ff45e0a23c27e Mon Sep 17 00:00:00 2001 From: anzr299 Date: Mon, 23 Sep 2024 11:09:10 +0400 Subject: [PATCH 54/69] add test for nncf node is_shared attribute before applying transformation --- tests/torch/fx/test_model_transformer.py | 20 ++++++++++++++++++++ 1 file changed, 20 insertions(+) diff --git a/tests/torch/fx/test_model_transformer.py b/tests/torch/fx/test_model_transformer.py index 10efe8e7705..c900f36574a 100644 --- a/tests/torch/fx/test_model_transformer.py +++ b/tests/torch/fx/test_model_transformer.py @@ -162,6 +162,26 @@ def count_nodes_with_shared_constants(model: torch.fx.GraphModule, nncf_graph: N return num_nodes_with_constant_nodes +def check_is_shared_attribute(model: torch.fx.GraphModule, nncf_graph: NNCFGraph) -> int: + model_graph: torch.fx.Graph = model.graph + from collections import Counter + + targets = Counter([node.target for node in model.graph.nodes if node.op == "get_attr"]) + print(targets) + for node in model_graph.nodes: + nncf_node = nncf_graph.get_node_by_name(node.name) + if node.op == "get_attr" and targets[node.target] > 1: + assert nncf_node.is_shared() + + +def test_is_shared_attribute_before_transformation(): + model = MultiBranchesConnectedModel() + ex_inputs = torch.ones((1, 3, 3, 3)) + captured_model = _capture_model(model, ex_inputs) + nncf_graph = NNCFGraphFactory.create(captured_model) + check_is_shared_attribute(captured_model, nncf_graph) + + def test_create_shared_constant_transformation(): model = MultiBranchesConnectedModel() ex_inputs = torch.ones((1, 3, 3, 3)) From fa56e7e178bef5cfe102f46ab593a8cbbad50e22 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Mon, 23 Sep 2024 11:09:45 +0400 Subject: [PATCH 55/69] Change code to include _capture_model function for torch FX graph capturing in weights compression test --- tests/torch/fx/test_compress_weights.py | 83 ++++++++++++------------- 1 file changed, 40 insertions(+), 43 deletions(-) diff --git a/tests/torch/fx/test_compress_weights.py b/tests/torch/fx/test_compress_weights.py index 23681d95e26..b4020fa7e96 100644 --- a/tests/torch/fx/test_compress_weights.py +++ b/tests/torch/fx/test_compress_weights.py @@ -66,13 +66,18 @@ def get_compressed_modules_weights( return n_target_modules, n_compressed_weights +def _capture_model(model, inputs): + with torch.no_grad(): + with disable_patching(): + return capture_pre_autograd_graph(model, (inputs,)) + + @pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) def test_compress_weights(mode): - with disable_patching(): - model = ShortTransformer(5, 10) - input_ids = torch.randint(0, 10, (5,)) - exported_model = capture_pre_autograd_graph(model, args=(input_ids,)) - compressed_model = compress_weights(exported_model, mode=mode) + model = ShortTransformer(5, 10) + input_ids = torch.randint(0, 10, (5,)) + exported_model = _capture_model(model, input_ids) + compressed_model = compress_weights(exported_model, mode=mode) dtype = torch.int8 if mode == CompressWeightsMode.INT8_SYM else torch.uint8 n_compressed_weights = 0 n_target_modules = 0 @@ -86,11 +91,10 @@ def test_compress_weights(mode): @pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) def test_compress_weights_graph_edge(mode): - with disable_patching(): - model = ShortTransformer(5, 10) - input_ids = torch.randint(0, 10, (5,)) - exported_model = capture_pre_autograd_graph(model, args=(input_ids,)) - compressed_model = compress_weights(exported_model, mode=mode) + model = ShortTransformer(5, 10) + input_ids = torch.randint(0, 10, (5,)) + exported_model = _capture_model(model, input_ids) + compressed_model = compress_weights(exported_model, mode=mode) nncf_graph = NNCFGraphFactory.create(compressed_model) for node in nncf_graph.get_all_nodes(): if "weights_decompressor" in node.node_name and node.node_type == "call_module": @@ -104,7 +108,7 @@ def test_compress_weights_shared_weights(mocker, mode): with disable_patching(): model = ShortTransformer(5, 10, share_weights=True) input_ids = torch.randint(0, 10, (5,)) - exported_model = capture_pre_autograd_graph(model, args=(input_ids,)) + exported_model = _capture_model(model, input_ids) compressed_model = compress_weights(exported_model, mode=mode) dtype = torch.int8 if mode == CompressWeightsMode.INT8_SYM else torch.uint8 n_compressed_weights = 0 @@ -135,14 +139,13 @@ def test_compress_weights_shared_weights(mocker, mode): @pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) def test_compressed_model_inference(mode): torch.manual_seed(42) - with disable_patching(): - model = ShortTransformer(5, 10, share_weights=True) - input_ids = torch.randint(0, 10, (5,)) - exported_model = capture_pre_autograd_graph(model, args=(input_ids,)) - exported_model_output = exported_model(input_ids) - compressed_model = compress_weights(exported_model, mode=mode) - compressed_model_outputs = compressed_model(input_ids) - print(compressed_model_outputs, exported_model_output) + model = ShortTransformer(5, 10, share_weights=True) + input_ids = torch.randint(0, 10, (5,)) + exported_model = _capture_model(model, input_ids) + exported_model_output = exported_model(input_ids) + compressed_model = compress_weights(exported_model, mode=mode) + compressed_model_outputs = compressed_model(input_ids) + assert ( exported_model_output.shape == compressed_model_outputs.shape ), "Compressed model output shape is not equal to the model output shape" @@ -154,12 +157,12 @@ def test_compress_weights_model_size_conv(mode): dtype = torch.int8 if mode == CompressWeightsMode.INT8_SYM else torch.uint8 model = ConvolutionModel() - with disable_patching(): - input_ids = torch.randint(0, 10, [1, 3, 300, 300]) - exported_model = capture_pre_autograd_graph(model, args=(input_ids,)) - model_size = get_model_size(exported_model) - compressed_model = compress_weights(exported_model, mode=mode) - compressed_model_size = get_model_size(compressed_model) + + input_ids = torch.randint(0, 10, [1, 3, 300, 300]) + exported_model = _capture_model(model, input_ids) + model_size = get_model_size(exported_model) + compressed_model = compress_weights(exported_model, mode=mode) + compressed_model_size = get_model_size(compressed_model) n_compressed_weights = 0 n_target_modules = 0 @@ -177,10 +180,10 @@ def test_compress_weights_model_size_conv(mode): def test_compress_weights_functional_model(mode): model = FunctionalModel() decompressor_type = "symmetric" if mode == CompressWeightsMode.INT8_SYM else "asymmetric" - with disable_patching(): - input_ids = torch.randint(0, 10, [1, 3, 300, 300]) - exported_model = capture_pre_autograd_graph(model, args=(input_ids,)) - compressed_model = compress_weights(exported_model, mode=mode) + + input_ids = torch.randint(0, 10, [1, 3, 300, 300]) + exported_model = _capture_model(model, input_ids) + compressed_model = compress_weights(exported_model, mode=mode) n_compressed_weights = 0 @@ -218,18 +221,16 @@ def test_raise_error_with_unsupported_params_for_int8(mode, params): def test_raise_error_with_not_int8(mode): dummy_torch_model = EmptyModel() dummy_input = torch.Tensor() - with disable_patching(): - exported_model = capture_pre_autograd_graph(dummy_torch_model, args=(dummy_input,)) + exported_model = _capture_model(dummy_torch_model, dummy_input) with pytest.raises(AttributeError): compress_weights(exported_model, mode=mode) def test_get_dtype_attribute_of_parameter(): model = DTypeModel() - with disable_patching(): - dummy_input = torch.randint(0, 10, [3, 3]) - exported_model = capture_pre_autograd_graph(model, args=(dummy_input,)) - compressed_model = compress_weights(exported_model) + dummy_input = torch.randint(0, 10, [3, 3]) + exported_model = _capture_model(model, dummy_input) + compressed_model = compress_weights(exported_model) assert compressed_model.matmul_updated_constant0.dtype == torch.uint8 compressed_model(dummy_input) assert compressed_model.matmul_updated_constant0.dtype == torch.uint8 @@ -245,16 +246,12 @@ def test_model_devices_and_precisions(use_cuda, dtype): model = MatMulModel().to(device) if dtype == torch.float16: model.half() - with disable_patching(): - dummy_input = torch.rand((1, 300), dtype=dtype, device=device) - exported_model = capture_pre_autograd_graph(model, args=(dummy_input,)) - compressed_model = compress_weights(exported_model) + dummy_input = torch.rand((1, 300), dtype=dtype, device=device) + exported_model = _capture_model(model, dummy_input) + compressed_model = compress_weights(exported_model) result = compressed_model(dummy_input) # Scale should always be in float16 - assert ( - compressed_model.state_dict()["asymmetric_weights_decompressor_matmul._scale"].dtype - == torch.float16 - ) + assert compressed_model.state_dict()["asymmetric_weights_decompressor_matmul._scale"].dtype == torch.float16 # Result should be in the precision of the model assert result.dtype == dtype From fd9498a5176b6229bda557f896a51eee82b61097 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Mon, 23 Sep 2024 11:09:51 +0400 Subject: [PATCH 56/69] pre-commit fix --- 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 5afd941d80a..3b580c3fdec 100644 --- a/nncf/experimental/torch/fx/nncf_graph_builder.py +++ b/nncf/experimental/torch/fx/nncf_graph_builder.py @@ -139,8 +139,9 @@ def create_nncf_graph(model: torch.fx.GraphModule) -> PTNNCFGraph: 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 = False - is_shared_node = source_node.op in ("get_attr",) and (const_targets_counter[source_node.target] > 1 or - len(source_node.users) > 1) + is_shared_node = source_node.op in ("get_attr",) and ( + const_targets_counter[source_node.target] > 1 or len(source_node.users) > 1 + ) nncf_graph.add_nncf_node( node_name=source_node.name, node_type=node_type, node_metatype=node_metatype, is_shared=is_shared_node From 782b509ea2b23ff86cf87e2578421699137d58fc Mon Sep 17 00:00:00 2001 From: anzr299 Date: Mon, 23 Sep 2024 14:14:50 +0400 Subject: [PATCH 57/69] Fix is_shared attribute test --- tests/torch/fx/test_model_transformer.py | 18 ++++++++++-------- tests/torch/fx/test_models.py | 1 - 2 files changed, 10 insertions(+), 9 deletions(-) diff --git a/tests/torch/fx/test_model_transformer.py b/tests/torch/fx/test_model_transformer.py index c900f36574a..b8837f2cf55 100644 --- a/tests/torch/fx/test_model_transformer.py +++ b/tests/torch/fx/test_model_transformer.py @@ -9,6 +9,7 @@ # See the License for the specific language governing permissions and # limitations under the License. +from collections import Counter from dataclasses import dataclass from pathlib import Path from typing import Any, Tuple @@ -157,29 +158,30 @@ def count_nodes_with_shared_constants(model: torch.fx.GraphModule, nncf_graph: N nncf_node = nncf_graph.get_node_by_name(node.name) num_consumer_nodes = len(nncf_graph.get_next_nodes(nncf_node)) if node.op == "get_attr" and num_consumer_nodes > 1: - assert nncf_node.is_shared() num_nodes_with_constant_nodes += num_consumer_nodes return num_nodes_with_constant_nodes -def check_is_shared_attribute(model: torch.fx.GraphModule, nncf_graph: NNCFGraph) -> int: +def check_is_shared_attribute(model: torch.fx.GraphModule, nncf_graph: NNCFGraph, unification: bool) -> None: model_graph: torch.fx.Graph = model.graph - from collections import Counter - targets = Counter([node.target for node in model.graph.nodes if node.op == "get_attr"]) - print(targets) for node in model_graph.nodes: nncf_node = nncf_graph.get_node_by_name(node.name) - if node.op == "get_attr" and targets[node.target] > 1: + num_consumer_nodes = len(nncf_graph.get_next_nodes(nncf_node)) + cond = num_consumer_nodes > 1 if unification else targets[node.target] > 1 + if node.op == "get_attr" and cond: assert nncf_node.is_shared() -def test_is_shared_attribute_before_transformation(): +@pytest.mark.parametrize("unification", [False, True]) +def test_is_shared_attribute_before_transformation(unification): model = MultiBranchesConnectedModel() ex_inputs = torch.ones((1, 3, 3, 3)) captured_model = _capture_model(model, ex_inputs) + if(unification): + shared_constants_unification_transformation(captured_model) nncf_graph = NNCFGraphFactory.create(captured_model) - check_is_shared_attribute(captured_model, nncf_graph) + check_is_shared_attribute(captured_model, nncf_graph, unification) def test_create_shared_constant_transformation(): diff --git a/tests/torch/fx/test_models.py b/tests/torch/fx/test_models.py index 4296a46fd51..34edadcbfdb 100644 --- a/tests/torch/fx/test_models.py +++ b/tests/torch/fx/test_models.py @@ -40,7 +40,6 @@ FX_DIR_NAME = Path("fx") FX_QUANTIZED_DIR_NAME = Path("fx") / "quantized" -FX_COMPRESSED_DIR_NAME = Path("fx") / "compressed" @dataclass From 48d050b81f7065a886f39546d2632d645387592a Mon Sep 17 00:00:00 2001 From: anzr299 Date: Mon, 23 Sep 2024 14:15:11 +0400 Subject: [PATCH 58/69] pre- commit fix --- tests/torch/fx/test_model_transformer.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/tests/torch/fx/test_model_transformer.py b/tests/torch/fx/test_model_transformer.py index b8837f2cf55..85de20ec5ef 100644 --- a/tests/torch/fx/test_model_transformer.py +++ b/tests/torch/fx/test_model_transformer.py @@ -178,7 +178,7 @@ def test_is_shared_attribute_before_transformation(unification): model = MultiBranchesConnectedModel() ex_inputs = torch.ones((1, 3, 3, 3)) captured_model = _capture_model(model, ex_inputs) - if(unification): + if unification: shared_constants_unification_transformation(captured_model) nncf_graph = NNCFGraphFactory.create(captured_model) check_is_shared_attribute(captured_model, nncf_graph, unification) From 3477d7c01ea12640f28fc110cb1694fe75a6aed9 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Mon, 23 Sep 2024 18:32:25 +0400 Subject: [PATCH 59/69] add reference for checking shared constant unification transformation --- ...stants_unification_transformation_test.dot | 36 ++++++++++++++ tests/torch/fx/test_model_transformer.py | 49 +------------------ 2 files changed, 38 insertions(+), 47 deletions(-) create mode 100644 tests/torch/data/reference_graphs/fx/transformed/shared_constants_unification_transformation_test.dot diff --git a/tests/torch/data/reference_graphs/fx/transformed/shared_constants_unification_transformation_test.dot b/tests/torch/data/reference_graphs/fx/transformed/shared_constants_unification_transformation_test.dot new file mode 100644 index 00000000000..7b649047c71 --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/transformed/shared_constants_unification_transformation_test.dot @@ -0,0 +1,36 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 _param_constant0" [id=1, type=get_attr]; +"2 _param_constant1" [id=2, type=get_attr]; +"3 conv2d" [id=3, type=conv2d]; +"4 _param_constant2" [id=4, type=get_attr]; +"5 _param_constant3" [id=5, type=get_attr]; +"6 conv2d_1" [id=6, type=conv2d]; +"7 _tensor_constant0" [id=7, type=get_attr]; +"8 add_" [id=8, type=add_]; +"9 add__1" [id=9, type=add_]; +"10 add" [id=10, type=add]; +"11 _param_constant4" [id=11, type=get_attr]; +"12 _param_constant5" [id=12, type=get_attr]; +"13 conv2d_2" [id=13, type=conv2d]; +"14 add_1" [id=14, type=add]; +"15 output" [id=15, type=output]; +"0 arg0_1" -> "3 conv2d"; +"1 _param_constant0" -> "3 conv2d"; +"2 _param_constant1" -> "3 conv2d"; +"3 conv2d" -> "6 conv2d_1"; +"3 conv2d" -> "8 add_"; +"4 _param_constant2" -> "6 conv2d_1"; +"5 _param_constant3" -> "6 conv2d_1"; +"6 conv2d_1" -> "9 add__1"; +"7 _tensor_constant0" -> "8 add_"; +"7 _tensor_constant0" -> "9 add__1"; +"7 _tensor_constant0" -> "14 add_1"; +"8 add_" -> "10 add"; +"9 add__1" -> "10 add"; +"10 add" -> "13 conv2d_2"; +"11 _param_constant4" -> "13 conv2d_2"; +"12 _param_constant5" -> "13 conv2d_2"; +"13 conv2d_2" -> "14 add_1"; +"14 add_1" -> "15 output"; +} diff --git a/tests/torch/fx/test_model_transformer.py b/tests/torch/fx/test_model_transformer.py index 85de20ec5ef..f619c955336 100644 --- a/tests/torch/fx/test_model_transformer.py +++ b/tests/torch/fx/test_model_transformer.py @@ -9,7 +9,6 @@ # See the License for the specific language governing permissions and # limitations under the License. -from collections import Counter from dataclasses import dataclass from pathlib import Path from typing import Any, Tuple @@ -142,57 +141,13 @@ def count_constants(model) -> int: return num_constant_nodes -def count_nodes_with_shared_constants(model: torch.fx.GraphModule, nncf_graph: NNCFGraph) -> int: - """ - Gets the number of nodes which use a shared constant. - eg: - const - / \ - node1 node2 - - returns 2 (node1, and node2) - """ - num_nodes_with_constant_nodes = 0 - model_graph: torch.fx.Graph = model.graph - for node in model_graph.nodes: - nncf_node = nncf_graph.get_node_by_name(node.name) - num_consumer_nodes = len(nncf_graph.get_next_nodes(nncf_node)) - if node.op == "get_attr" and num_consumer_nodes > 1: - num_nodes_with_constant_nodes += num_consumer_nodes - return num_nodes_with_constant_nodes - - -def check_is_shared_attribute(model: torch.fx.GraphModule, nncf_graph: NNCFGraph, unification: bool) -> None: - model_graph: torch.fx.Graph = model.graph - targets = Counter([node.target for node in model.graph.nodes if node.op == "get_attr"]) - for node in model_graph.nodes: - nncf_node = nncf_graph.get_node_by_name(node.name) - num_consumer_nodes = len(nncf_graph.get_next_nodes(nncf_node)) - cond = num_consumer_nodes > 1 if unification else targets[node.target] > 1 - if node.op == "get_attr" and cond: - assert nncf_node.is_shared() - - -@pytest.mark.parametrize("unification", [False, True]) -def test_is_shared_attribute_before_transformation(unification): - model = MultiBranchesConnectedModel() - ex_inputs = torch.ones((1, 3, 3, 3)) - captured_model = _capture_model(model, ex_inputs) - if unification: - shared_constants_unification_transformation(captured_model) - nncf_graph = NNCFGraphFactory.create(captured_model) - check_is_shared_attribute(captured_model, nncf_graph, unification) - - def test_create_shared_constant_transformation(): model = MultiBranchesConnectedModel() ex_inputs = torch.ones((1, 3, 3, 3)) captured_model = _capture_model(model, ex_inputs) - assert count_constants(captured_model) == 9 shared_constants_unification_transformation(captured_model) - nncf_graph = NNCFGraphFactory.create(captured_model) - assert count_nodes_with_shared_constants(captured_model, nncf_graph) == 3 - assert count_constants(captured_model) == 7 + nncf_graph = GraphConverter.create_nncf_graph(captured_model) + check_graph(nncf_graph, "shared_constants_unification_transformation_test.dot", TRANSFORMED_GRAPH_DIR_NAME) def get_shared_constant_nodes(nncf_graph: NNCFGraph): From cbc21066cc715a2009e5a5910607eff3a2f781f9 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Mon, 23 Sep 2024 18:33:14 +0400 Subject: [PATCH 60/69] Add synthetic model with embedding to test models and include create is_shared_attribute reference --- .../fx/quantized/synthetic_transformer.dot | 53 +++++++ ...t_unified_shared_attribute_test_model.json | 20 +++ .../unified_shared_attribute_test_model.json | 18 +++ .../synthetic_transformer.json | 12 ++ .../fx/synthetic_transformer.dot | 21 +++ tests/torch/fx/test_models.py | 139 +++++++++++------- 6 files changed, 213 insertions(+), 50 deletions(-) create mode 100644 tests/torch/data/reference_graphs/fx/quantized/synthetic_transformer.dot create mode 100644 tests/torch/data/reference_graphs/fx/reference_attributes/not_unified_shared_attribute_test_model.json create mode 100644 tests/torch/data/reference_graphs/fx/reference_attributes/unified_shared_attribute_test_model.json create mode 100644 tests/torch/data/reference_graphs/fx/reference_metatypes/synthetic_transformer.json create mode 100644 tests/torch/data/reference_graphs/fx/synthetic_transformer.dot diff --git a/tests/torch/data/reference_graphs/fx/quantized/synthetic_transformer.dot b/tests/torch/data/reference_graphs/fx/quantized/synthetic_transformer.dot new file mode 100644 index 00000000000..c274e68f66b --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/quantized/synthetic_transformer.dot @@ -0,0 +1,53 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 _param_constant0" [id=1, type=get_attr]; +"2 embedding" [id=2, type=embedding]; +"3 linear_updated_constant0" [id=3, type=get_attr]; +"4 embedding_0_0_nncf_smooth_quant_0" [id=4, type=call_module]; +"5 quantize_per_tensor_default" [id=5, type=quantize_per_tensor]; +"6 dequantize_per_tensor_default" [id=6, type=dequantize_per_tensor]; +"7 linear_scale_0" [id=7, type=get_attr]; +"8 linear_zero_point_0" [id=8, type=get_attr]; +"9 quantize_per_channel_default" [id=9, type=quantize_per_channel]; +"10 dequantize_per_channel_default" [id=10, type=dequantize_per_channel]; +"11 _param_constant2_0_0" [id=11, type=get_attr]; +"12 linear" [id=12, type=linear]; +"13 linear_1_updated_constant0" [id=13, type=get_attr]; +"14 add_tensor_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 quantize_per_channel_default_1" [id=19, type=quantize_per_channel]; +"20 dequantize_per_channel_default_1" [id=20, type=dequantize_per_channel]; +"21 _param_constant4_0_0" [id=21, type=get_attr]; +"22 linear_1" [id=22, type=linear]; +"23 output" [id=23, type=output]; +"0 arg0_1" -> "2 embedding"; +"1 _param_constant0" -> "2 embedding"; +"2 embedding" -> "4 embedding_0_0_nncf_smooth_quant_0"; +"3 linear_updated_constant0" -> "9 quantize_per_channel_default"; +"4 embedding_0_0_nncf_smooth_quant_0" -> "5 quantize_per_tensor_default"; +"5 quantize_per_tensor_default" -> "6 dequantize_per_tensor_default"; +"6 dequantize_per_tensor_default" -> "12 linear"; +"7 linear_scale_0" -> "9 quantize_per_channel_default"; +"7 linear_scale_0" -> "10 dequantize_per_channel_default"; +"8 linear_zero_point_0" -> "9 quantize_per_channel_default"; +"8 linear_zero_point_0" -> "10 dequantize_per_channel_default"; +"9 quantize_per_channel_default" -> "10 dequantize_per_channel_default"; +"10 dequantize_per_channel_default" -> "12 linear"; +"11 _param_constant2_0_0" -> "12 linear"; +"12 linear" -> "14 add_tensor_0_0_nncf_smooth_quant_0"; +"13 linear_1_updated_constant0" -> "19 quantize_per_channel_default_1"; +"14 add_tensor_0_0_nncf_smooth_quant_0" -> "15 quantize_per_tensor_default_1"; +"15 quantize_per_tensor_default_1" -> "16 dequantize_per_tensor_default_1"; +"16 dequantize_per_tensor_default_1" -> "22 linear_1"; +"17 linear_1_scale_0" -> "19 quantize_per_channel_default_1"; +"17 linear_1_scale_0" -> "20 dequantize_per_channel_default_1"; +"18 linear_1_zero_point_0" -> "19 quantize_per_channel_default_1"; +"18 linear_1_zero_point_0" -> "20 dequantize_per_channel_default_1"; +"19 quantize_per_channel_default_1" -> "20 dequantize_per_channel_default_1"; +"20 dequantize_per_channel_default_1" -> "22 linear_1"; +"21 _param_constant4_0_0" -> "22 linear_1"; +"22 linear_1" -> "23 output"; +} diff --git a/tests/torch/data/reference_graphs/fx/reference_attributes/not_unified_shared_attribute_test_model.json b/tests/torch/data/reference_graphs/fx/reference_attributes/not_unified_shared_attribute_test_model.json new file mode 100644 index 00000000000..fd4489ff8b6 --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/reference_attributes/not_unified_shared_attribute_test_model.json @@ -0,0 +1,20 @@ +{ + "arg0_1": false, + "_param_constant0": false, + "_param_constant1": false, + "conv2d": false, + "_param_constant2": false, + "_param_constant3": false, + "conv2d_1": false, + "_tensor_constant0": true, + "add_": false, + "_tensor_constant0_1": true, + "add__1": false, + "add": false, + "_param_constant4": false, + "_param_constant5": false, + "conv2d_2": false, + "_tensor_constant0_2": true, + "add_1": false, + "output": false +} \ No newline at end of file diff --git a/tests/torch/data/reference_graphs/fx/reference_attributes/unified_shared_attribute_test_model.json b/tests/torch/data/reference_graphs/fx/reference_attributes/unified_shared_attribute_test_model.json new file mode 100644 index 00000000000..4c57c9317d2 --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/reference_attributes/unified_shared_attribute_test_model.json @@ -0,0 +1,18 @@ +{ + "arg0_1": false, + "_param_constant0": false, + "_param_constant1": false, + "conv2d": false, + "_param_constant2": false, + "_param_constant3": false, + "conv2d_1": false, + "_tensor_constant0": true, + "add_": false, + "add__1": false, + "add": false, + "_param_constant4": false, + "_param_constant5": false, + "conv2d_2": false, + "add_1": false, + "output": false +} \ No newline at end of file diff --git a/tests/torch/data/reference_graphs/fx/reference_metatypes/synthetic_transformer.json b/tests/torch/data/reference_graphs/fx/reference_metatypes/synthetic_transformer.json new file mode 100644 index 00000000000..db48bf84205 --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/reference_metatypes/synthetic_transformer.json @@ -0,0 +1,12 @@ +{ + "arg0_1": "PTInputNoopMetatype", + "_param_constant0": "PTConstNoopMetatype", + "embedding": "FXEmbeddingMetatype", + "_param_constant1": "PTConstNoopMetatype", + "_param_constant2": "PTConstNoopMetatype", + "linear": "PTLinearMetatype", + "_param_constant3": "PTConstNoopMetatype", + "_param_constant4": "PTConstNoopMetatype", + "linear_1": "PTLinearMetatype", + "output": "PTOutputNoopMetatype" +} \ No newline at end of file diff --git a/tests/torch/data/reference_graphs/fx/synthetic_transformer.dot b/tests/torch/data/reference_graphs/fx/synthetic_transformer.dot new file mode 100644 index 00000000000..2731f77220f --- /dev/null +++ b/tests/torch/data/reference_graphs/fx/synthetic_transformer.dot @@ -0,0 +1,21 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 _param_constant0" [id=1, type=get_attr]; +"2 embedding" [id=2, type=embedding]; +"3 _param_constant1" [id=3, type=get_attr]; +"4 _param_constant2" [id=4, type=get_attr]; +"5 linear" [id=5, type=linear]; +"6 _param_constant3" [id=6, type=get_attr]; +"7 _param_constant4" [id=7, type=get_attr]; +"8 linear_1" [id=8, type=linear]; +"9 output" [id=9, type=output]; +"0 arg0_1" -> "2 embedding"; +"1 _param_constant0" -> "2 embedding"; +"2 embedding" -> "5 linear"; +"3 _param_constant1" -> "5 linear"; +"4 _param_constant2" -> "5 linear"; +"5 linear" -> "8 linear_1"; +"6 _param_constant3" -> "8 linear_1"; +"7 _param_constant4" -> "8 linear_1"; +"8 linear_1" -> "9 output"; +} diff --git a/tests/torch/fx/test_models.py b/tests/torch/fx/test_models.py index 34edadcbfdb..46e2954ddf0 100644 --- a/tests/torch/fx/test_models.py +++ b/tests/torch/fx/test_models.py @@ -14,7 +14,7 @@ from dataclasses import dataclass from functools import partial from pathlib import Path -from typing import Callable, Dict, Tuple, Type +from typing import Callable, Dict, Tuple, Type, Union import openvino.torch # noqa import pytest @@ -28,18 +28,31 @@ from torch._export import capture_pre_autograd_graph import nncf +from nncf.common.graph.graph import NNCFGraph from nncf.common.graph.graph import NNCFNodeName from nncf.common.graph.operator_metatypes import OperatorMetatype from nncf.common.utils.os import safe_open from nncf.experimental.torch.fx.nncf_graph_builder import GraphConverter +from nncf.experimental.torch.fx.transformations import shared_constants_unification_transformation from nncf.quantization.advanced_parameters import AdvancedQuantizationParameters from nncf.torch.dynamic_graph.patch_pytorch import disable_patching +from tests.cross_fw.shared.nx_graph import compare_nx_graph_with_reference from tests.cross_fw.shared.paths import TEST_ROOT from tests.torch import test_models -from tests.torch.test_compressed_graph import check_graph +from tests.torch.ptq.test_weights_compression import ShortTransformer +from tests.torch.test_models.synthetic import MultiBranchesConnectedModel -FX_DIR_NAME = Path("fx") -FX_QUANTIZED_DIR_NAME = Path("fx") / "quantized" + +def check_fx_graphs(graph: NNCFGraph, path_to_dot: str, graph_dir: str): + data_dir = TEST_ROOT / "torch" / "data" / "fx" / "reference_graphs" + dot_dir = data_dir / graph_dir + path_to_dot = dot_dir / path_to_dot + nx_graph = graph.get_graph_for_structure_analysis(extended=True) + compare_nx_graph_with_reference(nx_graph, path_to_dot, check_edge_attrs=True) + + +FX_DIR_NAME = "original_graphs" +FX_QUANTIZED_DIR_NAME = "quantized_graphs" @dataclass @@ -60,6 +73,7 @@ def torchvision_model_case(model_id: str, input_shape: Tuple[int,]): torchvision_model_case("vit_b_16", (1, 3, 224, 224)), torchvision_model_case("swin_v2_s", (1, 3, 224, 224)), ModelCase(test_models.UNet, "unet", [1, 3, 224, 224]), + ModelCase(partial(ShortTransformer, 5, 10), "synthetic_transformer", [5]), ) @@ -71,18 +85,25 @@ def get_json_filename(model_name): return model_name + ".json" -def get_full_path_to_json(model_json_name: str) -> str: - path_to_dir = TEST_ROOT / "torch" / "data" / "reference_graphs" / "fx" / "reference_metatypes" +def get_full_path_to_json(model_json_name: str, attributes: bool = False) -> str: + property_to_check = "reference_metatypes" if not attributes else "reference_attributes" + path_to_dir = TEST_ROOT / "torch" / "data" / "reference_graphs" / "fx" / property_to_check path_to_json = path_to_dir / model_json_name return path_to_json -def get_ref_metatypes_from_json( - model_name: str, model_metatypes: Dict[NNCFNodeName, Type[OperatorMetatype]] -) -> Dict[NNCFNodeName, Type[OperatorMetatype]]: +def _capture_model(model: torch.nn.Module, inputs: torch.Tensor) -> torch.fx.GraphModule: + with torch.no_grad(): + with disable_patching(): + return capture_pre_autograd_graph(model, (inputs,)) + + +def get_ref_from_json( + model_name: str, model_metatypes: Dict[NNCFNodeName, Union[Type[OperatorMetatype], bool]], attributes=False +) -> Dict[NNCFNodeName, Union[Type[OperatorMetatype], bool]]: model_json_name = get_json_filename(model_name) - complete_path = get_full_path_to_json(model_json_name) + complete_path = get_full_path_to_json(model_json_name, attributes) json_parent_dir = Path(complete_path).parent @@ -98,26 +119,26 @@ def get_ref_metatypes_from_json( @pytest.mark.parametrize("test_case", TEST_MODELS, ids=[m.model_id for m in TEST_MODELS]) def test_model(test_case: ModelCase): - with disable_patching(): - device = torch.device("cpu") - model_name = test_case.model_id - model = test_case.model_builder() - model.to(device) + device = torch.device("cpu") + model_name = test_case.model_id + model = test_case.model_builder() + model.to(device) - with torch.no_grad(): - ex_input = torch.ones(test_case.input_shape) - model.eval() - exported_model = capture_pre_autograd_graph(model, args=(ex_input,)) - nncf_graph = GraphConverter.create_nncf_graph(exported_model) + with torch.no_grad(): + dtype = torch.int32 if test_case.model_id == "synthetic_transformer" else torch.float32 + ex_input = torch.ones(test_case.input_shape, dtype=dtype) + model.eval() + exported_model = _capture_model(model, ex_input) + nncf_graph = GraphConverter.create_nncf_graph(exported_model) - # Check NNCFGrpah - dot_filename = get_dot_filename(model_name) - check_graph(nncf_graph, dot_filename, FX_DIR_NAME) + # Check NNCFGrpah + dot_filename = get_dot_filename(model_name) + check_fx_graphs(nncf_graph, dot_filename, FX_DIR_NAME) - # Check metatypes - model_metatypes = {n.node_name: n.metatype.__name__ for n in nncf_graph.get_all_nodes()} - ref_metatypes = get_ref_metatypes_from_json(model_name, model_metatypes) - assert model_metatypes == ref_metatypes + # Check metatypes + model_metatypes = {n.node_name: n.metatype.__name__ for n in nncf_graph.get_all_nodes()} + ref_metatypes = get_ref_from_json(model_name, model_metatypes) + assert model_metatypes == ref_metatypes TEST_MODELS_QUANIZED = ( @@ -126,6 +147,10 @@ def test_model(test_case: ModelCase): (torchvision_model_case("mobilenet_v3_small", (1, 3, 224, 224)), {}), (torchvision_model_case("vit_b_16", (1, 3, 224, 224)), {"model_type": nncf.ModelType.TRANSFORMER}), (torchvision_model_case("swin_v2_s", (1, 3, 224, 224)), {"model_type": nncf.ModelType.TRANSFORMER}), + ( + ModelCase(partial(ShortTransformer, 5, 10), "synthetic_transformer", [5]), + {"model_type": nncf.ModelType.TRANSFORMER}, + ), ) @@ -133,26 +158,40 @@ def test_model(test_case: ModelCase): ("model_case", "quantization_parameters"), TEST_MODELS_QUANIZED, ids=[m[0].model_id for m in TEST_MODELS_QUANIZED] ) def test_quantized_model(model_case: ModelCase, quantization_parameters): - with disable_patching(): - model = model_case.model_builder() - example_input = torch.ones(model_case.input_shape) - - with torch.no_grad(): - model.eval() - fx_model = capture_pre_autograd_graph(model, args=(example_input,)) - - def transform_fn(data_item): - return data_item.to("cpu") - - calibration_dataset = nncf.Dataset([example_input], transform_fn) - - quantization_parameters["advanced_parameters"] = AdvancedQuantizationParameters(disable_bias_correction=True) - quantization_parameters["subset_size"] = 1 - - quantized_model = nncf.quantize(fx_model, calibration_dataset, **quantization_parameters) - # Uncomment to visualize torch fx graph - # from tests.torch.fx.helpers import visualize_fx_model - # visualize_fx_model(quantized_model, f"{model_case.model_id}_int8.svg") - - nncf_graph = GraphConverter.create_nncf_graph(quantized_model) - check_graph(nncf_graph, get_dot_filename(model_case.model_id), FX_QUANTIZED_DIR_NAME) + model = model_case.model_builder() + dtype = torch.int32 if model_case.model_id == "synthetic_transformer" else torch.float32 + example_input = torch.ones(model_case.input_shape, dtype=dtype) + + with torch.no_grad(): + model.eval() + fx_model = _capture_model(model, example_input) + + def transform_fn(data_item): + return data_item.to("cpu") + + calibration_dataset = nncf.Dataset([example_input], transform_fn) + + quantization_parameters["advanced_parameters"] = AdvancedQuantizationParameters(disable_bias_correction=True) + quantization_parameters["subset_size"] = 1 + + quantized_model = nncf.quantize(fx_model, calibration_dataset, **quantization_parameters) + # Uncomment to visualize torch fx graph + # from tests.torch.fx.helpers import visualize_fx_model + # visualize_fx_model(quantized_model, f"{model_case.model_id}_int8.svg") + + nncf_graph = GraphConverter.create_nncf_graph(quantized_model) + check_fx_graphs(nncf_graph, get_dot_filename(model_case.model_id), FX_QUANTIZED_DIR_NAME) + + +@pytest.mark.parametrize("unification", [False, True]) +def test_is_shared_attribute(unification): + model = MultiBranchesConnectedModel() + ex_inputs = torch.ones((1, 3, 3, 3)) + captured_model = _capture_model(model, ex_inputs) + file_prefix = "not_unified" + if unification: + file_prefix = "unified" + shared_constants_unification_transformation(captured_model) + nncf_graph = GraphConverter.create_nncf_graph(captured_model) + shared_attributes = {n.node_name: n.is_shared() for n in nncf_graph.get_all_nodes()} + get_ref_from_json(f"{file_prefix}_shared_attribute_test_model", shared_attributes, attributes=True) From 229517c9052e2d8dedc12c68151a0a67596a1b0e Mon Sep 17 00:00:00 2001 From: Aamir Nazir Date: Mon, 23 Sep 2024 19:56:34 +0400 Subject: [PATCH 61/69] add reference graphs --- .../original_graphs/mobilenet_v3_small.dot | 992 +++ .../original_graphs/resnet18.dot | 495 ++ .../original_graphs/swin_v2_s.dot | 5610 ++++++++++++++ .../original_graphs/synthetic_transformer.dot | 21 + .../reference_graphs/original_graphs/unet.dot | 537 ++ .../original_graphs/vit_b_16.dot | 1219 +++ .../quantized_graphs/mobilenet_v3_small.dot | 1182 +++ .../quantized_graphs/resnet18.dot | 539 ++ .../quantized_graphs/swin_v2_s.dot | 6858 +++++++++++++++++ .../synthetic_transformer.dot | 53 + .../quantized_graphs/unet.dot | 561 ++ .../quantized_graphs/vit_b_16.dot | 2113 +++++ 12 files changed, 20180 insertions(+) create mode 100644 tests/torch/data/fx/reference_graphs/original_graphs/mobilenet_v3_small.dot create mode 100644 tests/torch/data/fx/reference_graphs/original_graphs/resnet18.dot create mode 100644 tests/torch/data/fx/reference_graphs/original_graphs/swin_v2_s.dot create mode 100644 tests/torch/data/fx/reference_graphs/original_graphs/synthetic_transformer.dot create mode 100644 tests/torch/data/fx/reference_graphs/original_graphs/unet.dot create mode 100644 tests/torch/data/fx/reference_graphs/original_graphs/vit_b_16.dot create mode 100644 tests/torch/data/fx/reference_graphs/quantized_graphs/mobilenet_v3_small.dot create mode 100644 tests/torch/data/fx/reference_graphs/quantized_graphs/resnet18.dot create mode 100644 tests/torch/data/fx/reference_graphs/quantized_graphs/swin_v2_s.dot create mode 100644 tests/torch/data/fx/reference_graphs/quantized_graphs/synthetic_transformer.dot create mode 100644 tests/torch/data/fx/reference_graphs/quantized_graphs/unet.dot create mode 100644 tests/torch/data/fx/reference_graphs/quantized_graphs/vit_b_16.dot diff --git a/tests/torch/data/fx/reference_graphs/original_graphs/mobilenet_v3_small.dot b/tests/torch/data/fx/reference_graphs/original_graphs/mobilenet_v3_small.dot new file mode 100644 index 00000000000..11ecae8985d --- /dev/null +++ b/tests/torch/data/fx/reference_graphs/original_graphs/mobilenet_v3_small.dot @@ -0,0 +1,992 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 _param_constant0" [id=1, type=get_attr]; +"2 conv2d" [id=2, type=conv2d]; +"3 empty" [id=3, type=empty]; +"4 _param_constant1" [id=4, type=get_attr]; +"5 _param_constant2" [id=5, type=get_attr]; +"6 _tensor_constant0" [id=6, type=get_attr]; +"7 _tensor_constant1" [id=7, type=get_attr]; +"8 _native_batch_norm_legit_no_training" [id=8, type=_native_batch_norm_legit_no_training]; +"9 getitem" [id=9, type=__getitem__]; +"10 getitem_1" [id=10, type=__getitem__]; +"11 getitem_2" [id=11, type=__getitem__]; +"12 hardswish_" [id=12, type=hardswish_]; +"13 _param_constant3" [id=13, type=get_attr]; +"14 conv2d_1" [id=14, type=conv2d]; +"15 empty_1" [id=15, type=empty]; +"16 _param_constant4" [id=16, type=get_attr]; +"17 _param_constant5" [id=17, type=get_attr]; +"18 _tensor_constant2" [id=18, type=get_attr]; +"19 _tensor_constant3" [id=19, type=get_attr]; +"20 _native_batch_norm_legit_no_training_1" [id=20, type=_native_batch_norm_legit_no_training]; +"21 getitem_3" [id=21, type=__getitem__]; +"22 getitem_4" [id=22, type=__getitem__]; +"23 getitem_5" [id=23, type=__getitem__]; +"24 relu_" [id=24, type=relu_]; +"25 adaptive_avg_pool2d" [id=25, type=adaptive_avg_pool2d]; +"26 _param_constant6" [id=26, type=get_attr]; +"27 _param_constant7" [id=27, type=get_attr]; +"28 conv2d_2" [id=28, type=conv2d]; +"29 relu" [id=29, type=relu]; +"30 _param_constant8" [id=30, type=get_attr]; +"31 _param_constant9" [id=31, type=get_attr]; +"32 conv2d_3" [id=32, type=conv2d]; +"33 hardsigmoid" [id=33, type=hardsigmoid]; +"34 mul" [id=34, type=mul]; +"35 _param_constant10" [id=35, type=get_attr]; +"36 conv2d_4" [id=36, type=conv2d]; +"37 empty_2" [id=37, type=empty]; +"38 _param_constant11" [id=38, type=get_attr]; +"39 _param_constant12" [id=39, type=get_attr]; +"40 _tensor_constant4" [id=40, type=get_attr]; +"41 _tensor_constant5" [id=41, type=get_attr]; +"42 _native_batch_norm_legit_no_training_2" [id=42, type=_native_batch_norm_legit_no_training]; +"43 getitem_6" [id=43, type=__getitem__]; +"44 getitem_7" [id=44, type=__getitem__]; +"45 getitem_8" [id=45, type=__getitem__]; +"46 _param_constant13" [id=46, type=get_attr]; +"47 conv2d_5" [id=47, type=conv2d]; +"48 empty_3" [id=48, type=empty]; +"49 _param_constant14" [id=49, type=get_attr]; +"50 _param_constant15" [id=50, type=get_attr]; +"51 _tensor_constant6" [id=51, type=get_attr]; +"52 _tensor_constant7" [id=52, type=get_attr]; +"53 _native_batch_norm_legit_no_training_3" [id=53, type=_native_batch_norm_legit_no_training]; +"54 getitem_9" [id=54, type=__getitem__]; +"55 getitem_10" [id=55, type=__getitem__]; +"56 getitem_11" [id=56, type=__getitem__]; +"57 relu__1" [id=57, type=relu_]; +"58 _param_constant16" [id=58, type=get_attr]; +"59 conv2d_6" [id=59, type=conv2d]; +"60 empty_4" [id=60, type=empty]; +"61 _param_constant17" [id=61, type=get_attr]; +"62 _param_constant18" [id=62, type=get_attr]; +"63 _tensor_constant8" [id=63, type=get_attr]; +"64 _tensor_constant9" [id=64, type=get_attr]; +"65 _native_batch_norm_legit_no_training_4" [id=65, type=_native_batch_norm_legit_no_training]; +"66 getitem_12" [id=66, type=__getitem__]; +"67 getitem_13" [id=67, type=__getitem__]; +"68 getitem_14" [id=68, type=__getitem__]; +"69 relu__2" [id=69, type=relu_]; +"70 _param_constant19" [id=70, type=get_attr]; +"71 conv2d_7" [id=71, type=conv2d]; +"72 empty_5" [id=72, type=empty]; +"73 _param_constant20" [id=73, type=get_attr]; +"74 _param_constant21" [id=74, type=get_attr]; +"75 _tensor_constant10" [id=75, type=get_attr]; +"76 _tensor_constant11" [id=76, type=get_attr]; +"77 _native_batch_norm_legit_no_training_5" [id=77, type=_native_batch_norm_legit_no_training]; +"78 getitem_15" [id=78, type=__getitem__]; +"79 getitem_16" [id=79, type=__getitem__]; +"80 getitem_17" [id=80, type=__getitem__]; +"81 _param_constant22" [id=81, type=get_attr]; +"82 conv2d_8" [id=82, type=conv2d]; +"83 empty_6" [id=83, type=empty]; +"84 _param_constant23" [id=84, type=get_attr]; +"85 _param_constant24" [id=85, type=get_attr]; +"86 _tensor_constant12" [id=86, type=get_attr]; +"87 _tensor_constant13" [id=87, type=get_attr]; +"88 _native_batch_norm_legit_no_training_6" [id=88, type=_native_batch_norm_legit_no_training]; +"89 getitem_18" [id=89, type=__getitem__]; +"90 getitem_19" [id=90, type=__getitem__]; +"91 getitem_20" [id=91, type=__getitem__]; +"92 relu__3" [id=92, type=relu_]; +"93 _param_constant25" [id=93, type=get_attr]; +"94 conv2d_9" [id=94, type=conv2d]; +"95 empty_7" [id=95, type=empty]; +"96 _param_constant26" [id=96, type=get_attr]; +"97 _param_constant27" [id=97, type=get_attr]; +"98 _tensor_constant14" [id=98, type=get_attr]; +"99 _tensor_constant15" [id=99, type=get_attr]; +"100 _native_batch_norm_legit_no_training_7" [id=100, type=_native_batch_norm_legit_no_training]; +"101 getitem_21" [id=101, type=__getitem__]; +"102 getitem_22" [id=102, type=__getitem__]; +"103 getitem_23" [id=103, type=__getitem__]; +"104 relu__4" [id=104, type=relu_]; +"105 _param_constant28" [id=105, type=get_attr]; +"106 conv2d_10" [id=106, type=conv2d]; +"107 empty_8" [id=107, type=empty]; +"108 _param_constant29" [id=108, type=get_attr]; +"109 _param_constant30" [id=109, type=get_attr]; +"110 _tensor_constant16" [id=110, type=get_attr]; +"111 _tensor_constant17" [id=111, type=get_attr]; +"112 _native_batch_norm_legit_no_training_8" [id=112, type=_native_batch_norm_legit_no_training]; +"113 getitem_24" [id=113, type=__getitem__]; +"114 getitem_25" [id=114, type=__getitem__]; +"115 getitem_26" [id=115, type=__getitem__]; +"116 add_" [id=116, type=add_]; +"117 _param_constant31" [id=117, type=get_attr]; +"118 conv2d_11" [id=118, type=conv2d]; +"119 empty_9" [id=119, type=empty]; +"120 _param_constant32" [id=120, type=get_attr]; +"121 _param_constant33" [id=121, type=get_attr]; +"122 _tensor_constant18" [id=122, type=get_attr]; +"123 _tensor_constant19" [id=123, type=get_attr]; +"124 _native_batch_norm_legit_no_training_9" [id=124, type=_native_batch_norm_legit_no_training]; +"125 getitem_27" [id=125, type=__getitem__]; +"126 getitem_28" [id=126, type=__getitem__]; +"127 getitem_29" [id=127, type=__getitem__]; +"128 hardswish__1" [id=128, type=hardswish_]; +"129 _param_constant34" [id=129, type=get_attr]; +"130 conv2d_12" [id=130, type=conv2d]; +"131 empty_10" [id=131, type=empty]; +"132 _param_constant35" [id=132, type=get_attr]; +"133 _param_constant36" [id=133, type=get_attr]; +"134 _tensor_constant20" [id=134, type=get_attr]; +"135 _tensor_constant21" [id=135, type=get_attr]; +"136 _native_batch_norm_legit_no_training_10" [id=136, type=_native_batch_norm_legit_no_training]; +"137 getitem_30" [id=137, type=__getitem__]; +"138 getitem_31" [id=138, type=__getitem__]; +"139 getitem_32" [id=139, type=__getitem__]; +"140 hardswish__2" [id=140, type=hardswish_]; +"141 adaptive_avg_pool2d_1" [id=141, type=adaptive_avg_pool2d]; +"142 _param_constant37" [id=142, type=get_attr]; +"143 _param_constant38" [id=143, type=get_attr]; +"144 conv2d_13" [id=144, type=conv2d]; +"145 relu_1" [id=145, type=relu]; +"146 _param_constant39" [id=146, type=get_attr]; +"147 _param_constant40" [id=147, type=get_attr]; +"148 conv2d_14" [id=148, type=conv2d]; +"149 hardsigmoid_1" [id=149, type=hardsigmoid]; +"150 mul_1" [id=150, type=mul]; +"151 _param_constant41" [id=151, type=get_attr]; +"152 conv2d_15" [id=152, type=conv2d]; +"153 empty_11" [id=153, type=empty]; +"154 _param_constant42" [id=154, type=get_attr]; +"155 _param_constant43" [id=155, type=get_attr]; +"156 _tensor_constant22" [id=156, type=get_attr]; +"157 _tensor_constant23" [id=157, type=get_attr]; +"158 _native_batch_norm_legit_no_training_11" [id=158, type=_native_batch_norm_legit_no_training]; +"159 getitem_33" [id=159, type=__getitem__]; +"160 getitem_34" [id=160, type=__getitem__]; +"161 getitem_35" [id=161, type=__getitem__]; +"162 _param_constant44" [id=162, type=get_attr]; +"163 conv2d_16" [id=163, type=conv2d]; +"164 empty_12" [id=164, type=empty]; +"165 _param_constant45" [id=165, type=get_attr]; +"166 _param_constant46" [id=166, type=get_attr]; +"167 _tensor_constant24" [id=167, type=get_attr]; +"168 _tensor_constant25" [id=168, type=get_attr]; +"169 _native_batch_norm_legit_no_training_12" [id=169, type=_native_batch_norm_legit_no_training]; +"170 getitem_36" [id=170, type=__getitem__]; +"171 getitem_37" [id=171, type=__getitem__]; +"172 getitem_38" [id=172, type=__getitem__]; +"173 hardswish__3" [id=173, type=hardswish_]; +"174 _param_constant47" [id=174, type=get_attr]; +"175 conv2d_17" [id=175, type=conv2d]; +"176 empty_13" [id=176, type=empty]; +"177 _param_constant48" [id=177, type=get_attr]; +"178 _param_constant49" [id=178, type=get_attr]; +"179 _tensor_constant26" [id=179, type=get_attr]; +"180 _tensor_constant27" [id=180, type=get_attr]; +"181 _native_batch_norm_legit_no_training_13" [id=181, type=_native_batch_norm_legit_no_training]; +"182 getitem_39" [id=182, type=__getitem__]; +"183 getitem_40" [id=183, type=__getitem__]; +"184 getitem_41" [id=184, type=__getitem__]; +"185 hardswish__4" [id=185, type=hardswish_]; +"186 adaptive_avg_pool2d_2" [id=186, type=adaptive_avg_pool2d]; +"187 _param_constant50" [id=187, type=get_attr]; +"188 _param_constant51" [id=188, type=get_attr]; +"189 conv2d_18" [id=189, type=conv2d]; +"190 relu_2" [id=190, type=relu]; +"191 _param_constant52" [id=191, type=get_attr]; +"192 _param_constant53" [id=192, type=get_attr]; +"193 conv2d_19" [id=193, type=conv2d]; +"194 hardsigmoid_2" [id=194, type=hardsigmoid]; +"195 mul_2" [id=195, type=mul]; +"196 _param_constant54" [id=196, type=get_attr]; +"197 conv2d_20" [id=197, type=conv2d]; +"198 empty_14" [id=198, type=empty]; +"199 _param_constant55" [id=199, type=get_attr]; +"200 _param_constant56" [id=200, type=get_attr]; +"201 _tensor_constant28" [id=201, type=get_attr]; +"202 _tensor_constant29" [id=202, type=get_attr]; +"203 _native_batch_norm_legit_no_training_14" [id=203, type=_native_batch_norm_legit_no_training]; +"204 getitem_42" [id=204, type=__getitem__]; +"205 getitem_43" [id=205, type=__getitem__]; +"206 getitem_44" [id=206, type=__getitem__]; +"207 add__1" [id=207, type=add_]; +"208 _param_constant57" [id=208, type=get_attr]; +"209 conv2d_21" [id=209, type=conv2d]; +"210 empty_15" [id=210, type=empty]; +"211 _param_constant58" [id=211, type=get_attr]; +"212 _param_constant59" [id=212, type=get_attr]; +"213 _tensor_constant30" [id=213, type=get_attr]; +"214 _tensor_constant31" [id=214, type=get_attr]; +"215 _native_batch_norm_legit_no_training_15" [id=215, type=_native_batch_norm_legit_no_training]; +"216 getitem_45" [id=216, type=__getitem__]; +"217 getitem_46" [id=217, type=__getitem__]; +"218 getitem_47" [id=218, type=__getitem__]; +"219 hardswish__5" [id=219, type=hardswish_]; +"220 _param_constant60" [id=220, type=get_attr]; +"221 conv2d_22" [id=221, type=conv2d]; +"222 empty_16" [id=222, type=empty]; +"223 _param_constant61" [id=223, type=get_attr]; +"224 _param_constant62" [id=224, type=get_attr]; +"225 _tensor_constant32" [id=225, type=get_attr]; +"226 _tensor_constant33" [id=226, type=get_attr]; +"227 _native_batch_norm_legit_no_training_16" [id=227, type=_native_batch_norm_legit_no_training]; +"228 getitem_48" [id=228, type=__getitem__]; +"229 getitem_49" [id=229, type=__getitem__]; +"230 getitem_50" [id=230, type=__getitem__]; +"231 hardswish__6" [id=231, type=hardswish_]; +"232 adaptive_avg_pool2d_3" [id=232, type=adaptive_avg_pool2d]; +"233 _param_constant63" [id=233, type=get_attr]; +"234 _param_constant64" [id=234, type=get_attr]; +"235 conv2d_23" [id=235, type=conv2d]; +"236 relu_3" [id=236, type=relu]; +"237 _param_constant65" [id=237, type=get_attr]; +"238 _param_constant66" [id=238, type=get_attr]; +"239 conv2d_24" [id=239, type=conv2d]; +"240 hardsigmoid_3" [id=240, type=hardsigmoid]; +"241 mul_3" [id=241, type=mul]; +"242 _param_constant67" [id=242, type=get_attr]; +"243 conv2d_25" [id=243, type=conv2d]; +"244 empty_17" [id=244, type=empty]; +"245 _param_constant68" [id=245, type=get_attr]; +"246 _param_constant69" [id=246, type=get_attr]; +"247 _tensor_constant34" [id=247, type=get_attr]; +"248 _tensor_constant35" [id=248, type=get_attr]; +"249 _native_batch_norm_legit_no_training_17" [id=249, type=_native_batch_norm_legit_no_training]; +"250 getitem_51" [id=250, type=__getitem__]; +"251 getitem_52" [id=251, type=__getitem__]; +"252 getitem_53" [id=252, type=__getitem__]; +"253 add__2" [id=253, type=add_]; +"254 _param_constant70" [id=254, type=get_attr]; +"255 conv2d_26" [id=255, type=conv2d]; +"256 empty_18" [id=256, type=empty]; +"257 _param_constant71" [id=257, type=get_attr]; +"258 _param_constant72" [id=258, type=get_attr]; +"259 _tensor_constant36" [id=259, type=get_attr]; +"260 _tensor_constant37" [id=260, type=get_attr]; +"261 _native_batch_norm_legit_no_training_18" [id=261, type=_native_batch_norm_legit_no_training]; +"262 getitem_54" [id=262, type=__getitem__]; +"263 getitem_55" [id=263, type=__getitem__]; +"264 getitem_56" [id=264, type=__getitem__]; +"265 hardswish__7" [id=265, type=hardswish_]; +"266 _param_constant73" [id=266, type=get_attr]; +"267 conv2d_27" [id=267, type=conv2d]; +"268 empty_19" [id=268, type=empty]; +"269 _param_constant74" [id=269, type=get_attr]; +"270 _param_constant75" [id=270, type=get_attr]; +"271 _tensor_constant38" [id=271, type=get_attr]; +"272 _tensor_constant39" [id=272, type=get_attr]; +"273 _native_batch_norm_legit_no_training_19" [id=273, type=_native_batch_norm_legit_no_training]; +"274 getitem_57" [id=274, type=__getitem__]; +"275 getitem_58" [id=275, type=__getitem__]; +"276 getitem_59" [id=276, type=__getitem__]; +"277 hardswish__8" [id=277, type=hardswish_]; +"278 adaptive_avg_pool2d_4" [id=278, type=adaptive_avg_pool2d]; +"279 _param_constant76" [id=279, type=get_attr]; +"280 _param_constant77" [id=280, type=get_attr]; +"281 conv2d_28" [id=281, type=conv2d]; +"282 relu_4" [id=282, type=relu]; +"283 _param_constant78" [id=283, type=get_attr]; +"284 _param_constant79" [id=284, type=get_attr]; +"285 conv2d_29" [id=285, type=conv2d]; +"286 hardsigmoid_4" [id=286, type=hardsigmoid]; +"287 mul_4" [id=287, type=mul]; +"288 _param_constant80" [id=288, type=get_attr]; +"289 conv2d_30" [id=289, type=conv2d]; +"290 empty_20" [id=290, type=empty]; +"291 _param_constant81" [id=291, type=get_attr]; +"292 _param_constant82" [id=292, type=get_attr]; +"293 _tensor_constant40" [id=293, type=get_attr]; +"294 _tensor_constant41" [id=294, type=get_attr]; +"295 _native_batch_norm_legit_no_training_20" [id=295, type=_native_batch_norm_legit_no_training]; +"296 getitem_60" [id=296, type=__getitem__]; +"297 getitem_61" [id=297, type=__getitem__]; +"298 getitem_62" [id=298, type=__getitem__]; +"299 _param_constant83" [id=299, type=get_attr]; +"300 conv2d_31" [id=300, type=conv2d]; +"301 empty_21" [id=301, type=empty]; +"302 _param_constant84" [id=302, type=get_attr]; +"303 _param_constant85" [id=303, type=get_attr]; +"304 _tensor_constant42" [id=304, type=get_attr]; +"305 _tensor_constant43" [id=305, type=get_attr]; +"306 _native_batch_norm_legit_no_training_21" [id=306, type=_native_batch_norm_legit_no_training]; +"307 getitem_63" [id=307, type=__getitem__]; +"308 getitem_64" [id=308, type=__getitem__]; +"309 getitem_65" [id=309, type=__getitem__]; +"310 hardswish__9" [id=310, type=hardswish_]; +"311 _param_constant86" [id=311, type=get_attr]; +"312 conv2d_32" [id=312, type=conv2d]; +"313 empty_22" [id=313, type=empty]; +"314 _param_constant87" [id=314, type=get_attr]; +"315 _param_constant88" [id=315, type=get_attr]; +"316 _tensor_constant44" [id=316, type=get_attr]; +"317 _tensor_constant45" [id=317, type=get_attr]; +"318 _native_batch_norm_legit_no_training_22" [id=318, type=_native_batch_norm_legit_no_training]; +"319 getitem_66" [id=319, type=__getitem__]; +"320 getitem_67" [id=320, type=__getitem__]; +"321 getitem_68" [id=321, type=__getitem__]; +"322 hardswish__10" [id=322, type=hardswish_]; +"323 adaptive_avg_pool2d_5" [id=323, type=adaptive_avg_pool2d]; +"324 _param_constant89" [id=324, type=get_attr]; +"325 _param_constant90" [id=325, type=get_attr]; +"326 conv2d_33" [id=326, type=conv2d]; +"327 relu_5" [id=327, type=relu]; +"328 _param_constant91" [id=328, type=get_attr]; +"329 _param_constant92" [id=329, type=get_attr]; +"330 conv2d_34" [id=330, type=conv2d]; +"331 hardsigmoid_5" [id=331, type=hardsigmoid]; +"332 mul_5" [id=332, type=mul]; +"333 _param_constant93" [id=333, type=get_attr]; +"334 conv2d_35" [id=334, type=conv2d]; +"335 empty_23" [id=335, type=empty]; +"336 _param_constant94" [id=336, type=get_attr]; +"337 _param_constant95" [id=337, type=get_attr]; +"338 _tensor_constant46" [id=338, type=get_attr]; +"339 _tensor_constant47" [id=339, type=get_attr]; +"340 _native_batch_norm_legit_no_training_23" [id=340, type=_native_batch_norm_legit_no_training]; +"341 getitem_69" [id=341, type=__getitem__]; +"342 getitem_70" [id=342, type=__getitem__]; +"343 getitem_71" [id=343, type=__getitem__]; +"344 add__3" [id=344, type=add_]; +"345 _param_constant96" [id=345, type=get_attr]; +"346 conv2d_36" [id=346, type=conv2d]; +"347 empty_24" [id=347, type=empty]; +"348 _param_constant97" [id=348, type=get_attr]; +"349 _param_constant98" [id=349, type=get_attr]; +"350 _tensor_constant48" [id=350, type=get_attr]; +"351 _tensor_constant49" [id=351, type=get_attr]; +"352 _native_batch_norm_legit_no_training_24" [id=352, type=_native_batch_norm_legit_no_training]; +"353 getitem_72" [id=353, type=__getitem__]; +"354 getitem_73" [id=354, type=__getitem__]; +"355 getitem_74" [id=355, type=__getitem__]; +"356 hardswish__11" [id=356, type=hardswish_]; +"357 _param_constant99" [id=357, type=get_attr]; +"358 conv2d_37" [id=358, type=conv2d]; +"359 empty_25" [id=359, type=empty]; +"360 _param_constant100" [id=360, type=get_attr]; +"361 _param_constant101" [id=361, type=get_attr]; +"362 _tensor_constant50" [id=362, type=get_attr]; +"363 _tensor_constant51" [id=363, type=get_attr]; +"364 _native_batch_norm_legit_no_training_25" [id=364, type=_native_batch_norm_legit_no_training]; +"365 getitem_75" [id=365, type=__getitem__]; +"366 getitem_76" [id=366, type=__getitem__]; +"367 getitem_77" [id=367, type=__getitem__]; +"368 hardswish__12" [id=368, type=hardswish_]; +"369 adaptive_avg_pool2d_6" [id=369, type=adaptive_avg_pool2d]; +"370 _param_constant102" [id=370, type=get_attr]; +"371 _param_constant103" [id=371, type=get_attr]; +"372 conv2d_38" [id=372, type=conv2d]; +"373 relu_6" [id=373, type=relu]; +"374 _param_constant104" [id=374, type=get_attr]; +"375 _param_constant105" [id=375, type=get_attr]; +"376 conv2d_39" [id=376, type=conv2d]; +"377 hardsigmoid_6" [id=377, type=hardsigmoid]; +"378 mul_6" [id=378, type=mul]; +"379 _param_constant106" [id=379, type=get_attr]; +"380 conv2d_40" [id=380, type=conv2d]; +"381 empty_26" [id=381, type=empty]; +"382 _param_constant107" [id=382, type=get_attr]; +"383 _param_constant108" [id=383, type=get_attr]; +"384 _tensor_constant52" [id=384, type=get_attr]; +"385 _tensor_constant53" [id=385, type=get_attr]; +"386 _native_batch_norm_legit_no_training_26" [id=386, type=_native_batch_norm_legit_no_training]; +"387 getitem_78" [id=387, type=__getitem__]; +"388 getitem_79" [id=388, type=__getitem__]; +"389 getitem_80" [id=389, type=__getitem__]; +"390 _param_constant109" [id=390, type=get_attr]; +"391 conv2d_41" [id=391, type=conv2d]; +"392 empty_27" [id=392, type=empty]; +"393 _param_constant110" [id=393, type=get_attr]; +"394 _param_constant111" [id=394, type=get_attr]; +"395 _tensor_constant54" [id=395, type=get_attr]; +"396 _tensor_constant55" [id=396, type=get_attr]; +"397 _native_batch_norm_legit_no_training_27" [id=397, type=_native_batch_norm_legit_no_training]; +"398 getitem_81" [id=398, type=__getitem__]; +"399 getitem_82" [id=399, type=__getitem__]; +"400 getitem_83" [id=400, type=__getitem__]; +"401 hardswish__13" [id=401, type=hardswish_]; +"402 _param_constant112" [id=402, type=get_attr]; +"403 conv2d_42" [id=403, type=conv2d]; +"404 empty_28" [id=404, type=empty]; +"405 _param_constant113" [id=405, type=get_attr]; +"406 _param_constant114" [id=406, type=get_attr]; +"407 _tensor_constant56" [id=407, type=get_attr]; +"408 _tensor_constant57" [id=408, type=get_attr]; +"409 _native_batch_norm_legit_no_training_28" [id=409, type=_native_batch_norm_legit_no_training]; +"410 getitem_84" [id=410, type=__getitem__]; +"411 getitem_85" [id=411, type=__getitem__]; +"412 getitem_86" [id=412, type=__getitem__]; +"413 hardswish__14" [id=413, type=hardswish_]; +"414 adaptive_avg_pool2d_7" [id=414, type=adaptive_avg_pool2d]; +"415 _param_constant115" [id=415, type=get_attr]; +"416 _param_constant116" [id=416, type=get_attr]; +"417 conv2d_43" [id=417, type=conv2d]; +"418 relu_7" [id=418, type=relu]; +"419 _param_constant117" [id=419, type=get_attr]; +"420 _param_constant118" [id=420, type=get_attr]; +"421 conv2d_44" [id=421, type=conv2d]; +"422 hardsigmoid_7" [id=422, type=hardsigmoid]; +"423 mul_7" [id=423, type=mul]; +"424 _param_constant119" [id=424, type=get_attr]; +"425 conv2d_45" [id=425, type=conv2d]; +"426 empty_29" [id=426, type=empty]; +"427 _param_constant120" [id=427, type=get_attr]; +"428 _param_constant121" [id=428, type=get_attr]; +"429 _tensor_constant58" [id=429, type=get_attr]; +"430 _tensor_constant59" [id=430, type=get_attr]; +"431 _native_batch_norm_legit_no_training_29" [id=431, type=_native_batch_norm_legit_no_training]; +"432 getitem_87" [id=432, type=__getitem__]; +"433 getitem_88" [id=433, type=__getitem__]; +"434 getitem_89" [id=434, type=__getitem__]; +"435 add__4" [id=435, type=add_]; +"436 _param_constant122" [id=436, type=get_attr]; +"437 conv2d_46" [id=437, type=conv2d]; +"438 empty_30" [id=438, type=empty]; +"439 _param_constant123" [id=439, type=get_attr]; +"440 _param_constant124" [id=440, type=get_attr]; +"441 _tensor_constant60" [id=441, type=get_attr]; +"442 _tensor_constant61" [id=442, type=get_attr]; +"443 _native_batch_norm_legit_no_training_30" [id=443, type=_native_batch_norm_legit_no_training]; +"444 getitem_90" [id=444, type=__getitem__]; +"445 getitem_91" [id=445, type=__getitem__]; +"446 getitem_92" [id=446, type=__getitem__]; +"447 hardswish__15" [id=447, type=hardswish_]; +"448 _param_constant125" [id=448, type=get_attr]; +"449 conv2d_47" [id=449, type=conv2d]; +"450 empty_31" [id=450, type=empty]; +"451 _param_constant126" [id=451, type=get_attr]; +"452 _param_constant127" [id=452, type=get_attr]; +"453 _tensor_constant62" [id=453, type=get_attr]; +"454 _tensor_constant63" [id=454, type=get_attr]; +"455 _native_batch_norm_legit_no_training_31" [id=455, type=_native_batch_norm_legit_no_training]; +"456 getitem_93" [id=456, type=__getitem__]; +"457 getitem_94" [id=457, type=__getitem__]; +"458 getitem_95" [id=458, type=__getitem__]; +"459 hardswish__16" [id=459, type=hardswish_]; +"460 adaptive_avg_pool2d_8" [id=460, type=adaptive_avg_pool2d]; +"461 _param_constant128" [id=461, type=get_attr]; +"462 _param_constant129" [id=462, type=get_attr]; +"463 conv2d_48" [id=463, type=conv2d]; +"464 relu_8" [id=464, type=relu]; +"465 _param_constant130" [id=465, type=get_attr]; +"466 _param_constant131" [id=466, type=get_attr]; +"467 conv2d_49" [id=467, type=conv2d]; +"468 hardsigmoid_8" [id=468, type=hardsigmoid]; +"469 mul_8" [id=469, type=mul]; +"470 _param_constant132" [id=470, type=get_attr]; +"471 conv2d_50" [id=471, type=conv2d]; +"472 empty_32" [id=472, type=empty]; +"473 _param_constant133" [id=473, type=get_attr]; +"474 _param_constant134" [id=474, type=get_attr]; +"475 _tensor_constant64" [id=475, type=get_attr]; +"476 _tensor_constant65" [id=476, type=get_attr]; +"477 _native_batch_norm_legit_no_training_32" [id=477, type=_native_batch_norm_legit_no_training]; +"478 getitem_96" [id=478, type=__getitem__]; +"479 getitem_97" [id=479, type=__getitem__]; +"480 getitem_98" [id=480, type=__getitem__]; +"481 add__5" [id=481, type=add_]; +"482 _param_constant135" [id=482, type=get_attr]; +"483 conv2d_51" [id=483, type=conv2d]; +"484 empty_33" [id=484, type=empty]; +"485 _param_constant136" [id=485, type=get_attr]; +"486 _param_constant137" [id=486, type=get_attr]; +"487 _tensor_constant66" [id=487, type=get_attr]; +"488 _tensor_constant67" [id=488, type=get_attr]; +"489 _native_batch_norm_legit_no_training_33" [id=489, type=_native_batch_norm_legit_no_training]; +"490 getitem_99" [id=490, type=__getitem__]; +"491 getitem_100" [id=491, type=__getitem__]; +"492 getitem_101" [id=492, type=__getitem__]; +"493 hardswish__17" [id=493, type=hardswish_]; +"494 adaptive_avg_pool2d_9" [id=494, type=adaptive_avg_pool2d]; +"495 flatten" [id=495, type=flatten]; +"496 _param_constant138" [id=496, type=get_attr]; +"497 _param_constant139" [id=497, type=get_attr]; +"498 linear" [id=498, type=linear]; +"499 hardswish__18" [id=499, type=hardswish_]; +"500 dropout_" [id=500, type=dropout_]; +"501 _param_constant140" [id=501, type=get_attr]; +"502 _param_constant141" [id=502, type=get_attr]; +"503 linear_1" [id=503, type=linear]; +"504 output" [id=504, type=output]; +"0 arg0_1" -> "2 conv2d" [label="(1, 3, 224, 224)", style=solid]; +"1 _param_constant0" -> "2 conv2d" [label="(16, 3, 3, 3)", style=solid]; +"2 conv2d" -> "8 _native_batch_norm_legit_no_training" [label="(1, 16, 112, 112)", style=solid]; +"4 _param_constant1" -> "8 _native_batch_norm_legit_no_training" [label="(16,)", style=solid]; +"5 _param_constant2" -> "8 _native_batch_norm_legit_no_training" [label="(16,)", style=solid]; +"6 _tensor_constant0" -> "8 _native_batch_norm_legit_no_training" [label="(16,)", style=solid]; +"7 _tensor_constant1" -> "8 _native_batch_norm_legit_no_training" [label="(16,)", style=solid]; +"8 _native_batch_norm_legit_no_training" -> "9 getitem" [label="(1, 16, 112, 112)", style=solid]; +"8 _native_batch_norm_legit_no_training" -> "10 getitem_1" [label="(1, 16, 112, 112)", style=solid]; +"8 _native_batch_norm_legit_no_training" -> "11 getitem_2" [label="(1, 16, 112, 112)", style=solid]; +"9 getitem" -> "12 hardswish_" [label="(1, 16, 112, 112)", style=solid]; +"12 hardswish_" -> "14 conv2d_1" [label="(1, 16, 112, 112)", style=solid]; +"13 _param_constant3" -> "14 conv2d_1" [label="(16, 1, 3, 3)", style=solid]; +"14 conv2d_1" -> "20 _native_batch_norm_legit_no_training_1" [label="(1, 16, 56, 56)", style=solid]; +"16 _param_constant4" -> "20 _native_batch_norm_legit_no_training_1" [label="(16,)", style=solid]; +"17 _param_constant5" -> "20 _native_batch_norm_legit_no_training_1" [label="(16,)", style=solid]; +"18 _tensor_constant2" -> "20 _native_batch_norm_legit_no_training_1" [label="(16,)", style=solid]; +"19 _tensor_constant3" -> "20 _native_batch_norm_legit_no_training_1" [label="(16,)", style=solid]; +"20 _native_batch_norm_legit_no_training_1" -> "21 getitem_3" [label="(1, 16, 56, 56)", style=solid]; +"20 _native_batch_norm_legit_no_training_1" -> "22 getitem_4" [label="(1, 16, 56, 56)", style=solid]; +"20 _native_batch_norm_legit_no_training_1" -> "23 getitem_5" [label="(1, 16, 56, 56)", style=solid]; +"21 getitem_3" -> "24 relu_" [label="(1, 16, 56, 56)", style=solid]; +"24 relu_" -> "25 adaptive_avg_pool2d" [label="(1, 16, 56, 56)", style=solid]; +"24 relu_" -> "34 mul" [label="(1, 16, 56, 56)", style=solid]; +"25 adaptive_avg_pool2d" -> "28 conv2d_2" [label="(1, 16, 1, 1)", style=solid]; +"26 _param_constant6" -> "28 conv2d_2" [label="(8, 16, 1, 1)", style=solid]; +"27 _param_constant7" -> "28 conv2d_2" [label="(8,)", style=solid]; +"28 conv2d_2" -> "29 relu" [label="(1, 8, 1, 1)", style=solid]; +"29 relu" -> "32 conv2d_3" [label="(1, 8, 1, 1)", style=solid]; +"30 _param_constant8" -> "32 conv2d_3" [label="(16, 8, 1, 1)", style=solid]; +"31 _param_constant9" -> "32 conv2d_3" [label="(16,)", style=solid]; +"32 conv2d_3" -> "33 hardsigmoid" [label="(1, 16, 1, 1)", style=solid]; +"33 hardsigmoid" -> "34 mul" [label="(1, 16, 1, 1)", style=solid]; +"34 mul" -> "36 conv2d_4" [label="(1, 16, 56, 56)", style=solid]; +"35 _param_constant10" -> "36 conv2d_4" [label="(16, 16, 1, 1)", style=solid]; +"36 conv2d_4" -> "42 _native_batch_norm_legit_no_training_2" [label="(1, 16, 56, 56)", style=solid]; +"38 _param_constant11" -> "42 _native_batch_norm_legit_no_training_2" [label="(16,)", style=solid]; +"39 _param_constant12" -> "42 _native_batch_norm_legit_no_training_2" [label="(16,)", style=solid]; +"40 _tensor_constant4" -> "42 _native_batch_norm_legit_no_training_2" [label="(16,)", style=solid]; +"41 _tensor_constant5" -> "42 _native_batch_norm_legit_no_training_2" [label="(16,)", style=solid]; +"42 _native_batch_norm_legit_no_training_2" -> "43 getitem_6" [label="(1, 16, 56, 56)", style=solid]; +"42 _native_batch_norm_legit_no_training_2" -> "44 getitem_7" [label="(1, 16, 56, 56)", style=solid]; +"42 _native_batch_norm_legit_no_training_2" -> "45 getitem_8" [label="(1, 16, 56, 56)", style=solid]; +"43 getitem_6" -> "47 conv2d_5" [label="(1, 16, 56, 56)", style=solid]; +"46 _param_constant13" -> "47 conv2d_5" [label="(72, 16, 1, 1)", style=solid]; +"47 conv2d_5" -> "53 _native_batch_norm_legit_no_training_3" [label="(1, 72, 56, 56)", style=solid]; +"49 _param_constant14" -> "53 _native_batch_norm_legit_no_training_3" [label="(72,)", style=solid]; +"50 _param_constant15" -> "53 _native_batch_norm_legit_no_training_3" [label="(72,)", style=solid]; +"51 _tensor_constant6" -> "53 _native_batch_norm_legit_no_training_3" [label="(72,)", style=solid]; +"52 _tensor_constant7" -> "53 _native_batch_norm_legit_no_training_3" [label="(72,)", style=solid]; +"53 _native_batch_norm_legit_no_training_3" -> "54 getitem_9" [label="(1, 72, 56, 56)", style=solid]; +"53 _native_batch_norm_legit_no_training_3" -> "55 getitem_10" [label="(1, 72, 56, 56)", style=solid]; +"53 _native_batch_norm_legit_no_training_3" -> "56 getitem_11" [label="(1, 72, 56, 56)", style=solid]; +"54 getitem_9" -> "57 relu__1" [label="(1, 72, 56, 56)", style=solid]; +"57 relu__1" -> "59 conv2d_6" [label="(1, 72, 56, 56)", style=solid]; +"58 _param_constant16" -> "59 conv2d_6" [label="(72, 1, 3, 3)", style=solid]; +"59 conv2d_6" -> "65 _native_batch_norm_legit_no_training_4" [label="(1, 72, 28, 28)", style=solid]; +"61 _param_constant17" -> "65 _native_batch_norm_legit_no_training_4" [label="(72,)", style=solid]; +"62 _param_constant18" -> "65 _native_batch_norm_legit_no_training_4" [label="(72,)", style=solid]; +"63 _tensor_constant8" -> "65 _native_batch_norm_legit_no_training_4" [label="(72,)", style=solid]; +"64 _tensor_constant9" -> "65 _native_batch_norm_legit_no_training_4" [label="(72,)", style=solid]; +"65 _native_batch_norm_legit_no_training_4" -> "66 getitem_12" [label="(1, 72, 28, 28)", style=solid]; +"65 _native_batch_norm_legit_no_training_4" -> "67 getitem_13" [label="(1, 72, 28, 28)", style=solid]; +"65 _native_batch_norm_legit_no_training_4" -> "68 getitem_14" [label="(1, 72, 28, 28)", style=solid]; +"66 getitem_12" -> "69 relu__2" [label="(1, 72, 28, 28)", style=solid]; +"69 relu__2" -> "71 conv2d_7" [label="(1, 72, 28, 28)", style=solid]; +"70 _param_constant19" -> "71 conv2d_7" [label="(24, 72, 1, 1)", style=solid]; +"71 conv2d_7" -> "77 _native_batch_norm_legit_no_training_5" [label="(1, 24, 28, 28)", style=solid]; +"73 _param_constant20" -> "77 _native_batch_norm_legit_no_training_5" [label="(24,)", style=solid]; +"74 _param_constant21" -> "77 _native_batch_norm_legit_no_training_5" [label="(24,)", style=solid]; +"75 _tensor_constant10" -> "77 _native_batch_norm_legit_no_training_5" [label="(24,)", style=solid]; +"76 _tensor_constant11" -> "77 _native_batch_norm_legit_no_training_5" [label="(24,)", style=solid]; +"77 _native_batch_norm_legit_no_training_5" -> "78 getitem_15" [label="(1, 24, 28, 28)", style=solid]; +"77 _native_batch_norm_legit_no_training_5" -> "79 getitem_16" [label="(1, 24, 28, 28)", style=solid]; +"77 _native_batch_norm_legit_no_training_5" -> "80 getitem_17" [label="(1, 24, 28, 28)", style=solid]; +"78 getitem_15" -> "82 conv2d_8" [label="(1, 24, 28, 28)", style=solid]; +"78 getitem_15" -> "116 add_" [label="(1, 24, 28, 28)", style=solid]; +"81 _param_constant22" -> "82 conv2d_8" [label="(88, 24, 1, 1)", style=solid]; +"82 conv2d_8" -> "88 _native_batch_norm_legit_no_training_6" [label="(1, 88, 28, 28)", style=solid]; +"84 _param_constant23" -> "88 _native_batch_norm_legit_no_training_6" [label="(88,)", style=solid]; +"85 _param_constant24" -> "88 _native_batch_norm_legit_no_training_6" [label="(88,)", style=solid]; +"86 _tensor_constant12" -> "88 _native_batch_norm_legit_no_training_6" [label="(88,)", style=solid]; +"87 _tensor_constant13" -> "88 _native_batch_norm_legit_no_training_6" [label="(88,)", style=solid]; +"88 _native_batch_norm_legit_no_training_6" -> "89 getitem_18" [label="(1, 88, 28, 28)", style=solid]; +"88 _native_batch_norm_legit_no_training_6" -> "90 getitem_19" [label="(1, 88, 28, 28)", style=solid]; +"88 _native_batch_norm_legit_no_training_6" -> "91 getitem_20" [label="(1, 88, 28, 28)", style=solid]; +"89 getitem_18" -> "92 relu__3" [label="(1, 88, 28, 28)", style=solid]; +"92 relu__3" -> "94 conv2d_9" [label="(1, 88, 28, 28)", style=solid]; +"93 _param_constant25" -> "94 conv2d_9" [label="(88, 1, 3, 3)", style=solid]; +"94 conv2d_9" -> "100 _native_batch_norm_legit_no_training_7" [label="(1, 88, 28, 28)", style=solid]; +"96 _param_constant26" -> "100 _native_batch_norm_legit_no_training_7" [label="(88,)", style=solid]; +"97 _param_constant27" -> "100 _native_batch_norm_legit_no_training_7" [label="(88,)", style=solid]; +"98 _tensor_constant14" -> "100 _native_batch_norm_legit_no_training_7" [label="(88,)", style=solid]; +"99 _tensor_constant15" -> "100 _native_batch_norm_legit_no_training_7" [label="(88,)", style=solid]; +"100 _native_batch_norm_legit_no_training_7" -> "101 getitem_21" [label="(1, 88, 28, 28)", style=solid]; +"100 _native_batch_norm_legit_no_training_7" -> "102 getitem_22" [label="(1, 88, 28, 28)", style=solid]; +"100 _native_batch_norm_legit_no_training_7" -> "103 getitem_23" [label="(1, 88, 28, 28)", style=solid]; +"101 getitem_21" -> "104 relu__4" [label="(1, 88, 28, 28)", style=solid]; +"104 relu__4" -> "106 conv2d_10" [label="(1, 88, 28, 28)", style=solid]; +"105 _param_constant28" -> "106 conv2d_10" [label="(24, 88, 1, 1)", style=solid]; +"106 conv2d_10" -> "112 _native_batch_norm_legit_no_training_8" [label="(1, 24, 28, 28)", style=solid]; +"108 _param_constant29" -> "112 _native_batch_norm_legit_no_training_8" [label="(24,)", style=solid]; +"109 _param_constant30" -> "112 _native_batch_norm_legit_no_training_8" [label="(24,)", style=solid]; +"110 _tensor_constant16" -> "112 _native_batch_norm_legit_no_training_8" [label="(24,)", style=solid]; +"111 _tensor_constant17" -> "112 _native_batch_norm_legit_no_training_8" [label="(24,)", style=solid]; +"112 _native_batch_norm_legit_no_training_8" -> "113 getitem_24" [label="(1, 24, 28, 28)", style=solid]; +"112 _native_batch_norm_legit_no_training_8" -> "114 getitem_25" [label="(1, 24, 28, 28)", style=solid]; +"112 _native_batch_norm_legit_no_training_8" -> "115 getitem_26" [label="(1, 24, 28, 28)", style=solid]; +"113 getitem_24" -> "116 add_" [label="(1, 24, 28, 28)", style=solid]; +"116 add_" -> "118 conv2d_11" [label="(1, 24, 28, 28)", style=solid]; +"117 _param_constant31" -> "118 conv2d_11" [label="(96, 24, 1, 1)", style=solid]; +"118 conv2d_11" -> "124 _native_batch_norm_legit_no_training_9" [label="(1, 96, 28, 28)", style=solid]; +"120 _param_constant32" -> "124 _native_batch_norm_legit_no_training_9" [label="(96,)", style=solid]; +"121 _param_constant33" -> "124 _native_batch_norm_legit_no_training_9" [label="(96,)", style=solid]; +"122 _tensor_constant18" -> "124 _native_batch_norm_legit_no_training_9" [label="(96,)", style=solid]; +"123 _tensor_constant19" -> "124 _native_batch_norm_legit_no_training_9" [label="(96,)", style=solid]; +"124 _native_batch_norm_legit_no_training_9" -> "125 getitem_27" [label="(1, 96, 28, 28)", style=solid]; +"124 _native_batch_norm_legit_no_training_9" -> "126 getitem_28" [label="(1, 96, 28, 28)", style=solid]; +"124 _native_batch_norm_legit_no_training_9" -> "127 getitem_29" [label="(1, 96, 28, 28)", style=solid]; +"125 getitem_27" -> "128 hardswish__1" [label="(1, 96, 28, 28)", style=solid]; +"128 hardswish__1" -> "130 conv2d_12" [label="(1, 96, 28, 28)", style=solid]; +"129 _param_constant34" -> "130 conv2d_12" [label="(96, 1, 5, 5)", style=solid]; +"130 conv2d_12" -> "136 _native_batch_norm_legit_no_training_10" [label="(1, 96, 14, 14)", style=solid]; +"132 _param_constant35" -> "136 _native_batch_norm_legit_no_training_10" [label="(96,)", style=solid]; +"133 _param_constant36" -> "136 _native_batch_norm_legit_no_training_10" [label="(96,)", style=solid]; +"134 _tensor_constant20" -> "136 _native_batch_norm_legit_no_training_10" [label="(96,)", style=solid]; +"135 _tensor_constant21" -> "136 _native_batch_norm_legit_no_training_10" [label="(96,)", style=solid]; +"136 _native_batch_norm_legit_no_training_10" -> "137 getitem_30" [label="(1, 96, 14, 14)", style=solid]; +"136 _native_batch_norm_legit_no_training_10" -> "138 getitem_31" [label="(1, 96, 14, 14)", style=solid]; +"136 _native_batch_norm_legit_no_training_10" -> "139 getitem_32" [label="(1, 96, 14, 14)", style=solid]; +"137 getitem_30" -> "140 hardswish__2" [label="(1, 96, 14, 14)", style=solid]; +"140 hardswish__2" -> "141 adaptive_avg_pool2d_1" [label="(1, 96, 14, 14)", style=solid]; +"140 hardswish__2" -> "150 mul_1" [label="(1, 96, 14, 14)", style=solid]; +"141 adaptive_avg_pool2d_1" -> "144 conv2d_13" [label="(1, 96, 1, 1)", style=solid]; +"142 _param_constant37" -> "144 conv2d_13" [label="(24, 96, 1, 1)", style=solid]; +"143 _param_constant38" -> "144 conv2d_13" [label="(24,)", style=solid]; +"144 conv2d_13" -> "145 relu_1" [label="(1, 24, 1, 1)", style=solid]; +"145 relu_1" -> "148 conv2d_14" [label="(1, 24, 1, 1)", style=solid]; +"146 _param_constant39" -> "148 conv2d_14" [label="(96, 24, 1, 1)", style=solid]; +"147 _param_constant40" -> "148 conv2d_14" [label="(96,)", style=solid]; +"148 conv2d_14" -> "149 hardsigmoid_1" [label="(1, 96, 1, 1)", style=solid]; +"149 hardsigmoid_1" -> "150 mul_1" [label="(1, 96, 1, 1)", style=solid]; +"150 mul_1" -> "152 conv2d_15" [label="(1, 96, 14, 14)", style=solid]; +"151 _param_constant41" -> "152 conv2d_15" [label="(40, 96, 1, 1)", style=solid]; +"152 conv2d_15" -> "158 _native_batch_norm_legit_no_training_11" [label="(1, 40, 14, 14)", style=solid]; +"154 _param_constant42" -> "158 _native_batch_norm_legit_no_training_11" [label="(40,)", style=solid]; +"155 _param_constant43" -> "158 _native_batch_norm_legit_no_training_11" [label="(40,)", style=solid]; +"156 _tensor_constant22" -> "158 _native_batch_norm_legit_no_training_11" [label="(40,)", style=solid]; +"157 _tensor_constant23" -> "158 _native_batch_norm_legit_no_training_11" [label="(40,)", style=solid]; +"158 _native_batch_norm_legit_no_training_11" -> "159 getitem_33" [label="(1, 40, 14, 14)", style=solid]; +"158 _native_batch_norm_legit_no_training_11" -> "160 getitem_34" [label="(1, 40, 14, 14)", style=solid]; +"158 _native_batch_norm_legit_no_training_11" -> "161 getitem_35" [label="(1, 40, 14, 14)", style=solid]; +"159 getitem_33" -> "163 conv2d_16" [label="(1, 40, 14, 14)", style=solid]; +"159 getitem_33" -> "207 add__1" [label="(1, 40, 14, 14)", style=solid]; +"162 _param_constant44" -> "163 conv2d_16" [label="(240, 40, 1, 1)", style=solid]; +"163 conv2d_16" -> "169 _native_batch_norm_legit_no_training_12" [label="(1, 240, 14, 14)", style=solid]; +"165 _param_constant45" -> "169 _native_batch_norm_legit_no_training_12" [label="(240,)", style=solid]; +"166 _param_constant46" -> "169 _native_batch_norm_legit_no_training_12" [label="(240,)", style=solid]; +"167 _tensor_constant24" -> "169 _native_batch_norm_legit_no_training_12" [label="(240,)", style=solid]; +"168 _tensor_constant25" -> "169 _native_batch_norm_legit_no_training_12" [label="(240,)", style=solid]; +"169 _native_batch_norm_legit_no_training_12" -> "170 getitem_36" [label="(1, 240, 14, 14)", style=solid]; +"169 _native_batch_norm_legit_no_training_12" -> "171 getitem_37" [label="(1, 240, 14, 14)", style=solid]; +"169 _native_batch_norm_legit_no_training_12" -> "172 getitem_38" [label="(1, 240, 14, 14)", style=solid]; +"170 getitem_36" -> "173 hardswish__3" [label="(1, 240, 14, 14)", style=solid]; +"173 hardswish__3" -> "175 conv2d_17" [label="(1, 240, 14, 14)", style=solid]; +"174 _param_constant47" -> "175 conv2d_17" [label="(240, 1, 5, 5)", style=solid]; +"175 conv2d_17" -> "181 _native_batch_norm_legit_no_training_13" [label="(1, 240, 14, 14)", style=solid]; +"177 _param_constant48" -> "181 _native_batch_norm_legit_no_training_13" [label="(240,)", style=solid]; +"178 _param_constant49" -> "181 _native_batch_norm_legit_no_training_13" [label="(240,)", style=solid]; +"179 _tensor_constant26" -> "181 _native_batch_norm_legit_no_training_13" [label="(240,)", style=solid]; +"180 _tensor_constant27" -> "181 _native_batch_norm_legit_no_training_13" [label="(240,)", style=solid]; +"181 _native_batch_norm_legit_no_training_13" -> "182 getitem_39" [label="(1, 240, 14, 14)", style=solid]; +"181 _native_batch_norm_legit_no_training_13" -> "183 getitem_40" [label="(1, 240, 14, 14)", style=solid]; +"181 _native_batch_norm_legit_no_training_13" -> "184 getitem_41" [label="(1, 240, 14, 14)", style=solid]; +"182 getitem_39" -> "185 hardswish__4" [label="(1, 240, 14, 14)", style=solid]; +"185 hardswish__4" -> "186 adaptive_avg_pool2d_2" [label="(1, 240, 14, 14)", style=solid]; +"185 hardswish__4" -> "195 mul_2" [label="(1, 240, 14, 14)", style=solid]; +"186 adaptive_avg_pool2d_2" -> "189 conv2d_18" [label="(1, 240, 1, 1)", style=solid]; +"187 _param_constant50" -> "189 conv2d_18" [label="(64, 240, 1, 1)", style=solid]; +"188 _param_constant51" -> "189 conv2d_18" [label="(64,)", style=solid]; +"189 conv2d_18" -> "190 relu_2" [label="(1, 64, 1, 1)", style=solid]; +"190 relu_2" -> "193 conv2d_19" [label="(1, 64, 1, 1)", style=solid]; +"191 _param_constant52" -> "193 conv2d_19" [label="(240, 64, 1, 1)", style=solid]; +"192 _param_constant53" -> "193 conv2d_19" [label="(240,)", style=solid]; +"193 conv2d_19" -> "194 hardsigmoid_2" [label="(1, 240, 1, 1)", style=solid]; +"194 hardsigmoid_2" -> "195 mul_2" [label="(1, 240, 1, 1)", style=solid]; +"195 mul_2" -> "197 conv2d_20" [label="(1, 240, 14, 14)", style=solid]; +"196 _param_constant54" -> "197 conv2d_20" [label="(40, 240, 1, 1)", style=solid]; +"197 conv2d_20" -> "203 _native_batch_norm_legit_no_training_14" [label="(1, 40, 14, 14)", style=solid]; +"199 _param_constant55" -> "203 _native_batch_norm_legit_no_training_14" [label="(40,)", style=solid]; +"200 _param_constant56" -> "203 _native_batch_norm_legit_no_training_14" [label="(40,)", style=solid]; +"201 _tensor_constant28" -> "203 _native_batch_norm_legit_no_training_14" [label="(40,)", style=solid]; +"202 _tensor_constant29" -> "203 _native_batch_norm_legit_no_training_14" [label="(40,)", style=solid]; +"203 _native_batch_norm_legit_no_training_14" -> "204 getitem_42" [label="(1, 40, 14, 14)", style=solid]; +"203 _native_batch_norm_legit_no_training_14" -> "205 getitem_43" [label="(1, 40, 14, 14)", style=solid]; +"203 _native_batch_norm_legit_no_training_14" -> "206 getitem_44" [label="(1, 40, 14, 14)", style=solid]; +"204 getitem_42" -> "207 add__1" [label="(1, 40, 14, 14)", style=solid]; +"207 add__1" -> "209 conv2d_21" [label="(1, 40, 14, 14)", style=solid]; +"207 add__1" -> "253 add__2" [label="(1, 40, 14, 14)", style=solid]; +"208 _param_constant57" -> "209 conv2d_21" [label="(240, 40, 1, 1)", style=solid]; +"209 conv2d_21" -> "215 _native_batch_norm_legit_no_training_15" [label="(1, 240, 14, 14)", style=solid]; +"211 _param_constant58" -> "215 _native_batch_norm_legit_no_training_15" [label="(240,)", style=solid]; +"212 _param_constant59" -> "215 _native_batch_norm_legit_no_training_15" [label="(240,)", style=solid]; +"213 _tensor_constant30" -> "215 _native_batch_norm_legit_no_training_15" [label="(240,)", style=solid]; +"214 _tensor_constant31" -> "215 _native_batch_norm_legit_no_training_15" [label="(240,)", style=solid]; +"215 _native_batch_norm_legit_no_training_15" -> "216 getitem_45" [label="(1, 240, 14, 14)", style=solid]; +"215 _native_batch_norm_legit_no_training_15" -> "217 getitem_46" [label="(1, 240, 14, 14)", style=solid]; +"215 _native_batch_norm_legit_no_training_15" -> "218 getitem_47" [label="(1, 240, 14, 14)", style=solid]; +"216 getitem_45" -> "219 hardswish__5" [label="(1, 240, 14, 14)", style=solid]; +"219 hardswish__5" -> "221 conv2d_22" [label="(1, 240, 14, 14)", style=solid]; +"220 _param_constant60" -> "221 conv2d_22" [label="(240, 1, 5, 5)", style=solid]; +"221 conv2d_22" -> "227 _native_batch_norm_legit_no_training_16" [label="(1, 240, 14, 14)", style=solid]; +"223 _param_constant61" -> "227 _native_batch_norm_legit_no_training_16" [label="(240,)", style=solid]; +"224 _param_constant62" -> "227 _native_batch_norm_legit_no_training_16" [label="(240,)", style=solid]; +"225 _tensor_constant32" -> "227 _native_batch_norm_legit_no_training_16" [label="(240,)", style=solid]; +"226 _tensor_constant33" -> "227 _native_batch_norm_legit_no_training_16" [label="(240,)", style=solid]; +"227 _native_batch_norm_legit_no_training_16" -> "228 getitem_48" [label="(1, 240, 14, 14)", style=solid]; +"227 _native_batch_norm_legit_no_training_16" -> "229 getitem_49" [label="(1, 240, 14, 14)", style=solid]; +"227 _native_batch_norm_legit_no_training_16" -> "230 getitem_50" [label="(1, 240, 14, 14)", style=solid]; +"228 getitem_48" -> "231 hardswish__6" [label="(1, 240, 14, 14)", style=solid]; +"231 hardswish__6" -> "232 adaptive_avg_pool2d_3" [label="(1, 240, 14, 14)", style=solid]; +"231 hardswish__6" -> "241 mul_3" [label="(1, 240, 14, 14)", style=solid]; +"232 adaptive_avg_pool2d_3" -> "235 conv2d_23" [label="(1, 240, 1, 1)", style=solid]; +"233 _param_constant63" -> "235 conv2d_23" [label="(64, 240, 1, 1)", style=solid]; +"234 _param_constant64" -> "235 conv2d_23" [label="(64,)", style=solid]; +"235 conv2d_23" -> "236 relu_3" [label="(1, 64, 1, 1)", style=solid]; +"236 relu_3" -> "239 conv2d_24" [label="(1, 64, 1, 1)", style=solid]; +"237 _param_constant65" -> "239 conv2d_24" [label="(240, 64, 1, 1)", style=solid]; +"238 _param_constant66" -> "239 conv2d_24" [label="(240,)", style=solid]; +"239 conv2d_24" -> "240 hardsigmoid_3" [label="(1, 240, 1, 1)", style=solid]; +"240 hardsigmoid_3" -> "241 mul_3" [label="(1, 240, 1, 1)", style=solid]; +"241 mul_3" -> "243 conv2d_25" [label="(1, 240, 14, 14)", style=solid]; +"242 _param_constant67" -> "243 conv2d_25" [label="(40, 240, 1, 1)", style=solid]; +"243 conv2d_25" -> "249 _native_batch_norm_legit_no_training_17" [label="(1, 40, 14, 14)", style=solid]; +"245 _param_constant68" -> "249 _native_batch_norm_legit_no_training_17" [label="(40,)", style=solid]; +"246 _param_constant69" -> "249 _native_batch_norm_legit_no_training_17" [label="(40,)", style=solid]; +"247 _tensor_constant34" -> "249 _native_batch_norm_legit_no_training_17" [label="(40,)", style=solid]; +"248 _tensor_constant35" -> "249 _native_batch_norm_legit_no_training_17" [label="(40,)", style=solid]; +"249 _native_batch_norm_legit_no_training_17" -> "250 getitem_51" [label="(1, 40, 14, 14)", style=solid]; +"249 _native_batch_norm_legit_no_training_17" -> "251 getitem_52" [label="(1, 40, 14, 14)", style=solid]; +"249 _native_batch_norm_legit_no_training_17" -> "252 getitem_53" [label="(1, 40, 14, 14)", style=solid]; +"250 getitem_51" -> "253 add__2" [label="(1, 40, 14, 14)", style=solid]; +"253 add__2" -> "255 conv2d_26" [label="(1, 40, 14, 14)", style=solid]; +"254 _param_constant70" -> "255 conv2d_26" [label="(120, 40, 1, 1)", style=solid]; +"255 conv2d_26" -> "261 _native_batch_norm_legit_no_training_18" [label="(1, 120, 14, 14)", style=solid]; +"257 _param_constant71" -> "261 _native_batch_norm_legit_no_training_18" [label="(120,)", style=solid]; +"258 _param_constant72" -> "261 _native_batch_norm_legit_no_training_18" [label="(120,)", style=solid]; +"259 _tensor_constant36" -> "261 _native_batch_norm_legit_no_training_18" [label="(120,)", style=solid]; +"260 _tensor_constant37" -> "261 _native_batch_norm_legit_no_training_18" [label="(120,)", style=solid]; +"261 _native_batch_norm_legit_no_training_18" -> "262 getitem_54" [label="(1, 120, 14, 14)", style=solid]; +"261 _native_batch_norm_legit_no_training_18" -> "263 getitem_55" [label="(1, 120, 14, 14)", style=solid]; +"261 _native_batch_norm_legit_no_training_18" -> "264 getitem_56" [label="(1, 120, 14, 14)", style=solid]; +"262 getitem_54" -> "265 hardswish__7" [label="(1, 120, 14, 14)", style=solid]; +"265 hardswish__7" -> "267 conv2d_27" [label="(1, 120, 14, 14)", style=solid]; +"266 _param_constant73" -> "267 conv2d_27" [label="(120, 1, 5, 5)", style=solid]; +"267 conv2d_27" -> "273 _native_batch_norm_legit_no_training_19" [label="(1, 120, 14, 14)", style=solid]; +"269 _param_constant74" -> "273 _native_batch_norm_legit_no_training_19" [label="(120,)", style=solid]; +"270 _param_constant75" -> "273 _native_batch_norm_legit_no_training_19" [label="(120,)", style=solid]; +"271 _tensor_constant38" -> "273 _native_batch_norm_legit_no_training_19" [label="(120,)", style=solid]; +"272 _tensor_constant39" -> "273 _native_batch_norm_legit_no_training_19" [label="(120,)", style=solid]; +"273 _native_batch_norm_legit_no_training_19" -> "274 getitem_57" [label="(1, 120, 14, 14)", style=solid]; +"273 _native_batch_norm_legit_no_training_19" -> "275 getitem_58" [label="(1, 120, 14, 14)", style=solid]; +"273 _native_batch_norm_legit_no_training_19" -> "276 getitem_59" [label="(1, 120, 14, 14)", style=solid]; +"274 getitem_57" -> "277 hardswish__8" [label="(1, 120, 14, 14)", style=solid]; +"277 hardswish__8" -> "278 adaptive_avg_pool2d_4" [label="(1, 120, 14, 14)", style=solid]; +"277 hardswish__8" -> "287 mul_4" [label="(1, 120, 14, 14)", style=solid]; +"278 adaptive_avg_pool2d_4" -> "281 conv2d_28" [label="(1, 120, 1, 1)", style=solid]; +"279 _param_constant76" -> "281 conv2d_28" [label="(32, 120, 1, 1)", style=solid]; +"280 _param_constant77" -> "281 conv2d_28" [label="(32,)", style=solid]; +"281 conv2d_28" -> "282 relu_4" [label="(1, 32, 1, 1)", style=solid]; +"282 relu_4" -> "285 conv2d_29" [label="(1, 32, 1, 1)", style=solid]; +"283 _param_constant78" -> "285 conv2d_29" [label="(120, 32, 1, 1)", style=solid]; +"284 _param_constant79" -> "285 conv2d_29" [label="(120,)", style=solid]; +"285 conv2d_29" -> "286 hardsigmoid_4" [label="(1, 120, 1, 1)", style=solid]; +"286 hardsigmoid_4" -> "287 mul_4" [label="(1, 120, 1, 1)", style=solid]; +"287 mul_4" -> "289 conv2d_30" [label="(1, 120, 14, 14)", style=solid]; +"288 _param_constant80" -> "289 conv2d_30" [label="(48, 120, 1, 1)", style=solid]; +"289 conv2d_30" -> "295 _native_batch_norm_legit_no_training_20" [label="(1, 48, 14, 14)", style=solid]; +"291 _param_constant81" -> "295 _native_batch_norm_legit_no_training_20" [label="(48,)", style=solid]; +"292 _param_constant82" -> "295 _native_batch_norm_legit_no_training_20" [label="(48,)", style=solid]; +"293 _tensor_constant40" -> "295 _native_batch_norm_legit_no_training_20" [label="(48,)", style=solid]; +"294 _tensor_constant41" -> "295 _native_batch_norm_legit_no_training_20" [label="(48,)", style=solid]; +"295 _native_batch_norm_legit_no_training_20" -> "296 getitem_60" [label="(1, 48, 14, 14)", style=solid]; +"295 _native_batch_norm_legit_no_training_20" -> "297 getitem_61" [label="(1, 48, 14, 14)", style=solid]; +"295 _native_batch_norm_legit_no_training_20" -> "298 getitem_62" [label="(1, 48, 14, 14)", style=solid]; +"296 getitem_60" -> "300 conv2d_31" [label="(1, 48, 14, 14)", style=solid]; +"296 getitem_60" -> "344 add__3" [label="(1, 48, 14, 14)", style=solid]; +"299 _param_constant83" -> "300 conv2d_31" [label="(144, 48, 1, 1)", style=solid]; +"300 conv2d_31" -> "306 _native_batch_norm_legit_no_training_21" [label="(1, 144, 14, 14)", style=solid]; +"302 _param_constant84" -> "306 _native_batch_norm_legit_no_training_21" [label="(144,)", style=solid]; +"303 _param_constant85" -> "306 _native_batch_norm_legit_no_training_21" [label="(144,)", style=solid]; +"304 _tensor_constant42" -> "306 _native_batch_norm_legit_no_training_21" [label="(144,)", style=solid]; +"305 _tensor_constant43" -> "306 _native_batch_norm_legit_no_training_21" [label="(144,)", style=solid]; +"306 _native_batch_norm_legit_no_training_21" -> "307 getitem_63" [label="(1, 144, 14, 14)", style=solid]; +"306 _native_batch_norm_legit_no_training_21" -> "308 getitem_64" [label="(1, 144, 14, 14)", style=solid]; +"306 _native_batch_norm_legit_no_training_21" -> "309 getitem_65" [label="(1, 144, 14, 14)", style=solid]; +"307 getitem_63" -> "310 hardswish__9" [label="(1, 144, 14, 14)", style=solid]; +"310 hardswish__9" -> "312 conv2d_32" [label="(1, 144, 14, 14)", style=solid]; +"311 _param_constant86" -> "312 conv2d_32" [label="(144, 1, 5, 5)", style=solid]; +"312 conv2d_32" -> "318 _native_batch_norm_legit_no_training_22" [label="(1, 144, 14, 14)", style=solid]; +"314 _param_constant87" -> "318 _native_batch_norm_legit_no_training_22" [label="(144,)", style=solid]; +"315 _param_constant88" -> "318 _native_batch_norm_legit_no_training_22" [label="(144,)", style=solid]; +"316 _tensor_constant44" -> "318 _native_batch_norm_legit_no_training_22" [label="(144,)", style=solid]; +"317 _tensor_constant45" -> "318 _native_batch_norm_legit_no_training_22" [label="(144,)", style=solid]; +"318 _native_batch_norm_legit_no_training_22" -> "319 getitem_66" [label="(1, 144, 14, 14)", style=solid]; +"318 _native_batch_norm_legit_no_training_22" -> "320 getitem_67" [label="(1, 144, 14, 14)", style=solid]; +"318 _native_batch_norm_legit_no_training_22" -> "321 getitem_68" [label="(1, 144, 14, 14)", style=solid]; +"319 getitem_66" -> "322 hardswish__10" [label="(1, 144, 14, 14)", style=solid]; +"322 hardswish__10" -> "323 adaptive_avg_pool2d_5" [label="(1, 144, 14, 14)", style=solid]; +"322 hardswish__10" -> "332 mul_5" [label="(1, 144, 14, 14)", style=solid]; +"323 adaptive_avg_pool2d_5" -> "326 conv2d_33" [label="(1, 144, 1, 1)", style=solid]; +"324 _param_constant89" -> "326 conv2d_33" [label="(40, 144, 1, 1)", style=solid]; +"325 _param_constant90" -> "326 conv2d_33" [label="(40,)", style=solid]; +"326 conv2d_33" -> "327 relu_5" [label="(1, 40, 1, 1)", style=solid]; +"327 relu_5" -> "330 conv2d_34" [label="(1, 40, 1, 1)", style=solid]; +"328 _param_constant91" -> "330 conv2d_34" [label="(144, 40, 1, 1)", style=solid]; +"329 _param_constant92" -> "330 conv2d_34" [label="(144,)", style=solid]; +"330 conv2d_34" -> "331 hardsigmoid_5" [label="(1, 144, 1, 1)", style=solid]; +"331 hardsigmoid_5" -> "332 mul_5" [label="(1, 144, 1, 1)", style=solid]; +"332 mul_5" -> "334 conv2d_35" [label="(1, 144, 14, 14)", style=solid]; +"333 _param_constant93" -> "334 conv2d_35" [label="(48, 144, 1, 1)", style=solid]; +"334 conv2d_35" -> "340 _native_batch_norm_legit_no_training_23" [label="(1, 48, 14, 14)", style=solid]; +"336 _param_constant94" -> "340 _native_batch_norm_legit_no_training_23" [label="(48,)", style=solid]; +"337 _param_constant95" -> "340 _native_batch_norm_legit_no_training_23" [label="(48,)", style=solid]; +"338 _tensor_constant46" -> "340 _native_batch_norm_legit_no_training_23" [label="(48,)", style=solid]; +"339 _tensor_constant47" -> "340 _native_batch_norm_legit_no_training_23" [label="(48,)", style=solid]; +"340 _native_batch_norm_legit_no_training_23" -> "341 getitem_69" [label="(1, 48, 14, 14)", style=solid]; +"340 _native_batch_norm_legit_no_training_23" -> "342 getitem_70" [label="(1, 48, 14, 14)", style=solid]; +"340 _native_batch_norm_legit_no_training_23" -> "343 getitem_71" [label="(1, 48, 14, 14)", style=solid]; +"341 getitem_69" -> "344 add__3" [label="(1, 48, 14, 14)", style=solid]; +"344 add__3" -> "346 conv2d_36" [label="(1, 48, 14, 14)", style=solid]; +"345 _param_constant96" -> "346 conv2d_36" [label="(288, 48, 1, 1)", style=solid]; +"346 conv2d_36" -> "352 _native_batch_norm_legit_no_training_24" [label="(1, 288, 14, 14)", style=solid]; +"348 _param_constant97" -> "352 _native_batch_norm_legit_no_training_24" [label="(288,)", style=solid]; +"349 _param_constant98" -> "352 _native_batch_norm_legit_no_training_24" [label="(288,)", style=solid]; +"350 _tensor_constant48" -> "352 _native_batch_norm_legit_no_training_24" [label="(288,)", style=solid]; +"351 _tensor_constant49" -> "352 _native_batch_norm_legit_no_training_24" [label="(288,)", style=solid]; +"352 _native_batch_norm_legit_no_training_24" -> "353 getitem_72" [label="(1, 288, 14, 14)", style=solid]; +"352 _native_batch_norm_legit_no_training_24" -> "354 getitem_73" [label="(1, 288, 14, 14)", style=solid]; +"352 _native_batch_norm_legit_no_training_24" -> "355 getitem_74" [label="(1, 288, 14, 14)", style=solid]; +"353 getitem_72" -> "356 hardswish__11" [label="(1, 288, 14, 14)", style=solid]; +"356 hardswish__11" -> "358 conv2d_37" [label="(1, 288, 14, 14)", style=solid]; +"357 _param_constant99" -> "358 conv2d_37" [label="(288, 1, 5, 5)", style=solid]; +"358 conv2d_37" -> "364 _native_batch_norm_legit_no_training_25" [label="(1, 288, 7, 7)", style=solid]; +"360 _param_constant100" -> "364 _native_batch_norm_legit_no_training_25" [label="(288,)", style=solid]; +"361 _param_constant101" -> "364 _native_batch_norm_legit_no_training_25" [label="(288,)", style=solid]; +"362 _tensor_constant50" -> "364 _native_batch_norm_legit_no_training_25" [label="(288,)", style=solid]; +"363 _tensor_constant51" -> "364 _native_batch_norm_legit_no_training_25" [label="(288,)", style=solid]; +"364 _native_batch_norm_legit_no_training_25" -> "365 getitem_75" [label="(1, 288, 7, 7)", style=solid]; +"364 _native_batch_norm_legit_no_training_25" -> "366 getitem_76" [label="(1, 288, 7, 7)", style=solid]; +"364 _native_batch_norm_legit_no_training_25" -> "367 getitem_77" [label="(1, 288, 7, 7)", style=solid]; +"365 getitem_75" -> "368 hardswish__12" [label="(1, 288, 7, 7)", style=solid]; +"368 hardswish__12" -> "369 adaptive_avg_pool2d_6" [label="(1, 288, 7, 7)", style=solid]; +"368 hardswish__12" -> "378 mul_6" [label="(1, 288, 7, 7)", style=solid]; +"369 adaptive_avg_pool2d_6" -> "372 conv2d_38" [label="(1, 288, 1, 1)", style=solid]; +"370 _param_constant102" -> "372 conv2d_38" [label="(72, 288, 1, 1)", style=solid]; +"371 _param_constant103" -> "372 conv2d_38" [label="(72,)", style=solid]; +"372 conv2d_38" -> "373 relu_6" [label="(1, 72, 1, 1)", style=solid]; +"373 relu_6" -> "376 conv2d_39" [label="(1, 72, 1, 1)", style=solid]; +"374 _param_constant104" -> "376 conv2d_39" [label="(288, 72, 1, 1)", style=solid]; +"375 _param_constant105" -> "376 conv2d_39" [label="(288,)", style=solid]; +"376 conv2d_39" -> "377 hardsigmoid_6" [label="(1, 288, 1, 1)", style=solid]; +"377 hardsigmoid_6" -> "378 mul_6" [label="(1, 288, 1, 1)", style=solid]; +"378 mul_6" -> "380 conv2d_40" [label="(1, 288, 7, 7)", style=solid]; +"379 _param_constant106" -> "380 conv2d_40" [label="(96, 288, 1, 1)", style=solid]; +"380 conv2d_40" -> "386 _native_batch_norm_legit_no_training_26" [label="(1, 96, 7, 7)", style=solid]; +"382 _param_constant107" -> "386 _native_batch_norm_legit_no_training_26" [label="(96,)", style=solid]; +"383 _param_constant108" -> "386 _native_batch_norm_legit_no_training_26" [label="(96,)", style=solid]; +"384 _tensor_constant52" -> "386 _native_batch_norm_legit_no_training_26" [label="(96,)", style=solid]; +"385 _tensor_constant53" -> "386 _native_batch_norm_legit_no_training_26" [label="(96,)", style=solid]; +"386 _native_batch_norm_legit_no_training_26" -> "387 getitem_78" [label="(1, 96, 7, 7)", style=solid]; +"386 _native_batch_norm_legit_no_training_26" -> "388 getitem_79" [label="(1, 96, 7, 7)", style=solid]; +"386 _native_batch_norm_legit_no_training_26" -> "389 getitem_80" [label="(1, 96, 7, 7)", style=solid]; +"387 getitem_78" -> "391 conv2d_41" [label="(1, 96, 7, 7)", style=solid]; +"387 getitem_78" -> "435 add__4" [label="(1, 96, 7, 7)", style=solid]; +"390 _param_constant109" -> "391 conv2d_41" [label="(576, 96, 1, 1)", style=solid]; +"391 conv2d_41" -> "397 _native_batch_norm_legit_no_training_27" [label="(1, 576, 7, 7)", style=solid]; +"393 _param_constant110" -> "397 _native_batch_norm_legit_no_training_27" [label="(576,)", style=solid]; +"394 _param_constant111" -> "397 _native_batch_norm_legit_no_training_27" [label="(576,)", style=solid]; +"395 _tensor_constant54" -> "397 _native_batch_norm_legit_no_training_27" [label="(576,)", style=solid]; +"396 _tensor_constant55" -> "397 _native_batch_norm_legit_no_training_27" [label="(576,)", style=solid]; +"397 _native_batch_norm_legit_no_training_27" -> "398 getitem_81" [label="(1, 576, 7, 7)", style=solid]; +"397 _native_batch_norm_legit_no_training_27" -> "399 getitem_82" [label="(1, 576, 7, 7)", style=solid]; +"397 _native_batch_norm_legit_no_training_27" -> "400 getitem_83" [label="(1, 576, 7, 7)", style=solid]; +"398 getitem_81" -> "401 hardswish__13" [label="(1, 576, 7, 7)", style=solid]; +"401 hardswish__13" -> "403 conv2d_42" [label="(1, 576, 7, 7)", style=solid]; +"402 _param_constant112" -> "403 conv2d_42" [label="(576, 1, 5, 5)", style=solid]; +"403 conv2d_42" -> "409 _native_batch_norm_legit_no_training_28" [label="(1, 576, 7, 7)", style=solid]; +"405 _param_constant113" -> "409 _native_batch_norm_legit_no_training_28" [label="(576,)", style=solid]; +"406 _param_constant114" -> "409 _native_batch_norm_legit_no_training_28" [label="(576,)", style=solid]; +"407 _tensor_constant56" -> "409 _native_batch_norm_legit_no_training_28" [label="(576,)", style=solid]; +"408 _tensor_constant57" -> "409 _native_batch_norm_legit_no_training_28" [label="(576,)", style=solid]; +"409 _native_batch_norm_legit_no_training_28" -> "410 getitem_84" [label="(1, 576, 7, 7)", style=solid]; +"409 _native_batch_norm_legit_no_training_28" -> "411 getitem_85" [label="(1, 576, 7, 7)", style=solid]; +"409 _native_batch_norm_legit_no_training_28" -> "412 getitem_86" [label="(1, 576, 7, 7)", style=solid]; +"410 getitem_84" -> "413 hardswish__14" [label="(1, 576, 7, 7)", style=solid]; +"413 hardswish__14" -> "414 adaptive_avg_pool2d_7" [label="(1, 576, 7, 7)", style=solid]; +"413 hardswish__14" -> "423 mul_7" [label="(1, 576, 7, 7)", style=solid]; +"414 adaptive_avg_pool2d_7" -> "417 conv2d_43" [label="(1, 576, 1, 1)", style=solid]; +"415 _param_constant115" -> "417 conv2d_43" [label="(144, 576, 1, 1)", style=solid]; +"416 _param_constant116" -> "417 conv2d_43" [label="(144,)", style=solid]; +"417 conv2d_43" -> "418 relu_7" [label="(1, 144, 1, 1)", style=solid]; +"418 relu_7" -> "421 conv2d_44" [label="(1, 144, 1, 1)", style=solid]; +"419 _param_constant117" -> "421 conv2d_44" [label="(576, 144, 1, 1)", style=solid]; +"420 _param_constant118" -> "421 conv2d_44" [label="(576,)", style=solid]; +"421 conv2d_44" -> "422 hardsigmoid_7" [label="(1, 576, 1, 1)", style=solid]; +"422 hardsigmoid_7" -> "423 mul_7" [label="(1, 576, 1, 1)", style=solid]; +"423 mul_7" -> "425 conv2d_45" [label="(1, 576, 7, 7)", style=solid]; +"424 _param_constant119" -> "425 conv2d_45" [label="(96, 576, 1, 1)", style=solid]; +"425 conv2d_45" -> "431 _native_batch_norm_legit_no_training_29" [label="(1, 96, 7, 7)", style=solid]; +"427 _param_constant120" -> "431 _native_batch_norm_legit_no_training_29" [label="(96,)", style=solid]; +"428 _param_constant121" -> "431 _native_batch_norm_legit_no_training_29" [label="(96,)", style=solid]; +"429 _tensor_constant58" -> "431 _native_batch_norm_legit_no_training_29" [label="(96,)", style=solid]; +"430 _tensor_constant59" -> "431 _native_batch_norm_legit_no_training_29" [label="(96,)", style=solid]; +"431 _native_batch_norm_legit_no_training_29" -> "432 getitem_87" [label="(1, 96, 7, 7)", style=solid]; +"431 _native_batch_norm_legit_no_training_29" -> "433 getitem_88" [label="(1, 96, 7, 7)", style=solid]; +"431 _native_batch_norm_legit_no_training_29" -> "434 getitem_89" [label="(1, 96, 7, 7)", style=solid]; +"432 getitem_87" -> "435 add__4" [label="(1, 96, 7, 7)", style=solid]; +"435 add__4" -> "437 conv2d_46" [label="(1, 96, 7, 7)", style=solid]; +"435 add__4" -> "481 add__5" [label="(1, 96, 7, 7)", style=solid]; +"436 _param_constant122" -> "437 conv2d_46" [label="(576, 96, 1, 1)", style=solid]; +"437 conv2d_46" -> "443 _native_batch_norm_legit_no_training_30" [label="(1, 576, 7, 7)", style=solid]; +"439 _param_constant123" -> "443 _native_batch_norm_legit_no_training_30" [label="(576,)", style=solid]; +"440 _param_constant124" -> "443 _native_batch_norm_legit_no_training_30" [label="(576,)", style=solid]; +"441 _tensor_constant60" -> "443 _native_batch_norm_legit_no_training_30" [label="(576,)", style=solid]; +"442 _tensor_constant61" -> "443 _native_batch_norm_legit_no_training_30" [label="(576,)", style=solid]; +"443 _native_batch_norm_legit_no_training_30" -> "444 getitem_90" [label="(1, 576, 7, 7)", style=solid]; +"443 _native_batch_norm_legit_no_training_30" -> "445 getitem_91" [label="(1, 576, 7, 7)", style=solid]; +"443 _native_batch_norm_legit_no_training_30" -> "446 getitem_92" [label="(1, 576, 7, 7)", style=solid]; +"444 getitem_90" -> "447 hardswish__15" [label="(1, 576, 7, 7)", style=solid]; +"447 hardswish__15" -> "449 conv2d_47" [label="(1, 576, 7, 7)", style=solid]; +"448 _param_constant125" -> "449 conv2d_47" [label="(576, 1, 5, 5)", style=solid]; +"449 conv2d_47" -> "455 _native_batch_norm_legit_no_training_31" [label="(1, 576, 7, 7)", style=solid]; +"451 _param_constant126" -> "455 _native_batch_norm_legit_no_training_31" [label="(576,)", style=solid]; +"452 _param_constant127" -> "455 _native_batch_norm_legit_no_training_31" [label="(576,)", style=solid]; +"453 _tensor_constant62" -> "455 _native_batch_norm_legit_no_training_31" [label="(576,)", style=solid]; +"454 _tensor_constant63" -> "455 _native_batch_norm_legit_no_training_31" [label="(576,)", style=solid]; +"455 _native_batch_norm_legit_no_training_31" -> "456 getitem_93" [label="(1, 576, 7, 7)", style=solid]; +"455 _native_batch_norm_legit_no_training_31" -> "457 getitem_94" [label="(1, 576, 7, 7)", style=solid]; +"455 _native_batch_norm_legit_no_training_31" -> "458 getitem_95" [label="(1, 576, 7, 7)", style=solid]; +"456 getitem_93" -> "459 hardswish__16" [label="(1, 576, 7, 7)", style=solid]; +"459 hardswish__16" -> "460 adaptive_avg_pool2d_8" [label="(1, 576, 7, 7)", style=solid]; +"459 hardswish__16" -> "469 mul_8" [label="(1, 576, 7, 7)", style=solid]; +"460 adaptive_avg_pool2d_8" -> "463 conv2d_48" [label="(1, 576, 1, 1)", style=solid]; +"461 _param_constant128" -> "463 conv2d_48" [label="(144, 576, 1, 1)", style=solid]; +"462 _param_constant129" -> "463 conv2d_48" [label="(144,)", style=solid]; +"463 conv2d_48" -> "464 relu_8" [label="(1, 144, 1, 1)", style=solid]; +"464 relu_8" -> "467 conv2d_49" [label="(1, 144, 1, 1)", style=solid]; +"465 _param_constant130" -> "467 conv2d_49" [label="(576, 144, 1, 1)", style=solid]; +"466 _param_constant131" -> "467 conv2d_49" [label="(576,)", style=solid]; +"467 conv2d_49" -> "468 hardsigmoid_8" [label="(1, 576, 1, 1)", style=solid]; +"468 hardsigmoid_8" -> "469 mul_8" [label="(1, 576, 1, 1)", style=solid]; +"469 mul_8" -> "471 conv2d_50" [label="(1, 576, 7, 7)", style=solid]; +"470 _param_constant132" -> "471 conv2d_50" [label="(96, 576, 1, 1)", style=solid]; +"471 conv2d_50" -> "477 _native_batch_norm_legit_no_training_32" [label="(1, 96, 7, 7)", style=solid]; +"473 _param_constant133" -> "477 _native_batch_norm_legit_no_training_32" [label="(96,)", style=solid]; +"474 _param_constant134" -> "477 _native_batch_norm_legit_no_training_32" [label="(96,)", style=solid]; +"475 _tensor_constant64" -> "477 _native_batch_norm_legit_no_training_32" [label="(96,)", style=solid]; +"476 _tensor_constant65" -> "477 _native_batch_norm_legit_no_training_32" [label="(96,)", style=solid]; +"477 _native_batch_norm_legit_no_training_32" -> "478 getitem_96" [label="(1, 96, 7, 7)", style=solid]; +"477 _native_batch_norm_legit_no_training_32" -> "479 getitem_97" [label="(1, 96, 7, 7)", style=solid]; +"477 _native_batch_norm_legit_no_training_32" -> "480 getitem_98" [label="(1, 96, 7, 7)", style=solid]; +"478 getitem_96" -> "481 add__5" [label="(1, 96, 7, 7)", style=solid]; +"481 add__5" -> "483 conv2d_51" [label="(1, 96, 7, 7)", style=solid]; +"482 _param_constant135" -> "483 conv2d_51" [label="(576, 96, 1, 1)", style=solid]; +"483 conv2d_51" -> "489 _native_batch_norm_legit_no_training_33" [label="(1, 576, 7, 7)", style=solid]; +"485 _param_constant136" -> "489 _native_batch_norm_legit_no_training_33" [label="(576,)", style=solid]; +"486 _param_constant137" -> "489 _native_batch_norm_legit_no_training_33" [label="(576,)", style=solid]; +"487 _tensor_constant66" -> "489 _native_batch_norm_legit_no_training_33" [label="(576,)", style=solid]; +"488 _tensor_constant67" -> "489 _native_batch_norm_legit_no_training_33" [label="(576,)", style=solid]; +"489 _native_batch_norm_legit_no_training_33" -> "490 getitem_99" [label="(1, 576, 7, 7)", style=solid]; +"489 _native_batch_norm_legit_no_training_33" -> "491 getitem_100" [label="(1, 576, 7, 7)", style=solid]; +"489 _native_batch_norm_legit_no_training_33" -> "492 getitem_101" [label="(1, 576, 7, 7)", style=solid]; +"490 getitem_99" -> "493 hardswish__17" [label="(1, 576, 7, 7)", style=solid]; +"493 hardswish__17" -> "494 adaptive_avg_pool2d_9" [label="(1, 576, 7, 7)", style=solid]; +"494 adaptive_avg_pool2d_9" -> "495 flatten" [label="(1, 576, 1, 1)", style=solid]; +"495 flatten" -> "498 linear" [label="(1, 576)", style=solid]; +"496 _param_constant138" -> "498 linear" [label="(1024, 576)", style=solid]; +"497 _param_constant139" -> "498 linear" [label="(1024,)", style=solid]; +"498 linear" -> "499 hardswish__18" [label="(1, 1024)", style=solid]; +"499 hardswish__18" -> "500 dropout_" [label="(1, 1024)", style=solid]; +"500 dropout_" -> "503 linear_1" [label="(1, 1024)", style=solid]; +"501 _param_constant140" -> "503 linear_1" [label="(1000, 1024)", style=solid]; +"502 _param_constant141" -> "503 linear_1" [label="(1000,)", style=solid]; +"503 linear_1" -> "504 output" [label="(1, 1000)", style=solid]; +} diff --git a/tests/torch/data/fx/reference_graphs/original_graphs/resnet18.dot b/tests/torch/data/fx/reference_graphs/original_graphs/resnet18.dot new file mode 100644 index 00000000000..53a4ea32a8e --- /dev/null +++ b/tests/torch/data/fx/reference_graphs/original_graphs/resnet18.dot @@ -0,0 +1,495 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 _param_constant0" [id=1, type=get_attr]; +"2 conv2d" [id=2, type=conv2d]; +"3 empty" [id=3, type=empty]; +"4 _param_constant1" [id=4, type=get_attr]; +"5 _param_constant2" [id=5, type=get_attr]; +"6 _tensor_constant0" [id=6, type=get_attr]; +"7 _tensor_constant1" [id=7, type=get_attr]; +"8 _native_batch_norm_legit_no_training" [id=8, type=_native_batch_norm_legit_no_training]; +"9 getitem" [id=9, type=__getitem__]; +"10 getitem_1" [id=10, type=__getitem__]; +"11 getitem_2" [id=11, type=__getitem__]; +"12 relu_" [id=12, type=relu_]; +"13 max_pool2d" [id=13, type=max_pool2d]; +"14 _param_constant3" [id=14, type=get_attr]; +"15 conv2d_1" [id=15, type=conv2d]; +"16 empty_1" [id=16, type=empty]; +"17 _param_constant4" [id=17, type=get_attr]; +"18 _param_constant5" [id=18, type=get_attr]; +"19 _tensor_constant2" [id=19, type=get_attr]; +"20 _tensor_constant3" [id=20, type=get_attr]; +"21 _native_batch_norm_legit_no_training_1" [id=21, type=_native_batch_norm_legit_no_training]; +"22 getitem_3" [id=22, type=__getitem__]; +"23 getitem_4" [id=23, type=__getitem__]; +"24 getitem_5" [id=24, type=__getitem__]; +"25 relu__1" [id=25, type=relu_]; +"26 _param_constant6" [id=26, type=get_attr]; +"27 conv2d_2" [id=27, type=conv2d]; +"28 empty_2" [id=28, type=empty]; +"29 _param_constant7" [id=29, type=get_attr]; +"30 _param_constant8" [id=30, type=get_attr]; +"31 _tensor_constant4" [id=31, type=get_attr]; +"32 _tensor_constant5" [id=32, type=get_attr]; +"33 _native_batch_norm_legit_no_training_2" [id=33, type=_native_batch_norm_legit_no_training]; +"34 getitem_6" [id=34, type=__getitem__]; +"35 getitem_7" [id=35, type=__getitem__]; +"36 getitem_8" [id=36, type=__getitem__]; +"37 add_" [id=37, type=add_]; +"38 relu__2" [id=38, type=relu_]; +"39 _param_constant9" [id=39, type=get_attr]; +"40 conv2d_3" [id=40, type=conv2d]; +"41 empty_3" [id=41, type=empty]; +"42 _param_constant10" [id=42, type=get_attr]; +"43 _param_constant11" [id=43, type=get_attr]; +"44 _tensor_constant6" [id=44, type=get_attr]; +"45 _tensor_constant7" [id=45, type=get_attr]; +"46 _native_batch_norm_legit_no_training_3" [id=46, type=_native_batch_norm_legit_no_training]; +"47 getitem_9" [id=47, type=__getitem__]; +"48 getitem_10" [id=48, type=__getitem__]; +"49 getitem_11" [id=49, type=__getitem__]; +"50 relu__3" [id=50, type=relu_]; +"51 _param_constant12" [id=51, type=get_attr]; +"52 conv2d_4" [id=52, type=conv2d]; +"53 empty_4" [id=53, type=empty]; +"54 _param_constant13" [id=54, type=get_attr]; +"55 _param_constant14" [id=55, type=get_attr]; +"56 _tensor_constant8" [id=56, type=get_attr]; +"57 _tensor_constant9" [id=57, type=get_attr]; +"58 _native_batch_norm_legit_no_training_4" [id=58, type=_native_batch_norm_legit_no_training]; +"59 getitem_12" [id=59, type=__getitem__]; +"60 getitem_13" [id=60, type=__getitem__]; +"61 getitem_14" [id=61, type=__getitem__]; +"62 add__1" [id=62, type=add_]; +"63 relu__4" [id=63, type=relu_]; +"64 _param_constant15" [id=64, type=get_attr]; +"65 conv2d_5" [id=65, type=conv2d]; +"66 empty_5" [id=66, type=empty]; +"67 _param_constant16" [id=67, type=get_attr]; +"68 _param_constant17" [id=68, type=get_attr]; +"69 _tensor_constant10" [id=69, type=get_attr]; +"70 _tensor_constant11" [id=70, type=get_attr]; +"71 _native_batch_norm_legit_no_training_5" [id=71, type=_native_batch_norm_legit_no_training]; +"72 getitem_15" [id=72, type=__getitem__]; +"73 getitem_16" [id=73, type=__getitem__]; +"74 getitem_17" [id=74, type=__getitem__]; +"75 relu__5" [id=75, type=relu_]; +"76 _param_constant18" [id=76, type=get_attr]; +"77 conv2d_6" [id=77, type=conv2d]; +"78 empty_6" [id=78, type=empty]; +"79 _param_constant19" [id=79, type=get_attr]; +"80 _param_constant20" [id=80, type=get_attr]; +"81 _tensor_constant12" [id=81, type=get_attr]; +"82 _tensor_constant13" [id=82, type=get_attr]; +"83 _native_batch_norm_legit_no_training_6" [id=83, type=_native_batch_norm_legit_no_training]; +"84 getitem_18" [id=84, type=__getitem__]; +"85 getitem_19" [id=85, type=__getitem__]; +"86 getitem_20" [id=86, type=__getitem__]; +"87 _param_constant21" [id=87, type=get_attr]; +"88 conv2d_7" [id=88, type=conv2d]; +"89 empty_7" [id=89, type=empty]; +"90 _param_constant22" [id=90, type=get_attr]; +"91 _param_constant23" [id=91, type=get_attr]; +"92 _tensor_constant14" [id=92, type=get_attr]; +"93 _tensor_constant15" [id=93, type=get_attr]; +"94 _native_batch_norm_legit_no_training_7" [id=94, type=_native_batch_norm_legit_no_training]; +"95 getitem_21" [id=95, type=__getitem__]; +"96 getitem_22" [id=96, type=__getitem__]; +"97 getitem_23" [id=97, type=__getitem__]; +"98 add__2" [id=98, type=add_]; +"99 relu__6" [id=99, type=relu_]; +"100 _param_constant24" [id=100, type=get_attr]; +"101 conv2d_8" [id=101, type=conv2d]; +"102 empty_8" [id=102, type=empty]; +"103 _param_constant25" [id=103, type=get_attr]; +"104 _param_constant26" [id=104, type=get_attr]; +"105 _tensor_constant16" [id=105, type=get_attr]; +"106 _tensor_constant17" [id=106, type=get_attr]; +"107 _native_batch_norm_legit_no_training_8" [id=107, type=_native_batch_norm_legit_no_training]; +"108 getitem_24" [id=108, type=__getitem__]; +"109 getitem_25" [id=109, type=__getitem__]; +"110 getitem_26" [id=110, type=__getitem__]; +"111 relu__7" [id=111, type=relu_]; +"112 _param_constant27" [id=112, type=get_attr]; +"113 conv2d_9" [id=113, type=conv2d]; +"114 empty_9" [id=114, type=empty]; +"115 _param_constant28" [id=115, type=get_attr]; +"116 _param_constant29" [id=116, type=get_attr]; +"117 _tensor_constant18" [id=117, type=get_attr]; +"118 _tensor_constant19" [id=118, type=get_attr]; +"119 _native_batch_norm_legit_no_training_9" [id=119, type=_native_batch_norm_legit_no_training]; +"120 getitem_27" [id=120, type=__getitem__]; +"121 getitem_28" [id=121, type=__getitem__]; +"122 getitem_29" [id=122, type=__getitem__]; +"123 add__3" [id=123, type=add_]; +"124 relu__8" [id=124, type=relu_]; +"125 _param_constant30" [id=125, type=get_attr]; +"126 conv2d_10" [id=126, type=conv2d]; +"127 empty_10" [id=127, type=empty]; +"128 _param_constant31" [id=128, type=get_attr]; +"129 _param_constant32" [id=129, type=get_attr]; +"130 _tensor_constant20" [id=130, type=get_attr]; +"131 _tensor_constant21" [id=131, type=get_attr]; +"132 _native_batch_norm_legit_no_training_10" [id=132, type=_native_batch_norm_legit_no_training]; +"133 getitem_30" [id=133, type=__getitem__]; +"134 getitem_31" [id=134, type=__getitem__]; +"135 getitem_32" [id=135, type=__getitem__]; +"136 relu__9" [id=136, type=relu_]; +"137 _param_constant33" [id=137, type=get_attr]; +"138 conv2d_11" [id=138, type=conv2d]; +"139 empty_11" [id=139, type=empty]; +"140 _param_constant34" [id=140, type=get_attr]; +"141 _param_constant35" [id=141, type=get_attr]; +"142 _tensor_constant22" [id=142, type=get_attr]; +"143 _tensor_constant23" [id=143, type=get_attr]; +"144 _native_batch_norm_legit_no_training_11" [id=144, type=_native_batch_norm_legit_no_training]; +"145 getitem_33" [id=145, type=__getitem__]; +"146 getitem_34" [id=146, type=__getitem__]; +"147 getitem_35" [id=147, type=__getitem__]; +"148 _param_constant36" [id=148, type=get_attr]; +"149 conv2d_12" [id=149, type=conv2d]; +"150 empty_12" [id=150, type=empty]; +"151 _param_constant37" [id=151, type=get_attr]; +"152 _param_constant38" [id=152, type=get_attr]; +"153 _tensor_constant24" [id=153, type=get_attr]; +"154 _tensor_constant25" [id=154, type=get_attr]; +"155 _native_batch_norm_legit_no_training_12" [id=155, type=_native_batch_norm_legit_no_training]; +"156 getitem_36" [id=156, type=__getitem__]; +"157 getitem_37" [id=157, type=__getitem__]; +"158 getitem_38" [id=158, type=__getitem__]; +"159 add__4" [id=159, type=add_]; +"160 relu__10" [id=160, type=relu_]; +"161 _param_constant39" [id=161, type=get_attr]; +"162 conv2d_13" [id=162, type=conv2d]; +"163 empty_13" [id=163, type=empty]; +"164 _param_constant40" [id=164, type=get_attr]; +"165 _param_constant41" [id=165, type=get_attr]; +"166 _tensor_constant26" [id=166, type=get_attr]; +"167 _tensor_constant27" [id=167, type=get_attr]; +"168 _native_batch_norm_legit_no_training_13" [id=168, type=_native_batch_norm_legit_no_training]; +"169 getitem_39" [id=169, type=__getitem__]; +"170 getitem_40" [id=170, type=__getitem__]; +"171 getitem_41" [id=171, type=__getitem__]; +"172 relu__11" [id=172, type=relu_]; +"173 _param_constant42" [id=173, type=get_attr]; +"174 conv2d_14" [id=174, type=conv2d]; +"175 empty_14" [id=175, type=empty]; +"176 _param_constant43" [id=176, type=get_attr]; +"177 _param_constant44" [id=177, type=get_attr]; +"178 _tensor_constant28" [id=178, type=get_attr]; +"179 _tensor_constant29" [id=179, type=get_attr]; +"180 _native_batch_norm_legit_no_training_14" [id=180, type=_native_batch_norm_legit_no_training]; +"181 getitem_42" [id=181, type=__getitem__]; +"182 getitem_43" [id=182, type=__getitem__]; +"183 getitem_44" [id=183, type=__getitem__]; +"184 add__5" [id=184, type=add_]; +"185 relu__12" [id=185, type=relu_]; +"186 _param_constant45" [id=186, type=get_attr]; +"187 conv2d_15" [id=187, type=conv2d]; +"188 empty_15" [id=188, type=empty]; +"189 _param_constant46" [id=189, type=get_attr]; +"190 _param_constant47" [id=190, type=get_attr]; +"191 _tensor_constant30" [id=191, type=get_attr]; +"192 _tensor_constant31" [id=192, type=get_attr]; +"193 _native_batch_norm_legit_no_training_15" [id=193, type=_native_batch_norm_legit_no_training]; +"194 getitem_45" [id=194, type=__getitem__]; +"195 getitem_46" [id=195, type=__getitem__]; +"196 getitem_47" [id=196, type=__getitem__]; +"197 relu__13" [id=197, type=relu_]; +"198 _param_constant48" [id=198, type=get_attr]; +"199 conv2d_16" [id=199, type=conv2d]; +"200 empty_16" [id=200, type=empty]; +"201 _param_constant49" [id=201, type=get_attr]; +"202 _param_constant50" [id=202, type=get_attr]; +"203 _tensor_constant32" [id=203, type=get_attr]; +"204 _tensor_constant33" [id=204, type=get_attr]; +"205 _native_batch_norm_legit_no_training_16" [id=205, type=_native_batch_norm_legit_no_training]; +"206 getitem_48" [id=206, type=__getitem__]; +"207 getitem_49" [id=207, type=__getitem__]; +"208 getitem_50" [id=208, type=__getitem__]; +"209 _param_constant51" [id=209, type=get_attr]; +"210 conv2d_17" [id=210, type=conv2d]; +"211 empty_17" [id=211, type=empty]; +"212 _param_constant52" [id=212, type=get_attr]; +"213 _param_constant53" [id=213, type=get_attr]; +"214 _tensor_constant34" [id=214, type=get_attr]; +"215 _tensor_constant35" [id=215, type=get_attr]; +"216 _native_batch_norm_legit_no_training_17" [id=216, type=_native_batch_norm_legit_no_training]; +"217 getitem_51" [id=217, type=__getitem__]; +"218 getitem_52" [id=218, type=__getitem__]; +"219 getitem_53" [id=219, type=__getitem__]; +"220 add__6" [id=220, type=add_]; +"221 relu__14" [id=221, type=relu_]; +"222 _param_constant54" [id=222, type=get_attr]; +"223 conv2d_18" [id=223, type=conv2d]; +"224 empty_18" [id=224, type=empty]; +"225 _param_constant55" [id=225, type=get_attr]; +"226 _param_constant56" [id=226, type=get_attr]; +"227 _tensor_constant36" [id=227, type=get_attr]; +"228 _tensor_constant37" [id=228, type=get_attr]; +"229 _native_batch_norm_legit_no_training_18" [id=229, type=_native_batch_norm_legit_no_training]; +"230 getitem_54" [id=230, type=__getitem__]; +"231 getitem_55" [id=231, type=__getitem__]; +"232 getitem_56" [id=232, type=__getitem__]; +"233 relu__15" [id=233, type=relu_]; +"234 _param_constant57" [id=234, type=get_attr]; +"235 conv2d_19" [id=235, type=conv2d]; +"236 empty_19" [id=236, type=empty]; +"237 _param_constant58" [id=237, type=get_attr]; +"238 _param_constant59" [id=238, type=get_attr]; +"239 _tensor_constant38" [id=239, type=get_attr]; +"240 _tensor_constant39" [id=240, type=get_attr]; +"241 _native_batch_norm_legit_no_training_19" [id=241, type=_native_batch_norm_legit_no_training]; +"242 getitem_57" [id=242, type=__getitem__]; +"243 getitem_58" [id=243, type=__getitem__]; +"244 getitem_59" [id=244, type=__getitem__]; +"245 add__7" [id=245, type=add_]; +"246 relu__16" [id=246, type=relu_]; +"247 adaptive_avg_pool2d" [id=247, type=adaptive_avg_pool2d]; +"248 flatten" [id=248, type=flatten]; +"249 _param_constant60" [id=249, type=get_attr]; +"250 _param_constant61" [id=250, type=get_attr]; +"251 linear" [id=251, type=linear]; +"252 output" [id=252, type=output]; +"0 arg0_1" -> "2 conv2d" [label="(1, 3, 224, 224)", style=solid]; +"1 _param_constant0" -> "2 conv2d" [label="(64, 3, 7, 7)", style=solid]; +"2 conv2d" -> "8 _native_batch_norm_legit_no_training" [label="(1, 64, 112, 112)", style=solid]; +"4 _param_constant1" -> "8 _native_batch_norm_legit_no_training" [label="(64,)", style=solid]; +"5 _param_constant2" -> "8 _native_batch_norm_legit_no_training" [label="(64,)", style=solid]; +"6 _tensor_constant0" -> "8 _native_batch_norm_legit_no_training" [label="(64,)", style=solid]; +"7 _tensor_constant1" -> "8 _native_batch_norm_legit_no_training" [label="(64,)", style=solid]; +"8 _native_batch_norm_legit_no_training" -> "9 getitem" [label="(1, 64, 112, 112)", style=solid]; +"8 _native_batch_norm_legit_no_training" -> "10 getitem_1" [label="(1, 64, 112, 112)", style=solid]; +"8 _native_batch_norm_legit_no_training" -> "11 getitem_2" [label="(1, 64, 112, 112)", style=solid]; +"9 getitem" -> "12 relu_" [label="(1, 64, 112, 112)", style=solid]; +"12 relu_" -> "13 max_pool2d" [label="(1, 64, 112, 112)", style=solid]; +"13 max_pool2d" -> "15 conv2d_1" [label="(1, 64, 56, 56)", style=solid]; +"13 max_pool2d" -> "37 add_" [label="(1, 64, 56, 56)", style=solid]; +"14 _param_constant3" -> "15 conv2d_1" [label="(64, 64, 3, 3)", style=solid]; +"15 conv2d_1" -> "21 _native_batch_norm_legit_no_training_1" [label="(1, 64, 56, 56)", style=solid]; +"17 _param_constant4" -> "21 _native_batch_norm_legit_no_training_1" [label="(64,)", style=solid]; +"18 _param_constant5" -> "21 _native_batch_norm_legit_no_training_1" [label="(64,)", style=solid]; +"19 _tensor_constant2" -> "21 _native_batch_norm_legit_no_training_1" [label="(64,)", style=solid]; +"20 _tensor_constant3" -> "21 _native_batch_norm_legit_no_training_1" [label="(64,)", style=solid]; +"21 _native_batch_norm_legit_no_training_1" -> "22 getitem_3" [label="(1, 64, 56, 56)", style=solid]; +"21 _native_batch_norm_legit_no_training_1" -> "23 getitem_4" [label="(1, 64, 56, 56)", style=solid]; +"21 _native_batch_norm_legit_no_training_1" -> "24 getitem_5" [label="(1, 64, 56, 56)", style=solid]; +"22 getitem_3" -> "25 relu__1" [label="(1, 64, 56, 56)", style=solid]; +"25 relu__1" -> "27 conv2d_2" [label="(1, 64, 56, 56)", style=solid]; +"26 _param_constant6" -> "27 conv2d_2" [label="(64, 64, 3, 3)", style=solid]; +"27 conv2d_2" -> "33 _native_batch_norm_legit_no_training_2" [label="(1, 64, 56, 56)", style=solid]; +"29 _param_constant7" -> "33 _native_batch_norm_legit_no_training_2" [label="(64,)", style=solid]; +"30 _param_constant8" -> "33 _native_batch_norm_legit_no_training_2" [label="(64,)", style=solid]; +"31 _tensor_constant4" -> "33 _native_batch_norm_legit_no_training_2" [label="(64,)", style=solid]; +"32 _tensor_constant5" -> "33 _native_batch_norm_legit_no_training_2" [label="(64,)", style=solid]; +"33 _native_batch_norm_legit_no_training_2" -> "34 getitem_6" [label="(1, 64, 56, 56)", style=solid]; +"33 _native_batch_norm_legit_no_training_2" -> "35 getitem_7" [label="(1, 64, 56, 56)", style=solid]; +"33 _native_batch_norm_legit_no_training_2" -> "36 getitem_8" [label="(1, 64, 56, 56)", style=solid]; +"34 getitem_6" -> "37 add_" [label="(1, 64, 56, 56)", style=solid]; +"37 add_" -> "38 relu__2" [label="(1, 64, 56, 56)", style=solid]; +"38 relu__2" -> "40 conv2d_3" [label="(1, 64, 56, 56)", style=solid]; +"38 relu__2" -> "62 add__1" [label="(1, 64, 56, 56)", style=solid]; +"39 _param_constant9" -> "40 conv2d_3" [label="(64, 64, 3, 3)", style=solid]; +"40 conv2d_3" -> "46 _native_batch_norm_legit_no_training_3" [label="(1, 64, 56, 56)", style=solid]; +"42 _param_constant10" -> "46 _native_batch_norm_legit_no_training_3" [label="(64,)", style=solid]; +"43 _param_constant11" -> "46 _native_batch_norm_legit_no_training_3" [label="(64,)", style=solid]; +"44 _tensor_constant6" -> "46 _native_batch_norm_legit_no_training_3" [label="(64,)", style=solid]; +"45 _tensor_constant7" -> "46 _native_batch_norm_legit_no_training_3" [label="(64,)", style=solid]; +"46 _native_batch_norm_legit_no_training_3" -> "47 getitem_9" [label="(1, 64, 56, 56)", style=solid]; +"46 _native_batch_norm_legit_no_training_3" -> "48 getitem_10" [label="(1, 64, 56, 56)", style=solid]; +"46 _native_batch_norm_legit_no_training_3" -> "49 getitem_11" [label="(1, 64, 56, 56)", style=solid]; +"47 getitem_9" -> "50 relu__3" [label="(1, 64, 56, 56)", style=solid]; +"50 relu__3" -> "52 conv2d_4" [label="(1, 64, 56, 56)", style=solid]; +"51 _param_constant12" -> "52 conv2d_4" [label="(64, 64, 3, 3)", style=solid]; +"52 conv2d_4" -> "58 _native_batch_norm_legit_no_training_4" [label="(1, 64, 56, 56)", style=solid]; +"54 _param_constant13" -> "58 _native_batch_norm_legit_no_training_4" [label="(64,)", style=solid]; +"55 _param_constant14" -> "58 _native_batch_norm_legit_no_training_4" [label="(64,)", style=solid]; +"56 _tensor_constant8" -> "58 _native_batch_norm_legit_no_training_4" [label="(64,)", style=solid]; +"57 _tensor_constant9" -> "58 _native_batch_norm_legit_no_training_4" [label="(64,)", style=solid]; +"58 _native_batch_norm_legit_no_training_4" -> "59 getitem_12" [label="(1, 64, 56, 56)", style=solid]; +"58 _native_batch_norm_legit_no_training_4" -> "60 getitem_13" [label="(1, 64, 56, 56)", style=solid]; +"58 _native_batch_norm_legit_no_training_4" -> "61 getitem_14" [label="(1, 64, 56, 56)", style=solid]; +"59 getitem_12" -> "62 add__1" [label="(1, 64, 56, 56)", style=solid]; +"62 add__1" -> "63 relu__4" [label="(1, 64, 56, 56)", style=solid]; +"63 relu__4" -> "65 conv2d_5" [label="(1, 64, 56, 56)", style=solid]; +"63 relu__4" -> "88 conv2d_7" [label="(1, 64, 56, 56)", style=solid]; +"64 _param_constant15" -> "65 conv2d_5" [label="(128, 64, 3, 3)", style=solid]; +"65 conv2d_5" -> "71 _native_batch_norm_legit_no_training_5" [label="(1, 128, 28, 28)", style=solid]; +"67 _param_constant16" -> "71 _native_batch_norm_legit_no_training_5" [label="(128,)", style=solid]; +"68 _param_constant17" -> "71 _native_batch_norm_legit_no_training_5" [label="(128,)", style=solid]; +"69 _tensor_constant10" -> "71 _native_batch_norm_legit_no_training_5" [label="(128,)", style=solid]; +"70 _tensor_constant11" -> "71 _native_batch_norm_legit_no_training_5" [label="(128,)", style=solid]; +"71 _native_batch_norm_legit_no_training_5" -> "72 getitem_15" [label="(1, 128, 28, 28)", style=solid]; +"71 _native_batch_norm_legit_no_training_5" -> "73 getitem_16" [label="(1, 128, 28, 28)", style=solid]; +"71 _native_batch_norm_legit_no_training_5" -> "74 getitem_17" [label="(1, 128, 28, 28)", style=solid]; +"72 getitem_15" -> "75 relu__5" [label="(1, 128, 28, 28)", style=solid]; +"75 relu__5" -> "77 conv2d_6" [label="(1, 128, 28, 28)", style=solid]; +"76 _param_constant18" -> "77 conv2d_6" [label="(128, 128, 3, 3)", style=solid]; +"77 conv2d_6" -> "83 _native_batch_norm_legit_no_training_6" [label="(1, 128, 28, 28)", style=solid]; +"79 _param_constant19" -> "83 _native_batch_norm_legit_no_training_6" [label="(128,)", style=solid]; +"80 _param_constant20" -> "83 _native_batch_norm_legit_no_training_6" [label="(128,)", style=solid]; +"81 _tensor_constant12" -> "83 _native_batch_norm_legit_no_training_6" [label="(128,)", style=solid]; +"82 _tensor_constant13" -> "83 _native_batch_norm_legit_no_training_6" [label="(128,)", style=solid]; +"83 _native_batch_norm_legit_no_training_6" -> "84 getitem_18" [label="(1, 128, 28, 28)", style=solid]; +"83 _native_batch_norm_legit_no_training_6" -> "85 getitem_19" [label="(1, 128, 28, 28)", style=solid]; +"83 _native_batch_norm_legit_no_training_6" -> "86 getitem_20" [label="(1, 128, 28, 28)", style=solid]; +"84 getitem_18" -> "98 add__2" [label="(1, 128, 28, 28)", style=solid]; +"87 _param_constant21" -> "88 conv2d_7" [label="(128, 64, 1, 1)", style=solid]; +"88 conv2d_7" -> "94 _native_batch_norm_legit_no_training_7" [label="(1, 128, 28, 28)", style=solid]; +"90 _param_constant22" -> "94 _native_batch_norm_legit_no_training_7" [label="(128,)", style=solid]; +"91 _param_constant23" -> "94 _native_batch_norm_legit_no_training_7" [label="(128,)", style=solid]; +"92 _tensor_constant14" -> "94 _native_batch_norm_legit_no_training_7" [label="(128,)", style=solid]; +"93 _tensor_constant15" -> "94 _native_batch_norm_legit_no_training_7" [label="(128,)", style=solid]; +"94 _native_batch_norm_legit_no_training_7" -> "95 getitem_21" [label="(1, 128, 28, 28)", style=solid]; +"94 _native_batch_norm_legit_no_training_7" -> "96 getitem_22" [label="(1, 128, 28, 28)", style=solid]; +"94 _native_batch_norm_legit_no_training_7" -> "97 getitem_23" [label="(1, 128, 28, 28)", style=solid]; +"95 getitem_21" -> "98 add__2" [label="(1, 128, 28, 28)", style=solid]; +"98 add__2" -> "99 relu__6" [label="(1, 128, 28, 28)", style=solid]; +"99 relu__6" -> "101 conv2d_8" [label="(1, 128, 28, 28)", style=solid]; +"99 relu__6" -> "123 add__3" [label="(1, 128, 28, 28)", style=solid]; +"100 _param_constant24" -> "101 conv2d_8" [label="(128, 128, 3, 3)", style=solid]; +"101 conv2d_8" -> "107 _native_batch_norm_legit_no_training_8" [label="(1, 128, 28, 28)", style=solid]; +"103 _param_constant25" -> "107 _native_batch_norm_legit_no_training_8" [label="(128,)", style=solid]; +"104 _param_constant26" -> "107 _native_batch_norm_legit_no_training_8" [label="(128,)", style=solid]; +"105 _tensor_constant16" -> "107 _native_batch_norm_legit_no_training_8" [label="(128,)", style=solid]; +"106 _tensor_constant17" -> "107 _native_batch_norm_legit_no_training_8" [label="(128,)", style=solid]; +"107 _native_batch_norm_legit_no_training_8" -> "108 getitem_24" [label="(1, 128, 28, 28)", style=solid]; +"107 _native_batch_norm_legit_no_training_8" -> "109 getitem_25" [label="(1, 128, 28, 28)", style=solid]; +"107 _native_batch_norm_legit_no_training_8" -> "110 getitem_26" [label="(1, 128, 28, 28)", style=solid]; +"108 getitem_24" -> "111 relu__7" [label="(1, 128, 28, 28)", style=solid]; +"111 relu__7" -> "113 conv2d_9" [label="(1, 128, 28, 28)", style=solid]; +"112 _param_constant27" -> "113 conv2d_9" [label="(128, 128, 3, 3)", style=solid]; +"113 conv2d_9" -> "119 _native_batch_norm_legit_no_training_9" [label="(1, 128, 28, 28)", style=solid]; +"115 _param_constant28" -> "119 _native_batch_norm_legit_no_training_9" [label="(128,)", style=solid]; +"116 _param_constant29" -> "119 _native_batch_norm_legit_no_training_9" [label="(128,)", style=solid]; +"117 _tensor_constant18" -> "119 _native_batch_norm_legit_no_training_9" [label="(128,)", style=solid]; +"118 _tensor_constant19" -> "119 _native_batch_norm_legit_no_training_9" [label="(128,)", style=solid]; +"119 _native_batch_norm_legit_no_training_9" -> "120 getitem_27" [label="(1, 128, 28, 28)", style=solid]; +"119 _native_batch_norm_legit_no_training_9" -> "121 getitem_28" [label="(1, 128, 28, 28)", style=solid]; +"119 _native_batch_norm_legit_no_training_9" -> "122 getitem_29" [label="(1, 128, 28, 28)", style=solid]; +"120 getitem_27" -> "123 add__3" [label="(1, 128, 28, 28)", style=solid]; +"123 add__3" -> "124 relu__8" [label="(1, 128, 28, 28)", style=solid]; +"124 relu__8" -> "126 conv2d_10" [label="(1, 128, 28, 28)", style=solid]; +"124 relu__8" -> "149 conv2d_12" [label="(1, 128, 28, 28)", style=solid]; +"125 _param_constant30" -> "126 conv2d_10" [label="(256, 128, 3, 3)", style=solid]; +"126 conv2d_10" -> "132 _native_batch_norm_legit_no_training_10" [label="(1, 256, 14, 14)", style=solid]; +"128 _param_constant31" -> "132 _native_batch_norm_legit_no_training_10" [label="(256,)", style=solid]; +"129 _param_constant32" -> "132 _native_batch_norm_legit_no_training_10" [label="(256,)", style=solid]; +"130 _tensor_constant20" -> "132 _native_batch_norm_legit_no_training_10" [label="(256,)", style=solid]; +"131 _tensor_constant21" -> "132 _native_batch_norm_legit_no_training_10" [label="(256,)", style=solid]; +"132 _native_batch_norm_legit_no_training_10" -> "133 getitem_30" [label="(1, 256, 14, 14)", style=solid]; +"132 _native_batch_norm_legit_no_training_10" -> "134 getitem_31" [label="(1, 256, 14, 14)", style=solid]; +"132 _native_batch_norm_legit_no_training_10" -> "135 getitem_32" [label="(1, 256, 14, 14)", style=solid]; +"133 getitem_30" -> "136 relu__9" [label="(1, 256, 14, 14)", style=solid]; +"136 relu__9" -> "138 conv2d_11" [label="(1, 256, 14, 14)", style=solid]; +"137 _param_constant33" -> "138 conv2d_11" [label="(256, 256, 3, 3)", style=solid]; +"138 conv2d_11" -> "144 _native_batch_norm_legit_no_training_11" [label="(1, 256, 14, 14)", style=solid]; +"140 _param_constant34" -> "144 _native_batch_norm_legit_no_training_11" [label="(256,)", style=solid]; +"141 _param_constant35" -> "144 _native_batch_norm_legit_no_training_11" [label="(256,)", style=solid]; +"142 _tensor_constant22" -> "144 _native_batch_norm_legit_no_training_11" [label="(256,)", style=solid]; +"143 _tensor_constant23" -> "144 _native_batch_norm_legit_no_training_11" [label="(256,)", style=solid]; +"144 _native_batch_norm_legit_no_training_11" -> "145 getitem_33" [label="(1, 256, 14, 14)", style=solid]; +"144 _native_batch_norm_legit_no_training_11" -> "146 getitem_34" [label="(1, 256, 14, 14)", style=solid]; +"144 _native_batch_norm_legit_no_training_11" -> "147 getitem_35" [label="(1, 256, 14, 14)", style=solid]; +"145 getitem_33" -> "159 add__4" [label="(1, 256, 14, 14)", style=solid]; +"148 _param_constant36" -> "149 conv2d_12" [label="(256, 128, 1, 1)", style=solid]; +"149 conv2d_12" -> "155 _native_batch_norm_legit_no_training_12" [label="(1, 256, 14, 14)", style=solid]; +"151 _param_constant37" -> "155 _native_batch_norm_legit_no_training_12" [label="(256,)", style=solid]; +"152 _param_constant38" -> "155 _native_batch_norm_legit_no_training_12" [label="(256,)", style=solid]; +"153 _tensor_constant24" -> "155 _native_batch_norm_legit_no_training_12" [label="(256,)", style=solid]; +"154 _tensor_constant25" -> "155 _native_batch_norm_legit_no_training_12" [label="(256,)", style=solid]; +"155 _native_batch_norm_legit_no_training_12" -> "156 getitem_36" [label="(1, 256, 14, 14)", style=solid]; +"155 _native_batch_norm_legit_no_training_12" -> "157 getitem_37" [label="(1, 256, 14, 14)", style=solid]; +"155 _native_batch_norm_legit_no_training_12" -> "158 getitem_38" [label="(1, 256, 14, 14)", style=solid]; +"156 getitem_36" -> "159 add__4" [label="(1, 256, 14, 14)", style=solid]; +"159 add__4" -> "160 relu__10" [label="(1, 256, 14, 14)", style=solid]; +"160 relu__10" -> "162 conv2d_13" [label="(1, 256, 14, 14)", style=solid]; +"160 relu__10" -> "184 add__5" [label="(1, 256, 14, 14)", style=solid]; +"161 _param_constant39" -> "162 conv2d_13" [label="(256, 256, 3, 3)", style=solid]; +"162 conv2d_13" -> "168 _native_batch_norm_legit_no_training_13" [label="(1, 256, 14, 14)", style=solid]; +"164 _param_constant40" -> "168 _native_batch_norm_legit_no_training_13" [label="(256,)", style=solid]; +"165 _param_constant41" -> "168 _native_batch_norm_legit_no_training_13" [label="(256,)", style=solid]; +"166 _tensor_constant26" -> "168 _native_batch_norm_legit_no_training_13" [label="(256,)", style=solid]; +"167 _tensor_constant27" -> "168 _native_batch_norm_legit_no_training_13" [label="(256,)", style=solid]; +"168 _native_batch_norm_legit_no_training_13" -> "169 getitem_39" [label="(1, 256, 14, 14)", style=solid]; +"168 _native_batch_norm_legit_no_training_13" -> "170 getitem_40" [label="(1, 256, 14, 14)", style=solid]; +"168 _native_batch_norm_legit_no_training_13" -> "171 getitem_41" [label="(1, 256, 14, 14)", style=solid]; +"169 getitem_39" -> "172 relu__11" [label="(1, 256, 14, 14)", style=solid]; +"172 relu__11" -> "174 conv2d_14" [label="(1, 256, 14, 14)", style=solid]; +"173 _param_constant42" -> "174 conv2d_14" [label="(256, 256, 3, 3)", style=solid]; +"174 conv2d_14" -> "180 _native_batch_norm_legit_no_training_14" [label="(1, 256, 14, 14)", style=solid]; +"176 _param_constant43" -> "180 _native_batch_norm_legit_no_training_14" [label="(256,)", style=solid]; +"177 _param_constant44" -> "180 _native_batch_norm_legit_no_training_14" [label="(256,)", style=solid]; +"178 _tensor_constant28" -> "180 _native_batch_norm_legit_no_training_14" [label="(256,)", style=solid]; +"179 _tensor_constant29" -> "180 _native_batch_norm_legit_no_training_14" [label="(256,)", style=solid]; +"180 _native_batch_norm_legit_no_training_14" -> "181 getitem_42" [label="(1, 256, 14, 14)", style=solid]; +"180 _native_batch_norm_legit_no_training_14" -> "182 getitem_43" [label="(1, 256, 14, 14)", style=solid]; +"180 _native_batch_norm_legit_no_training_14" -> "183 getitem_44" [label="(1, 256, 14, 14)", style=solid]; +"181 getitem_42" -> "184 add__5" [label="(1, 256, 14, 14)", style=solid]; +"184 add__5" -> "185 relu__12" [label="(1, 256, 14, 14)", style=solid]; +"185 relu__12" -> "187 conv2d_15" [label="(1, 256, 14, 14)", style=solid]; +"185 relu__12" -> "210 conv2d_17" [label="(1, 256, 14, 14)", style=solid]; +"186 _param_constant45" -> "187 conv2d_15" [label="(512, 256, 3, 3)", style=solid]; +"187 conv2d_15" -> "193 _native_batch_norm_legit_no_training_15" [label="(1, 512, 7, 7)", style=solid]; +"189 _param_constant46" -> "193 _native_batch_norm_legit_no_training_15" [label="(512,)", style=solid]; +"190 _param_constant47" -> "193 _native_batch_norm_legit_no_training_15" [label="(512,)", style=solid]; +"191 _tensor_constant30" -> "193 _native_batch_norm_legit_no_training_15" [label="(512,)", style=solid]; +"192 _tensor_constant31" -> "193 _native_batch_norm_legit_no_training_15" [label="(512,)", style=solid]; +"193 _native_batch_norm_legit_no_training_15" -> "194 getitem_45" [label="(1, 512, 7, 7)", style=solid]; +"193 _native_batch_norm_legit_no_training_15" -> "195 getitem_46" [label="(1, 512, 7, 7)", style=solid]; +"193 _native_batch_norm_legit_no_training_15" -> "196 getitem_47" [label="(1, 512, 7, 7)", style=solid]; +"194 getitem_45" -> "197 relu__13" [label="(1, 512, 7, 7)", style=solid]; +"197 relu__13" -> "199 conv2d_16" [label="(1, 512, 7, 7)", style=solid]; +"198 _param_constant48" -> "199 conv2d_16" [label="(512, 512, 3, 3)", style=solid]; +"199 conv2d_16" -> "205 _native_batch_norm_legit_no_training_16" [label="(1, 512, 7, 7)", style=solid]; +"201 _param_constant49" -> "205 _native_batch_norm_legit_no_training_16" [label="(512,)", style=solid]; +"202 _param_constant50" -> "205 _native_batch_norm_legit_no_training_16" [label="(512,)", style=solid]; +"203 _tensor_constant32" -> "205 _native_batch_norm_legit_no_training_16" [label="(512,)", style=solid]; +"204 _tensor_constant33" -> "205 _native_batch_norm_legit_no_training_16" [label="(512,)", style=solid]; +"205 _native_batch_norm_legit_no_training_16" -> "206 getitem_48" [label="(1, 512, 7, 7)", style=solid]; +"205 _native_batch_norm_legit_no_training_16" -> "207 getitem_49" [label="(1, 512, 7, 7)", style=solid]; +"205 _native_batch_norm_legit_no_training_16" -> "208 getitem_50" [label="(1, 512, 7, 7)", style=solid]; +"206 getitem_48" -> "220 add__6" [label="(1, 512, 7, 7)", style=solid]; +"209 _param_constant51" -> "210 conv2d_17" [label="(512, 256, 1, 1)", style=solid]; +"210 conv2d_17" -> "216 _native_batch_norm_legit_no_training_17" [label="(1, 512, 7, 7)", style=solid]; +"212 _param_constant52" -> "216 _native_batch_norm_legit_no_training_17" [label="(512,)", style=solid]; +"213 _param_constant53" -> "216 _native_batch_norm_legit_no_training_17" [label="(512,)", style=solid]; +"214 _tensor_constant34" -> "216 _native_batch_norm_legit_no_training_17" [label="(512,)", style=solid]; +"215 _tensor_constant35" -> "216 _native_batch_norm_legit_no_training_17" [label="(512,)", style=solid]; +"216 _native_batch_norm_legit_no_training_17" -> "217 getitem_51" [label="(1, 512, 7, 7)", style=solid]; +"216 _native_batch_norm_legit_no_training_17" -> "218 getitem_52" [label="(1, 512, 7, 7)", style=solid]; +"216 _native_batch_norm_legit_no_training_17" -> "219 getitem_53" [label="(1, 512, 7, 7)", style=solid]; +"217 getitem_51" -> "220 add__6" [label="(1, 512, 7, 7)", style=solid]; +"220 add__6" -> "221 relu__14" [label="(1, 512, 7, 7)", style=solid]; +"221 relu__14" -> "223 conv2d_18" [label="(1, 512, 7, 7)", style=solid]; +"221 relu__14" -> "245 add__7" [label="(1, 512, 7, 7)", style=solid]; +"222 _param_constant54" -> "223 conv2d_18" [label="(512, 512, 3, 3)", style=solid]; +"223 conv2d_18" -> "229 _native_batch_norm_legit_no_training_18" [label="(1, 512, 7, 7)", style=solid]; +"225 _param_constant55" -> "229 _native_batch_norm_legit_no_training_18" [label="(512,)", style=solid]; +"226 _param_constant56" -> "229 _native_batch_norm_legit_no_training_18" [label="(512,)", style=solid]; +"227 _tensor_constant36" -> "229 _native_batch_norm_legit_no_training_18" [label="(512,)", style=solid]; +"228 _tensor_constant37" -> "229 _native_batch_norm_legit_no_training_18" [label="(512,)", style=solid]; +"229 _native_batch_norm_legit_no_training_18" -> "230 getitem_54" [label="(1, 512, 7, 7)", style=solid]; +"229 _native_batch_norm_legit_no_training_18" -> "231 getitem_55" [label="(1, 512, 7, 7)", style=solid]; +"229 _native_batch_norm_legit_no_training_18" -> "232 getitem_56" [label="(1, 512, 7, 7)", style=solid]; +"230 getitem_54" -> "233 relu__15" [label="(1, 512, 7, 7)", style=solid]; +"233 relu__15" -> "235 conv2d_19" [label="(1, 512, 7, 7)", style=solid]; +"234 _param_constant57" -> "235 conv2d_19" [label="(512, 512, 3, 3)", style=solid]; +"235 conv2d_19" -> "241 _native_batch_norm_legit_no_training_19" [label="(1, 512, 7, 7)", style=solid]; +"237 _param_constant58" -> "241 _native_batch_norm_legit_no_training_19" [label="(512,)", style=solid]; +"238 _param_constant59" -> "241 _native_batch_norm_legit_no_training_19" [label="(512,)", style=solid]; +"239 _tensor_constant38" -> "241 _native_batch_norm_legit_no_training_19" [label="(512,)", style=solid]; +"240 _tensor_constant39" -> "241 _native_batch_norm_legit_no_training_19" [label="(512,)", style=solid]; +"241 _native_batch_norm_legit_no_training_19" -> "242 getitem_57" [label="(1, 512, 7, 7)", style=solid]; +"241 _native_batch_norm_legit_no_training_19" -> "243 getitem_58" [label="(1, 512, 7, 7)", style=solid]; +"241 _native_batch_norm_legit_no_training_19" -> "244 getitem_59" [label="(1, 512, 7, 7)", style=solid]; +"242 getitem_57" -> "245 add__7" [label="(1, 512, 7, 7)", style=solid]; +"245 add__7" -> "246 relu__16" [label="(1, 512, 7, 7)", style=solid]; +"246 relu__16" -> "247 adaptive_avg_pool2d" [label="(1, 512, 7, 7)", style=solid]; +"247 adaptive_avg_pool2d" -> "248 flatten" [label="(1, 512, 1, 1)", style=solid]; +"248 flatten" -> "251 linear" [label="(1, 512)", style=solid]; +"249 _param_constant60" -> "251 linear" [label="(1000, 512)", style=solid]; +"250 _param_constant61" -> "251 linear" [label="(1000,)", style=solid]; +"251 linear" -> "252 output" [label="(1, 1000)", style=solid]; +} diff --git a/tests/torch/data/fx/reference_graphs/original_graphs/swin_v2_s.dot b/tests/torch/data/fx/reference_graphs/original_graphs/swin_v2_s.dot new file mode 100644 index 00000000000..52e2bfdc398 --- /dev/null +++ b/tests/torch/data/fx/reference_graphs/original_graphs/swin_v2_s.dot @@ -0,0 +1,5610 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 _param_constant0" [id=1, type=get_attr]; +"2 _param_constant1" [id=2, type=get_attr]; +"3 conv2d" [id=3, type=conv2d]; +"4 permute" [id=4, type=permute]; +"5 _param_constant2" [id=5, type=get_attr]; +"6 _param_constant3" [id=6, type=get_attr]; +"7 layer_norm" [id=7, type=layer_norm]; +"8 _tensor_constant0" [id=8, type=get_attr]; +"9 _param_constant4" [id=9, type=get_attr]; +"10 _param_constant5" [id=10, type=get_attr]; +"11 linear" [id=11, type=linear]; +"12 relu_" [id=12, type=relu_]; +"13 _param_constant6" [id=13, type=get_attr]; +"14 linear_1" [id=14, type=linear]; +"15 view" [id=15, type=view]; +"16 _tensor_constant1" [id=16, type=get_attr]; +"17 index" [id=17, type=index]; +"18 view_1" [id=18, type=view]; +"19 permute_1" [id=19, type=permute]; +"20 contiguous" [id=20, type=contiguous]; +"21 unsqueeze" [id=21, type=unsqueeze]; +"22 sigmoid" [id=22, type=sigmoid]; +"23 mul" [id=23, type=mul]; +"24 pad" [id=24, type=pad]; +"25 view_2" [id=25, type=view]; +"26 permute_2" [id=26, type=permute]; +"27 reshape" [id=27, type=reshape]; +"28 _param_constant7" [id=28, type=get_attr]; +"29 clone" [id=29, type=clone]; +"30 slice_1" [id=30, type=slice]; +"31 zero_" [id=31, type=zero_]; +"32 _param_constant8" [id=32, type=get_attr]; +"33 linear_2" [id=33, type=linear]; +"34 reshape_1" [id=34, type=reshape]; +"35 permute_3" [id=35, type=permute]; +"36 select" [id=36, type=select]; +"37 select_1" [id=37, type=select]; +"38 select_2" [id=38, type=select]; +"39 linalg_vector_norm" [id=39, type=linalg_vector_norm]; +"40 clamp_min" [id=40, type=clamp_min]; +"41 expand_as" [id=41, type=expand_as]; +"42 div" [id=42, type=div]; +"43 linalg_vector_norm_1" [id=43, type=linalg_vector_norm]; +"44 clamp_min_1" [id=44, type=clamp_min]; +"45 expand_as_1" [id=45, type=expand_as]; +"46 div_1" [id=46, type=div]; +"47 transpose" [id=47, type=transpose]; +"48 matmul" [id=48, type=matmul]; +"49 _param_constant9" [id=49, type=get_attr]; +"50 clamp" [id=50, type=clamp]; +"51 exp" [id=51, type=exp]; +"52 mul_1" [id=52, type=mul]; +"53 add" [id=53, type=add]; +"54 softmax" [id=54, type=softmax]; +"55 dropout" [id=55, type=dropout]; +"56 matmul_1" [id=56, type=matmul]; +"57 transpose_1" [id=57, type=transpose]; +"58 reshape_2" [id=58, type=reshape]; +"59 _param_constant10" [id=59, type=get_attr]; +"60 _param_constant11" [id=60, type=get_attr]; +"61 linear_3" [id=61, type=linear]; +"62 dropout_1" [id=62, type=dropout]; +"63 view_3" [id=63, type=view]; +"64 permute_4" [id=64, type=permute]; +"65 reshape_3" [id=65, type=reshape]; +"66 slice_2" [id=66, type=slice]; +"67 slice_3" [id=67, type=slice]; +"68 _param_constant12" [id=68, type=get_attr]; +"69 _param_constant13" [id=69, type=get_attr]; +"70 layer_norm_1" [id=70, type=layer_norm]; +"71 add_1" [id=71, type=add]; +"72 _param_constant14" [id=72, type=get_attr]; +"73 _param_constant15" [id=73, type=get_attr]; +"74 linear_4" [id=74, type=linear]; +"75 gelu" [id=75, type=gelu]; +"76 dropout_2" [id=76, type=dropout]; +"77 _param_constant16" [id=77, type=get_attr]; +"78 _param_constant17" [id=78, type=get_attr]; +"79 linear_5" [id=79, type=linear]; +"80 dropout_3" [id=80, type=dropout]; +"81 _param_constant18" [id=81, type=get_attr]; +"82 _param_constant19" [id=82, type=get_attr]; +"83 layer_norm_2" [id=83, type=layer_norm]; +"84 add_2" [id=84, type=add]; +"85 _tensor_constant2" [id=85, type=get_attr]; +"86 _param_constant20" [id=86, type=get_attr]; +"87 _param_constant21" [id=87, type=get_attr]; +"88 linear_6" [id=88, type=linear]; +"89 relu__1" [id=89, type=relu_]; +"90 _param_constant22" [id=90, type=get_attr]; +"91 linear_7" [id=91, type=linear]; +"92 view_4" [id=92, type=view]; +"93 _tensor_constant3" [id=93, type=get_attr]; +"94 index_1" [id=94, type=index]; +"95 view_5" [id=95, type=view]; +"96 permute_5" [id=96, type=permute]; +"97 contiguous_1" [id=97, type=contiguous]; +"98 unsqueeze_1" [id=98, type=unsqueeze]; +"99 sigmoid_1" [id=99, type=sigmoid]; +"100 mul_2" [id=100, type=mul]; +"101 pad_1" [id=101, type=pad]; +"102 roll" [id=102, type=roll]; +"103 view_6" [id=103, type=view]; +"104 permute_6" [id=104, type=permute]; +"105 reshape_4" [id=105, type=reshape]; +"106 _param_constant23" [id=106, type=get_attr]; +"107 clone_1" [id=107, type=clone]; +"108 slice_4" [id=108, type=slice]; +"109 zero__1" [id=109, type=zero_]; +"110 _param_constant24" [id=110, type=get_attr]; +"111 linear_8" [id=111, type=linear]; +"112 reshape_5" [id=112, type=reshape]; +"113 permute_7" [id=113, type=permute]; +"114 select_3" [id=114, type=select]; +"115 select_4" [id=115, type=select]; +"116 select_5" [id=116, type=select]; +"117 linalg_vector_norm_2" [id=117, type=linalg_vector_norm]; +"118 clamp_min_2" [id=118, type=clamp_min]; +"119 expand_as_2" [id=119, type=expand_as]; +"120 div_2" [id=120, type=div]; +"121 linalg_vector_norm_3" [id=121, type=linalg_vector_norm]; +"122 clamp_min_3" [id=122, type=clamp_min]; +"123 expand_as_3" [id=123, type=expand_as]; +"124 div_3" [id=124, type=div]; +"125 transpose_2" [id=125, type=transpose]; +"126 matmul_2" [id=126, type=matmul]; +"127 _param_constant25" [id=127, type=get_attr]; +"128 clamp_1" [id=128, type=clamp]; +"129 exp_1" [id=129, type=exp]; +"130 mul_3" [id=130, type=mul]; +"131 add_3" [id=131, type=add]; +"132 new_zeros" [id=132, type=new_zeros]; +"133 _tensor_constant4" [id=133, type=get_attr]; +"134 lift_fresh_copy" [id=134, type=lift_fresh_copy]; +"135 slice_5" [id=135, type=slice]; +"136 slice_6" [id=136, type=slice]; +"137 fill_" [id=137, type=fill_]; +"138 _tensor_constant5" [id=138, type=get_attr]; +"139 lift_fresh_copy_1" [id=139, type=lift_fresh_copy]; +"140 slice_7" [id=140, type=slice]; +"141 slice_8" [id=141, type=slice]; +"142 fill__1" [id=142, type=fill_]; +"143 _tensor_constant6" [id=143, type=get_attr]; +"144 lift_fresh_copy_2" [id=144, type=lift_fresh_copy]; +"145 slice_9" [id=145, type=slice]; +"146 slice_10" [id=146, type=slice]; +"147 fill__2" [id=147, type=fill_]; +"148 _tensor_constant7" [id=148, type=get_attr]; +"149 lift_fresh_copy_3" [id=149, type=lift_fresh_copy]; +"150 slice_11" [id=150, type=slice]; +"151 slice_12" [id=151, type=slice]; +"152 fill__3" [id=152, type=fill_]; +"153 _tensor_constant8" [id=153, type=get_attr]; +"154 lift_fresh_copy_4" [id=154, type=lift_fresh_copy]; +"155 slice_13" [id=155, type=slice]; +"156 slice_14" [id=156, type=slice]; +"157 fill__4" [id=157, type=fill_]; +"158 _tensor_constant9" [id=158, type=get_attr]; +"159 lift_fresh_copy_5" [id=159, type=lift_fresh_copy]; +"160 slice_15" [id=160, type=slice]; +"161 slice_16" [id=161, type=slice]; +"162 fill__5" [id=162, type=fill_]; +"163 _tensor_constant10" [id=163, type=get_attr]; +"164 lift_fresh_copy_6" [id=164, type=lift_fresh_copy]; +"165 slice_17" [id=165, type=slice]; +"166 slice_18" [id=166, type=slice]; +"167 fill__6" [id=167, type=fill_]; +"168 _tensor_constant11" [id=168, type=get_attr]; +"169 lift_fresh_copy_7" [id=169, type=lift_fresh_copy]; +"170 slice_19" [id=170, type=slice]; +"171 slice_20" [id=171, type=slice]; +"172 fill__7" [id=172, type=fill_]; +"173 _tensor_constant12" [id=173, type=get_attr]; +"174 lift_fresh_copy_8" [id=174, type=lift_fresh_copy]; +"175 slice_21" [id=175, type=slice]; +"176 slice_22" [id=176, type=slice]; +"177 fill__8" [id=177, type=fill_]; +"178 view_7" [id=178, type=view]; +"179 permute_8" [id=179, type=permute]; +"180 reshape_6" [id=180, type=reshape]; +"181 unsqueeze_2" [id=181, type=unsqueeze]; +"182 unsqueeze_3" [id=182, type=unsqueeze]; +"183 sub" [id=183, type=sub]; +"184 ne" [id=184, type=ne]; +"185 masked_fill" [id=185, type=masked_fill]; +"186 eq" [id=186, type=eq]; +"187 masked_fill_1" [id=187, type=masked_fill]; +"188 view_8" [id=188, type=view]; +"189 unsqueeze_4" [id=189, type=unsqueeze]; +"190 unsqueeze_5" [id=190, type=unsqueeze]; +"191 add_4" [id=191, type=add]; +"192 view_9" [id=192, type=view]; +"193 softmax_1" [id=193, type=softmax]; +"194 dropout_4" [id=194, type=dropout]; +"195 matmul_3" [id=195, type=matmul]; +"196 transpose_3" [id=196, type=transpose]; +"197 reshape_7" [id=197, type=reshape]; +"198 _param_constant26" [id=198, type=get_attr]; +"199 _param_constant27" [id=199, type=get_attr]; +"200 linear_9" [id=200, type=linear]; +"201 dropout_5" [id=201, type=dropout]; +"202 view_10" [id=202, type=view]; +"203 permute_9" [id=203, type=permute]; +"204 reshape_8" [id=204, type=reshape]; +"205 roll_1" [id=205, type=roll]; +"206 slice_23" [id=206, type=slice]; +"207 slice_24" [id=207, type=slice]; +"208 _param_constant28" [id=208, type=get_attr]; +"209 _param_constant29" [id=209, type=get_attr]; +"210 layer_norm_3" [id=210, type=layer_norm]; +"211 add_5" [id=211, type=add]; +"212 _param_constant30" [id=212, type=get_attr]; +"213 _param_constant31" [id=213, type=get_attr]; +"214 linear_10" [id=214, type=linear]; +"215 gelu_1" [id=215, type=gelu]; +"216 dropout_6" [id=216, type=dropout]; +"217 _param_constant32" [id=217, type=get_attr]; +"218 _param_constant33" [id=218, type=get_attr]; +"219 linear_11" [id=219, type=linear]; +"220 dropout_7" [id=220, type=dropout]; +"221 _param_constant34" [id=221, type=get_attr]; +"222 _param_constant35" [id=222, type=get_attr]; +"223 layer_norm_4" [id=223, type=layer_norm]; +"224 add_6" [id=224, type=add]; +"225 pad_2" [id=225, type=pad]; +"226 slice_25" [id=226, type=slice]; +"227 slice_26" [id=227, type=slice]; +"228 slice_27" [id=228, type=slice]; +"229 slice_28" [id=229, type=slice]; +"230 slice_29" [id=230, type=slice]; +"231 slice_30" [id=231, type=slice]; +"232 slice_31" [id=232, type=slice]; +"233 slice_32" [id=233, type=slice]; +"234 slice_33" [id=234, type=slice]; +"235 slice_34" [id=235, type=slice]; +"236 slice_35" [id=236, type=slice]; +"237 slice_36" [id=237, type=slice]; +"238 cat" [id=238, type=cat]; +"239 _param_constant36" [id=239, type=get_attr]; +"240 linear_12" [id=240, type=linear]; +"241 _param_constant37" [id=241, type=get_attr]; +"242 _param_constant38" [id=242, type=get_attr]; +"243 layer_norm_5" [id=243, type=layer_norm]; +"244 _tensor_constant13" [id=244, type=get_attr]; +"245 _param_constant39" [id=245, type=get_attr]; +"246 _param_constant40" [id=246, type=get_attr]; +"247 linear_13" [id=247, type=linear]; +"248 relu__2" [id=248, type=relu_]; +"249 _param_constant41" [id=249, type=get_attr]; +"250 linear_14" [id=250, type=linear]; +"251 view_11" [id=251, type=view]; +"252 _tensor_constant14" [id=252, type=get_attr]; +"253 index_2" [id=253, type=index]; +"254 view_12" [id=254, type=view]; +"255 permute_10" [id=255, type=permute]; +"256 contiguous_2" [id=256, type=contiguous]; +"257 unsqueeze_6" [id=257, type=unsqueeze]; +"258 sigmoid_2" [id=258, type=sigmoid]; +"259 mul_4" [id=259, type=mul]; +"260 pad_3" [id=260, type=pad]; +"261 view_13" [id=261, type=view]; +"262 permute_11" [id=262, type=permute]; +"263 reshape_9" [id=263, type=reshape]; +"264 _param_constant42" [id=264, type=get_attr]; +"265 clone_2" [id=265, type=clone]; +"266 slice_37" [id=266, type=slice]; +"267 zero__2" [id=267, type=zero_]; +"268 _param_constant43" [id=268, type=get_attr]; +"269 linear_15" [id=269, type=linear]; +"270 reshape_10" [id=270, type=reshape]; +"271 permute_12" [id=271, type=permute]; +"272 select_6" [id=272, type=select]; +"273 select_7" [id=273, type=select]; +"274 select_8" [id=274, type=select]; +"275 linalg_vector_norm_4" [id=275, type=linalg_vector_norm]; +"276 clamp_min_4" [id=276, type=clamp_min]; +"277 expand_as_4" [id=277, type=expand_as]; +"278 div_4" [id=278, type=div]; +"279 linalg_vector_norm_5" [id=279, type=linalg_vector_norm]; +"280 clamp_min_5" [id=280, type=clamp_min]; +"281 expand_as_5" [id=281, type=expand_as]; +"282 div_5" [id=282, type=div]; +"283 transpose_4" [id=283, type=transpose]; +"284 matmul_4" [id=284, type=matmul]; +"285 _param_constant44" [id=285, type=get_attr]; +"286 clamp_2" [id=286, type=clamp]; +"287 exp_2" [id=287, type=exp]; +"288 mul_5" [id=288, type=mul]; +"289 add_7" [id=289, type=add]; +"290 softmax_2" [id=290, type=softmax]; +"291 dropout_8" [id=291, type=dropout]; +"292 matmul_5" [id=292, type=matmul]; +"293 transpose_5" [id=293, type=transpose]; +"294 reshape_11" [id=294, type=reshape]; +"295 _param_constant45" [id=295, type=get_attr]; +"296 _param_constant46" [id=296, type=get_attr]; +"297 linear_16" [id=297, type=linear]; +"298 dropout_9" [id=298, type=dropout]; +"299 view_14" [id=299, type=view]; +"300 permute_13" [id=300, type=permute]; +"301 reshape_12" [id=301, type=reshape]; +"302 slice_38" [id=302, type=slice]; +"303 slice_39" [id=303, type=slice]; +"304 slice_40" [id=304, type=slice]; +"305 slice_41" [id=305, type=slice]; +"306 contiguous_3" [id=306, type=contiguous]; +"307 _param_constant47" [id=307, type=get_attr]; +"308 _param_constant48" [id=308, type=get_attr]; +"309 layer_norm_6" [id=309, type=layer_norm]; +"310 add_8" [id=310, type=add]; +"311 _param_constant49" [id=311, type=get_attr]; +"312 _param_constant50" [id=312, type=get_attr]; +"313 linear_17" [id=313, type=linear]; +"314 gelu_2" [id=314, type=gelu]; +"315 dropout_10" [id=315, type=dropout]; +"316 _param_constant51" [id=316, type=get_attr]; +"317 _param_constant52" [id=317, type=get_attr]; +"318 linear_18" [id=318, type=linear]; +"319 dropout_11" [id=319, type=dropout]; +"320 _param_constant53" [id=320, type=get_attr]; +"321 _param_constant54" [id=321, type=get_attr]; +"322 layer_norm_7" [id=322, type=layer_norm]; +"323 add_9" [id=323, type=add]; +"324 _tensor_constant15" [id=324, type=get_attr]; +"325 _param_constant55" [id=325, type=get_attr]; +"326 _param_constant56" [id=326, type=get_attr]; +"327 linear_19" [id=327, type=linear]; +"328 relu__3" [id=328, type=relu_]; +"329 _param_constant57" [id=329, type=get_attr]; +"330 linear_20" [id=330, type=linear]; +"331 view_15" [id=331, type=view]; +"332 _tensor_constant16" [id=332, type=get_attr]; +"333 index_3" [id=333, type=index]; +"334 view_16" [id=334, type=view]; +"335 permute_14" [id=335, type=permute]; +"336 contiguous_4" [id=336, type=contiguous]; +"337 unsqueeze_7" [id=337, type=unsqueeze]; +"338 sigmoid_3" [id=338, type=sigmoid]; +"339 mul_6" [id=339, type=mul]; +"340 pad_4" [id=340, type=pad]; +"341 roll_2" [id=341, type=roll]; +"342 view_17" [id=342, type=view]; +"343 permute_15" [id=343, type=permute]; +"344 reshape_13" [id=344, type=reshape]; +"345 _param_constant58" [id=345, type=get_attr]; +"346 clone_3" [id=346, type=clone]; +"347 slice_42" [id=347, type=slice]; +"348 zero__3" [id=348, type=zero_]; +"349 _param_constant59" [id=349, type=get_attr]; +"350 linear_21" [id=350, type=linear]; +"351 reshape_14" [id=351, type=reshape]; +"352 permute_16" [id=352, type=permute]; +"353 select_9" [id=353, type=select]; +"354 select_10" [id=354, type=select]; +"355 select_11" [id=355, type=select]; +"356 linalg_vector_norm_6" [id=356, type=linalg_vector_norm]; +"357 clamp_min_6" [id=357, type=clamp_min]; +"358 expand_as_6" [id=358, type=expand_as]; +"359 div_6" [id=359, type=div]; +"360 linalg_vector_norm_7" [id=360, type=linalg_vector_norm]; +"361 clamp_min_7" [id=361, type=clamp_min]; +"362 expand_as_7" [id=362, type=expand_as]; +"363 div_7" [id=363, type=div]; +"364 transpose_6" [id=364, type=transpose]; +"365 matmul_6" [id=365, type=matmul]; +"366 _param_constant60" [id=366, type=get_attr]; +"367 clamp_3" [id=367, type=clamp]; +"368 exp_3" [id=368, type=exp]; +"369 mul_7" [id=369, type=mul]; +"370 add_10" [id=370, type=add]; +"371 new_zeros_1" [id=371, type=new_zeros]; +"372 _tensor_constant17" [id=372, type=get_attr]; +"373 lift_fresh_copy_9" [id=373, type=lift_fresh_copy]; +"374 slice_43" [id=374, type=slice]; +"375 slice_44" [id=375, type=slice]; +"376 fill__9" [id=376, type=fill_]; +"377 _tensor_constant18" [id=377, type=get_attr]; +"378 lift_fresh_copy_10" [id=378, type=lift_fresh_copy]; +"379 slice_45" [id=379, type=slice]; +"380 slice_46" [id=380, type=slice]; +"381 fill__10" [id=381, type=fill_]; +"382 _tensor_constant19" [id=382, type=get_attr]; +"383 lift_fresh_copy_11" [id=383, type=lift_fresh_copy]; +"384 slice_47" [id=384, type=slice]; +"385 slice_48" [id=385, type=slice]; +"386 fill__11" [id=386, type=fill_]; +"387 _tensor_constant20" [id=387, type=get_attr]; +"388 lift_fresh_copy_12" [id=388, type=lift_fresh_copy]; +"389 slice_49" [id=389, type=slice]; +"390 slice_50" [id=390, type=slice]; +"391 fill__12" [id=391, type=fill_]; +"392 _tensor_constant21" [id=392, type=get_attr]; +"393 lift_fresh_copy_13" [id=393, type=lift_fresh_copy]; +"394 slice_51" [id=394, type=slice]; +"395 slice_52" [id=395, type=slice]; +"396 fill__13" [id=396, type=fill_]; +"397 _tensor_constant22" [id=397, type=get_attr]; +"398 lift_fresh_copy_14" [id=398, type=lift_fresh_copy]; +"399 slice_53" [id=399, type=slice]; +"400 slice_54" [id=400, type=slice]; +"401 fill__14" [id=401, type=fill_]; +"402 _tensor_constant23" [id=402, type=get_attr]; +"403 lift_fresh_copy_15" [id=403, type=lift_fresh_copy]; +"404 slice_55" [id=404, type=slice]; +"405 slice_56" [id=405, type=slice]; +"406 fill__15" [id=406, type=fill_]; +"407 _tensor_constant24" [id=407, type=get_attr]; +"408 lift_fresh_copy_16" [id=408, type=lift_fresh_copy]; +"409 slice_57" [id=409, type=slice]; +"410 slice_58" [id=410, type=slice]; +"411 fill__16" [id=411, type=fill_]; +"412 _tensor_constant25" [id=412, type=get_attr]; +"413 lift_fresh_copy_17" [id=413, type=lift_fresh_copy]; +"414 slice_59" [id=414, type=slice]; +"415 slice_60" [id=415, type=slice]; +"416 fill__17" [id=416, type=fill_]; +"417 view_18" [id=417, type=view]; +"418 permute_17" [id=418, type=permute]; +"419 reshape_15" [id=419, type=reshape]; +"420 unsqueeze_8" [id=420, type=unsqueeze]; +"421 unsqueeze_9" [id=421, type=unsqueeze]; +"422 sub_1" [id=422, type=sub]; +"423 ne_1" [id=423, type=ne]; +"424 masked_fill_2" [id=424, type=masked_fill]; +"425 eq_1" [id=425, type=eq]; +"426 masked_fill_3" [id=426, type=masked_fill]; +"427 view_19" [id=427, type=view]; +"428 unsqueeze_10" [id=428, type=unsqueeze]; +"429 unsqueeze_11" [id=429, type=unsqueeze]; +"430 add_11" [id=430, type=add]; +"431 view_20" [id=431, type=view]; +"432 softmax_3" [id=432, type=softmax]; +"433 dropout_12" [id=433, type=dropout]; +"434 matmul_7" [id=434, type=matmul]; +"435 transpose_7" [id=435, type=transpose]; +"436 reshape_16" [id=436, type=reshape]; +"437 _param_constant61" [id=437, type=get_attr]; +"438 _param_constant62" [id=438, type=get_attr]; +"439 linear_22" [id=439, type=linear]; +"440 dropout_13" [id=440, type=dropout]; +"441 view_21" [id=441, type=view]; +"442 permute_18" [id=442, type=permute]; +"443 reshape_17" [id=443, type=reshape]; +"444 roll_3" [id=444, type=roll]; +"445 slice_61" [id=445, type=slice]; +"446 slice_62" [id=446, type=slice]; +"447 slice_63" [id=447, type=slice]; +"448 slice_64" [id=448, type=slice]; +"449 contiguous_5" [id=449, type=contiguous]; +"450 _param_constant63" [id=450, type=get_attr]; +"451 _param_constant64" [id=451, type=get_attr]; +"452 layer_norm_8" [id=452, type=layer_norm]; +"453 add_12" [id=453, type=add]; +"454 _param_constant65" [id=454, type=get_attr]; +"455 _param_constant66" [id=455, type=get_attr]; +"456 linear_23" [id=456, type=linear]; +"457 gelu_3" [id=457, type=gelu]; +"458 dropout_14" [id=458, type=dropout]; +"459 _param_constant67" [id=459, type=get_attr]; +"460 _param_constant68" [id=460, type=get_attr]; +"461 linear_24" [id=461, type=linear]; +"462 dropout_15" [id=462, type=dropout]; +"463 _param_constant69" [id=463, type=get_attr]; +"464 _param_constant70" [id=464, type=get_attr]; +"465 layer_norm_9" [id=465, type=layer_norm]; +"466 add_13" [id=466, type=add]; +"467 pad_5" [id=467, type=pad]; +"468 slice_65" [id=468, type=slice]; +"469 slice_66" [id=469, type=slice]; +"470 slice_67" [id=470, type=slice]; +"471 slice_68" [id=471, type=slice]; +"472 slice_69" [id=472, type=slice]; +"473 slice_70" [id=473, type=slice]; +"474 slice_71" [id=474, type=slice]; +"475 slice_72" [id=475, type=slice]; +"476 slice_73" [id=476, type=slice]; +"477 slice_74" [id=477, type=slice]; +"478 slice_75" [id=478, type=slice]; +"479 slice_76" [id=479, type=slice]; +"480 cat_1" [id=480, type=cat]; +"481 _param_constant71" [id=481, type=get_attr]; +"482 linear_25" [id=482, type=linear]; +"483 _param_constant72" [id=483, type=get_attr]; +"484 _param_constant73" [id=484, type=get_attr]; +"485 layer_norm_10" [id=485, type=layer_norm]; +"486 _tensor_constant26" [id=486, type=get_attr]; +"487 _param_constant74" [id=487, type=get_attr]; +"488 _param_constant75" [id=488, type=get_attr]; +"489 linear_26" [id=489, type=linear]; +"490 relu__4" [id=490, type=relu_]; +"491 _param_constant76" [id=491, type=get_attr]; +"492 linear_27" [id=492, type=linear]; +"493 view_22" [id=493, type=view]; +"494 _tensor_constant27" [id=494, type=get_attr]; +"495 index_4" [id=495, type=index]; +"496 view_23" [id=496, type=view]; +"497 permute_19" [id=497, type=permute]; +"498 contiguous_6" [id=498, type=contiguous]; +"499 unsqueeze_12" [id=499, type=unsqueeze]; +"500 sigmoid_4" [id=500, type=sigmoid]; +"501 mul_8" [id=501, type=mul]; +"502 pad_6" [id=502, type=pad]; +"503 view_24" [id=503, type=view]; +"504 permute_20" [id=504, type=permute]; +"505 reshape_18" [id=505, type=reshape]; +"506 _param_constant77" [id=506, type=get_attr]; +"507 clone_4" [id=507, type=clone]; +"508 slice_77" [id=508, type=slice]; +"509 zero__4" [id=509, type=zero_]; +"510 _param_constant78" [id=510, type=get_attr]; +"511 linear_28" [id=511, type=linear]; +"512 reshape_19" [id=512, type=reshape]; +"513 permute_21" [id=513, type=permute]; +"514 select_12" [id=514, type=select]; +"515 select_13" [id=515, type=select]; +"516 select_14" [id=516, type=select]; +"517 linalg_vector_norm_8" [id=517, type=linalg_vector_norm]; +"518 clamp_min_8" [id=518, type=clamp_min]; +"519 expand_as_8" [id=519, type=expand_as]; +"520 div_8" [id=520, type=div]; +"521 linalg_vector_norm_9" [id=521, type=linalg_vector_norm]; +"522 clamp_min_9" [id=522, type=clamp_min]; +"523 expand_as_9" [id=523, type=expand_as]; +"524 div_9" [id=524, type=div]; +"525 transpose_8" [id=525, type=transpose]; +"526 matmul_8" [id=526, type=matmul]; +"527 _param_constant79" [id=527, type=get_attr]; +"528 clamp_4" [id=528, type=clamp]; +"529 exp_4" [id=529, type=exp]; +"530 mul_9" [id=530, type=mul]; +"531 add_14" [id=531, type=add]; +"532 softmax_4" [id=532, type=softmax]; +"533 dropout_16" [id=533, type=dropout]; +"534 matmul_9" [id=534, type=matmul]; +"535 transpose_9" [id=535, type=transpose]; +"536 reshape_20" [id=536, type=reshape]; +"537 _param_constant80" [id=537, type=get_attr]; +"538 _param_constant81" [id=538, type=get_attr]; +"539 linear_29" [id=539, type=linear]; +"540 dropout_17" [id=540, type=dropout]; +"541 view_25" [id=541, type=view]; +"542 permute_22" [id=542, type=permute]; +"543 reshape_21" [id=543, type=reshape]; +"544 slice_78" [id=544, type=slice]; +"545 slice_79" [id=545, type=slice]; +"546 slice_80" [id=546, type=slice]; +"547 slice_81" [id=547, type=slice]; +"548 contiguous_7" [id=548, type=contiguous]; +"549 _param_constant82" [id=549, type=get_attr]; +"550 _param_constant83" [id=550, type=get_attr]; +"551 layer_norm_11" [id=551, type=layer_norm]; +"552 add_15" [id=552, type=add]; +"553 _param_constant84" [id=553, type=get_attr]; +"554 _param_constant85" [id=554, type=get_attr]; +"555 linear_30" [id=555, type=linear]; +"556 gelu_4" [id=556, type=gelu]; +"557 dropout_18" [id=557, type=dropout]; +"558 _param_constant86" [id=558, type=get_attr]; +"559 _param_constant87" [id=559, type=get_attr]; +"560 linear_31" [id=560, type=linear]; +"561 dropout_19" [id=561, type=dropout]; +"562 _param_constant88" [id=562, type=get_attr]; +"563 _param_constant89" [id=563, type=get_attr]; +"564 layer_norm_12" [id=564, type=layer_norm]; +"565 add_16" [id=565, type=add]; +"566 _tensor_constant28" [id=566, type=get_attr]; +"567 _param_constant90" [id=567, type=get_attr]; +"568 _param_constant91" [id=568, type=get_attr]; +"569 linear_32" [id=569, type=linear]; +"570 relu__5" [id=570, type=relu_]; +"571 _param_constant92" [id=571, type=get_attr]; +"572 linear_33" [id=572, type=linear]; +"573 view_26" [id=573, type=view]; +"574 _tensor_constant29" [id=574, type=get_attr]; +"575 index_5" [id=575, type=index]; +"576 view_27" [id=576, type=view]; +"577 permute_23" [id=577, type=permute]; +"578 contiguous_8" [id=578, type=contiguous]; +"579 unsqueeze_13" [id=579, type=unsqueeze]; +"580 sigmoid_5" [id=580, type=sigmoid]; +"581 mul_10" [id=581, type=mul]; +"582 pad_7" [id=582, type=pad]; +"583 roll_4" [id=583, type=roll]; +"584 view_28" [id=584, type=view]; +"585 permute_24" [id=585, type=permute]; +"586 reshape_22" [id=586, type=reshape]; +"587 _param_constant93" [id=587, type=get_attr]; +"588 clone_5" [id=588, type=clone]; +"589 slice_82" [id=589, type=slice]; +"590 zero__5" [id=590, type=zero_]; +"591 _param_constant94" [id=591, type=get_attr]; +"592 linear_34" [id=592, type=linear]; +"593 reshape_23" [id=593, type=reshape]; +"594 permute_25" [id=594, type=permute]; +"595 select_15" [id=595, type=select]; +"596 select_16" [id=596, type=select]; +"597 select_17" [id=597, type=select]; +"598 linalg_vector_norm_10" [id=598, type=linalg_vector_norm]; +"599 clamp_min_10" [id=599, type=clamp_min]; +"600 expand_as_10" [id=600, type=expand_as]; +"601 div_10" [id=601, type=div]; +"602 linalg_vector_norm_11" [id=602, type=linalg_vector_norm]; +"603 clamp_min_11" [id=603, type=clamp_min]; +"604 expand_as_11" [id=604, type=expand_as]; +"605 div_11" [id=605, type=div]; +"606 transpose_10" [id=606, type=transpose]; +"607 matmul_10" [id=607, type=matmul]; +"608 _param_constant95" [id=608, type=get_attr]; +"609 clamp_5" [id=609, type=clamp]; +"610 exp_5" [id=610, type=exp]; +"611 mul_11" [id=611, type=mul]; +"612 add_17" [id=612, type=add]; +"613 new_zeros_2" [id=613, type=new_zeros]; +"614 _tensor_constant30" [id=614, type=get_attr]; +"615 lift_fresh_copy_18" [id=615, type=lift_fresh_copy]; +"616 slice_83" [id=616, type=slice]; +"617 slice_84" [id=617, type=slice]; +"618 fill__18" [id=618, type=fill_]; +"619 _tensor_constant31" [id=619, type=get_attr]; +"620 lift_fresh_copy_19" [id=620, type=lift_fresh_copy]; +"621 slice_85" [id=621, type=slice]; +"622 slice_86" [id=622, type=slice]; +"623 fill__19" [id=623, type=fill_]; +"624 _tensor_constant32" [id=624, type=get_attr]; +"625 lift_fresh_copy_20" [id=625, type=lift_fresh_copy]; +"626 slice_87" [id=626, type=slice]; +"627 slice_88" [id=627, type=slice]; +"628 fill__20" [id=628, type=fill_]; +"629 _tensor_constant33" [id=629, type=get_attr]; +"630 lift_fresh_copy_21" [id=630, type=lift_fresh_copy]; +"631 slice_89" [id=631, type=slice]; +"632 slice_90" [id=632, type=slice]; +"633 fill__21" [id=633, type=fill_]; +"634 _tensor_constant34" [id=634, type=get_attr]; +"635 lift_fresh_copy_22" [id=635, type=lift_fresh_copy]; +"636 slice_91" [id=636, type=slice]; +"637 slice_92" [id=637, type=slice]; +"638 fill__22" [id=638, type=fill_]; +"639 _tensor_constant35" [id=639, type=get_attr]; +"640 lift_fresh_copy_23" [id=640, type=lift_fresh_copy]; +"641 slice_93" [id=641, type=slice]; +"642 slice_94" [id=642, type=slice]; +"643 fill__23" [id=643, type=fill_]; +"644 _tensor_constant36" [id=644, type=get_attr]; +"645 lift_fresh_copy_24" [id=645, type=lift_fresh_copy]; +"646 slice_95" [id=646, type=slice]; +"647 slice_96" [id=647, type=slice]; +"648 fill__24" [id=648, type=fill_]; +"649 _tensor_constant37" [id=649, type=get_attr]; +"650 lift_fresh_copy_25" [id=650, type=lift_fresh_copy]; +"651 slice_97" [id=651, type=slice]; +"652 slice_98" [id=652, type=slice]; +"653 fill__25" [id=653, type=fill_]; +"654 _tensor_constant38" [id=654, type=get_attr]; +"655 lift_fresh_copy_26" [id=655, type=lift_fresh_copy]; +"656 slice_99" [id=656, type=slice]; +"657 slice_100" [id=657, type=slice]; +"658 fill__26" [id=658, type=fill_]; +"659 view_29" [id=659, type=view]; +"660 permute_26" [id=660, type=permute]; +"661 reshape_24" [id=661, type=reshape]; +"662 unsqueeze_14" [id=662, type=unsqueeze]; +"663 unsqueeze_15" [id=663, type=unsqueeze]; +"664 sub_2" [id=664, type=sub]; +"665 ne_2" [id=665, type=ne]; +"666 masked_fill_4" [id=666, type=masked_fill]; +"667 eq_2" [id=667, type=eq]; +"668 masked_fill_5" [id=668, type=masked_fill]; +"669 view_30" [id=669, type=view]; +"670 unsqueeze_16" [id=670, type=unsqueeze]; +"671 unsqueeze_17" [id=671, type=unsqueeze]; +"672 add_18" [id=672, type=add]; +"673 view_31" [id=673, type=view]; +"674 softmax_5" [id=674, type=softmax]; +"675 dropout_20" [id=675, type=dropout]; +"676 matmul_11" [id=676, type=matmul]; +"677 transpose_11" [id=677, type=transpose]; +"678 reshape_25" [id=678, type=reshape]; +"679 _param_constant96" [id=679, type=get_attr]; +"680 _param_constant97" [id=680, type=get_attr]; +"681 linear_35" [id=681, type=linear]; +"682 dropout_21" [id=682, type=dropout]; +"683 view_32" [id=683, type=view]; +"684 permute_27" [id=684, type=permute]; +"685 reshape_26" [id=685, type=reshape]; +"686 roll_5" [id=686, type=roll]; +"687 slice_101" [id=687, type=slice]; +"688 slice_102" [id=688, type=slice]; +"689 slice_103" [id=689, type=slice]; +"690 slice_104" [id=690, type=slice]; +"691 contiguous_9" [id=691, type=contiguous]; +"692 _param_constant98" [id=692, type=get_attr]; +"693 _param_constant99" [id=693, type=get_attr]; +"694 layer_norm_13" [id=694, type=layer_norm]; +"695 add_19" [id=695, type=add]; +"696 _param_constant100" [id=696, type=get_attr]; +"697 _param_constant101" [id=697, type=get_attr]; +"698 linear_36" [id=698, type=linear]; +"699 gelu_5" [id=699, type=gelu]; +"700 dropout_22" [id=700, type=dropout]; +"701 _param_constant102" [id=701, type=get_attr]; +"702 _param_constant103" [id=702, type=get_attr]; +"703 linear_37" [id=703, type=linear]; +"704 dropout_23" [id=704, type=dropout]; +"705 _param_constant104" [id=705, type=get_attr]; +"706 _param_constant105" [id=706, type=get_attr]; +"707 layer_norm_14" [id=707, type=layer_norm]; +"708 add_20" [id=708, type=add]; +"709 _tensor_constant39" [id=709, type=get_attr]; +"710 _param_constant106" [id=710, type=get_attr]; +"711 _param_constant107" [id=711, type=get_attr]; +"712 linear_38" [id=712, type=linear]; +"713 relu__6" [id=713, type=relu_]; +"714 _param_constant108" [id=714, type=get_attr]; +"715 linear_39" [id=715, type=linear]; +"716 view_33" [id=716, type=view]; +"717 _tensor_constant40" [id=717, type=get_attr]; +"718 index_6" [id=718, type=index]; +"719 view_34" [id=719, type=view]; +"720 permute_28" [id=720, type=permute]; +"721 contiguous_10" [id=721, type=contiguous]; +"722 unsqueeze_18" [id=722, type=unsqueeze]; +"723 sigmoid_6" [id=723, type=sigmoid]; +"724 mul_12" [id=724, type=mul]; +"725 pad_8" [id=725, type=pad]; +"726 view_35" [id=726, type=view]; +"727 permute_29" [id=727, type=permute]; +"728 reshape_27" [id=728, type=reshape]; +"729 _param_constant109" [id=729, type=get_attr]; +"730 clone_6" [id=730, type=clone]; +"731 slice_105" [id=731, type=slice]; +"732 zero__6" [id=732, type=zero_]; +"733 _param_constant110" [id=733, type=get_attr]; +"734 linear_40" [id=734, type=linear]; +"735 reshape_28" [id=735, type=reshape]; +"736 permute_30" [id=736, type=permute]; +"737 select_18" [id=737, type=select]; +"738 select_19" [id=738, type=select]; +"739 select_20" [id=739, type=select]; +"740 linalg_vector_norm_12" [id=740, type=linalg_vector_norm]; +"741 clamp_min_12" [id=741, type=clamp_min]; +"742 expand_as_12" [id=742, type=expand_as]; +"743 div_12" [id=743, type=div]; +"744 linalg_vector_norm_13" [id=744, type=linalg_vector_norm]; +"745 clamp_min_13" [id=745, type=clamp_min]; +"746 expand_as_13" [id=746, type=expand_as]; +"747 div_13" [id=747, type=div]; +"748 transpose_12" [id=748, type=transpose]; +"749 matmul_12" [id=749, type=matmul]; +"750 _param_constant111" [id=750, type=get_attr]; +"751 clamp_6" [id=751, type=clamp]; +"752 exp_6" [id=752, type=exp]; +"753 mul_13" [id=753, type=mul]; +"754 add_21" [id=754, type=add]; +"755 softmax_6" [id=755, type=softmax]; +"756 dropout_24" [id=756, type=dropout]; +"757 matmul_13" [id=757, type=matmul]; +"758 transpose_13" [id=758, type=transpose]; +"759 reshape_29" [id=759, type=reshape]; +"760 _param_constant112" [id=760, type=get_attr]; +"761 _param_constant113" [id=761, type=get_attr]; +"762 linear_41" [id=762, type=linear]; +"763 dropout_25" [id=763, type=dropout]; +"764 view_36" [id=764, type=view]; +"765 permute_31" [id=765, type=permute]; +"766 reshape_30" [id=766, type=reshape]; +"767 slice_106" [id=767, type=slice]; +"768 slice_107" [id=768, type=slice]; +"769 slice_108" [id=769, type=slice]; +"770 slice_109" [id=770, type=slice]; +"771 contiguous_11" [id=771, type=contiguous]; +"772 _param_constant114" [id=772, type=get_attr]; +"773 _param_constant115" [id=773, type=get_attr]; +"774 layer_norm_15" [id=774, type=layer_norm]; +"775 add_22" [id=775, type=add]; +"776 _param_constant116" [id=776, type=get_attr]; +"777 _param_constant117" [id=777, type=get_attr]; +"778 linear_42" [id=778, type=linear]; +"779 gelu_6" [id=779, type=gelu]; +"780 dropout_26" [id=780, type=dropout]; +"781 _param_constant118" [id=781, type=get_attr]; +"782 _param_constant119" [id=782, type=get_attr]; +"783 linear_43" [id=783, type=linear]; +"784 dropout_27" [id=784, type=dropout]; +"785 _param_constant120" [id=785, type=get_attr]; +"786 _param_constant121" [id=786, type=get_attr]; +"787 layer_norm_16" [id=787, type=layer_norm]; +"788 add_23" [id=788, type=add]; +"789 _tensor_constant41" [id=789, type=get_attr]; +"790 _param_constant122" [id=790, type=get_attr]; +"791 _param_constant123" [id=791, type=get_attr]; +"792 linear_44" [id=792, type=linear]; +"793 relu__7" [id=793, type=relu_]; +"794 _param_constant124" [id=794, type=get_attr]; +"795 linear_45" [id=795, type=linear]; +"796 view_37" [id=796, type=view]; +"797 _tensor_constant42" [id=797, type=get_attr]; +"798 index_7" [id=798, type=index]; +"799 view_38" [id=799, type=view]; +"800 permute_32" [id=800, type=permute]; +"801 contiguous_12" [id=801, type=contiguous]; +"802 unsqueeze_19" [id=802, type=unsqueeze]; +"803 sigmoid_7" [id=803, type=sigmoid]; +"804 mul_14" [id=804, type=mul]; +"805 pad_9" [id=805, type=pad]; +"806 roll_6" [id=806, type=roll]; +"807 view_39" [id=807, type=view]; +"808 permute_33" [id=808, type=permute]; +"809 reshape_31" [id=809, type=reshape]; +"810 _param_constant125" [id=810, type=get_attr]; +"811 clone_7" [id=811, type=clone]; +"812 slice_110" [id=812, type=slice]; +"813 zero__7" [id=813, type=zero_]; +"814 _param_constant126" [id=814, type=get_attr]; +"815 linear_46" [id=815, type=linear]; +"816 reshape_32" [id=816, type=reshape]; +"817 permute_34" [id=817, type=permute]; +"818 select_21" [id=818, type=select]; +"819 select_22" [id=819, type=select]; +"820 select_23" [id=820, type=select]; +"821 linalg_vector_norm_14" [id=821, type=linalg_vector_norm]; +"822 clamp_min_14" [id=822, type=clamp_min]; +"823 expand_as_14" [id=823, type=expand_as]; +"824 div_14" [id=824, type=div]; +"825 linalg_vector_norm_15" [id=825, type=linalg_vector_norm]; +"826 clamp_min_15" [id=826, type=clamp_min]; +"827 expand_as_15" [id=827, type=expand_as]; +"828 div_15" [id=828, type=div]; +"829 transpose_14" [id=829, type=transpose]; +"830 matmul_14" [id=830, type=matmul]; +"831 _param_constant127" [id=831, type=get_attr]; +"832 clamp_7" [id=832, type=clamp]; +"833 exp_7" [id=833, type=exp]; +"834 mul_15" [id=834, type=mul]; +"835 add_24" [id=835, type=add]; +"836 new_zeros_3" [id=836, type=new_zeros]; +"837 _tensor_constant43" [id=837, type=get_attr]; +"838 lift_fresh_copy_27" [id=838, type=lift_fresh_copy]; +"839 slice_111" [id=839, type=slice]; +"840 slice_112" [id=840, type=slice]; +"841 fill__27" [id=841, type=fill_]; +"842 _tensor_constant44" [id=842, type=get_attr]; +"843 lift_fresh_copy_28" [id=843, type=lift_fresh_copy]; +"844 slice_113" [id=844, type=slice]; +"845 slice_114" [id=845, type=slice]; +"846 fill__28" [id=846, type=fill_]; +"847 _tensor_constant45" [id=847, type=get_attr]; +"848 lift_fresh_copy_29" [id=848, type=lift_fresh_copy]; +"849 slice_115" [id=849, type=slice]; +"850 slice_116" [id=850, type=slice]; +"851 fill__29" [id=851, type=fill_]; +"852 _tensor_constant46" [id=852, type=get_attr]; +"853 lift_fresh_copy_30" [id=853, type=lift_fresh_copy]; +"854 slice_117" [id=854, type=slice]; +"855 slice_118" [id=855, type=slice]; +"856 fill__30" [id=856, type=fill_]; +"857 _tensor_constant47" [id=857, type=get_attr]; +"858 lift_fresh_copy_31" [id=858, type=lift_fresh_copy]; +"859 slice_119" [id=859, type=slice]; +"860 slice_120" [id=860, type=slice]; +"861 fill__31" [id=861, type=fill_]; +"862 _tensor_constant48" [id=862, type=get_attr]; +"863 lift_fresh_copy_32" [id=863, type=lift_fresh_copy]; +"864 slice_121" [id=864, type=slice]; +"865 slice_122" [id=865, type=slice]; +"866 fill__32" [id=866, type=fill_]; +"867 _tensor_constant49" [id=867, type=get_attr]; +"868 lift_fresh_copy_33" [id=868, type=lift_fresh_copy]; +"869 slice_123" [id=869, type=slice]; +"870 slice_124" [id=870, type=slice]; +"871 fill__33" [id=871, type=fill_]; +"872 _tensor_constant50" [id=872, type=get_attr]; +"873 lift_fresh_copy_34" [id=873, type=lift_fresh_copy]; +"874 slice_125" [id=874, type=slice]; +"875 slice_126" [id=875, type=slice]; +"876 fill__34" [id=876, type=fill_]; +"877 _tensor_constant51" [id=877, type=get_attr]; +"878 lift_fresh_copy_35" [id=878, type=lift_fresh_copy]; +"879 slice_127" [id=879, type=slice]; +"880 slice_128" [id=880, type=slice]; +"881 fill__35" [id=881, type=fill_]; +"882 view_40" [id=882, type=view]; +"883 permute_35" [id=883, type=permute]; +"884 reshape_33" [id=884, type=reshape]; +"885 unsqueeze_20" [id=885, type=unsqueeze]; +"886 unsqueeze_21" [id=886, type=unsqueeze]; +"887 sub_3" [id=887, type=sub]; +"888 ne_3" [id=888, type=ne]; +"889 masked_fill_6" [id=889, type=masked_fill]; +"890 eq_3" [id=890, type=eq]; +"891 masked_fill_7" [id=891, type=masked_fill]; +"892 view_41" [id=892, type=view]; +"893 unsqueeze_22" [id=893, type=unsqueeze]; +"894 unsqueeze_23" [id=894, type=unsqueeze]; +"895 add_25" [id=895, type=add]; +"896 view_42" [id=896, type=view]; +"897 softmax_7" [id=897, type=softmax]; +"898 dropout_28" [id=898, type=dropout]; +"899 matmul_15" [id=899, type=matmul]; +"900 transpose_15" [id=900, type=transpose]; +"901 reshape_34" [id=901, type=reshape]; +"902 _param_constant128" [id=902, type=get_attr]; +"903 _param_constant129" [id=903, type=get_attr]; +"904 linear_47" [id=904, type=linear]; +"905 dropout_29" [id=905, type=dropout]; +"906 view_43" [id=906, type=view]; +"907 permute_36" [id=907, type=permute]; +"908 reshape_35" [id=908, type=reshape]; +"909 roll_7" [id=909, type=roll]; +"910 slice_129" [id=910, type=slice]; +"911 slice_130" [id=911, type=slice]; +"912 slice_131" [id=912, type=slice]; +"913 slice_132" [id=913, type=slice]; +"914 contiguous_13" [id=914, type=contiguous]; +"915 _param_constant130" [id=915, type=get_attr]; +"916 _param_constant131" [id=916, type=get_attr]; +"917 layer_norm_17" [id=917, type=layer_norm]; +"918 add_26" [id=918, type=add]; +"919 _param_constant132" [id=919, type=get_attr]; +"920 _param_constant133" [id=920, type=get_attr]; +"921 linear_48" [id=921, type=linear]; +"922 gelu_7" [id=922, type=gelu]; +"923 dropout_30" [id=923, type=dropout]; +"924 _param_constant134" [id=924, type=get_attr]; +"925 _param_constant135" [id=925, type=get_attr]; +"926 linear_49" [id=926, type=linear]; +"927 dropout_31" [id=927, type=dropout]; +"928 _param_constant136" [id=928, type=get_attr]; +"929 _param_constant137" [id=929, type=get_attr]; +"930 layer_norm_18" [id=930, type=layer_norm]; +"931 add_27" [id=931, type=add]; +"932 _tensor_constant52" [id=932, type=get_attr]; +"933 _param_constant138" [id=933, type=get_attr]; +"934 _param_constant139" [id=934, type=get_attr]; +"935 linear_50" [id=935, type=linear]; +"936 relu__8" [id=936, type=relu_]; +"937 _param_constant140" [id=937, type=get_attr]; +"938 linear_51" [id=938, type=linear]; +"939 view_44" [id=939, type=view]; +"940 _tensor_constant53" [id=940, type=get_attr]; +"941 index_8" [id=941, type=index]; +"942 view_45" [id=942, type=view]; +"943 permute_37" [id=943, type=permute]; +"944 contiguous_14" [id=944, type=contiguous]; +"945 unsqueeze_24" [id=945, type=unsqueeze]; +"946 sigmoid_8" [id=946, type=sigmoid]; +"947 mul_16" [id=947, type=mul]; +"948 pad_10" [id=948, type=pad]; +"949 view_46" [id=949, type=view]; +"950 permute_38" [id=950, type=permute]; +"951 reshape_36" [id=951, type=reshape]; +"952 _param_constant141" [id=952, type=get_attr]; +"953 clone_8" [id=953, type=clone]; +"954 slice_133" [id=954, type=slice]; +"955 zero__8" [id=955, type=zero_]; +"956 _param_constant142" [id=956, type=get_attr]; +"957 linear_52" [id=957, type=linear]; +"958 reshape_37" [id=958, type=reshape]; +"959 permute_39" [id=959, type=permute]; +"960 select_24" [id=960, type=select]; +"961 select_25" [id=961, type=select]; +"962 select_26" [id=962, type=select]; +"963 linalg_vector_norm_16" [id=963, type=linalg_vector_norm]; +"964 clamp_min_16" [id=964, type=clamp_min]; +"965 expand_as_16" [id=965, type=expand_as]; +"966 div_16" [id=966, type=div]; +"967 linalg_vector_norm_17" [id=967, type=linalg_vector_norm]; +"968 clamp_min_17" [id=968, type=clamp_min]; +"969 expand_as_17" [id=969, type=expand_as]; +"970 div_17" [id=970, type=div]; +"971 transpose_16" [id=971, type=transpose]; +"972 matmul_16" [id=972, type=matmul]; +"973 _param_constant143" [id=973, type=get_attr]; +"974 clamp_8" [id=974, type=clamp]; +"975 exp_8" [id=975, type=exp]; +"976 mul_17" [id=976, type=mul]; +"977 add_28" [id=977, type=add]; +"978 softmax_8" [id=978, type=softmax]; +"979 dropout_32" [id=979, type=dropout]; +"980 matmul_17" [id=980, type=matmul]; +"981 transpose_17" [id=981, type=transpose]; +"982 reshape_38" [id=982, type=reshape]; +"983 _param_constant144" [id=983, type=get_attr]; +"984 _param_constant145" [id=984, type=get_attr]; +"985 linear_53" [id=985, type=linear]; +"986 dropout_33" [id=986, type=dropout]; +"987 view_47" [id=987, type=view]; +"988 permute_40" [id=988, type=permute]; +"989 reshape_39" [id=989, type=reshape]; +"990 slice_134" [id=990, type=slice]; +"991 slice_135" [id=991, type=slice]; +"992 slice_136" [id=992, type=slice]; +"993 slice_137" [id=993, type=slice]; +"994 contiguous_15" [id=994, type=contiguous]; +"995 _param_constant146" [id=995, type=get_attr]; +"996 _param_constant147" [id=996, type=get_attr]; +"997 layer_norm_19" [id=997, type=layer_norm]; +"998 add_29" [id=998, type=add]; +"999 _param_constant148" [id=999, type=get_attr]; +"1000 _param_constant149" [id=1000, type=get_attr]; +"1001 linear_54" [id=1001, type=linear]; +"1002 gelu_8" [id=1002, type=gelu]; +"1003 dropout_34" [id=1003, type=dropout]; +"1004 _param_constant150" [id=1004, type=get_attr]; +"1005 _param_constant151" [id=1005, type=get_attr]; +"1006 linear_55" [id=1006, type=linear]; +"1007 dropout_35" [id=1007, type=dropout]; +"1008 _param_constant152" [id=1008, type=get_attr]; +"1009 _param_constant153" [id=1009, type=get_attr]; +"1010 layer_norm_20" [id=1010, type=layer_norm]; +"1011 add_30" [id=1011, type=add]; +"1012 _tensor_constant54" [id=1012, type=get_attr]; +"1013 _param_constant154" [id=1013, type=get_attr]; +"1014 _param_constant155" [id=1014, type=get_attr]; +"1015 linear_56" [id=1015, type=linear]; +"1016 relu__9" [id=1016, type=relu_]; +"1017 _param_constant156" [id=1017, type=get_attr]; +"1018 linear_57" [id=1018, type=linear]; +"1019 view_48" [id=1019, type=view]; +"1020 _tensor_constant55" [id=1020, type=get_attr]; +"1021 index_9" [id=1021, type=index]; +"1022 view_49" [id=1022, type=view]; +"1023 permute_41" [id=1023, type=permute]; +"1024 contiguous_16" [id=1024, type=contiguous]; +"1025 unsqueeze_25" [id=1025, type=unsqueeze]; +"1026 sigmoid_9" [id=1026, type=sigmoid]; +"1027 mul_18" [id=1027, type=mul]; +"1028 pad_11" [id=1028, type=pad]; +"1029 roll_8" [id=1029, type=roll]; +"1030 view_50" [id=1030, type=view]; +"1031 permute_42" [id=1031, type=permute]; +"1032 reshape_40" [id=1032, type=reshape]; +"1033 _param_constant157" [id=1033, type=get_attr]; +"1034 clone_9" [id=1034, type=clone]; +"1035 slice_138" [id=1035, type=slice]; +"1036 zero__9" [id=1036, type=zero_]; +"1037 _param_constant158" [id=1037, type=get_attr]; +"1038 linear_58" [id=1038, type=linear]; +"1039 reshape_41" [id=1039, type=reshape]; +"1040 permute_43" [id=1040, type=permute]; +"1041 select_27" [id=1041, type=select]; +"1042 select_28" [id=1042, type=select]; +"1043 select_29" [id=1043, type=select]; +"1044 linalg_vector_norm_18" [id=1044, type=linalg_vector_norm]; +"1045 clamp_min_18" [id=1045, type=clamp_min]; +"1046 expand_as_18" [id=1046, type=expand_as]; +"1047 div_18" [id=1047, type=div]; +"1048 linalg_vector_norm_19" [id=1048, type=linalg_vector_norm]; +"1049 clamp_min_19" [id=1049, type=clamp_min]; +"1050 expand_as_19" [id=1050, type=expand_as]; +"1051 div_19" [id=1051, type=div]; +"1052 transpose_18" [id=1052, type=transpose]; +"1053 matmul_18" [id=1053, type=matmul]; +"1054 _param_constant159" [id=1054, type=get_attr]; +"1055 clamp_9" [id=1055, type=clamp]; +"1056 exp_9" [id=1056, type=exp]; +"1057 mul_19" [id=1057, type=mul]; +"1058 add_31" [id=1058, type=add]; +"1059 new_zeros_4" [id=1059, type=new_zeros]; +"1060 _tensor_constant56" [id=1060, type=get_attr]; +"1061 lift_fresh_copy_36" [id=1061, type=lift_fresh_copy]; +"1062 slice_139" [id=1062, type=slice]; +"1063 slice_140" [id=1063, type=slice]; +"1064 fill__36" [id=1064, type=fill_]; +"1065 _tensor_constant57" [id=1065, type=get_attr]; +"1066 lift_fresh_copy_37" [id=1066, type=lift_fresh_copy]; +"1067 slice_141" [id=1067, type=slice]; +"1068 slice_142" [id=1068, type=slice]; +"1069 fill__37" [id=1069, type=fill_]; +"1070 _tensor_constant58" [id=1070, type=get_attr]; +"1071 lift_fresh_copy_38" [id=1071, type=lift_fresh_copy]; +"1072 slice_143" [id=1072, type=slice]; +"1073 slice_144" [id=1073, type=slice]; +"1074 fill__38" [id=1074, type=fill_]; +"1075 _tensor_constant59" [id=1075, type=get_attr]; +"1076 lift_fresh_copy_39" [id=1076, type=lift_fresh_copy]; +"1077 slice_145" [id=1077, type=slice]; +"1078 slice_146" [id=1078, type=slice]; +"1079 fill__39" [id=1079, type=fill_]; +"1080 _tensor_constant60" [id=1080, type=get_attr]; +"1081 lift_fresh_copy_40" [id=1081, type=lift_fresh_copy]; +"1082 slice_147" [id=1082, type=slice]; +"1083 slice_148" [id=1083, type=slice]; +"1084 fill__40" [id=1084, type=fill_]; +"1085 _tensor_constant61" [id=1085, type=get_attr]; +"1086 lift_fresh_copy_41" [id=1086, type=lift_fresh_copy]; +"1087 slice_149" [id=1087, type=slice]; +"1088 slice_150" [id=1088, type=slice]; +"1089 fill__41" [id=1089, type=fill_]; +"1090 _tensor_constant62" [id=1090, type=get_attr]; +"1091 lift_fresh_copy_42" [id=1091, type=lift_fresh_copy]; +"1092 slice_151" [id=1092, type=slice]; +"1093 slice_152" [id=1093, type=slice]; +"1094 fill__42" [id=1094, type=fill_]; +"1095 _tensor_constant63" [id=1095, type=get_attr]; +"1096 lift_fresh_copy_43" [id=1096, type=lift_fresh_copy]; +"1097 slice_153" [id=1097, type=slice]; +"1098 slice_154" [id=1098, type=slice]; +"1099 fill__43" [id=1099, type=fill_]; +"1100 _tensor_constant64" [id=1100, type=get_attr]; +"1101 lift_fresh_copy_44" [id=1101, type=lift_fresh_copy]; +"1102 slice_155" [id=1102, type=slice]; +"1103 slice_156" [id=1103, type=slice]; +"1104 fill__44" [id=1104, type=fill_]; +"1105 view_51" [id=1105, type=view]; +"1106 permute_44" [id=1106, type=permute]; +"1107 reshape_42" [id=1107, type=reshape]; +"1108 unsqueeze_26" [id=1108, type=unsqueeze]; +"1109 unsqueeze_27" [id=1109, type=unsqueeze]; +"1110 sub_4" [id=1110, type=sub]; +"1111 ne_4" [id=1111, type=ne]; +"1112 masked_fill_8" [id=1112, type=masked_fill]; +"1113 eq_4" [id=1113, type=eq]; +"1114 masked_fill_9" [id=1114, type=masked_fill]; +"1115 view_52" [id=1115, type=view]; +"1116 unsqueeze_28" [id=1116, type=unsqueeze]; +"1117 unsqueeze_29" [id=1117, type=unsqueeze]; +"1118 add_32" [id=1118, type=add]; +"1119 view_53" [id=1119, type=view]; +"1120 softmax_9" [id=1120, type=softmax]; +"1121 dropout_36" [id=1121, type=dropout]; +"1122 matmul_19" [id=1122, type=matmul]; +"1123 transpose_19" [id=1123, type=transpose]; +"1124 reshape_43" [id=1124, type=reshape]; +"1125 _param_constant160" [id=1125, type=get_attr]; +"1126 _param_constant161" [id=1126, type=get_attr]; +"1127 linear_59" [id=1127, type=linear]; +"1128 dropout_37" [id=1128, type=dropout]; +"1129 view_54" [id=1129, type=view]; +"1130 permute_45" [id=1130, type=permute]; +"1131 reshape_44" [id=1131, type=reshape]; +"1132 roll_9" [id=1132, type=roll]; +"1133 slice_157" [id=1133, type=slice]; +"1134 slice_158" [id=1134, type=slice]; +"1135 slice_159" [id=1135, type=slice]; +"1136 slice_160" [id=1136, type=slice]; +"1137 contiguous_17" [id=1137, type=contiguous]; +"1138 _param_constant162" [id=1138, type=get_attr]; +"1139 _param_constant163" [id=1139, type=get_attr]; +"1140 layer_norm_21" [id=1140, type=layer_norm]; +"1141 add_33" [id=1141, type=add]; +"1142 _param_constant164" [id=1142, type=get_attr]; +"1143 _param_constant165" [id=1143, type=get_attr]; +"1144 linear_60" [id=1144, type=linear]; +"1145 gelu_9" [id=1145, type=gelu]; +"1146 dropout_38" [id=1146, type=dropout]; +"1147 _param_constant166" [id=1147, type=get_attr]; +"1148 _param_constant167" [id=1148, type=get_attr]; +"1149 linear_61" [id=1149, type=linear]; +"1150 dropout_39" [id=1150, type=dropout]; +"1151 _param_constant168" [id=1151, type=get_attr]; +"1152 _param_constant169" [id=1152, type=get_attr]; +"1153 layer_norm_22" [id=1153, type=layer_norm]; +"1154 add_34" [id=1154, type=add]; +"1155 _tensor_constant65" [id=1155, type=get_attr]; +"1156 _param_constant170" [id=1156, type=get_attr]; +"1157 _param_constant171" [id=1157, type=get_attr]; +"1158 linear_62" [id=1158, type=linear]; +"1159 relu__10" [id=1159, type=relu_]; +"1160 _param_constant172" [id=1160, type=get_attr]; +"1161 linear_63" [id=1161, type=linear]; +"1162 view_55" [id=1162, type=view]; +"1163 _tensor_constant66" [id=1163, type=get_attr]; +"1164 index_10" [id=1164, type=index]; +"1165 view_56" [id=1165, type=view]; +"1166 permute_46" [id=1166, type=permute]; +"1167 contiguous_18" [id=1167, type=contiguous]; +"1168 unsqueeze_30" [id=1168, type=unsqueeze]; +"1169 sigmoid_10" [id=1169, type=sigmoid]; +"1170 mul_20" [id=1170, type=mul]; +"1171 pad_12" [id=1171, type=pad]; +"1172 view_57" [id=1172, type=view]; +"1173 permute_47" [id=1173, type=permute]; +"1174 reshape_45" [id=1174, type=reshape]; +"1175 _param_constant173" [id=1175, type=get_attr]; +"1176 clone_10" [id=1176, type=clone]; +"1177 slice_161" [id=1177, type=slice]; +"1178 zero__10" [id=1178, type=zero_]; +"1179 _param_constant174" [id=1179, type=get_attr]; +"1180 linear_64" [id=1180, type=linear]; +"1181 reshape_46" [id=1181, type=reshape]; +"1182 permute_48" [id=1182, type=permute]; +"1183 select_30" [id=1183, type=select]; +"1184 select_31" [id=1184, type=select]; +"1185 select_32" [id=1185, type=select]; +"1186 linalg_vector_norm_20" [id=1186, type=linalg_vector_norm]; +"1187 clamp_min_20" [id=1187, type=clamp_min]; +"1188 expand_as_20" [id=1188, type=expand_as]; +"1189 div_20" [id=1189, type=div]; +"1190 linalg_vector_norm_21" [id=1190, type=linalg_vector_norm]; +"1191 clamp_min_21" [id=1191, type=clamp_min]; +"1192 expand_as_21" [id=1192, type=expand_as]; +"1193 div_21" [id=1193, type=div]; +"1194 transpose_20" [id=1194, type=transpose]; +"1195 matmul_20" [id=1195, type=matmul]; +"1196 _param_constant175" [id=1196, type=get_attr]; +"1197 clamp_10" [id=1197, type=clamp]; +"1198 exp_10" [id=1198, type=exp]; +"1199 mul_21" [id=1199, type=mul]; +"1200 add_35" [id=1200, type=add]; +"1201 softmax_10" [id=1201, type=softmax]; +"1202 dropout_40" [id=1202, type=dropout]; +"1203 matmul_21" [id=1203, type=matmul]; +"1204 transpose_21" [id=1204, type=transpose]; +"1205 reshape_47" [id=1205, type=reshape]; +"1206 _param_constant176" [id=1206, type=get_attr]; +"1207 _param_constant177" [id=1207, type=get_attr]; +"1208 linear_65" [id=1208, type=linear]; +"1209 dropout_41" [id=1209, type=dropout]; +"1210 view_58" [id=1210, type=view]; +"1211 permute_49" [id=1211, type=permute]; +"1212 reshape_48" [id=1212, type=reshape]; +"1213 slice_162" [id=1213, type=slice]; +"1214 slice_163" [id=1214, type=slice]; +"1215 slice_164" [id=1215, type=slice]; +"1216 slice_165" [id=1216, type=slice]; +"1217 contiguous_19" [id=1217, type=contiguous]; +"1218 _param_constant178" [id=1218, type=get_attr]; +"1219 _param_constant179" [id=1219, type=get_attr]; +"1220 layer_norm_23" [id=1220, type=layer_norm]; +"1221 add_36" [id=1221, type=add]; +"1222 _param_constant180" [id=1222, type=get_attr]; +"1223 _param_constant181" [id=1223, type=get_attr]; +"1224 linear_66" [id=1224, type=linear]; +"1225 gelu_10" [id=1225, type=gelu]; +"1226 dropout_42" [id=1226, type=dropout]; +"1227 _param_constant182" [id=1227, type=get_attr]; +"1228 _param_constant183" [id=1228, type=get_attr]; +"1229 linear_67" [id=1229, type=linear]; +"1230 dropout_43" [id=1230, type=dropout]; +"1231 _param_constant184" [id=1231, type=get_attr]; +"1232 _param_constant185" [id=1232, type=get_attr]; +"1233 layer_norm_24" [id=1233, type=layer_norm]; +"1234 add_37" [id=1234, type=add]; +"1235 _tensor_constant67" [id=1235, type=get_attr]; +"1236 _param_constant186" [id=1236, type=get_attr]; +"1237 _param_constant187" [id=1237, type=get_attr]; +"1238 linear_68" [id=1238, type=linear]; +"1239 relu__11" [id=1239, type=relu_]; +"1240 _param_constant188" [id=1240, type=get_attr]; +"1241 linear_69" [id=1241, type=linear]; +"1242 view_59" [id=1242, type=view]; +"1243 _tensor_constant68" [id=1243, type=get_attr]; +"1244 index_11" [id=1244, type=index]; +"1245 view_60" [id=1245, type=view]; +"1246 permute_50" [id=1246, type=permute]; +"1247 contiguous_20" [id=1247, type=contiguous]; +"1248 unsqueeze_31" [id=1248, type=unsqueeze]; +"1249 sigmoid_11" [id=1249, type=sigmoid]; +"1250 mul_22" [id=1250, type=mul]; +"1251 pad_13" [id=1251, type=pad]; +"1252 roll_10" [id=1252, type=roll]; +"1253 view_61" [id=1253, type=view]; +"1254 permute_51" [id=1254, type=permute]; +"1255 reshape_49" [id=1255, type=reshape]; +"1256 _param_constant189" [id=1256, type=get_attr]; +"1257 clone_11" [id=1257, type=clone]; +"1258 slice_166" [id=1258, type=slice]; +"1259 zero__11" [id=1259, type=zero_]; +"1260 _param_constant190" [id=1260, type=get_attr]; +"1261 linear_70" [id=1261, type=linear]; +"1262 reshape_50" [id=1262, type=reshape]; +"1263 permute_52" [id=1263, type=permute]; +"1264 select_33" [id=1264, type=select]; +"1265 select_34" [id=1265, type=select]; +"1266 select_35" [id=1266, type=select]; +"1267 linalg_vector_norm_22" [id=1267, type=linalg_vector_norm]; +"1268 clamp_min_22" [id=1268, type=clamp_min]; +"1269 expand_as_22" [id=1269, type=expand_as]; +"1270 div_22" [id=1270, type=div]; +"1271 linalg_vector_norm_23" [id=1271, type=linalg_vector_norm]; +"1272 clamp_min_23" [id=1272, type=clamp_min]; +"1273 expand_as_23" [id=1273, type=expand_as]; +"1274 div_23" [id=1274, type=div]; +"1275 transpose_22" [id=1275, type=transpose]; +"1276 matmul_22" [id=1276, type=matmul]; +"1277 _param_constant191" [id=1277, type=get_attr]; +"1278 clamp_11" [id=1278, type=clamp]; +"1279 exp_11" [id=1279, type=exp]; +"1280 mul_23" [id=1280, type=mul]; +"1281 add_38" [id=1281, type=add]; +"1282 new_zeros_5" [id=1282, type=new_zeros]; +"1283 _tensor_constant69" [id=1283, type=get_attr]; +"1284 lift_fresh_copy_45" [id=1284, type=lift_fresh_copy]; +"1285 slice_167" [id=1285, type=slice]; +"1286 slice_168" [id=1286, type=slice]; +"1287 fill__45" [id=1287, type=fill_]; +"1288 _tensor_constant70" [id=1288, type=get_attr]; +"1289 lift_fresh_copy_46" [id=1289, type=lift_fresh_copy]; +"1290 slice_169" [id=1290, type=slice]; +"1291 slice_170" [id=1291, type=slice]; +"1292 fill__46" [id=1292, type=fill_]; +"1293 _tensor_constant71" [id=1293, type=get_attr]; +"1294 lift_fresh_copy_47" [id=1294, type=lift_fresh_copy]; +"1295 slice_171" [id=1295, type=slice]; +"1296 slice_172" [id=1296, type=slice]; +"1297 fill__47" [id=1297, type=fill_]; +"1298 _tensor_constant72" [id=1298, type=get_attr]; +"1299 lift_fresh_copy_48" [id=1299, type=lift_fresh_copy]; +"1300 slice_173" [id=1300, type=slice]; +"1301 slice_174" [id=1301, type=slice]; +"1302 fill__48" [id=1302, type=fill_]; +"1303 _tensor_constant73" [id=1303, type=get_attr]; +"1304 lift_fresh_copy_49" [id=1304, type=lift_fresh_copy]; +"1305 slice_175" [id=1305, type=slice]; +"1306 slice_176" [id=1306, type=slice]; +"1307 fill__49" [id=1307, type=fill_]; +"1308 _tensor_constant74" [id=1308, type=get_attr]; +"1309 lift_fresh_copy_50" [id=1309, type=lift_fresh_copy]; +"1310 slice_177" [id=1310, type=slice]; +"1311 slice_178" [id=1311, type=slice]; +"1312 fill__50" [id=1312, type=fill_]; +"1313 _tensor_constant75" [id=1313, type=get_attr]; +"1314 lift_fresh_copy_51" [id=1314, type=lift_fresh_copy]; +"1315 slice_179" [id=1315, type=slice]; +"1316 slice_180" [id=1316, type=slice]; +"1317 fill__51" [id=1317, type=fill_]; +"1318 _tensor_constant76" [id=1318, type=get_attr]; +"1319 lift_fresh_copy_52" [id=1319, type=lift_fresh_copy]; +"1320 slice_181" [id=1320, type=slice]; +"1321 slice_182" [id=1321, type=slice]; +"1322 fill__52" [id=1322, type=fill_]; +"1323 _tensor_constant77" [id=1323, type=get_attr]; +"1324 lift_fresh_copy_53" [id=1324, type=lift_fresh_copy]; +"1325 slice_183" [id=1325, type=slice]; +"1326 slice_184" [id=1326, type=slice]; +"1327 fill__53" [id=1327, type=fill_]; +"1328 view_62" [id=1328, type=view]; +"1329 permute_53" [id=1329, type=permute]; +"1330 reshape_51" [id=1330, type=reshape]; +"1331 unsqueeze_32" [id=1331, type=unsqueeze]; +"1332 unsqueeze_33" [id=1332, type=unsqueeze]; +"1333 sub_5" [id=1333, type=sub]; +"1334 ne_5" [id=1334, type=ne]; +"1335 masked_fill_10" [id=1335, type=masked_fill]; +"1336 eq_5" [id=1336, type=eq]; +"1337 masked_fill_11" [id=1337, type=masked_fill]; +"1338 view_63" [id=1338, type=view]; +"1339 unsqueeze_34" [id=1339, type=unsqueeze]; +"1340 unsqueeze_35" [id=1340, type=unsqueeze]; +"1341 add_39" [id=1341, type=add]; +"1342 view_64" [id=1342, type=view]; +"1343 softmax_11" [id=1343, type=softmax]; +"1344 dropout_44" [id=1344, type=dropout]; +"1345 matmul_23" [id=1345, type=matmul]; +"1346 transpose_23" [id=1346, type=transpose]; +"1347 reshape_52" [id=1347, type=reshape]; +"1348 _param_constant192" [id=1348, type=get_attr]; +"1349 _param_constant193" [id=1349, type=get_attr]; +"1350 linear_71" [id=1350, type=linear]; +"1351 dropout_45" [id=1351, type=dropout]; +"1352 view_65" [id=1352, type=view]; +"1353 permute_54" [id=1353, type=permute]; +"1354 reshape_53" [id=1354, type=reshape]; +"1355 roll_11" [id=1355, type=roll]; +"1356 slice_185" [id=1356, type=slice]; +"1357 slice_186" [id=1357, type=slice]; +"1358 slice_187" [id=1358, type=slice]; +"1359 slice_188" [id=1359, type=slice]; +"1360 contiguous_21" [id=1360, type=contiguous]; +"1361 _param_constant194" [id=1361, type=get_attr]; +"1362 _param_constant195" [id=1362, type=get_attr]; +"1363 layer_norm_25" [id=1363, type=layer_norm]; +"1364 add_40" [id=1364, type=add]; +"1365 _param_constant196" [id=1365, type=get_attr]; +"1366 _param_constant197" [id=1366, type=get_attr]; +"1367 linear_72" [id=1367, type=linear]; +"1368 gelu_11" [id=1368, type=gelu]; +"1369 dropout_46" [id=1369, type=dropout]; +"1370 _param_constant198" [id=1370, type=get_attr]; +"1371 _param_constant199" [id=1371, type=get_attr]; +"1372 linear_73" [id=1372, type=linear]; +"1373 dropout_47" [id=1373, type=dropout]; +"1374 _param_constant200" [id=1374, type=get_attr]; +"1375 _param_constant201" [id=1375, type=get_attr]; +"1376 layer_norm_26" [id=1376, type=layer_norm]; +"1377 add_41" [id=1377, type=add]; +"1378 _tensor_constant78" [id=1378, type=get_attr]; +"1379 _param_constant202" [id=1379, type=get_attr]; +"1380 _param_constant203" [id=1380, type=get_attr]; +"1381 linear_74" [id=1381, type=linear]; +"1382 relu__12" [id=1382, type=relu_]; +"1383 _param_constant204" [id=1383, type=get_attr]; +"1384 linear_75" [id=1384, type=linear]; +"1385 view_66" [id=1385, type=view]; +"1386 _tensor_constant79" [id=1386, type=get_attr]; +"1387 index_12" [id=1387, type=index]; +"1388 view_67" [id=1388, type=view]; +"1389 permute_55" [id=1389, type=permute]; +"1390 contiguous_22" [id=1390, type=contiguous]; +"1391 unsqueeze_36" [id=1391, type=unsqueeze]; +"1392 sigmoid_12" [id=1392, type=sigmoid]; +"1393 mul_24" [id=1393, type=mul]; +"1394 pad_14" [id=1394, type=pad]; +"1395 view_68" [id=1395, type=view]; +"1396 permute_56" [id=1396, type=permute]; +"1397 reshape_54" [id=1397, type=reshape]; +"1398 _param_constant205" [id=1398, type=get_attr]; +"1399 clone_12" [id=1399, type=clone]; +"1400 slice_189" [id=1400, type=slice]; +"1401 zero__12" [id=1401, type=zero_]; +"1402 _param_constant206" [id=1402, type=get_attr]; +"1403 linear_76" [id=1403, type=linear]; +"1404 reshape_55" [id=1404, type=reshape]; +"1405 permute_57" [id=1405, type=permute]; +"1406 select_36" [id=1406, type=select]; +"1407 select_37" [id=1407, type=select]; +"1408 select_38" [id=1408, type=select]; +"1409 linalg_vector_norm_24" [id=1409, type=linalg_vector_norm]; +"1410 clamp_min_24" [id=1410, type=clamp_min]; +"1411 expand_as_24" [id=1411, type=expand_as]; +"1412 div_24" [id=1412, type=div]; +"1413 linalg_vector_norm_25" [id=1413, type=linalg_vector_norm]; +"1414 clamp_min_25" [id=1414, type=clamp_min]; +"1415 expand_as_25" [id=1415, type=expand_as]; +"1416 div_25" [id=1416, type=div]; +"1417 transpose_24" [id=1417, type=transpose]; +"1418 matmul_24" [id=1418, type=matmul]; +"1419 _param_constant207" [id=1419, type=get_attr]; +"1420 clamp_12" [id=1420, type=clamp]; +"1421 exp_12" [id=1421, type=exp]; +"1422 mul_25" [id=1422, type=mul]; +"1423 add_42" [id=1423, type=add]; +"1424 softmax_12" [id=1424, type=softmax]; +"1425 dropout_48" [id=1425, type=dropout]; +"1426 matmul_25" [id=1426, type=matmul]; +"1427 transpose_25" [id=1427, type=transpose]; +"1428 reshape_56" [id=1428, type=reshape]; +"1429 _param_constant208" [id=1429, type=get_attr]; +"1430 _param_constant209" [id=1430, type=get_attr]; +"1431 linear_77" [id=1431, type=linear]; +"1432 dropout_49" [id=1432, type=dropout]; +"1433 view_69" [id=1433, type=view]; +"1434 permute_58" [id=1434, type=permute]; +"1435 reshape_57" [id=1435, type=reshape]; +"1436 slice_190" [id=1436, type=slice]; +"1437 slice_191" [id=1437, type=slice]; +"1438 slice_192" [id=1438, type=slice]; +"1439 slice_193" [id=1439, type=slice]; +"1440 contiguous_23" [id=1440, type=contiguous]; +"1441 _param_constant210" [id=1441, type=get_attr]; +"1442 _param_constant211" [id=1442, type=get_attr]; +"1443 layer_norm_27" [id=1443, type=layer_norm]; +"1444 add_43" [id=1444, type=add]; +"1445 _param_constant212" [id=1445, type=get_attr]; +"1446 _param_constant213" [id=1446, type=get_attr]; +"1447 linear_78" [id=1447, type=linear]; +"1448 gelu_12" [id=1448, type=gelu]; +"1449 dropout_50" [id=1449, type=dropout]; +"1450 _param_constant214" [id=1450, type=get_attr]; +"1451 _param_constant215" [id=1451, type=get_attr]; +"1452 linear_79" [id=1452, type=linear]; +"1453 dropout_51" [id=1453, type=dropout]; +"1454 _param_constant216" [id=1454, type=get_attr]; +"1455 _param_constant217" [id=1455, type=get_attr]; +"1456 layer_norm_28" [id=1456, type=layer_norm]; +"1457 add_44" [id=1457, type=add]; +"1458 _tensor_constant80" [id=1458, type=get_attr]; +"1459 _param_constant218" [id=1459, type=get_attr]; +"1460 _param_constant219" [id=1460, type=get_attr]; +"1461 linear_80" [id=1461, type=linear]; +"1462 relu__13" [id=1462, type=relu_]; +"1463 _param_constant220" [id=1463, type=get_attr]; +"1464 linear_81" [id=1464, type=linear]; +"1465 view_70" [id=1465, type=view]; +"1466 _tensor_constant81" [id=1466, type=get_attr]; +"1467 index_13" [id=1467, type=index]; +"1468 view_71" [id=1468, type=view]; +"1469 permute_59" [id=1469, type=permute]; +"1470 contiguous_24" [id=1470, type=contiguous]; +"1471 unsqueeze_37" [id=1471, type=unsqueeze]; +"1472 sigmoid_13" [id=1472, type=sigmoid]; +"1473 mul_26" [id=1473, type=mul]; +"1474 pad_15" [id=1474, type=pad]; +"1475 roll_12" [id=1475, type=roll]; +"1476 view_72" [id=1476, type=view]; +"1477 permute_60" [id=1477, type=permute]; +"1478 reshape_58" [id=1478, type=reshape]; +"1479 _param_constant221" [id=1479, type=get_attr]; +"1480 clone_13" [id=1480, type=clone]; +"1481 slice_194" [id=1481, type=slice]; +"1482 zero__13" [id=1482, type=zero_]; +"1483 _param_constant222" [id=1483, type=get_attr]; +"1484 linear_82" [id=1484, type=linear]; +"1485 reshape_59" [id=1485, type=reshape]; +"1486 permute_61" [id=1486, type=permute]; +"1487 select_39" [id=1487, type=select]; +"1488 select_40" [id=1488, type=select]; +"1489 select_41" [id=1489, type=select]; +"1490 linalg_vector_norm_26" [id=1490, type=linalg_vector_norm]; +"1491 clamp_min_26" [id=1491, type=clamp_min]; +"1492 expand_as_26" [id=1492, type=expand_as]; +"1493 div_26" [id=1493, type=div]; +"1494 linalg_vector_norm_27" [id=1494, type=linalg_vector_norm]; +"1495 clamp_min_27" [id=1495, type=clamp_min]; +"1496 expand_as_27" [id=1496, type=expand_as]; +"1497 div_27" [id=1497, type=div]; +"1498 transpose_26" [id=1498, type=transpose]; +"1499 matmul_26" [id=1499, type=matmul]; +"1500 _param_constant223" [id=1500, type=get_attr]; +"1501 clamp_13" [id=1501, type=clamp]; +"1502 exp_13" [id=1502, type=exp]; +"1503 mul_27" [id=1503, type=mul]; +"1504 add_45" [id=1504, type=add]; +"1505 new_zeros_6" [id=1505, type=new_zeros]; +"1506 _tensor_constant82" [id=1506, type=get_attr]; +"1507 lift_fresh_copy_54" [id=1507, type=lift_fresh_copy]; +"1508 slice_195" [id=1508, type=slice]; +"1509 slice_196" [id=1509, type=slice]; +"1510 fill__54" [id=1510, type=fill_]; +"1511 _tensor_constant83" [id=1511, type=get_attr]; +"1512 lift_fresh_copy_55" [id=1512, type=lift_fresh_copy]; +"1513 slice_197" [id=1513, type=slice]; +"1514 slice_198" [id=1514, type=slice]; +"1515 fill__55" [id=1515, type=fill_]; +"1516 _tensor_constant84" [id=1516, type=get_attr]; +"1517 lift_fresh_copy_56" [id=1517, type=lift_fresh_copy]; +"1518 slice_199" [id=1518, type=slice]; +"1519 slice_200" [id=1519, type=slice]; +"1520 fill__56" [id=1520, type=fill_]; +"1521 _tensor_constant85" [id=1521, type=get_attr]; +"1522 lift_fresh_copy_57" [id=1522, type=lift_fresh_copy]; +"1523 slice_201" [id=1523, type=slice]; +"1524 slice_202" [id=1524, type=slice]; +"1525 fill__57" [id=1525, type=fill_]; +"1526 _tensor_constant86" [id=1526, type=get_attr]; +"1527 lift_fresh_copy_58" [id=1527, type=lift_fresh_copy]; +"1528 slice_203" [id=1528, type=slice]; +"1529 slice_204" [id=1529, type=slice]; +"1530 fill__58" [id=1530, type=fill_]; +"1531 _tensor_constant87" [id=1531, type=get_attr]; +"1532 lift_fresh_copy_59" [id=1532, type=lift_fresh_copy]; +"1533 slice_205" [id=1533, type=slice]; +"1534 slice_206" [id=1534, type=slice]; +"1535 fill__59" [id=1535, type=fill_]; +"1536 _tensor_constant88" [id=1536, type=get_attr]; +"1537 lift_fresh_copy_60" [id=1537, type=lift_fresh_copy]; +"1538 slice_207" [id=1538, type=slice]; +"1539 slice_208" [id=1539, type=slice]; +"1540 fill__60" [id=1540, type=fill_]; +"1541 _tensor_constant89" [id=1541, type=get_attr]; +"1542 lift_fresh_copy_61" [id=1542, type=lift_fresh_copy]; +"1543 slice_209" [id=1543, type=slice]; +"1544 slice_210" [id=1544, type=slice]; +"1545 fill__61" [id=1545, type=fill_]; +"1546 _tensor_constant90" [id=1546, type=get_attr]; +"1547 lift_fresh_copy_62" [id=1547, type=lift_fresh_copy]; +"1548 slice_211" [id=1548, type=slice]; +"1549 slice_212" [id=1549, type=slice]; +"1550 fill__62" [id=1550, type=fill_]; +"1551 view_73" [id=1551, type=view]; +"1552 permute_62" [id=1552, type=permute]; +"1553 reshape_60" [id=1553, type=reshape]; +"1554 unsqueeze_38" [id=1554, type=unsqueeze]; +"1555 unsqueeze_39" [id=1555, type=unsqueeze]; +"1556 sub_6" [id=1556, type=sub]; +"1557 ne_6" [id=1557, type=ne]; +"1558 masked_fill_12" [id=1558, type=masked_fill]; +"1559 eq_6" [id=1559, type=eq]; +"1560 masked_fill_13" [id=1560, type=masked_fill]; +"1561 view_74" [id=1561, type=view]; +"1562 unsqueeze_40" [id=1562, type=unsqueeze]; +"1563 unsqueeze_41" [id=1563, type=unsqueeze]; +"1564 add_46" [id=1564, type=add]; +"1565 view_75" [id=1565, type=view]; +"1566 softmax_13" [id=1566, type=softmax]; +"1567 dropout_52" [id=1567, type=dropout]; +"1568 matmul_27" [id=1568, type=matmul]; +"1569 transpose_27" [id=1569, type=transpose]; +"1570 reshape_61" [id=1570, type=reshape]; +"1571 _param_constant224" [id=1571, type=get_attr]; +"1572 _param_constant225" [id=1572, type=get_attr]; +"1573 linear_83" [id=1573, type=linear]; +"1574 dropout_53" [id=1574, type=dropout]; +"1575 view_76" [id=1575, type=view]; +"1576 permute_63" [id=1576, type=permute]; +"1577 reshape_62" [id=1577, type=reshape]; +"1578 roll_13" [id=1578, type=roll]; +"1579 slice_213" [id=1579, type=slice]; +"1580 slice_214" [id=1580, type=slice]; +"1581 slice_215" [id=1581, type=slice]; +"1582 slice_216" [id=1582, type=slice]; +"1583 contiguous_25" [id=1583, type=contiguous]; +"1584 _param_constant226" [id=1584, type=get_attr]; +"1585 _param_constant227" [id=1585, type=get_attr]; +"1586 layer_norm_29" [id=1586, type=layer_norm]; +"1587 add_47" [id=1587, type=add]; +"1588 _param_constant228" [id=1588, type=get_attr]; +"1589 _param_constant229" [id=1589, type=get_attr]; +"1590 linear_84" [id=1590, type=linear]; +"1591 gelu_13" [id=1591, type=gelu]; +"1592 dropout_54" [id=1592, type=dropout]; +"1593 _param_constant230" [id=1593, type=get_attr]; +"1594 _param_constant231" [id=1594, type=get_attr]; +"1595 linear_85" [id=1595, type=linear]; +"1596 dropout_55" [id=1596, type=dropout]; +"1597 _param_constant232" [id=1597, type=get_attr]; +"1598 _param_constant233" [id=1598, type=get_attr]; +"1599 layer_norm_30" [id=1599, type=layer_norm]; +"1600 add_48" [id=1600, type=add]; +"1601 _tensor_constant91" [id=1601, type=get_attr]; +"1602 _param_constant234" [id=1602, type=get_attr]; +"1603 _param_constant235" [id=1603, type=get_attr]; +"1604 linear_86" [id=1604, type=linear]; +"1605 relu__14" [id=1605, type=relu_]; +"1606 _param_constant236" [id=1606, type=get_attr]; +"1607 linear_87" [id=1607, type=linear]; +"1608 view_77" [id=1608, type=view]; +"1609 _tensor_constant92" [id=1609, type=get_attr]; +"1610 index_14" [id=1610, type=index]; +"1611 view_78" [id=1611, type=view]; +"1612 permute_64" [id=1612, type=permute]; +"1613 contiguous_26" [id=1613, type=contiguous]; +"1614 unsqueeze_42" [id=1614, type=unsqueeze]; +"1615 sigmoid_14" [id=1615, type=sigmoid]; +"1616 mul_28" [id=1616, type=mul]; +"1617 pad_16" [id=1617, type=pad]; +"1618 view_79" [id=1618, type=view]; +"1619 permute_65" [id=1619, type=permute]; +"1620 reshape_63" [id=1620, type=reshape]; +"1621 _param_constant237" [id=1621, type=get_attr]; +"1622 clone_14" [id=1622, type=clone]; +"1623 slice_217" [id=1623, type=slice]; +"1624 zero__14" [id=1624, type=zero_]; +"1625 _param_constant238" [id=1625, type=get_attr]; +"1626 linear_88" [id=1626, type=linear]; +"1627 reshape_64" [id=1627, type=reshape]; +"1628 permute_66" [id=1628, type=permute]; +"1629 select_42" [id=1629, type=select]; +"1630 select_43" [id=1630, type=select]; +"1631 select_44" [id=1631, type=select]; +"1632 linalg_vector_norm_28" [id=1632, type=linalg_vector_norm]; +"1633 clamp_min_28" [id=1633, type=clamp_min]; +"1634 expand_as_28" [id=1634, type=expand_as]; +"1635 div_28" [id=1635, type=div]; +"1636 linalg_vector_norm_29" [id=1636, type=linalg_vector_norm]; +"1637 clamp_min_29" [id=1637, type=clamp_min]; +"1638 expand_as_29" [id=1638, type=expand_as]; +"1639 div_29" [id=1639, type=div]; +"1640 transpose_28" [id=1640, type=transpose]; +"1641 matmul_28" [id=1641, type=matmul]; +"1642 _param_constant239" [id=1642, type=get_attr]; +"1643 clamp_14" [id=1643, type=clamp]; +"1644 exp_14" [id=1644, type=exp]; +"1645 mul_29" [id=1645, type=mul]; +"1646 add_49" [id=1646, type=add]; +"1647 softmax_14" [id=1647, type=softmax]; +"1648 dropout_56" [id=1648, type=dropout]; +"1649 matmul_29" [id=1649, type=matmul]; +"1650 transpose_29" [id=1650, type=transpose]; +"1651 reshape_65" [id=1651, type=reshape]; +"1652 _param_constant240" [id=1652, type=get_attr]; +"1653 _param_constant241" [id=1653, type=get_attr]; +"1654 linear_89" [id=1654, type=linear]; +"1655 dropout_57" [id=1655, type=dropout]; +"1656 view_80" [id=1656, type=view]; +"1657 permute_67" [id=1657, type=permute]; +"1658 reshape_66" [id=1658, type=reshape]; +"1659 slice_218" [id=1659, type=slice]; +"1660 slice_219" [id=1660, type=slice]; +"1661 slice_220" [id=1661, type=slice]; +"1662 slice_221" [id=1662, type=slice]; +"1663 contiguous_27" [id=1663, type=contiguous]; +"1664 _param_constant242" [id=1664, type=get_attr]; +"1665 _param_constant243" [id=1665, type=get_attr]; +"1666 layer_norm_31" [id=1666, type=layer_norm]; +"1667 add_50" [id=1667, type=add]; +"1668 _param_constant244" [id=1668, type=get_attr]; +"1669 _param_constant245" [id=1669, type=get_attr]; +"1670 linear_90" [id=1670, type=linear]; +"1671 gelu_14" [id=1671, type=gelu]; +"1672 dropout_58" [id=1672, type=dropout]; +"1673 _param_constant246" [id=1673, type=get_attr]; +"1674 _param_constant247" [id=1674, type=get_attr]; +"1675 linear_91" [id=1675, type=linear]; +"1676 dropout_59" [id=1676, type=dropout]; +"1677 _param_constant248" [id=1677, type=get_attr]; +"1678 _param_constant249" [id=1678, type=get_attr]; +"1679 layer_norm_32" [id=1679, type=layer_norm]; +"1680 add_51" [id=1680, type=add]; +"1681 _tensor_constant93" [id=1681, type=get_attr]; +"1682 _param_constant250" [id=1682, type=get_attr]; +"1683 _param_constant251" [id=1683, type=get_attr]; +"1684 linear_92" [id=1684, type=linear]; +"1685 relu__15" [id=1685, type=relu_]; +"1686 _param_constant252" [id=1686, type=get_attr]; +"1687 linear_93" [id=1687, type=linear]; +"1688 view_81" [id=1688, type=view]; +"1689 _tensor_constant94" [id=1689, type=get_attr]; +"1690 index_15" [id=1690, type=index]; +"1691 view_82" [id=1691, type=view]; +"1692 permute_68" [id=1692, type=permute]; +"1693 contiguous_28" [id=1693, type=contiguous]; +"1694 unsqueeze_43" [id=1694, type=unsqueeze]; +"1695 sigmoid_15" [id=1695, type=sigmoid]; +"1696 mul_30" [id=1696, type=mul]; +"1697 pad_17" [id=1697, type=pad]; +"1698 roll_14" [id=1698, type=roll]; +"1699 view_83" [id=1699, type=view]; +"1700 permute_69" [id=1700, type=permute]; +"1701 reshape_67" [id=1701, type=reshape]; +"1702 _param_constant253" [id=1702, type=get_attr]; +"1703 clone_15" [id=1703, type=clone]; +"1704 slice_222" [id=1704, type=slice]; +"1705 zero__15" [id=1705, type=zero_]; +"1706 _param_constant254" [id=1706, type=get_attr]; +"1707 linear_94" [id=1707, type=linear]; +"1708 reshape_68" [id=1708, type=reshape]; +"1709 permute_70" [id=1709, type=permute]; +"1710 select_45" [id=1710, type=select]; +"1711 select_46" [id=1711, type=select]; +"1712 select_47" [id=1712, type=select]; +"1713 linalg_vector_norm_30" [id=1713, type=linalg_vector_norm]; +"1714 clamp_min_30" [id=1714, type=clamp_min]; +"1715 expand_as_30" [id=1715, type=expand_as]; +"1716 div_30" [id=1716, type=div]; +"1717 linalg_vector_norm_31" [id=1717, type=linalg_vector_norm]; +"1718 clamp_min_31" [id=1718, type=clamp_min]; +"1719 expand_as_31" [id=1719, type=expand_as]; +"1720 div_31" [id=1720, type=div]; +"1721 transpose_30" [id=1721, type=transpose]; +"1722 matmul_30" [id=1722, type=matmul]; +"1723 _param_constant255" [id=1723, type=get_attr]; +"1724 clamp_15" [id=1724, type=clamp]; +"1725 exp_15" [id=1725, type=exp]; +"1726 mul_31" [id=1726, type=mul]; +"1727 add_52" [id=1727, type=add]; +"1728 new_zeros_7" [id=1728, type=new_zeros]; +"1729 _tensor_constant95" [id=1729, type=get_attr]; +"1730 lift_fresh_copy_63" [id=1730, type=lift_fresh_copy]; +"1731 slice_223" [id=1731, type=slice]; +"1732 slice_224" [id=1732, type=slice]; +"1733 fill__63" [id=1733, type=fill_]; +"1734 _tensor_constant96" [id=1734, type=get_attr]; +"1735 lift_fresh_copy_64" [id=1735, type=lift_fresh_copy]; +"1736 slice_225" [id=1736, type=slice]; +"1737 slice_226" [id=1737, type=slice]; +"1738 fill__64" [id=1738, type=fill_]; +"1739 _tensor_constant97" [id=1739, type=get_attr]; +"1740 lift_fresh_copy_65" [id=1740, type=lift_fresh_copy]; +"1741 slice_227" [id=1741, type=slice]; +"1742 slice_228" [id=1742, type=slice]; +"1743 fill__65" [id=1743, type=fill_]; +"1744 _tensor_constant98" [id=1744, type=get_attr]; +"1745 lift_fresh_copy_66" [id=1745, type=lift_fresh_copy]; +"1746 slice_229" [id=1746, type=slice]; +"1747 slice_230" [id=1747, type=slice]; +"1748 fill__66" [id=1748, type=fill_]; +"1749 _tensor_constant99" [id=1749, type=get_attr]; +"1750 lift_fresh_copy_67" [id=1750, type=lift_fresh_copy]; +"1751 slice_231" [id=1751, type=slice]; +"1752 slice_232" [id=1752, type=slice]; +"1753 fill__67" [id=1753, type=fill_]; +"1754 _tensor_constant100" [id=1754, type=get_attr]; +"1755 lift_fresh_copy_68" [id=1755, type=lift_fresh_copy]; +"1756 slice_233" [id=1756, type=slice]; +"1757 slice_234" [id=1757, type=slice]; +"1758 fill__68" [id=1758, type=fill_]; +"1759 _tensor_constant101" [id=1759, type=get_attr]; +"1760 lift_fresh_copy_69" [id=1760, type=lift_fresh_copy]; +"1761 slice_235" [id=1761, type=slice]; +"1762 slice_236" [id=1762, type=slice]; +"1763 fill__69" [id=1763, type=fill_]; +"1764 _tensor_constant102" [id=1764, type=get_attr]; +"1765 lift_fresh_copy_70" [id=1765, type=lift_fresh_copy]; +"1766 slice_237" [id=1766, type=slice]; +"1767 slice_238" [id=1767, type=slice]; +"1768 fill__70" [id=1768, type=fill_]; +"1769 _tensor_constant103" [id=1769, type=get_attr]; +"1770 lift_fresh_copy_71" [id=1770, type=lift_fresh_copy]; +"1771 slice_239" [id=1771, type=slice]; +"1772 slice_240" [id=1772, type=slice]; +"1773 fill__71" [id=1773, type=fill_]; +"1774 view_84" [id=1774, type=view]; +"1775 permute_71" [id=1775, type=permute]; +"1776 reshape_69" [id=1776, type=reshape]; +"1777 unsqueeze_44" [id=1777, type=unsqueeze]; +"1778 unsqueeze_45" [id=1778, type=unsqueeze]; +"1779 sub_7" [id=1779, type=sub]; +"1780 ne_7" [id=1780, type=ne]; +"1781 masked_fill_14" [id=1781, type=masked_fill]; +"1782 eq_7" [id=1782, type=eq]; +"1783 masked_fill_15" [id=1783, type=masked_fill]; +"1784 view_85" [id=1784, type=view]; +"1785 unsqueeze_46" [id=1785, type=unsqueeze]; +"1786 unsqueeze_47" [id=1786, type=unsqueeze]; +"1787 add_53" [id=1787, type=add]; +"1788 view_86" [id=1788, type=view]; +"1789 softmax_15" [id=1789, type=softmax]; +"1790 dropout_60" [id=1790, type=dropout]; +"1791 matmul_31" [id=1791, type=matmul]; +"1792 transpose_31" [id=1792, type=transpose]; +"1793 reshape_70" [id=1793, type=reshape]; +"1794 _param_constant256" [id=1794, type=get_attr]; +"1795 _param_constant257" [id=1795, type=get_attr]; +"1796 linear_95" [id=1796, type=linear]; +"1797 dropout_61" [id=1797, type=dropout]; +"1798 view_87" [id=1798, type=view]; +"1799 permute_72" [id=1799, type=permute]; +"1800 reshape_71" [id=1800, type=reshape]; +"1801 roll_15" [id=1801, type=roll]; +"1802 slice_241" [id=1802, type=slice]; +"1803 slice_242" [id=1803, type=slice]; +"1804 slice_243" [id=1804, type=slice]; +"1805 slice_244" [id=1805, type=slice]; +"1806 contiguous_29" [id=1806, type=contiguous]; +"1807 _param_constant258" [id=1807, type=get_attr]; +"1808 _param_constant259" [id=1808, type=get_attr]; +"1809 layer_norm_33" [id=1809, type=layer_norm]; +"1810 add_54" [id=1810, type=add]; +"1811 _param_constant260" [id=1811, type=get_attr]; +"1812 _param_constant261" [id=1812, type=get_attr]; +"1813 linear_96" [id=1813, type=linear]; +"1814 gelu_15" [id=1814, type=gelu]; +"1815 dropout_62" [id=1815, type=dropout]; +"1816 _param_constant262" [id=1816, type=get_attr]; +"1817 _param_constant263" [id=1817, type=get_attr]; +"1818 linear_97" [id=1818, type=linear]; +"1819 dropout_63" [id=1819, type=dropout]; +"1820 _param_constant264" [id=1820, type=get_attr]; +"1821 _param_constant265" [id=1821, type=get_attr]; +"1822 layer_norm_34" [id=1822, type=layer_norm]; +"1823 add_55" [id=1823, type=add]; +"1824 _tensor_constant104" [id=1824, type=get_attr]; +"1825 _param_constant266" [id=1825, type=get_attr]; +"1826 _param_constant267" [id=1826, type=get_attr]; +"1827 linear_98" [id=1827, type=linear]; +"1828 relu__16" [id=1828, type=relu_]; +"1829 _param_constant268" [id=1829, type=get_attr]; +"1830 linear_99" [id=1830, type=linear]; +"1831 view_88" [id=1831, type=view]; +"1832 _tensor_constant105" [id=1832, type=get_attr]; +"1833 index_16" [id=1833, type=index]; +"1834 view_89" [id=1834, type=view]; +"1835 permute_73" [id=1835, type=permute]; +"1836 contiguous_30" [id=1836, type=contiguous]; +"1837 unsqueeze_48" [id=1837, type=unsqueeze]; +"1838 sigmoid_16" [id=1838, type=sigmoid]; +"1839 mul_32" [id=1839, type=mul]; +"1840 pad_18" [id=1840, type=pad]; +"1841 view_90" [id=1841, type=view]; +"1842 permute_74" [id=1842, type=permute]; +"1843 reshape_72" [id=1843, type=reshape]; +"1844 _param_constant269" [id=1844, type=get_attr]; +"1845 clone_16" [id=1845, type=clone]; +"1846 slice_245" [id=1846, type=slice]; +"1847 zero__16" [id=1847, type=zero_]; +"1848 _param_constant270" [id=1848, type=get_attr]; +"1849 linear_100" [id=1849, type=linear]; +"1850 reshape_73" [id=1850, type=reshape]; +"1851 permute_75" [id=1851, type=permute]; +"1852 select_48" [id=1852, type=select]; +"1853 select_49" [id=1853, type=select]; +"1854 select_50" [id=1854, type=select]; +"1855 linalg_vector_norm_32" [id=1855, type=linalg_vector_norm]; +"1856 clamp_min_32" [id=1856, type=clamp_min]; +"1857 expand_as_32" [id=1857, type=expand_as]; +"1858 div_32" [id=1858, type=div]; +"1859 linalg_vector_norm_33" [id=1859, type=linalg_vector_norm]; +"1860 clamp_min_33" [id=1860, type=clamp_min]; +"1861 expand_as_33" [id=1861, type=expand_as]; +"1862 div_33" [id=1862, type=div]; +"1863 transpose_32" [id=1863, type=transpose]; +"1864 matmul_32" [id=1864, type=matmul]; +"1865 _param_constant271" [id=1865, type=get_attr]; +"1866 clamp_16" [id=1866, type=clamp]; +"1867 exp_16" [id=1867, type=exp]; +"1868 mul_33" [id=1868, type=mul]; +"1869 add_56" [id=1869, type=add]; +"1870 softmax_16" [id=1870, type=softmax]; +"1871 dropout_64" [id=1871, type=dropout]; +"1872 matmul_33" [id=1872, type=matmul]; +"1873 transpose_33" [id=1873, type=transpose]; +"1874 reshape_74" [id=1874, type=reshape]; +"1875 _param_constant272" [id=1875, type=get_attr]; +"1876 _param_constant273" [id=1876, type=get_attr]; +"1877 linear_101" [id=1877, type=linear]; +"1878 dropout_65" [id=1878, type=dropout]; +"1879 view_91" [id=1879, type=view]; +"1880 permute_76" [id=1880, type=permute]; +"1881 reshape_75" [id=1881, type=reshape]; +"1882 slice_246" [id=1882, type=slice]; +"1883 slice_247" [id=1883, type=slice]; +"1884 slice_248" [id=1884, type=slice]; +"1885 slice_249" [id=1885, type=slice]; +"1886 contiguous_31" [id=1886, type=contiguous]; +"1887 _param_constant274" [id=1887, type=get_attr]; +"1888 _param_constant275" [id=1888, type=get_attr]; +"1889 layer_norm_35" [id=1889, type=layer_norm]; +"1890 add_57" [id=1890, type=add]; +"1891 _param_constant276" [id=1891, type=get_attr]; +"1892 _param_constant277" [id=1892, type=get_attr]; +"1893 linear_102" [id=1893, type=linear]; +"1894 gelu_16" [id=1894, type=gelu]; +"1895 dropout_66" [id=1895, type=dropout]; +"1896 _param_constant278" [id=1896, type=get_attr]; +"1897 _param_constant279" [id=1897, type=get_attr]; +"1898 linear_103" [id=1898, type=linear]; +"1899 dropout_67" [id=1899, type=dropout]; +"1900 _param_constant280" [id=1900, type=get_attr]; +"1901 _param_constant281" [id=1901, type=get_attr]; +"1902 layer_norm_36" [id=1902, type=layer_norm]; +"1903 add_58" [id=1903, type=add]; +"1904 _tensor_constant106" [id=1904, type=get_attr]; +"1905 _param_constant282" [id=1905, type=get_attr]; +"1906 _param_constant283" [id=1906, type=get_attr]; +"1907 linear_104" [id=1907, type=linear]; +"1908 relu__17" [id=1908, type=relu_]; +"1909 _param_constant284" [id=1909, type=get_attr]; +"1910 linear_105" [id=1910, type=linear]; +"1911 view_92" [id=1911, type=view]; +"1912 _tensor_constant107" [id=1912, type=get_attr]; +"1913 index_17" [id=1913, type=index]; +"1914 view_93" [id=1914, type=view]; +"1915 permute_77" [id=1915, type=permute]; +"1916 contiguous_32" [id=1916, type=contiguous]; +"1917 unsqueeze_49" [id=1917, type=unsqueeze]; +"1918 sigmoid_17" [id=1918, type=sigmoid]; +"1919 mul_34" [id=1919, type=mul]; +"1920 pad_19" [id=1920, type=pad]; +"1921 roll_16" [id=1921, type=roll]; +"1922 view_94" [id=1922, type=view]; +"1923 permute_78" [id=1923, type=permute]; +"1924 reshape_76" [id=1924, type=reshape]; +"1925 _param_constant285" [id=1925, type=get_attr]; +"1926 clone_17" [id=1926, type=clone]; +"1927 slice_250" [id=1927, type=slice]; +"1928 zero__17" [id=1928, type=zero_]; +"1929 _param_constant286" [id=1929, type=get_attr]; +"1930 linear_106" [id=1930, type=linear]; +"1931 reshape_77" [id=1931, type=reshape]; +"1932 permute_79" [id=1932, type=permute]; +"1933 select_51" [id=1933, type=select]; +"1934 select_52" [id=1934, type=select]; +"1935 select_53" [id=1935, type=select]; +"1936 linalg_vector_norm_34" [id=1936, type=linalg_vector_norm]; +"1937 clamp_min_34" [id=1937, type=clamp_min]; +"1938 expand_as_34" [id=1938, type=expand_as]; +"1939 div_34" [id=1939, type=div]; +"1940 linalg_vector_norm_35" [id=1940, type=linalg_vector_norm]; +"1941 clamp_min_35" [id=1941, type=clamp_min]; +"1942 expand_as_35" [id=1942, type=expand_as]; +"1943 div_35" [id=1943, type=div]; +"1944 transpose_34" [id=1944, type=transpose]; +"1945 matmul_34" [id=1945, type=matmul]; +"1946 _param_constant287" [id=1946, type=get_attr]; +"1947 clamp_17" [id=1947, type=clamp]; +"1948 exp_17" [id=1948, type=exp]; +"1949 mul_35" [id=1949, type=mul]; +"1950 add_59" [id=1950, type=add]; +"1951 new_zeros_8" [id=1951, type=new_zeros]; +"1952 _tensor_constant108" [id=1952, type=get_attr]; +"1953 lift_fresh_copy_72" [id=1953, type=lift_fresh_copy]; +"1954 slice_251" [id=1954, type=slice]; +"1955 slice_252" [id=1955, type=slice]; +"1956 fill__72" [id=1956, type=fill_]; +"1957 _tensor_constant109" [id=1957, type=get_attr]; +"1958 lift_fresh_copy_73" [id=1958, type=lift_fresh_copy]; +"1959 slice_253" [id=1959, type=slice]; +"1960 slice_254" [id=1960, type=slice]; +"1961 fill__73" [id=1961, type=fill_]; +"1962 _tensor_constant110" [id=1962, type=get_attr]; +"1963 lift_fresh_copy_74" [id=1963, type=lift_fresh_copy]; +"1964 slice_255" [id=1964, type=slice]; +"1965 slice_256" [id=1965, type=slice]; +"1966 fill__74" [id=1966, type=fill_]; +"1967 _tensor_constant111" [id=1967, type=get_attr]; +"1968 lift_fresh_copy_75" [id=1968, type=lift_fresh_copy]; +"1969 slice_257" [id=1969, type=slice]; +"1970 slice_258" [id=1970, type=slice]; +"1971 fill__75" [id=1971, type=fill_]; +"1972 _tensor_constant112" [id=1972, type=get_attr]; +"1973 lift_fresh_copy_76" [id=1973, type=lift_fresh_copy]; +"1974 slice_259" [id=1974, type=slice]; +"1975 slice_260" [id=1975, type=slice]; +"1976 fill__76" [id=1976, type=fill_]; +"1977 _tensor_constant113" [id=1977, type=get_attr]; +"1978 lift_fresh_copy_77" [id=1978, type=lift_fresh_copy]; +"1979 slice_261" [id=1979, type=slice]; +"1980 slice_262" [id=1980, type=slice]; +"1981 fill__77" [id=1981, type=fill_]; +"1982 _tensor_constant114" [id=1982, type=get_attr]; +"1983 lift_fresh_copy_78" [id=1983, type=lift_fresh_copy]; +"1984 slice_263" [id=1984, type=slice]; +"1985 slice_264" [id=1985, type=slice]; +"1986 fill__78" [id=1986, type=fill_]; +"1987 _tensor_constant115" [id=1987, type=get_attr]; +"1988 lift_fresh_copy_79" [id=1988, type=lift_fresh_copy]; +"1989 slice_265" [id=1989, type=slice]; +"1990 slice_266" [id=1990, type=slice]; +"1991 fill__79" [id=1991, type=fill_]; +"1992 _tensor_constant116" [id=1992, type=get_attr]; +"1993 lift_fresh_copy_80" [id=1993, type=lift_fresh_copy]; +"1994 slice_267" [id=1994, type=slice]; +"1995 slice_268" [id=1995, type=slice]; +"1996 fill__80" [id=1996, type=fill_]; +"1997 view_95" [id=1997, type=view]; +"1998 permute_80" [id=1998, type=permute]; +"1999 reshape_78" [id=1999, type=reshape]; +"2000 unsqueeze_50" [id=2000, type=unsqueeze]; +"2001 unsqueeze_51" [id=2001, type=unsqueeze]; +"2002 sub_8" [id=2002, type=sub]; +"2003 ne_8" [id=2003, type=ne]; +"2004 masked_fill_16" [id=2004, type=masked_fill]; +"2005 eq_8" [id=2005, type=eq]; +"2006 masked_fill_17" [id=2006, type=masked_fill]; +"2007 view_96" [id=2007, type=view]; +"2008 unsqueeze_52" [id=2008, type=unsqueeze]; +"2009 unsqueeze_53" [id=2009, type=unsqueeze]; +"2010 add_60" [id=2010, type=add]; +"2011 view_97" [id=2011, type=view]; +"2012 softmax_17" [id=2012, type=softmax]; +"2013 dropout_68" [id=2013, type=dropout]; +"2014 matmul_35" [id=2014, type=matmul]; +"2015 transpose_35" [id=2015, type=transpose]; +"2016 reshape_79" [id=2016, type=reshape]; +"2017 _param_constant288" [id=2017, type=get_attr]; +"2018 _param_constant289" [id=2018, type=get_attr]; +"2019 linear_107" [id=2019, type=linear]; +"2020 dropout_69" [id=2020, type=dropout]; +"2021 view_98" [id=2021, type=view]; +"2022 permute_81" [id=2022, type=permute]; +"2023 reshape_80" [id=2023, type=reshape]; +"2024 roll_17" [id=2024, type=roll]; +"2025 slice_269" [id=2025, type=slice]; +"2026 slice_270" [id=2026, type=slice]; +"2027 slice_271" [id=2027, type=slice]; +"2028 slice_272" [id=2028, type=slice]; +"2029 contiguous_33" [id=2029, type=contiguous]; +"2030 _param_constant290" [id=2030, type=get_attr]; +"2031 _param_constant291" [id=2031, type=get_attr]; +"2032 layer_norm_37" [id=2032, type=layer_norm]; +"2033 add_61" [id=2033, type=add]; +"2034 _param_constant292" [id=2034, type=get_attr]; +"2035 _param_constant293" [id=2035, type=get_attr]; +"2036 linear_108" [id=2036, type=linear]; +"2037 gelu_17" [id=2037, type=gelu]; +"2038 dropout_70" [id=2038, type=dropout]; +"2039 _param_constant294" [id=2039, type=get_attr]; +"2040 _param_constant295" [id=2040, type=get_attr]; +"2041 linear_109" [id=2041, type=linear]; +"2042 dropout_71" [id=2042, type=dropout]; +"2043 _param_constant296" [id=2043, type=get_attr]; +"2044 _param_constant297" [id=2044, type=get_attr]; +"2045 layer_norm_38" [id=2045, type=layer_norm]; +"2046 add_62" [id=2046, type=add]; +"2047 _tensor_constant117" [id=2047, type=get_attr]; +"2048 _param_constant298" [id=2048, type=get_attr]; +"2049 _param_constant299" [id=2049, type=get_attr]; +"2050 linear_110" [id=2050, type=linear]; +"2051 relu__18" [id=2051, type=relu_]; +"2052 _param_constant300" [id=2052, type=get_attr]; +"2053 linear_111" [id=2053, type=linear]; +"2054 view_99" [id=2054, type=view]; +"2055 _tensor_constant118" [id=2055, type=get_attr]; +"2056 index_18" [id=2056, type=index]; +"2057 view_100" [id=2057, type=view]; +"2058 permute_82" [id=2058, type=permute]; +"2059 contiguous_34" [id=2059, type=contiguous]; +"2060 unsqueeze_54" [id=2060, type=unsqueeze]; +"2061 sigmoid_18" [id=2061, type=sigmoid]; +"2062 mul_36" [id=2062, type=mul]; +"2063 pad_20" [id=2063, type=pad]; +"2064 view_101" [id=2064, type=view]; +"2065 permute_83" [id=2065, type=permute]; +"2066 reshape_81" [id=2066, type=reshape]; +"2067 _param_constant301" [id=2067, type=get_attr]; +"2068 clone_18" [id=2068, type=clone]; +"2069 slice_273" [id=2069, type=slice]; +"2070 zero__18" [id=2070, type=zero_]; +"2071 _param_constant302" [id=2071, type=get_attr]; +"2072 linear_112" [id=2072, type=linear]; +"2073 reshape_82" [id=2073, type=reshape]; +"2074 permute_84" [id=2074, type=permute]; +"2075 select_54" [id=2075, type=select]; +"2076 select_55" [id=2076, type=select]; +"2077 select_56" [id=2077, type=select]; +"2078 linalg_vector_norm_36" [id=2078, type=linalg_vector_norm]; +"2079 clamp_min_36" [id=2079, type=clamp_min]; +"2080 expand_as_36" [id=2080, type=expand_as]; +"2081 div_36" [id=2081, type=div]; +"2082 linalg_vector_norm_37" [id=2082, type=linalg_vector_norm]; +"2083 clamp_min_37" [id=2083, type=clamp_min]; +"2084 expand_as_37" [id=2084, type=expand_as]; +"2085 div_37" [id=2085, type=div]; +"2086 transpose_36" [id=2086, type=transpose]; +"2087 matmul_36" [id=2087, type=matmul]; +"2088 _param_constant303" [id=2088, type=get_attr]; +"2089 clamp_18" [id=2089, type=clamp]; +"2090 exp_18" [id=2090, type=exp]; +"2091 mul_37" [id=2091, type=mul]; +"2092 add_63" [id=2092, type=add]; +"2093 softmax_18" [id=2093, type=softmax]; +"2094 dropout_72" [id=2094, type=dropout]; +"2095 matmul_37" [id=2095, type=matmul]; +"2096 transpose_37" [id=2096, type=transpose]; +"2097 reshape_83" [id=2097, type=reshape]; +"2098 _param_constant304" [id=2098, type=get_attr]; +"2099 _param_constant305" [id=2099, type=get_attr]; +"2100 linear_113" [id=2100, type=linear]; +"2101 dropout_73" [id=2101, type=dropout]; +"2102 view_102" [id=2102, type=view]; +"2103 permute_85" [id=2103, type=permute]; +"2104 reshape_84" [id=2104, type=reshape]; +"2105 slice_274" [id=2105, type=slice]; +"2106 slice_275" [id=2106, type=slice]; +"2107 slice_276" [id=2107, type=slice]; +"2108 slice_277" [id=2108, type=slice]; +"2109 contiguous_35" [id=2109, type=contiguous]; +"2110 _param_constant306" [id=2110, type=get_attr]; +"2111 _param_constant307" [id=2111, type=get_attr]; +"2112 layer_norm_39" [id=2112, type=layer_norm]; +"2113 add_64" [id=2113, type=add]; +"2114 _param_constant308" [id=2114, type=get_attr]; +"2115 _param_constant309" [id=2115, type=get_attr]; +"2116 linear_114" [id=2116, type=linear]; +"2117 gelu_18" [id=2117, type=gelu]; +"2118 dropout_74" [id=2118, type=dropout]; +"2119 _param_constant310" [id=2119, type=get_attr]; +"2120 _param_constant311" [id=2120, type=get_attr]; +"2121 linear_115" [id=2121, type=linear]; +"2122 dropout_75" [id=2122, type=dropout]; +"2123 _param_constant312" [id=2123, type=get_attr]; +"2124 _param_constant313" [id=2124, type=get_attr]; +"2125 layer_norm_40" [id=2125, type=layer_norm]; +"2126 add_65" [id=2126, type=add]; +"2127 _tensor_constant119" [id=2127, type=get_attr]; +"2128 _param_constant314" [id=2128, type=get_attr]; +"2129 _param_constant315" [id=2129, type=get_attr]; +"2130 linear_116" [id=2130, type=linear]; +"2131 relu__19" [id=2131, type=relu_]; +"2132 _param_constant316" [id=2132, type=get_attr]; +"2133 linear_117" [id=2133, type=linear]; +"2134 view_103" [id=2134, type=view]; +"2135 _tensor_constant120" [id=2135, type=get_attr]; +"2136 index_19" [id=2136, type=index]; +"2137 view_104" [id=2137, type=view]; +"2138 permute_86" [id=2138, type=permute]; +"2139 contiguous_36" [id=2139, type=contiguous]; +"2140 unsqueeze_55" [id=2140, type=unsqueeze]; +"2141 sigmoid_19" [id=2141, type=sigmoid]; +"2142 mul_38" [id=2142, type=mul]; +"2143 pad_21" [id=2143, type=pad]; +"2144 roll_18" [id=2144, type=roll]; +"2145 view_105" [id=2145, type=view]; +"2146 permute_87" [id=2146, type=permute]; +"2147 reshape_85" [id=2147, type=reshape]; +"2148 _param_constant317" [id=2148, type=get_attr]; +"2149 clone_19" [id=2149, type=clone]; +"2150 slice_278" [id=2150, type=slice]; +"2151 zero__19" [id=2151, type=zero_]; +"2152 _param_constant318" [id=2152, type=get_attr]; +"2153 linear_118" [id=2153, type=linear]; +"2154 reshape_86" [id=2154, type=reshape]; +"2155 permute_88" [id=2155, type=permute]; +"2156 select_57" [id=2156, type=select]; +"2157 select_58" [id=2157, type=select]; +"2158 select_59" [id=2158, type=select]; +"2159 linalg_vector_norm_38" [id=2159, type=linalg_vector_norm]; +"2160 clamp_min_38" [id=2160, type=clamp_min]; +"2161 expand_as_38" [id=2161, type=expand_as]; +"2162 div_38" [id=2162, type=div]; +"2163 linalg_vector_norm_39" [id=2163, type=linalg_vector_norm]; +"2164 clamp_min_39" [id=2164, type=clamp_min]; +"2165 expand_as_39" [id=2165, type=expand_as]; +"2166 div_39" [id=2166, type=div]; +"2167 transpose_38" [id=2167, type=transpose]; +"2168 matmul_38" [id=2168, type=matmul]; +"2169 _param_constant319" [id=2169, type=get_attr]; +"2170 clamp_19" [id=2170, type=clamp]; +"2171 exp_19" [id=2171, type=exp]; +"2172 mul_39" [id=2172, type=mul]; +"2173 add_66" [id=2173, type=add]; +"2174 new_zeros_9" [id=2174, type=new_zeros]; +"2175 _tensor_constant121" [id=2175, type=get_attr]; +"2176 lift_fresh_copy_81" [id=2176, type=lift_fresh_copy]; +"2177 slice_279" [id=2177, type=slice]; +"2178 slice_280" [id=2178, type=slice]; +"2179 fill__81" [id=2179, type=fill_]; +"2180 _tensor_constant122" [id=2180, type=get_attr]; +"2181 lift_fresh_copy_82" [id=2181, type=lift_fresh_copy]; +"2182 slice_281" [id=2182, type=slice]; +"2183 slice_282" [id=2183, type=slice]; +"2184 fill__82" [id=2184, type=fill_]; +"2185 _tensor_constant123" [id=2185, type=get_attr]; +"2186 lift_fresh_copy_83" [id=2186, type=lift_fresh_copy]; +"2187 slice_283" [id=2187, type=slice]; +"2188 slice_284" [id=2188, type=slice]; +"2189 fill__83" [id=2189, type=fill_]; +"2190 _tensor_constant124" [id=2190, type=get_attr]; +"2191 lift_fresh_copy_84" [id=2191, type=lift_fresh_copy]; +"2192 slice_285" [id=2192, type=slice]; +"2193 slice_286" [id=2193, type=slice]; +"2194 fill__84" [id=2194, type=fill_]; +"2195 _tensor_constant125" [id=2195, type=get_attr]; +"2196 lift_fresh_copy_85" [id=2196, type=lift_fresh_copy]; +"2197 slice_287" [id=2197, type=slice]; +"2198 slice_288" [id=2198, type=slice]; +"2199 fill__85" [id=2199, type=fill_]; +"2200 _tensor_constant126" [id=2200, type=get_attr]; +"2201 lift_fresh_copy_86" [id=2201, type=lift_fresh_copy]; +"2202 slice_289" [id=2202, type=slice]; +"2203 slice_290" [id=2203, type=slice]; +"2204 fill__86" [id=2204, type=fill_]; +"2205 _tensor_constant127" [id=2205, type=get_attr]; +"2206 lift_fresh_copy_87" [id=2206, type=lift_fresh_copy]; +"2207 slice_291" [id=2207, type=slice]; +"2208 slice_292" [id=2208, type=slice]; +"2209 fill__87" [id=2209, type=fill_]; +"2210 _tensor_constant128" [id=2210, type=get_attr]; +"2211 lift_fresh_copy_88" [id=2211, type=lift_fresh_copy]; +"2212 slice_293" [id=2212, type=slice]; +"2213 slice_294" [id=2213, type=slice]; +"2214 fill__88" [id=2214, type=fill_]; +"2215 _tensor_constant129" [id=2215, type=get_attr]; +"2216 lift_fresh_copy_89" [id=2216, type=lift_fresh_copy]; +"2217 slice_295" [id=2217, type=slice]; +"2218 slice_296" [id=2218, type=slice]; +"2219 fill__89" [id=2219, type=fill_]; +"2220 view_106" [id=2220, type=view]; +"2221 permute_89" [id=2221, type=permute]; +"2222 reshape_87" [id=2222, type=reshape]; +"2223 unsqueeze_56" [id=2223, type=unsqueeze]; +"2224 unsqueeze_57" [id=2224, type=unsqueeze]; +"2225 sub_9" [id=2225, type=sub]; +"2226 ne_9" [id=2226, type=ne]; +"2227 masked_fill_18" [id=2227, type=masked_fill]; +"2228 eq_9" [id=2228, type=eq]; +"2229 masked_fill_19" [id=2229, type=masked_fill]; +"2230 view_107" [id=2230, type=view]; +"2231 unsqueeze_58" [id=2231, type=unsqueeze]; +"2232 unsqueeze_59" [id=2232, type=unsqueeze]; +"2233 add_67" [id=2233, type=add]; +"2234 view_108" [id=2234, type=view]; +"2235 softmax_19" [id=2235, type=softmax]; +"2236 dropout_76" [id=2236, type=dropout]; +"2237 matmul_39" [id=2237, type=matmul]; +"2238 transpose_39" [id=2238, type=transpose]; +"2239 reshape_88" [id=2239, type=reshape]; +"2240 _param_constant320" [id=2240, type=get_attr]; +"2241 _param_constant321" [id=2241, type=get_attr]; +"2242 linear_119" [id=2242, type=linear]; +"2243 dropout_77" [id=2243, type=dropout]; +"2244 view_109" [id=2244, type=view]; +"2245 permute_90" [id=2245, type=permute]; +"2246 reshape_89" [id=2246, type=reshape]; +"2247 roll_19" [id=2247, type=roll]; +"2248 slice_297" [id=2248, type=slice]; +"2249 slice_298" [id=2249, type=slice]; +"2250 slice_299" [id=2250, type=slice]; +"2251 slice_300" [id=2251, type=slice]; +"2252 contiguous_37" [id=2252, type=contiguous]; +"2253 _param_constant322" [id=2253, type=get_attr]; +"2254 _param_constant323" [id=2254, type=get_attr]; +"2255 layer_norm_41" [id=2255, type=layer_norm]; +"2256 add_68" [id=2256, type=add]; +"2257 _param_constant324" [id=2257, type=get_attr]; +"2258 _param_constant325" [id=2258, type=get_attr]; +"2259 linear_120" [id=2259, type=linear]; +"2260 gelu_19" [id=2260, type=gelu]; +"2261 dropout_78" [id=2261, type=dropout]; +"2262 _param_constant326" [id=2262, type=get_attr]; +"2263 _param_constant327" [id=2263, type=get_attr]; +"2264 linear_121" [id=2264, type=linear]; +"2265 dropout_79" [id=2265, type=dropout]; +"2266 _param_constant328" [id=2266, type=get_attr]; +"2267 _param_constant329" [id=2267, type=get_attr]; +"2268 layer_norm_42" [id=2268, type=layer_norm]; +"2269 add_69" [id=2269, type=add]; +"2270 _tensor_constant130" [id=2270, type=get_attr]; +"2271 _param_constant330" [id=2271, type=get_attr]; +"2272 _param_constant331" [id=2272, type=get_attr]; +"2273 linear_122" [id=2273, type=linear]; +"2274 relu__20" [id=2274, type=relu_]; +"2275 _param_constant332" [id=2275, type=get_attr]; +"2276 linear_123" [id=2276, type=linear]; +"2277 view_110" [id=2277, type=view]; +"2278 _tensor_constant131" [id=2278, type=get_attr]; +"2279 index_20" [id=2279, type=index]; +"2280 view_111" [id=2280, type=view]; +"2281 permute_91" [id=2281, type=permute]; +"2282 contiguous_38" [id=2282, type=contiguous]; +"2283 unsqueeze_60" [id=2283, type=unsqueeze]; +"2284 sigmoid_20" [id=2284, type=sigmoid]; +"2285 mul_40" [id=2285, type=mul]; +"2286 pad_22" [id=2286, type=pad]; +"2287 view_112" [id=2287, type=view]; +"2288 permute_92" [id=2288, type=permute]; +"2289 reshape_90" [id=2289, type=reshape]; +"2290 _param_constant333" [id=2290, type=get_attr]; +"2291 clone_20" [id=2291, type=clone]; +"2292 slice_301" [id=2292, type=slice]; +"2293 zero__20" [id=2293, type=zero_]; +"2294 _param_constant334" [id=2294, type=get_attr]; +"2295 linear_124" [id=2295, type=linear]; +"2296 reshape_91" [id=2296, type=reshape]; +"2297 permute_93" [id=2297, type=permute]; +"2298 select_60" [id=2298, type=select]; +"2299 select_61" [id=2299, type=select]; +"2300 select_62" [id=2300, type=select]; +"2301 linalg_vector_norm_40" [id=2301, type=linalg_vector_norm]; +"2302 clamp_min_40" [id=2302, type=clamp_min]; +"2303 expand_as_40" [id=2303, type=expand_as]; +"2304 div_40" [id=2304, type=div]; +"2305 linalg_vector_norm_41" [id=2305, type=linalg_vector_norm]; +"2306 clamp_min_41" [id=2306, type=clamp_min]; +"2307 expand_as_41" [id=2307, type=expand_as]; +"2308 div_41" [id=2308, type=div]; +"2309 transpose_40" [id=2309, type=transpose]; +"2310 matmul_40" [id=2310, type=matmul]; +"2311 _param_constant335" [id=2311, type=get_attr]; +"2312 clamp_20" [id=2312, type=clamp]; +"2313 exp_20" [id=2313, type=exp]; +"2314 mul_41" [id=2314, type=mul]; +"2315 add_70" [id=2315, type=add]; +"2316 softmax_20" [id=2316, type=softmax]; +"2317 dropout_80" [id=2317, type=dropout]; +"2318 matmul_41" [id=2318, type=matmul]; +"2319 transpose_41" [id=2319, type=transpose]; +"2320 reshape_92" [id=2320, type=reshape]; +"2321 _param_constant336" [id=2321, type=get_attr]; +"2322 _param_constant337" [id=2322, type=get_attr]; +"2323 linear_125" [id=2323, type=linear]; +"2324 dropout_81" [id=2324, type=dropout]; +"2325 view_113" [id=2325, type=view]; +"2326 permute_94" [id=2326, type=permute]; +"2327 reshape_93" [id=2327, type=reshape]; +"2328 slice_302" [id=2328, type=slice]; +"2329 slice_303" [id=2329, type=slice]; +"2330 slice_304" [id=2330, type=slice]; +"2331 slice_305" [id=2331, type=slice]; +"2332 contiguous_39" [id=2332, type=contiguous]; +"2333 _param_constant338" [id=2333, type=get_attr]; +"2334 _param_constant339" [id=2334, type=get_attr]; +"2335 layer_norm_43" [id=2335, type=layer_norm]; +"2336 add_71" [id=2336, type=add]; +"2337 _param_constant340" [id=2337, type=get_attr]; +"2338 _param_constant341" [id=2338, type=get_attr]; +"2339 linear_126" [id=2339, type=linear]; +"2340 gelu_20" [id=2340, type=gelu]; +"2341 dropout_82" [id=2341, type=dropout]; +"2342 _param_constant342" [id=2342, type=get_attr]; +"2343 _param_constant343" [id=2343, type=get_attr]; +"2344 linear_127" [id=2344, type=linear]; +"2345 dropout_83" [id=2345, type=dropout]; +"2346 _param_constant344" [id=2346, type=get_attr]; +"2347 _param_constant345" [id=2347, type=get_attr]; +"2348 layer_norm_44" [id=2348, type=layer_norm]; +"2349 add_72" [id=2349, type=add]; +"2350 _tensor_constant132" [id=2350, type=get_attr]; +"2351 _param_constant346" [id=2351, type=get_attr]; +"2352 _param_constant347" [id=2352, type=get_attr]; +"2353 linear_128" [id=2353, type=linear]; +"2354 relu__21" [id=2354, type=relu_]; +"2355 _param_constant348" [id=2355, type=get_attr]; +"2356 linear_129" [id=2356, type=linear]; +"2357 view_114" [id=2357, type=view]; +"2358 _tensor_constant133" [id=2358, type=get_attr]; +"2359 index_21" [id=2359, type=index]; +"2360 view_115" [id=2360, type=view]; +"2361 permute_95" [id=2361, type=permute]; +"2362 contiguous_40" [id=2362, type=contiguous]; +"2363 unsqueeze_61" [id=2363, type=unsqueeze]; +"2364 sigmoid_21" [id=2364, type=sigmoid]; +"2365 mul_42" [id=2365, type=mul]; +"2366 pad_23" [id=2366, type=pad]; +"2367 roll_20" [id=2367, type=roll]; +"2368 view_116" [id=2368, type=view]; +"2369 permute_96" [id=2369, type=permute]; +"2370 reshape_94" [id=2370, type=reshape]; +"2371 _param_constant349" [id=2371, type=get_attr]; +"2372 clone_21" [id=2372, type=clone]; +"2373 slice_306" [id=2373, type=slice]; +"2374 zero__21" [id=2374, type=zero_]; +"2375 _param_constant350" [id=2375, type=get_attr]; +"2376 linear_130" [id=2376, type=linear]; +"2377 reshape_95" [id=2377, type=reshape]; +"2378 permute_97" [id=2378, type=permute]; +"2379 select_63" [id=2379, type=select]; +"2380 select_64" [id=2380, type=select]; +"2381 select_65" [id=2381, type=select]; +"2382 linalg_vector_norm_42" [id=2382, type=linalg_vector_norm]; +"2383 clamp_min_42" [id=2383, type=clamp_min]; +"2384 expand_as_42" [id=2384, type=expand_as]; +"2385 div_42" [id=2385, type=div]; +"2386 linalg_vector_norm_43" [id=2386, type=linalg_vector_norm]; +"2387 clamp_min_43" [id=2387, type=clamp_min]; +"2388 expand_as_43" [id=2388, type=expand_as]; +"2389 div_43" [id=2389, type=div]; +"2390 transpose_42" [id=2390, type=transpose]; +"2391 matmul_42" [id=2391, type=matmul]; +"2392 _param_constant351" [id=2392, type=get_attr]; +"2393 clamp_21" [id=2393, type=clamp]; +"2394 exp_21" [id=2394, type=exp]; +"2395 mul_43" [id=2395, type=mul]; +"2396 add_73" [id=2396, type=add]; +"2397 new_zeros_10" [id=2397, type=new_zeros]; +"2398 _tensor_constant134" [id=2398, type=get_attr]; +"2399 lift_fresh_copy_90" [id=2399, type=lift_fresh_copy]; +"2400 slice_307" [id=2400, type=slice]; +"2401 slice_308" [id=2401, type=slice]; +"2402 fill__90" [id=2402, type=fill_]; +"2403 _tensor_constant135" [id=2403, type=get_attr]; +"2404 lift_fresh_copy_91" [id=2404, type=lift_fresh_copy]; +"2405 slice_309" [id=2405, type=slice]; +"2406 slice_310" [id=2406, type=slice]; +"2407 fill__91" [id=2407, type=fill_]; +"2408 _tensor_constant136" [id=2408, type=get_attr]; +"2409 lift_fresh_copy_92" [id=2409, type=lift_fresh_copy]; +"2410 slice_311" [id=2410, type=slice]; +"2411 slice_312" [id=2411, type=slice]; +"2412 fill__92" [id=2412, type=fill_]; +"2413 _tensor_constant137" [id=2413, type=get_attr]; +"2414 lift_fresh_copy_93" [id=2414, type=lift_fresh_copy]; +"2415 slice_313" [id=2415, type=slice]; +"2416 slice_314" [id=2416, type=slice]; +"2417 fill__93" [id=2417, type=fill_]; +"2418 _tensor_constant138" [id=2418, type=get_attr]; +"2419 lift_fresh_copy_94" [id=2419, type=lift_fresh_copy]; +"2420 slice_315" [id=2420, type=slice]; +"2421 slice_316" [id=2421, type=slice]; +"2422 fill__94" [id=2422, type=fill_]; +"2423 _tensor_constant139" [id=2423, type=get_attr]; +"2424 lift_fresh_copy_95" [id=2424, type=lift_fresh_copy]; +"2425 slice_317" [id=2425, type=slice]; +"2426 slice_318" [id=2426, type=slice]; +"2427 fill__95" [id=2427, type=fill_]; +"2428 _tensor_constant140" [id=2428, type=get_attr]; +"2429 lift_fresh_copy_96" [id=2429, type=lift_fresh_copy]; +"2430 slice_319" [id=2430, type=slice]; +"2431 slice_320" [id=2431, type=slice]; +"2432 fill__96" [id=2432, type=fill_]; +"2433 _tensor_constant141" [id=2433, type=get_attr]; +"2434 lift_fresh_copy_97" [id=2434, type=lift_fresh_copy]; +"2435 slice_321" [id=2435, type=slice]; +"2436 slice_322" [id=2436, type=slice]; +"2437 fill__97" [id=2437, type=fill_]; +"2438 _tensor_constant142" [id=2438, type=get_attr]; +"2439 lift_fresh_copy_98" [id=2439, type=lift_fresh_copy]; +"2440 slice_323" [id=2440, type=slice]; +"2441 slice_324" [id=2441, type=slice]; +"2442 fill__98" [id=2442, type=fill_]; +"2443 view_117" [id=2443, type=view]; +"2444 permute_98" [id=2444, type=permute]; +"2445 reshape_96" [id=2445, type=reshape]; +"2446 unsqueeze_62" [id=2446, type=unsqueeze]; +"2447 unsqueeze_63" [id=2447, type=unsqueeze]; +"2448 sub_10" [id=2448, type=sub]; +"2449 ne_10" [id=2449, type=ne]; +"2450 masked_fill_20" [id=2450, type=masked_fill]; +"2451 eq_10" [id=2451, type=eq]; +"2452 masked_fill_21" [id=2452, type=masked_fill]; +"2453 view_118" [id=2453, type=view]; +"2454 unsqueeze_64" [id=2454, type=unsqueeze]; +"2455 unsqueeze_65" [id=2455, type=unsqueeze]; +"2456 add_74" [id=2456, type=add]; +"2457 view_119" [id=2457, type=view]; +"2458 softmax_21" [id=2458, type=softmax]; +"2459 dropout_84" [id=2459, type=dropout]; +"2460 matmul_43" [id=2460, type=matmul]; +"2461 transpose_43" [id=2461, type=transpose]; +"2462 reshape_97" [id=2462, type=reshape]; +"2463 _param_constant352" [id=2463, type=get_attr]; +"2464 _param_constant353" [id=2464, type=get_attr]; +"2465 linear_131" [id=2465, type=linear]; +"2466 dropout_85" [id=2466, type=dropout]; +"2467 view_120" [id=2467, type=view]; +"2468 permute_99" [id=2468, type=permute]; +"2469 reshape_98" [id=2469, type=reshape]; +"2470 roll_21" [id=2470, type=roll]; +"2471 slice_325" [id=2471, type=slice]; +"2472 slice_326" [id=2472, type=slice]; +"2473 slice_327" [id=2473, type=slice]; +"2474 slice_328" [id=2474, type=slice]; +"2475 contiguous_41" [id=2475, type=contiguous]; +"2476 _param_constant354" [id=2476, type=get_attr]; +"2477 _param_constant355" [id=2477, type=get_attr]; +"2478 layer_norm_45" [id=2478, type=layer_norm]; +"2479 add_75" [id=2479, type=add]; +"2480 _param_constant356" [id=2480, type=get_attr]; +"2481 _param_constant357" [id=2481, type=get_attr]; +"2482 linear_132" [id=2482, type=linear]; +"2483 gelu_21" [id=2483, type=gelu]; +"2484 dropout_86" [id=2484, type=dropout]; +"2485 _param_constant358" [id=2485, type=get_attr]; +"2486 _param_constant359" [id=2486, type=get_attr]; +"2487 linear_133" [id=2487, type=linear]; +"2488 dropout_87" [id=2488, type=dropout]; +"2489 _param_constant360" [id=2489, type=get_attr]; +"2490 _param_constant361" [id=2490, type=get_attr]; +"2491 layer_norm_46" [id=2491, type=layer_norm]; +"2492 add_76" [id=2492, type=add]; +"2493 pad_24" [id=2493, type=pad]; +"2494 slice_329" [id=2494, type=slice]; +"2495 slice_330" [id=2495, type=slice]; +"2496 slice_331" [id=2496, type=slice]; +"2497 slice_332" [id=2497, type=slice]; +"2498 slice_333" [id=2498, type=slice]; +"2499 slice_334" [id=2499, type=slice]; +"2500 slice_335" [id=2500, type=slice]; +"2501 slice_336" [id=2501, type=slice]; +"2502 slice_337" [id=2502, type=slice]; +"2503 slice_338" [id=2503, type=slice]; +"2504 slice_339" [id=2504, type=slice]; +"2505 slice_340" [id=2505, type=slice]; +"2506 cat_2" [id=2506, type=cat]; +"2507 _param_constant362" [id=2507, type=get_attr]; +"2508 linear_134" [id=2508, type=linear]; +"2509 _param_constant363" [id=2509, type=get_attr]; +"2510 _param_constant364" [id=2510, type=get_attr]; +"2511 layer_norm_47" [id=2511, type=layer_norm]; +"2512 _tensor_constant143" [id=2512, type=get_attr]; +"2513 _param_constant365" [id=2513, type=get_attr]; +"2514 _param_constant366" [id=2514, type=get_attr]; +"2515 linear_135" [id=2515, type=linear]; +"2516 relu__22" [id=2516, type=relu_]; +"2517 _param_constant367" [id=2517, type=get_attr]; +"2518 linear_136" [id=2518, type=linear]; +"2519 view_121" [id=2519, type=view]; +"2520 _tensor_constant144" [id=2520, type=get_attr]; +"2521 index_22" [id=2521, type=index]; +"2522 view_122" [id=2522, type=view]; +"2523 permute_100" [id=2523, type=permute]; +"2524 contiguous_42" [id=2524, type=contiguous]; +"2525 unsqueeze_66" [id=2525, type=unsqueeze]; +"2526 sigmoid_22" [id=2526, type=sigmoid]; +"2527 mul_44" [id=2527, type=mul]; +"2528 pad_25" [id=2528, type=pad]; +"2529 view_123" [id=2529, type=view]; +"2530 permute_101" [id=2530, type=permute]; +"2531 reshape_99" [id=2531, type=reshape]; +"2532 _param_constant368" [id=2532, type=get_attr]; +"2533 clone_22" [id=2533, type=clone]; +"2534 slice_341" [id=2534, type=slice]; +"2535 zero__22" [id=2535, type=zero_]; +"2536 _param_constant369" [id=2536, type=get_attr]; +"2537 linear_137" [id=2537, type=linear]; +"2538 reshape_100" [id=2538, type=reshape]; +"2539 permute_102" [id=2539, type=permute]; +"2540 select_66" [id=2540, type=select]; +"2541 select_67" [id=2541, type=select]; +"2542 select_68" [id=2542, type=select]; +"2543 linalg_vector_norm_44" [id=2543, type=linalg_vector_norm]; +"2544 clamp_min_44" [id=2544, type=clamp_min]; +"2545 expand_as_44" [id=2545, type=expand_as]; +"2546 div_44" [id=2546, type=div]; +"2547 linalg_vector_norm_45" [id=2547, type=linalg_vector_norm]; +"2548 clamp_min_45" [id=2548, type=clamp_min]; +"2549 expand_as_45" [id=2549, type=expand_as]; +"2550 div_45" [id=2550, type=div]; +"2551 transpose_44" [id=2551, type=transpose]; +"2552 matmul_44" [id=2552, type=matmul]; +"2553 _param_constant370" [id=2553, type=get_attr]; +"2554 clamp_22" [id=2554, type=clamp]; +"2555 exp_22" [id=2555, type=exp]; +"2556 mul_45" [id=2556, type=mul]; +"2557 add_77" [id=2557, type=add]; +"2558 softmax_22" [id=2558, type=softmax]; +"2559 dropout_88" [id=2559, type=dropout]; +"2560 matmul_45" [id=2560, type=matmul]; +"2561 transpose_45" [id=2561, type=transpose]; +"2562 reshape_101" [id=2562, type=reshape]; +"2563 _param_constant371" [id=2563, type=get_attr]; +"2564 _param_constant372" [id=2564, type=get_attr]; +"2565 linear_138" [id=2565, type=linear]; +"2566 dropout_89" [id=2566, type=dropout]; +"2567 view_124" [id=2567, type=view]; +"2568 permute_103" [id=2568, type=permute]; +"2569 reshape_102" [id=2569, type=reshape]; +"2570 slice_342" [id=2570, type=slice]; +"2571 slice_343" [id=2571, type=slice]; +"2572 slice_344" [id=2572, type=slice]; +"2573 slice_345" [id=2573, type=slice]; +"2574 contiguous_43" [id=2574, type=contiguous]; +"2575 _param_constant373" [id=2575, type=get_attr]; +"2576 _param_constant374" [id=2576, type=get_attr]; +"2577 layer_norm_48" [id=2577, type=layer_norm]; +"2578 add_78" [id=2578, type=add]; +"2579 _param_constant375" [id=2579, type=get_attr]; +"2580 _param_constant376" [id=2580, type=get_attr]; +"2581 linear_139" [id=2581, type=linear]; +"2582 gelu_22" [id=2582, type=gelu]; +"2583 dropout_90" [id=2583, type=dropout]; +"2584 _param_constant377" [id=2584, type=get_attr]; +"2585 _param_constant378" [id=2585, type=get_attr]; +"2586 linear_140" [id=2586, type=linear]; +"2587 dropout_91" [id=2587, type=dropout]; +"2588 _param_constant379" [id=2588, type=get_attr]; +"2589 _param_constant380" [id=2589, type=get_attr]; +"2590 layer_norm_49" [id=2590, type=layer_norm]; +"2591 add_79" [id=2591, type=add]; +"2592 _tensor_constant145" [id=2592, type=get_attr]; +"2593 _param_constant381" [id=2593, type=get_attr]; +"2594 _param_constant382" [id=2594, type=get_attr]; +"2595 linear_141" [id=2595, type=linear]; +"2596 relu__23" [id=2596, type=relu_]; +"2597 _param_constant383" [id=2597, type=get_attr]; +"2598 linear_142" [id=2598, type=linear]; +"2599 view_125" [id=2599, type=view]; +"2600 _tensor_constant146" [id=2600, type=get_attr]; +"2601 index_23" [id=2601, type=index]; +"2602 view_126" [id=2602, type=view]; +"2603 permute_104" [id=2603, type=permute]; +"2604 contiguous_44" [id=2604, type=contiguous]; +"2605 unsqueeze_67" [id=2605, type=unsqueeze]; +"2606 sigmoid_23" [id=2606, type=sigmoid]; +"2607 mul_46" [id=2607, type=mul]; +"2608 pad_26" [id=2608, type=pad]; +"2609 view_127" [id=2609, type=view]; +"2610 permute_105" [id=2610, type=permute]; +"2611 reshape_103" [id=2611, type=reshape]; +"2612 _param_constant384" [id=2612, type=get_attr]; +"2613 clone_23" [id=2613, type=clone]; +"2614 slice_346" [id=2614, type=slice]; +"2615 zero__23" [id=2615, type=zero_]; +"2616 _param_constant385" [id=2616, type=get_attr]; +"2617 linear_143" [id=2617, type=linear]; +"2618 reshape_104" [id=2618, type=reshape]; +"2619 permute_106" [id=2619, type=permute]; +"2620 select_69" [id=2620, type=select]; +"2621 select_70" [id=2621, type=select]; +"2622 select_71" [id=2622, type=select]; +"2623 linalg_vector_norm_46" [id=2623, type=linalg_vector_norm]; +"2624 clamp_min_46" [id=2624, type=clamp_min]; +"2625 expand_as_46" [id=2625, type=expand_as]; +"2626 div_46" [id=2626, type=div]; +"2627 linalg_vector_norm_47" [id=2627, type=linalg_vector_norm]; +"2628 clamp_min_47" [id=2628, type=clamp_min]; +"2629 expand_as_47" [id=2629, type=expand_as]; +"2630 div_47" [id=2630, type=div]; +"2631 transpose_46" [id=2631, type=transpose]; +"2632 matmul_46" [id=2632, type=matmul]; +"2633 _param_constant386" [id=2633, type=get_attr]; +"2634 clamp_23" [id=2634, type=clamp]; +"2635 exp_23" [id=2635, type=exp]; +"2636 mul_47" [id=2636, type=mul]; +"2637 add_80" [id=2637, type=add]; +"2638 softmax_23" [id=2638, type=softmax]; +"2639 dropout_92" [id=2639, type=dropout]; +"2640 matmul_47" [id=2640, type=matmul]; +"2641 transpose_47" [id=2641, type=transpose]; +"2642 reshape_105" [id=2642, type=reshape]; +"2643 _param_constant387" [id=2643, type=get_attr]; +"2644 _param_constant388" [id=2644, type=get_attr]; +"2645 linear_144" [id=2645, type=linear]; +"2646 dropout_93" [id=2646, type=dropout]; +"2647 view_128" [id=2647, type=view]; +"2648 permute_107" [id=2648, type=permute]; +"2649 reshape_106" [id=2649, type=reshape]; +"2650 slice_347" [id=2650, type=slice]; +"2651 slice_348" [id=2651, type=slice]; +"2652 slice_349" [id=2652, type=slice]; +"2653 slice_350" [id=2653, type=slice]; +"2654 contiguous_45" [id=2654, type=contiguous]; +"2655 _param_constant389" [id=2655, type=get_attr]; +"2656 _param_constant390" [id=2656, type=get_attr]; +"2657 layer_norm_50" [id=2657, type=layer_norm]; +"2658 add_81" [id=2658, type=add]; +"2659 _param_constant391" [id=2659, type=get_attr]; +"2660 _param_constant392" [id=2660, type=get_attr]; +"2661 linear_145" [id=2661, type=linear]; +"2662 gelu_23" [id=2662, type=gelu]; +"2663 dropout_94" [id=2663, type=dropout]; +"2664 _param_constant393" [id=2664, type=get_attr]; +"2665 _param_constant394" [id=2665, type=get_attr]; +"2666 linear_146" [id=2666, type=linear]; +"2667 dropout_95" [id=2667, type=dropout]; +"2668 _param_constant395" [id=2668, type=get_attr]; +"2669 _param_constant396" [id=2669, type=get_attr]; +"2670 layer_norm_51" [id=2670, type=layer_norm]; +"2671 add_82" [id=2671, type=add]; +"2672 _param_constant397" [id=2672, type=get_attr]; +"2673 _param_constant398" [id=2673, type=get_attr]; +"2674 layer_norm_52" [id=2674, type=layer_norm]; +"2675 permute_108" [id=2675, type=permute]; +"2676 adaptive_avg_pool2d" [id=2676, type=adaptive_avg_pool2d]; +"2677 flatten" [id=2677, type=flatten]; +"2678 _param_constant399" [id=2678, type=get_attr]; +"2679 _param_constant400" [id=2679, type=get_attr]; +"2680 linear_147" [id=2680, type=linear]; +"2681 output" [id=2681, type=output]; +"0 arg0_1" -> "3 conv2d" [label="(1, 3, 224, 224)", style=solid]; +"1 _param_constant0" -> "3 conv2d" [label="(96, 3, 4, 4)", style=solid]; +"2 _param_constant1" -> "3 conv2d" [label="(96,)", style=solid]; +"3 conv2d" -> "4 permute" [label="(1, 96, 56, 56)", style=solid]; +"4 permute" -> "7 layer_norm" [label="(1, 56, 56, 96)", style=solid]; +"5 _param_constant2" -> "7 layer_norm" [label="(96,)", style=solid]; +"6 _param_constant3" -> "7 layer_norm" [label="(96,)", style=solid]; +"7 layer_norm" -> "24 pad" [label="(1, 56, 56, 96)", style=solid]; +"7 layer_norm" -> "71 add_1" [label="(1, 56, 56, 96)", style=solid]; +"8 _tensor_constant0" -> "11 linear" [label="(1, 15, 15, 2)", style=solid]; +"9 _param_constant4" -> "11 linear" [label="(512, 2)", style=solid]; +"10 _param_constant5" -> "11 linear" [label="(512,)", style=solid]; +"11 linear" -> "12 relu_" [label="(1, 15, 15, 512)", style=solid]; +"12 relu_" -> "14 linear_1" [label="(1, 15, 15, 512)", style=solid]; +"13 _param_constant6" -> "14 linear_1" [label="(3, 512)", style=solid]; +"14 linear_1" -> "15 view" [label="(1, 15, 15, 3)", style=solid]; +"15 view" -> "17 index" [label="(225, 3)", style=solid]; +"16 _tensor_constant1" -> "17 index" [label="(4096,)", style=solid]; +"17 index" -> "18 view_1" [label="(4096, 3)", style=solid]; +"18 view_1" -> "19 permute_1" [label="(64, 64, 3)", style=solid]; +"19 permute_1" -> "20 contiguous" [label="(3, 64, 64)", style=solid]; +"20 contiguous" -> "21 unsqueeze" [label="(3, 64, 64)", style=solid]; +"21 unsqueeze" -> "22 sigmoid" [label="(1, 3, 64, 64)", style=solid]; +"22 sigmoid" -> "23 mul" [label="(1, 3, 64, 64)", style=solid]; +"23 mul" -> "53 add" [label="(1, 3, 64, 64)", style=solid]; +"24 pad" -> "25 view_2" [label="(1, 56, 56, 96)", style=solid]; +"25 view_2" -> "26 permute_2" [label="(1, 7, 8, 7, 8, 96)", style=solid]; +"26 permute_2" -> "27 reshape" [label="(1, 7, 7, 8, 8, 96)", style=solid]; +"27 reshape" -> "33 linear_2" [label="(49, 64, 96)", style=solid]; +"28 _param_constant7" -> "29 clone" [label="(288,)", style=solid]; +"29 clone" -> "30 slice_1" [label="(288,)", style=solid]; +"29 clone" -> "33 linear_2" [label="(288,)", style=solid]; +"30 slice_1" -> "31 zero_" [label="(96,)", style=solid]; +"32 _param_constant8" -> "33 linear_2" [label="(288, 96)", style=solid]; +"33 linear_2" -> "34 reshape_1" [label="(49, 64, 288)", style=solid]; +"34 reshape_1" -> "35 permute_3" [label="(49, 64, 3, 3, 32)", style=solid]; +"35 permute_3" -> "36 select" [label="(3, 49, 3, 64, 32)", style=solid]; +"35 permute_3" -> "37 select_1" [label="(3, 49, 3, 64, 32)", style=solid]; +"35 permute_3" -> "38 select_2" [label="(3, 49, 3, 64, 32)", style=solid]; +"36 select" -> "39 linalg_vector_norm" [label="(49, 3, 64, 32)", style=solid]; +"36 select" -> "41 expand_as" [label="(49, 3, 64, 32)", style=solid]; +"36 select" -> "42 div" [label="(49, 3, 64, 32)", style=solid]; +"37 select_1" -> "43 linalg_vector_norm_1" [label="(49, 3, 64, 32)", style=solid]; +"37 select_1" -> "45 expand_as_1" [label="(49, 3, 64, 32)", style=solid]; +"37 select_1" -> "46 div_1" [label="(49, 3, 64, 32)", style=solid]; +"38 select_2" -> "56 matmul_1" [label="(49, 3, 64, 32)", style=solid]; +"39 linalg_vector_norm" -> "40 clamp_min" [label="(49, 3, 64, 1)", style=solid]; +"40 clamp_min" -> "41 expand_as" [label="(49, 3, 64, 1)", style=solid]; +"41 expand_as" -> "42 div" [label="(49, 3, 64, 32)", style=solid]; +"42 div" -> "48 matmul" [label="(49, 3, 64, 32)", style=solid]; +"43 linalg_vector_norm_1" -> "44 clamp_min_1" [label="(49, 3, 64, 1)", style=solid]; +"44 clamp_min_1" -> "45 expand_as_1" [label="(49, 3, 64, 1)", style=solid]; +"45 expand_as_1" -> "46 div_1" [label="(49, 3, 64, 32)", style=solid]; +"46 div_1" -> "47 transpose" [label="(49, 3, 64, 32)", style=solid]; +"47 transpose" -> "48 matmul" [label="(49, 3, 32, 64)", style=solid]; +"48 matmul" -> "52 mul_1" [label="(49, 3, 64, 64)", style=solid]; +"49 _param_constant9" -> "50 clamp" [label="(3, 1, 1)", style=solid]; +"50 clamp" -> "51 exp" [label="(3, 1, 1)", style=solid]; +"51 exp" -> "52 mul_1" [label="(3, 1, 1)", style=solid]; +"52 mul_1" -> "53 add" [label="(49, 3, 64, 64)", style=solid]; +"53 add" -> "54 softmax" [label="(49, 3, 64, 64)", style=solid]; +"54 softmax" -> "55 dropout" [label="(49, 3, 64, 64)", style=solid]; +"55 dropout" -> "56 matmul_1" [label="(49, 3, 64, 64)", style=solid]; +"56 matmul_1" -> "57 transpose_1" [label="(49, 3, 64, 32)", style=solid]; +"57 transpose_1" -> "58 reshape_2" [label="(49, 64, 3, 32)", style=solid]; +"58 reshape_2" -> "61 linear_3" [label="(49, 64, 96)", style=solid]; +"59 _param_constant10" -> "61 linear_3" [label="(96, 96)", style=solid]; +"60 _param_constant11" -> "61 linear_3" [label="(96,)", style=solid]; +"61 linear_3" -> "62 dropout_1" [label="(49, 64, 96)", style=solid]; +"62 dropout_1" -> "63 view_3" [label="(49, 64, 96)", style=solid]; +"63 view_3" -> "64 permute_4" [label="(1, 7, 7, 8, 8, 96)", style=solid]; +"64 permute_4" -> "65 reshape_3" [label="(1, 7, 8, 7, 8, 96)", style=solid]; +"65 reshape_3" -> "66 slice_2" [label="(1, 56, 56, 96)", style=solid]; +"66 slice_2" -> "67 slice_3" [label="(1, 56, 56, 96)", style=solid]; +"67 slice_3" -> "70 layer_norm_1" [label="(1, 56, 56, 96)", style=solid]; +"68 _param_constant12" -> "70 layer_norm_1" [label="(96,)", style=solid]; +"69 _param_constant13" -> "70 layer_norm_1" [label="(96,)", style=solid]; +"70 layer_norm_1" -> "71 add_1" [label="(1, 56, 56, 96)", style=solid]; +"71 add_1" -> "74 linear_4" [label="(1, 56, 56, 96)", style=solid]; +"71 add_1" -> "84 add_2" [label="(1, 56, 56, 96)", style=solid]; +"72 _param_constant14" -> "74 linear_4" [label="(384, 96)", style=solid]; +"73 _param_constant15" -> "74 linear_4" [label="(384,)", style=solid]; +"74 linear_4" -> "75 gelu" [label="(1, 56, 56, 384)", style=solid]; +"75 gelu" -> "76 dropout_2" [label="(1, 56, 56, 384)", style=solid]; +"76 dropout_2" -> "79 linear_5" [label="(1, 56, 56, 384)", style=solid]; +"77 _param_constant16" -> "79 linear_5" [label="(96, 384)", style=solid]; +"78 _param_constant17" -> "79 linear_5" [label="(96,)", style=solid]; +"79 linear_5" -> "80 dropout_3" [label="(1, 56, 56, 96)", style=solid]; +"80 dropout_3" -> "83 layer_norm_2" [label="(1, 56, 56, 96)", style=solid]; +"81 _param_constant18" -> "83 layer_norm_2" [label="(96,)", style=solid]; +"82 _param_constant19" -> "83 layer_norm_2" [label="(96,)", style=solid]; +"83 layer_norm_2" -> "84 add_2" [label="(1, 56, 56, 96)", style=solid]; +"84 add_2" -> "101 pad_1" [label="(1, 56, 56, 96)", style=solid]; +"84 add_2" -> "211 add_5" [label="(1, 56, 56, 96)", style=solid]; +"85 _tensor_constant2" -> "88 linear_6" [label="(1, 15, 15, 2)", style=solid]; +"86 _param_constant20" -> "88 linear_6" [label="(512, 2)", style=solid]; +"87 _param_constant21" -> "88 linear_6" [label="(512,)", style=solid]; +"88 linear_6" -> "89 relu__1" [label="(1, 15, 15, 512)", style=solid]; +"89 relu__1" -> "91 linear_7" [label="(1, 15, 15, 512)", style=solid]; +"90 _param_constant22" -> "91 linear_7" [label="(3, 512)", style=solid]; +"91 linear_7" -> "92 view_4" [label="(1, 15, 15, 3)", style=solid]; +"92 view_4" -> "94 index_1" [label="(225, 3)", style=solid]; +"93 _tensor_constant3" -> "94 index_1" [label="(4096,)", style=solid]; +"94 index_1" -> "95 view_5" [label="(4096, 3)", style=solid]; +"95 view_5" -> "96 permute_5" [label="(64, 64, 3)", style=solid]; +"96 permute_5" -> "97 contiguous_1" [label="(3, 64, 64)", style=solid]; +"97 contiguous_1" -> "98 unsqueeze_1" [label="(3, 64, 64)", style=solid]; +"98 unsqueeze_1" -> "99 sigmoid_1" [label="(1, 3, 64, 64)", style=solid]; +"99 sigmoid_1" -> "100 mul_2" [label="(1, 3, 64, 64)", style=solid]; +"100 mul_2" -> "131 add_3" [label="(1, 3, 64, 64)", style=solid]; +"101 pad_1" -> "102 roll" [label="(1, 56, 56, 96)", style=solid]; +"102 roll" -> "103 view_6" [label="(1, 56, 56, 96)", style=solid]; +"103 view_6" -> "104 permute_6" [label="(1, 7, 8, 7, 8, 96)", style=solid]; +"104 permute_6" -> "105 reshape_4" [label="(1, 7, 7, 8, 8, 96)", style=solid]; +"105 reshape_4" -> "111 linear_8" [label="(49, 64, 96)", style=solid]; +"105 reshape_4" -> "132 new_zeros" [label="(49, 64, 96)", style=solid]; +"106 _param_constant23" -> "107 clone_1" [label="(288,)", style=solid]; +"107 clone_1" -> "108 slice_4" [label="(288,)", style=solid]; +"107 clone_1" -> "111 linear_8" [label="(288,)", style=solid]; +"108 slice_4" -> "109 zero__1" [label="(96,)", style=solid]; +"110 _param_constant24" -> "111 linear_8" [label="(288, 96)", style=solid]; +"111 linear_8" -> "112 reshape_5" [label="(49, 64, 288)", style=solid]; +"112 reshape_5" -> "113 permute_7" [label="(49, 64, 3, 3, 32)", style=solid]; +"113 permute_7" -> "114 select_3" [label="(3, 49, 3, 64, 32)", style=solid]; +"113 permute_7" -> "115 select_4" [label="(3, 49, 3, 64, 32)", style=solid]; +"113 permute_7" -> "116 select_5" [label="(3, 49, 3, 64, 32)", style=solid]; +"114 select_3" -> "117 linalg_vector_norm_2" [label="(49, 3, 64, 32)", style=solid]; +"114 select_3" -> "119 expand_as_2" [label="(49, 3, 64, 32)", style=solid]; +"114 select_3" -> "120 div_2" [label="(49, 3, 64, 32)", style=solid]; +"115 select_4" -> "121 linalg_vector_norm_3" [label="(49, 3, 64, 32)", style=solid]; +"115 select_4" -> "123 expand_as_3" [label="(49, 3, 64, 32)", style=solid]; +"115 select_4" -> "124 div_3" [label="(49, 3, 64, 32)", style=solid]; +"116 select_5" -> "195 matmul_3" [label="(49, 3, 64, 32)", style=solid]; +"117 linalg_vector_norm_2" -> "118 clamp_min_2" [label="(49, 3, 64, 1)", style=solid]; +"118 clamp_min_2" -> "119 expand_as_2" [label="(49, 3, 64, 1)", style=solid]; +"119 expand_as_2" -> "120 div_2" [label="(49, 3, 64, 32)", style=solid]; +"120 div_2" -> "126 matmul_2" [label="(49, 3, 64, 32)", style=solid]; +"121 linalg_vector_norm_3" -> "122 clamp_min_3" [label="(49, 3, 64, 1)", style=solid]; +"122 clamp_min_3" -> "123 expand_as_3" [label="(49, 3, 64, 1)", style=solid]; +"123 expand_as_3" -> "124 div_3" [label="(49, 3, 64, 32)", style=solid]; +"124 div_3" -> "125 transpose_2" [label="(49, 3, 64, 32)", style=solid]; +"125 transpose_2" -> "126 matmul_2" [label="(49, 3, 32, 64)", style=solid]; +"126 matmul_2" -> "130 mul_3" [label="(49, 3, 64, 64)", style=solid]; +"127 _param_constant25" -> "128 clamp_1" [label="(3, 1, 1)", style=solid]; +"128 clamp_1" -> "129 exp_1" [label="(3, 1, 1)", style=solid]; +"129 exp_1" -> "130 mul_3" [label="(3, 1, 1)", style=solid]; +"130 mul_3" -> "131 add_3" [label="(49, 3, 64, 64)", style=solid]; +"131 add_3" -> "188 view_8" [label="(49, 3, 64, 64)", style=solid]; +"132 new_zeros" -> "135 slice_5" [label="(56, 56)", style=solid]; +"132 new_zeros" -> "140 slice_7" [label="(56, 56)", style=solid]; +"132 new_zeros" -> "145 slice_9" [label="(56, 56)", style=solid]; +"132 new_zeros" -> "150 slice_11" [label="(56, 56)", style=solid]; +"132 new_zeros" -> "155 slice_13" [label="(56, 56)", style=solid]; +"132 new_zeros" -> "160 slice_15" [label="(56, 56)", style=solid]; +"132 new_zeros" -> "165 slice_17" [label="(56, 56)", style=solid]; +"132 new_zeros" -> "170 slice_19" [label="(56, 56)", style=solid]; +"132 new_zeros" -> "175 slice_21" [label="(56, 56)", style=solid]; +"132 new_zeros" -> "178 view_7" [label="(56, 56)", style=solid]; +"133 _tensor_constant4" -> "134 lift_fresh_copy" [label="()", style=solid]; +"134 lift_fresh_copy" -> "137 fill_" [label="()", style=solid]; +"135 slice_5" -> "136 slice_6" [label="(48, 56)", style=solid]; +"136 slice_6" -> "137 fill_" [label="(48, 48)", style=solid]; +"138 _tensor_constant5" -> "139 lift_fresh_copy_1" [label="()", style=solid]; +"139 lift_fresh_copy_1" -> "142 fill__1" [label="()", style=solid]; +"140 slice_7" -> "141 slice_8" [label="(48, 56)", style=solid]; +"141 slice_8" -> "142 fill__1" [label="(48, 4)", style=solid]; +"143 _tensor_constant6" -> "144 lift_fresh_copy_2" [label="()", style=solid]; +"144 lift_fresh_copy_2" -> "147 fill__2" [label="()", style=solid]; +"145 slice_9" -> "146 slice_10" [label="(48, 56)", style=solid]; +"146 slice_10" -> "147 fill__2" [label="(48, 4)", style=solid]; +"148 _tensor_constant7" -> "149 lift_fresh_copy_3" [label="()", style=solid]; +"149 lift_fresh_copy_3" -> "152 fill__3" [label="()", style=solid]; +"150 slice_11" -> "151 slice_12" [label="(4, 56)", style=solid]; +"151 slice_12" -> "152 fill__3" [label="(4, 48)", style=solid]; +"153 _tensor_constant8" -> "154 lift_fresh_copy_4" [label="()", style=solid]; +"154 lift_fresh_copy_4" -> "157 fill__4" [label="()", style=solid]; +"155 slice_13" -> "156 slice_14" [label="(4, 56)", style=solid]; +"156 slice_14" -> "157 fill__4" [label="(4, 4)", style=solid]; +"158 _tensor_constant9" -> "159 lift_fresh_copy_5" [label="()", style=solid]; +"159 lift_fresh_copy_5" -> "162 fill__5" [label="()", style=solid]; +"160 slice_15" -> "161 slice_16" [label="(4, 56)", style=solid]; +"161 slice_16" -> "162 fill__5" [label="(4, 4)", style=solid]; +"163 _tensor_constant10" -> "164 lift_fresh_copy_6" [label="()", style=solid]; +"164 lift_fresh_copy_6" -> "167 fill__6" [label="()", style=solid]; +"165 slice_17" -> "166 slice_18" [label="(4, 56)", style=solid]; +"166 slice_18" -> "167 fill__6" [label="(4, 48)", style=solid]; +"168 _tensor_constant11" -> "169 lift_fresh_copy_7" [label="()", style=solid]; +"169 lift_fresh_copy_7" -> "172 fill__7" [label="()", style=solid]; +"170 slice_19" -> "171 slice_20" [label="(4, 56)", style=solid]; +"171 slice_20" -> "172 fill__7" [label="(4, 4)", style=solid]; +"173 _tensor_constant12" -> "174 lift_fresh_copy_8" [label="()", style=solid]; +"174 lift_fresh_copy_8" -> "177 fill__8" [label="()", style=solid]; +"175 slice_21" -> "176 slice_22" [label="(4, 56)", style=solid]; +"176 slice_22" -> "177 fill__8" [label="(4, 4)", style=solid]; +"178 view_7" -> "179 permute_8" [label="(7, 8, 7, 8)", style=solid]; +"179 permute_8" -> "180 reshape_6" [label="(7, 7, 8, 8)", style=solid]; +"180 reshape_6" -> "181 unsqueeze_2" [label="(49, 64)", style=solid]; +"180 reshape_6" -> "182 unsqueeze_3" [label="(49, 64)", style=solid]; +"181 unsqueeze_2" -> "183 sub" [label="(49, 1, 64)", style=solid]; +"182 unsqueeze_3" -> "183 sub" [label="(49, 64, 1)", style=solid]; +"183 sub" -> "184 ne" [label="(49, 64, 64)", style=solid]; +"183 sub" -> "185 masked_fill" [label="(49, 64, 64)", style=solid]; +"183 sub" -> "186 eq" [label="(49, 64, 64)", style=solid]; +"184 ne" -> "185 masked_fill" [label="(49, 64, 64)", style=solid]; +"185 masked_fill" -> "187 masked_fill_1" [label="(49, 64, 64)", style=solid]; +"186 eq" -> "187 masked_fill_1" [label="(49, 64, 64)", style=solid]; +"187 masked_fill_1" -> "189 unsqueeze_4" [label="(49, 64, 64)", style=solid]; +"188 view_8" -> "191 add_4" [label="(1, 49, 3, 64, 64)", style=solid]; +"189 unsqueeze_4" -> "190 unsqueeze_5" [label="(49, 1, 64, 64)", style=solid]; +"190 unsqueeze_5" -> "191 add_4" [label="(1, 49, 1, 64, 64)", style=solid]; +"191 add_4" -> "192 view_9" [label="(1, 49, 3, 64, 64)", style=solid]; +"192 view_9" -> "193 softmax_1" [label="(49, 3, 64, 64)", style=solid]; +"193 softmax_1" -> "194 dropout_4" [label="(49, 3, 64, 64)", style=solid]; +"194 dropout_4" -> "195 matmul_3" [label="(49, 3, 64, 64)", style=solid]; +"195 matmul_3" -> "196 transpose_3" [label="(49, 3, 64, 32)", style=solid]; +"196 transpose_3" -> "197 reshape_7" [label="(49, 64, 3, 32)", style=solid]; +"197 reshape_7" -> "200 linear_9" [label="(49, 64, 96)", style=solid]; +"198 _param_constant26" -> "200 linear_9" [label="(96, 96)", style=solid]; +"199 _param_constant27" -> "200 linear_9" [label="(96,)", style=solid]; +"200 linear_9" -> "201 dropout_5" [label="(49, 64, 96)", style=solid]; +"201 dropout_5" -> "202 view_10" [label="(49, 64, 96)", style=solid]; +"202 view_10" -> "203 permute_9" [label="(1, 7, 7, 8, 8, 96)", style=solid]; +"203 permute_9" -> "204 reshape_8" [label="(1, 7, 8, 7, 8, 96)", style=solid]; +"204 reshape_8" -> "205 roll_1" [label="(1, 56, 56, 96)", style=solid]; +"205 roll_1" -> "206 slice_23" [label="(1, 56, 56, 96)", style=solid]; +"206 slice_23" -> "207 slice_24" [label="(1, 56, 56, 96)", style=solid]; +"207 slice_24" -> "210 layer_norm_3" [label="(1, 56, 56, 96)", style=solid]; +"208 _param_constant28" -> "210 layer_norm_3" [label="(96,)", style=solid]; +"209 _param_constant29" -> "210 layer_norm_3" [label="(96,)", style=solid]; +"210 layer_norm_3" -> "211 add_5" [label="(1, 56, 56, 96)", style=solid]; +"211 add_5" -> "214 linear_10" [label="(1, 56, 56, 96)", style=solid]; +"211 add_5" -> "224 add_6" [label="(1, 56, 56, 96)", style=solid]; +"212 _param_constant30" -> "214 linear_10" [label="(384, 96)", style=solid]; +"213 _param_constant31" -> "214 linear_10" [label="(384,)", style=solid]; +"214 linear_10" -> "215 gelu_1" [label="(1, 56, 56, 384)", style=solid]; +"215 gelu_1" -> "216 dropout_6" [label="(1, 56, 56, 384)", style=solid]; +"216 dropout_6" -> "219 linear_11" [label="(1, 56, 56, 384)", style=solid]; +"217 _param_constant32" -> "219 linear_11" [label="(96, 384)", style=solid]; +"218 _param_constant33" -> "219 linear_11" [label="(96,)", style=solid]; +"219 linear_11" -> "220 dropout_7" [label="(1, 56, 56, 96)", style=solid]; +"220 dropout_7" -> "223 layer_norm_4" [label="(1, 56, 56, 96)", style=solid]; +"221 _param_constant34" -> "223 layer_norm_4" [label="(96,)", style=solid]; +"222 _param_constant35" -> "223 layer_norm_4" [label="(96,)", style=solid]; +"223 layer_norm_4" -> "224 add_6" [label="(1, 56, 56, 96)", style=solid]; +"224 add_6" -> "225 pad_2" [label="(1, 56, 56, 96)", style=solid]; +"225 pad_2" -> "226 slice_25" [label="(1, 56, 56, 96)", style=solid]; +"225 pad_2" -> "229 slice_28" [label="(1, 56, 56, 96)", style=solid]; +"225 pad_2" -> "232 slice_31" [label="(1, 56, 56, 96)", style=solid]; +"225 pad_2" -> "235 slice_34" [label="(1, 56, 56, 96)", style=solid]; +"226 slice_25" -> "227 slice_26" [label="(1, 28, 56, 96)", style=solid]; +"227 slice_26" -> "228 slice_27" [label="(1, 28, 28, 96)", style=solid]; +"228 slice_27" -> "238 cat" [label="(1, 28, 28, 96)", style=solid]; +"229 slice_28" -> "230 slice_29" [label="(1, 28, 56, 96)", style=solid]; +"230 slice_29" -> "231 slice_30" [label="(1, 28, 28, 96)", style=solid]; +"231 slice_30" -> "238 cat" [label="(1, 28, 28, 96)", style=solid]; +"232 slice_31" -> "233 slice_32" [label="(1, 28, 56, 96)", style=solid]; +"233 slice_32" -> "234 slice_33" [label="(1, 28, 28, 96)", style=solid]; +"234 slice_33" -> "238 cat" [label="(1, 28, 28, 96)", style=solid]; +"235 slice_34" -> "236 slice_35" [label="(1, 28, 56, 96)", style=solid]; +"236 slice_35" -> "237 slice_36" [label="(1, 28, 28, 96)", style=solid]; +"237 slice_36" -> "238 cat" [label="(1, 28, 28, 96)", style=solid]; +"238 cat" -> "240 linear_12" [label="(1, 28, 28, 384)", style=solid]; +"239 _param_constant36" -> "240 linear_12" [label="(192, 384)", style=solid]; +"240 linear_12" -> "243 layer_norm_5" [label="(1, 28, 28, 192)", style=solid]; +"241 _param_constant37" -> "243 layer_norm_5" [label="(192,)", style=solid]; +"242 _param_constant38" -> "243 layer_norm_5" [label="(192,)", style=solid]; +"243 layer_norm_5" -> "260 pad_3" [label="(1, 28, 28, 192)", style=solid]; +"243 layer_norm_5" -> "310 add_8" [label="(1, 28, 28, 192)", style=solid]; +"244 _tensor_constant13" -> "247 linear_13" [label="(1, 15, 15, 2)", style=solid]; +"245 _param_constant39" -> "247 linear_13" [label="(512, 2)", style=solid]; +"246 _param_constant40" -> "247 linear_13" [label="(512,)", style=solid]; +"247 linear_13" -> "248 relu__2" [label="(1, 15, 15, 512)", style=solid]; +"248 relu__2" -> "250 linear_14" [label="(1, 15, 15, 512)", style=solid]; +"249 _param_constant41" -> "250 linear_14" [label="(6, 512)", style=solid]; +"250 linear_14" -> "251 view_11" [label="(1, 15, 15, 6)", style=solid]; +"251 view_11" -> "253 index_2" [label="(225, 6)", style=solid]; +"252 _tensor_constant14" -> "253 index_2" [label="(4096,)", style=solid]; +"253 index_2" -> "254 view_12" [label="(4096, 6)", style=solid]; +"254 view_12" -> "255 permute_10" [label="(64, 64, 6)", style=solid]; +"255 permute_10" -> "256 contiguous_2" [label="(6, 64, 64)", style=solid]; +"256 contiguous_2" -> "257 unsqueeze_6" [label="(6, 64, 64)", style=solid]; +"257 unsqueeze_6" -> "258 sigmoid_2" [label="(1, 6, 64, 64)", style=solid]; +"258 sigmoid_2" -> "259 mul_4" [label="(1, 6, 64, 64)", style=solid]; +"259 mul_4" -> "289 add_7" [label="(1, 6, 64, 64)", style=solid]; +"260 pad_3" -> "261 view_13" [label="(1, 32, 32, 192)", style=solid]; +"261 view_13" -> "262 permute_11" [label="(1, 4, 8, 4, 8, 192)", style=solid]; +"262 permute_11" -> "263 reshape_9" [label="(1, 4, 4, 8, 8, 192)", style=solid]; +"263 reshape_9" -> "269 linear_15" [label="(16, 64, 192)", style=solid]; +"264 _param_constant42" -> "265 clone_2" [label="(576,)", style=solid]; +"265 clone_2" -> "266 slice_37" [label="(576,)", style=solid]; +"265 clone_2" -> "269 linear_15" [label="(576,)", style=solid]; +"266 slice_37" -> "267 zero__2" [label="(192,)", style=solid]; +"268 _param_constant43" -> "269 linear_15" [label="(576, 192)", style=solid]; +"269 linear_15" -> "270 reshape_10" [label="(16, 64, 576)", style=solid]; +"270 reshape_10" -> "271 permute_12" [label="(16, 64, 3, 6, 32)", style=solid]; +"271 permute_12" -> "272 select_6" [label="(3, 16, 6, 64, 32)", style=solid]; +"271 permute_12" -> "273 select_7" [label="(3, 16, 6, 64, 32)", style=solid]; +"271 permute_12" -> "274 select_8" [label="(3, 16, 6, 64, 32)", style=solid]; +"272 select_6" -> "275 linalg_vector_norm_4" [label="(16, 6, 64, 32)", style=solid]; +"272 select_6" -> "277 expand_as_4" [label="(16, 6, 64, 32)", style=solid]; +"272 select_6" -> "278 div_4" [label="(16, 6, 64, 32)", style=solid]; +"273 select_7" -> "279 linalg_vector_norm_5" [label="(16, 6, 64, 32)", style=solid]; +"273 select_7" -> "281 expand_as_5" [label="(16, 6, 64, 32)", style=solid]; +"273 select_7" -> "282 div_5" [label="(16, 6, 64, 32)", style=solid]; +"274 select_8" -> "292 matmul_5" [label="(16, 6, 64, 32)", style=solid]; +"275 linalg_vector_norm_4" -> "276 clamp_min_4" [label="(16, 6, 64, 1)", style=solid]; +"276 clamp_min_4" -> "277 expand_as_4" [label="(16, 6, 64, 1)", style=solid]; +"277 expand_as_4" -> "278 div_4" [label="(16, 6, 64, 32)", style=solid]; +"278 div_4" -> "284 matmul_4" [label="(16, 6, 64, 32)", style=solid]; +"279 linalg_vector_norm_5" -> "280 clamp_min_5" [label="(16, 6, 64, 1)", style=solid]; +"280 clamp_min_5" -> "281 expand_as_5" [label="(16, 6, 64, 1)", style=solid]; +"281 expand_as_5" -> "282 div_5" [label="(16, 6, 64, 32)", style=solid]; +"282 div_5" -> "283 transpose_4" [label="(16, 6, 64, 32)", style=solid]; +"283 transpose_4" -> "284 matmul_4" [label="(16, 6, 32, 64)", style=solid]; +"284 matmul_4" -> "288 mul_5" [label="(16, 6, 64, 64)", style=solid]; +"285 _param_constant44" -> "286 clamp_2" [label="(6, 1, 1)", style=solid]; +"286 clamp_2" -> "287 exp_2" [label="(6, 1, 1)", style=solid]; +"287 exp_2" -> "288 mul_5" [label="(6, 1, 1)", style=solid]; +"288 mul_5" -> "289 add_7" [label="(16, 6, 64, 64)", style=solid]; +"289 add_7" -> "290 softmax_2" [label="(16, 6, 64, 64)", style=solid]; +"290 softmax_2" -> "291 dropout_8" [label="(16, 6, 64, 64)", style=solid]; +"291 dropout_8" -> "292 matmul_5" [label="(16, 6, 64, 64)", style=solid]; +"292 matmul_5" -> "293 transpose_5" [label="(16, 6, 64, 32)", style=solid]; +"293 transpose_5" -> "294 reshape_11" [label="(16, 64, 6, 32)", style=solid]; +"294 reshape_11" -> "297 linear_16" [label="(16, 64, 192)", style=solid]; +"295 _param_constant45" -> "297 linear_16" [label="(192, 192)", style=solid]; +"296 _param_constant46" -> "297 linear_16" [label="(192,)", style=solid]; +"297 linear_16" -> "298 dropout_9" [label="(16, 64, 192)", style=solid]; +"298 dropout_9" -> "299 view_14" [label="(16, 64, 192)", style=solid]; +"299 view_14" -> "300 permute_13" [label="(1, 4, 4, 8, 8, 192)", style=solid]; +"300 permute_13" -> "301 reshape_12" [label="(1, 4, 8, 4, 8, 192)", style=solid]; +"301 reshape_12" -> "302 slice_38" [label="(1, 32, 32, 192)", style=solid]; +"302 slice_38" -> "303 slice_39" [label="(1, 32, 32, 192)", style=solid]; +"303 slice_39" -> "304 slice_40" [label="(1, 28, 32, 192)", style=solid]; +"304 slice_40" -> "305 slice_41" [label="(1, 28, 28, 192)", style=solid]; +"305 slice_41" -> "306 contiguous_3" [label="(1, 28, 28, 192)", style=solid]; +"306 contiguous_3" -> "309 layer_norm_6" [label="(1, 28, 28, 192)", style=solid]; +"307 _param_constant47" -> "309 layer_norm_6" [label="(192,)", style=solid]; +"308 _param_constant48" -> "309 layer_norm_6" [label="(192,)", style=solid]; +"309 layer_norm_6" -> "310 add_8" [label="(1, 28, 28, 192)", style=solid]; +"310 add_8" -> "313 linear_17" [label="(1, 28, 28, 192)", style=solid]; +"310 add_8" -> "323 add_9" [label="(1, 28, 28, 192)", style=solid]; +"311 _param_constant49" -> "313 linear_17" [label="(768, 192)", style=solid]; +"312 _param_constant50" -> "313 linear_17" [label="(768,)", style=solid]; +"313 linear_17" -> "314 gelu_2" [label="(1, 28, 28, 768)", style=solid]; +"314 gelu_2" -> "315 dropout_10" [label="(1, 28, 28, 768)", style=solid]; +"315 dropout_10" -> "318 linear_18" [label="(1, 28, 28, 768)", style=solid]; +"316 _param_constant51" -> "318 linear_18" [label="(192, 768)", style=solid]; +"317 _param_constant52" -> "318 linear_18" [label="(192,)", style=solid]; +"318 linear_18" -> "319 dropout_11" [label="(1, 28, 28, 192)", style=solid]; +"319 dropout_11" -> "322 layer_norm_7" [label="(1, 28, 28, 192)", style=solid]; +"320 _param_constant53" -> "322 layer_norm_7" [label="(192,)", style=solid]; +"321 _param_constant54" -> "322 layer_norm_7" [label="(192,)", style=solid]; +"322 layer_norm_7" -> "323 add_9" [label="(1, 28, 28, 192)", style=solid]; +"323 add_9" -> "340 pad_4" [label="(1, 28, 28, 192)", style=solid]; +"323 add_9" -> "453 add_12" [label="(1, 28, 28, 192)", style=solid]; +"324 _tensor_constant15" -> "327 linear_19" [label="(1, 15, 15, 2)", style=solid]; +"325 _param_constant55" -> "327 linear_19" [label="(512, 2)", style=solid]; +"326 _param_constant56" -> "327 linear_19" [label="(512,)", style=solid]; +"327 linear_19" -> "328 relu__3" [label="(1, 15, 15, 512)", style=solid]; +"328 relu__3" -> "330 linear_20" [label="(1, 15, 15, 512)", style=solid]; +"329 _param_constant57" -> "330 linear_20" [label="(6, 512)", style=solid]; +"330 linear_20" -> "331 view_15" [label="(1, 15, 15, 6)", style=solid]; +"331 view_15" -> "333 index_3" [label="(225, 6)", style=solid]; +"332 _tensor_constant16" -> "333 index_3" [label="(4096,)", style=solid]; +"333 index_3" -> "334 view_16" [label="(4096, 6)", style=solid]; +"334 view_16" -> "335 permute_14" [label="(64, 64, 6)", style=solid]; +"335 permute_14" -> "336 contiguous_4" [label="(6, 64, 64)", style=solid]; +"336 contiguous_4" -> "337 unsqueeze_7" [label="(6, 64, 64)", style=solid]; +"337 unsqueeze_7" -> "338 sigmoid_3" [label="(1, 6, 64, 64)", style=solid]; +"338 sigmoid_3" -> "339 mul_6" [label="(1, 6, 64, 64)", style=solid]; +"339 mul_6" -> "370 add_10" [label="(1, 6, 64, 64)", style=solid]; +"340 pad_4" -> "341 roll_2" [label="(1, 32, 32, 192)", style=solid]; +"341 roll_2" -> "342 view_17" [label="(1, 32, 32, 192)", style=solid]; +"342 view_17" -> "343 permute_15" [label="(1, 4, 8, 4, 8, 192)", style=solid]; +"343 permute_15" -> "344 reshape_13" [label="(1, 4, 4, 8, 8, 192)", style=solid]; +"344 reshape_13" -> "350 linear_21" [label="(16, 64, 192)", style=solid]; +"344 reshape_13" -> "371 new_zeros_1" [label="(16, 64, 192)", style=solid]; +"345 _param_constant58" -> "346 clone_3" [label="(576,)", style=solid]; +"346 clone_3" -> "347 slice_42" [label="(576,)", style=solid]; +"346 clone_3" -> "350 linear_21" [label="(576,)", style=solid]; +"347 slice_42" -> "348 zero__3" [label="(192,)", style=solid]; +"349 _param_constant59" -> "350 linear_21" [label="(576, 192)", style=solid]; +"350 linear_21" -> "351 reshape_14" [label="(16, 64, 576)", style=solid]; +"351 reshape_14" -> "352 permute_16" [label="(16, 64, 3, 6, 32)", style=solid]; +"352 permute_16" -> "353 select_9" [label="(3, 16, 6, 64, 32)", style=solid]; +"352 permute_16" -> "354 select_10" [label="(3, 16, 6, 64, 32)", style=solid]; +"352 permute_16" -> "355 select_11" [label="(3, 16, 6, 64, 32)", style=solid]; +"353 select_9" -> "356 linalg_vector_norm_6" [label="(16, 6, 64, 32)", style=solid]; +"353 select_9" -> "358 expand_as_6" [label="(16, 6, 64, 32)", style=solid]; +"353 select_9" -> "359 div_6" [label="(16, 6, 64, 32)", style=solid]; +"354 select_10" -> "360 linalg_vector_norm_7" [label="(16, 6, 64, 32)", style=solid]; +"354 select_10" -> "362 expand_as_7" [label="(16, 6, 64, 32)", style=solid]; +"354 select_10" -> "363 div_7" [label="(16, 6, 64, 32)", style=solid]; +"355 select_11" -> "434 matmul_7" [label="(16, 6, 64, 32)", style=solid]; +"356 linalg_vector_norm_6" -> "357 clamp_min_6" [label="(16, 6, 64, 1)", style=solid]; +"357 clamp_min_6" -> "358 expand_as_6" [label="(16, 6, 64, 1)", style=solid]; +"358 expand_as_6" -> "359 div_6" [label="(16, 6, 64, 32)", style=solid]; +"359 div_6" -> "365 matmul_6" [label="(16, 6, 64, 32)", style=solid]; +"360 linalg_vector_norm_7" -> "361 clamp_min_7" [label="(16, 6, 64, 1)", style=solid]; +"361 clamp_min_7" -> "362 expand_as_7" [label="(16, 6, 64, 1)", style=solid]; +"362 expand_as_7" -> "363 div_7" [label="(16, 6, 64, 32)", style=solid]; +"363 div_7" -> "364 transpose_6" [label="(16, 6, 64, 32)", style=solid]; +"364 transpose_6" -> "365 matmul_6" [label="(16, 6, 32, 64)", style=solid]; +"365 matmul_6" -> "369 mul_7" [label="(16, 6, 64, 64)", style=solid]; +"366 _param_constant60" -> "367 clamp_3" [label="(6, 1, 1)", style=solid]; +"367 clamp_3" -> "368 exp_3" [label="(6, 1, 1)", style=solid]; +"368 exp_3" -> "369 mul_7" [label="(6, 1, 1)", style=solid]; +"369 mul_7" -> "370 add_10" [label="(16, 6, 64, 64)", style=solid]; +"370 add_10" -> "427 view_19" [label="(16, 6, 64, 64)", style=solid]; +"371 new_zeros_1" -> "374 slice_43" [label="(32, 32)", style=solid]; +"371 new_zeros_1" -> "379 slice_45" [label="(32, 32)", style=solid]; +"371 new_zeros_1" -> "384 slice_47" [label="(32, 32)", style=solid]; +"371 new_zeros_1" -> "389 slice_49" [label="(32, 32)", style=solid]; +"371 new_zeros_1" -> "394 slice_51" [label="(32, 32)", style=solid]; +"371 new_zeros_1" -> "399 slice_53" [label="(32, 32)", style=solid]; +"371 new_zeros_1" -> "404 slice_55" [label="(32, 32)", style=solid]; +"371 new_zeros_1" -> "409 slice_57" [label="(32, 32)", style=solid]; +"371 new_zeros_1" -> "414 slice_59" [label="(32, 32)", style=solid]; +"371 new_zeros_1" -> "417 view_18" [label="(32, 32)", style=solid]; +"372 _tensor_constant17" -> "373 lift_fresh_copy_9" [label="()", style=solid]; +"373 lift_fresh_copy_9" -> "376 fill__9" [label="()", style=solid]; +"374 slice_43" -> "375 slice_44" [label="(24, 32)", style=solid]; +"375 slice_44" -> "376 fill__9" [label="(24, 24)", style=solid]; +"377 _tensor_constant18" -> "378 lift_fresh_copy_10" [label="()", style=solid]; +"378 lift_fresh_copy_10" -> "381 fill__10" [label="()", style=solid]; +"379 slice_45" -> "380 slice_46" [label="(24, 32)", style=solid]; +"380 slice_46" -> "381 fill__10" [label="(24, 4)", style=solid]; +"382 _tensor_constant19" -> "383 lift_fresh_copy_11" [label="()", style=solid]; +"383 lift_fresh_copy_11" -> "386 fill__11" [label="()", style=solid]; +"384 slice_47" -> "385 slice_48" [label="(24, 32)", style=solid]; +"385 slice_48" -> "386 fill__11" [label="(24, 4)", style=solid]; +"387 _tensor_constant20" -> "388 lift_fresh_copy_12" [label="()", style=solid]; +"388 lift_fresh_copy_12" -> "391 fill__12" [label="()", style=solid]; +"389 slice_49" -> "390 slice_50" [label="(4, 32)", style=solid]; +"390 slice_50" -> "391 fill__12" [label="(4, 24)", style=solid]; +"392 _tensor_constant21" -> "393 lift_fresh_copy_13" [label="()", style=solid]; +"393 lift_fresh_copy_13" -> "396 fill__13" [label="()", style=solid]; +"394 slice_51" -> "395 slice_52" [label="(4, 32)", style=solid]; +"395 slice_52" -> "396 fill__13" [label="(4, 4)", style=solid]; +"397 _tensor_constant22" -> "398 lift_fresh_copy_14" [label="()", style=solid]; +"398 lift_fresh_copy_14" -> "401 fill__14" [label="()", style=solid]; +"399 slice_53" -> "400 slice_54" [label="(4, 32)", style=solid]; +"400 slice_54" -> "401 fill__14" [label="(4, 4)", style=solid]; +"402 _tensor_constant23" -> "403 lift_fresh_copy_15" [label="()", style=solid]; +"403 lift_fresh_copy_15" -> "406 fill__15" [label="()", style=solid]; +"404 slice_55" -> "405 slice_56" [label="(4, 32)", style=solid]; +"405 slice_56" -> "406 fill__15" [label="(4, 24)", style=solid]; +"407 _tensor_constant24" -> "408 lift_fresh_copy_16" [label="()", style=solid]; +"408 lift_fresh_copy_16" -> "411 fill__16" [label="()", style=solid]; +"409 slice_57" -> "410 slice_58" [label="(4, 32)", style=solid]; +"410 slice_58" -> "411 fill__16" [label="(4, 4)", style=solid]; +"412 _tensor_constant25" -> "413 lift_fresh_copy_17" [label="()", style=solid]; +"413 lift_fresh_copy_17" -> "416 fill__17" [label="()", style=solid]; +"414 slice_59" -> "415 slice_60" [label="(4, 32)", style=solid]; +"415 slice_60" -> "416 fill__17" [label="(4, 4)", style=solid]; +"417 view_18" -> "418 permute_17" [label="(4, 8, 4, 8)", style=solid]; +"418 permute_17" -> "419 reshape_15" [label="(4, 4, 8, 8)", style=solid]; +"419 reshape_15" -> "420 unsqueeze_8" [label="(16, 64)", style=solid]; +"419 reshape_15" -> "421 unsqueeze_9" [label="(16, 64)", style=solid]; +"420 unsqueeze_8" -> "422 sub_1" [label="(16, 1, 64)", style=solid]; +"421 unsqueeze_9" -> "422 sub_1" [label="(16, 64, 1)", style=solid]; +"422 sub_1" -> "423 ne_1" [label="(16, 64, 64)", style=solid]; +"422 sub_1" -> "424 masked_fill_2" [label="(16, 64, 64)", style=solid]; +"422 sub_1" -> "425 eq_1" [label="(16, 64, 64)", style=solid]; +"423 ne_1" -> "424 masked_fill_2" [label="(16, 64, 64)", style=solid]; +"424 masked_fill_2" -> "426 masked_fill_3" [label="(16, 64, 64)", style=solid]; +"425 eq_1" -> "426 masked_fill_3" [label="(16, 64, 64)", style=solid]; +"426 masked_fill_3" -> "428 unsqueeze_10" [label="(16, 64, 64)", style=solid]; +"427 view_19" -> "430 add_11" [label="(1, 16, 6, 64, 64)", style=solid]; +"428 unsqueeze_10" -> "429 unsqueeze_11" [label="(16, 1, 64, 64)", style=solid]; +"429 unsqueeze_11" -> "430 add_11" [label="(1, 16, 1, 64, 64)", style=solid]; +"430 add_11" -> "431 view_20" [label="(1, 16, 6, 64, 64)", style=solid]; +"431 view_20" -> "432 softmax_3" [label="(16, 6, 64, 64)", style=solid]; +"432 softmax_3" -> "433 dropout_12" [label="(16, 6, 64, 64)", style=solid]; +"433 dropout_12" -> "434 matmul_7" [label="(16, 6, 64, 64)", style=solid]; +"434 matmul_7" -> "435 transpose_7" [label="(16, 6, 64, 32)", style=solid]; +"435 transpose_7" -> "436 reshape_16" [label="(16, 64, 6, 32)", style=solid]; +"436 reshape_16" -> "439 linear_22" [label="(16, 64, 192)", style=solid]; +"437 _param_constant61" -> "439 linear_22" [label="(192, 192)", style=solid]; +"438 _param_constant62" -> "439 linear_22" [label="(192,)", style=solid]; +"439 linear_22" -> "440 dropout_13" [label="(16, 64, 192)", style=solid]; +"440 dropout_13" -> "441 view_21" [label="(16, 64, 192)", style=solid]; +"441 view_21" -> "442 permute_18" [label="(1, 4, 4, 8, 8, 192)", style=solid]; +"442 permute_18" -> "443 reshape_17" [label="(1, 4, 8, 4, 8, 192)", style=solid]; +"443 reshape_17" -> "444 roll_3" [label="(1, 32, 32, 192)", style=solid]; +"444 roll_3" -> "445 slice_61" [label="(1, 32, 32, 192)", style=solid]; +"445 slice_61" -> "446 slice_62" [label="(1, 32, 32, 192)", style=solid]; +"446 slice_62" -> "447 slice_63" [label="(1, 28, 32, 192)", style=solid]; +"447 slice_63" -> "448 slice_64" [label="(1, 28, 28, 192)", style=solid]; +"448 slice_64" -> "449 contiguous_5" [label="(1, 28, 28, 192)", style=solid]; +"449 contiguous_5" -> "452 layer_norm_8" [label="(1, 28, 28, 192)", style=solid]; +"450 _param_constant63" -> "452 layer_norm_8" [label="(192,)", style=solid]; +"451 _param_constant64" -> "452 layer_norm_8" [label="(192,)", style=solid]; +"452 layer_norm_8" -> "453 add_12" [label="(1, 28, 28, 192)", style=solid]; +"453 add_12" -> "456 linear_23" [label="(1, 28, 28, 192)", style=solid]; +"453 add_12" -> "466 add_13" [label="(1, 28, 28, 192)", style=solid]; +"454 _param_constant65" -> "456 linear_23" [label="(768, 192)", style=solid]; +"455 _param_constant66" -> "456 linear_23" [label="(768,)", style=solid]; +"456 linear_23" -> "457 gelu_3" [label="(1, 28, 28, 768)", style=solid]; +"457 gelu_3" -> "458 dropout_14" [label="(1, 28, 28, 768)", style=solid]; +"458 dropout_14" -> "461 linear_24" [label="(1, 28, 28, 768)", style=solid]; +"459 _param_constant67" -> "461 linear_24" [label="(192, 768)", style=solid]; +"460 _param_constant68" -> "461 linear_24" [label="(192,)", style=solid]; +"461 linear_24" -> "462 dropout_15" [label="(1, 28, 28, 192)", style=solid]; +"462 dropout_15" -> "465 layer_norm_9" [label="(1, 28, 28, 192)", style=solid]; +"463 _param_constant69" -> "465 layer_norm_9" [label="(192,)", style=solid]; +"464 _param_constant70" -> "465 layer_norm_9" [label="(192,)", style=solid]; +"465 layer_norm_9" -> "466 add_13" [label="(1, 28, 28, 192)", style=solid]; +"466 add_13" -> "467 pad_5" [label="(1, 28, 28, 192)", style=solid]; +"467 pad_5" -> "468 slice_65" [label="(1, 28, 28, 192)", style=solid]; +"467 pad_5" -> "471 slice_68" [label="(1, 28, 28, 192)", style=solid]; +"467 pad_5" -> "474 slice_71" [label="(1, 28, 28, 192)", style=solid]; +"467 pad_5" -> "477 slice_74" [label="(1, 28, 28, 192)", style=solid]; +"468 slice_65" -> "469 slice_66" [label="(1, 14, 28, 192)", style=solid]; +"469 slice_66" -> "470 slice_67" [label="(1, 14, 14, 192)", style=solid]; +"470 slice_67" -> "480 cat_1" [label="(1, 14, 14, 192)", style=solid]; +"471 slice_68" -> "472 slice_69" [label="(1, 14, 28, 192)", style=solid]; +"472 slice_69" -> "473 slice_70" [label="(1, 14, 14, 192)", style=solid]; +"473 slice_70" -> "480 cat_1" [label="(1, 14, 14, 192)", style=solid]; +"474 slice_71" -> "475 slice_72" [label="(1, 14, 28, 192)", style=solid]; +"475 slice_72" -> "476 slice_73" [label="(1, 14, 14, 192)", style=solid]; +"476 slice_73" -> "480 cat_1" [label="(1, 14, 14, 192)", style=solid]; +"477 slice_74" -> "478 slice_75" [label="(1, 14, 28, 192)", style=solid]; +"478 slice_75" -> "479 slice_76" [label="(1, 14, 14, 192)", style=solid]; +"479 slice_76" -> "480 cat_1" [label="(1, 14, 14, 192)", style=solid]; +"480 cat_1" -> "482 linear_25" [label="(1, 14, 14, 768)", style=solid]; +"481 _param_constant71" -> "482 linear_25" [label="(384, 768)", style=solid]; +"482 linear_25" -> "485 layer_norm_10" [label="(1, 14, 14, 384)", style=solid]; +"483 _param_constant72" -> "485 layer_norm_10" [label="(384,)", style=solid]; +"484 _param_constant73" -> "485 layer_norm_10" [label="(384,)", style=solid]; +"485 layer_norm_10" -> "502 pad_6" [label="(1, 14, 14, 384)", style=solid]; +"485 layer_norm_10" -> "552 add_15" [label="(1, 14, 14, 384)", style=solid]; +"486 _tensor_constant26" -> "489 linear_26" [label="(1, 15, 15, 2)", style=solid]; +"487 _param_constant74" -> "489 linear_26" [label="(512, 2)", style=solid]; +"488 _param_constant75" -> "489 linear_26" [label="(512,)", style=solid]; +"489 linear_26" -> "490 relu__4" [label="(1, 15, 15, 512)", style=solid]; +"490 relu__4" -> "492 linear_27" [label="(1, 15, 15, 512)", style=solid]; +"491 _param_constant76" -> "492 linear_27" [label="(12, 512)", style=solid]; +"492 linear_27" -> "493 view_22" [label="(1, 15, 15, 12)", style=solid]; +"493 view_22" -> "495 index_4" [label="(225, 12)", style=solid]; +"494 _tensor_constant27" -> "495 index_4" [label="(4096,)", style=solid]; +"495 index_4" -> "496 view_23" [label="(4096, 12)", style=solid]; +"496 view_23" -> "497 permute_19" [label="(64, 64, 12)", style=solid]; +"497 permute_19" -> "498 contiguous_6" [label="(12, 64, 64)", style=solid]; +"498 contiguous_6" -> "499 unsqueeze_12" [label="(12, 64, 64)", style=solid]; +"499 unsqueeze_12" -> "500 sigmoid_4" [label="(1, 12, 64, 64)", style=solid]; +"500 sigmoid_4" -> "501 mul_8" [label="(1, 12, 64, 64)", style=solid]; +"501 mul_8" -> "531 add_14" [label="(1, 12, 64, 64)", style=solid]; +"502 pad_6" -> "503 view_24" [label="(1, 16, 16, 384)", style=solid]; +"503 view_24" -> "504 permute_20" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"504 permute_20" -> "505 reshape_18" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"505 reshape_18" -> "511 linear_28" [label="(4, 64, 384)", style=solid]; +"506 _param_constant77" -> "507 clone_4" [label="(1152,)", style=solid]; +"507 clone_4" -> "508 slice_77" [label="(1152,)", style=solid]; +"507 clone_4" -> "511 linear_28" [label="(1152,)", style=solid]; +"508 slice_77" -> "509 zero__4" [label="(384,)", style=solid]; +"510 _param_constant78" -> "511 linear_28" [label="(1152, 384)", style=solid]; +"511 linear_28" -> "512 reshape_19" [label="(4, 64, 1152)", style=solid]; +"512 reshape_19" -> "513 permute_21" [label="(4, 64, 3, 12, 32)", style=solid]; +"513 permute_21" -> "514 select_12" [label="(3, 4, 12, 64, 32)", style=solid]; +"513 permute_21" -> "515 select_13" [label="(3, 4, 12, 64, 32)", style=solid]; +"513 permute_21" -> "516 select_14" [label="(3, 4, 12, 64, 32)", style=solid]; +"514 select_12" -> "517 linalg_vector_norm_8" [label="(4, 12, 64, 32)", style=solid]; +"514 select_12" -> "519 expand_as_8" [label="(4, 12, 64, 32)", style=solid]; +"514 select_12" -> "520 div_8" [label="(4, 12, 64, 32)", style=solid]; +"515 select_13" -> "521 linalg_vector_norm_9" [label="(4, 12, 64, 32)", style=solid]; +"515 select_13" -> "523 expand_as_9" [label="(4, 12, 64, 32)", style=solid]; +"515 select_13" -> "524 div_9" [label="(4, 12, 64, 32)", style=solid]; +"516 select_14" -> "534 matmul_9" [label="(4, 12, 64, 32)", style=solid]; +"517 linalg_vector_norm_8" -> "518 clamp_min_8" [label="(4, 12, 64, 1)", style=solid]; +"518 clamp_min_8" -> "519 expand_as_8" [label="(4, 12, 64, 1)", style=solid]; +"519 expand_as_8" -> "520 div_8" [label="(4, 12, 64, 32)", style=solid]; +"520 div_8" -> "526 matmul_8" [label="(4, 12, 64, 32)", style=solid]; +"521 linalg_vector_norm_9" -> "522 clamp_min_9" [label="(4, 12, 64, 1)", style=solid]; +"522 clamp_min_9" -> "523 expand_as_9" [label="(4, 12, 64, 1)", style=solid]; +"523 expand_as_9" -> "524 div_9" [label="(4, 12, 64, 32)", style=solid]; +"524 div_9" -> "525 transpose_8" [label="(4, 12, 64, 32)", style=solid]; +"525 transpose_8" -> "526 matmul_8" [label="(4, 12, 32, 64)", style=solid]; +"526 matmul_8" -> "530 mul_9" [label="(4, 12, 64, 64)", style=solid]; +"527 _param_constant79" -> "528 clamp_4" [label="(12, 1, 1)", style=solid]; +"528 clamp_4" -> "529 exp_4" [label="(12, 1, 1)", style=solid]; +"529 exp_4" -> "530 mul_9" [label="(12, 1, 1)", style=solid]; +"530 mul_9" -> "531 add_14" [label="(4, 12, 64, 64)", style=solid]; +"531 add_14" -> "532 softmax_4" [label="(4, 12, 64, 64)", style=solid]; +"532 softmax_4" -> "533 dropout_16" [label="(4, 12, 64, 64)", style=solid]; +"533 dropout_16" -> "534 matmul_9" [label="(4, 12, 64, 64)", style=solid]; +"534 matmul_9" -> "535 transpose_9" [label="(4, 12, 64, 32)", style=solid]; +"535 transpose_9" -> "536 reshape_20" [label="(4, 64, 12, 32)", style=solid]; +"536 reshape_20" -> "539 linear_29" [label="(4, 64, 384)", style=solid]; +"537 _param_constant80" -> "539 linear_29" [label="(384, 384)", style=solid]; +"538 _param_constant81" -> "539 linear_29" [label="(384,)", style=solid]; +"539 linear_29" -> "540 dropout_17" [label="(4, 64, 384)", style=solid]; +"540 dropout_17" -> "541 view_25" [label="(4, 64, 384)", style=solid]; +"541 view_25" -> "542 permute_22" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"542 permute_22" -> "543 reshape_21" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"543 reshape_21" -> "544 slice_78" [label="(1, 16, 16, 384)", style=solid]; +"544 slice_78" -> "545 slice_79" [label="(1, 16, 16, 384)", style=solid]; +"545 slice_79" -> "546 slice_80" [label="(1, 14, 16, 384)", style=solid]; +"546 slice_80" -> "547 slice_81" [label="(1, 14, 14, 384)", style=solid]; +"547 slice_81" -> "548 contiguous_7" [label="(1, 14, 14, 384)", style=solid]; +"548 contiguous_7" -> "551 layer_norm_11" [label="(1, 14, 14, 384)", style=solid]; +"549 _param_constant82" -> "551 layer_norm_11" [label="(384,)", style=solid]; +"550 _param_constant83" -> "551 layer_norm_11" [label="(384,)", style=solid]; +"551 layer_norm_11" -> "552 add_15" [label="(1, 14, 14, 384)", style=solid]; +"552 add_15" -> "555 linear_30" [label="(1, 14, 14, 384)", style=solid]; +"552 add_15" -> "565 add_16" [label="(1, 14, 14, 384)", style=solid]; +"553 _param_constant84" -> "555 linear_30" [label="(1536, 384)", style=solid]; +"554 _param_constant85" -> "555 linear_30" [label="(1536,)", style=solid]; +"555 linear_30" -> "556 gelu_4" [label="(1, 14, 14, 1536)", style=solid]; +"556 gelu_4" -> "557 dropout_18" [label="(1, 14, 14, 1536)", style=solid]; +"557 dropout_18" -> "560 linear_31" [label="(1, 14, 14, 1536)", style=solid]; +"558 _param_constant86" -> "560 linear_31" [label="(384, 1536)", style=solid]; +"559 _param_constant87" -> "560 linear_31" [label="(384,)", style=solid]; +"560 linear_31" -> "561 dropout_19" [label="(1, 14, 14, 384)", style=solid]; +"561 dropout_19" -> "564 layer_norm_12" [label="(1, 14, 14, 384)", style=solid]; +"562 _param_constant88" -> "564 layer_norm_12" [label="(384,)", style=solid]; +"563 _param_constant89" -> "564 layer_norm_12" [label="(384,)", style=solid]; +"564 layer_norm_12" -> "565 add_16" [label="(1, 14, 14, 384)", style=solid]; +"565 add_16" -> "582 pad_7" [label="(1, 14, 14, 384)", style=solid]; +"565 add_16" -> "695 add_19" [label="(1, 14, 14, 384)", style=solid]; +"566 _tensor_constant28" -> "569 linear_32" [label="(1, 15, 15, 2)", style=solid]; +"567 _param_constant90" -> "569 linear_32" [label="(512, 2)", style=solid]; +"568 _param_constant91" -> "569 linear_32" [label="(512,)", style=solid]; +"569 linear_32" -> "570 relu__5" [label="(1, 15, 15, 512)", style=solid]; +"570 relu__5" -> "572 linear_33" [label="(1, 15, 15, 512)", style=solid]; +"571 _param_constant92" -> "572 linear_33" [label="(12, 512)", style=solid]; +"572 linear_33" -> "573 view_26" [label="(1, 15, 15, 12)", style=solid]; +"573 view_26" -> "575 index_5" [label="(225, 12)", style=solid]; +"574 _tensor_constant29" -> "575 index_5" [label="(4096,)", style=solid]; +"575 index_5" -> "576 view_27" [label="(4096, 12)", style=solid]; +"576 view_27" -> "577 permute_23" [label="(64, 64, 12)", style=solid]; +"577 permute_23" -> "578 contiguous_8" [label="(12, 64, 64)", style=solid]; +"578 contiguous_8" -> "579 unsqueeze_13" [label="(12, 64, 64)", style=solid]; +"579 unsqueeze_13" -> "580 sigmoid_5" [label="(1, 12, 64, 64)", style=solid]; +"580 sigmoid_5" -> "581 mul_10" [label="(1, 12, 64, 64)", style=solid]; +"581 mul_10" -> "612 add_17" [label="(1, 12, 64, 64)", style=solid]; +"582 pad_7" -> "583 roll_4" [label="(1, 16, 16, 384)", style=solid]; +"583 roll_4" -> "584 view_28" [label="(1, 16, 16, 384)", style=solid]; +"584 view_28" -> "585 permute_24" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"585 permute_24" -> "586 reshape_22" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"586 reshape_22" -> "592 linear_34" [label="(4, 64, 384)", style=solid]; +"586 reshape_22" -> "613 new_zeros_2" [label="(4, 64, 384)", style=solid]; +"587 _param_constant93" -> "588 clone_5" [label="(1152,)", style=solid]; +"588 clone_5" -> "589 slice_82" [label="(1152,)", style=solid]; +"588 clone_5" -> "592 linear_34" [label="(1152,)", style=solid]; +"589 slice_82" -> "590 zero__5" [label="(384,)", style=solid]; +"591 _param_constant94" -> "592 linear_34" [label="(1152, 384)", style=solid]; +"592 linear_34" -> "593 reshape_23" [label="(4, 64, 1152)", style=solid]; +"593 reshape_23" -> "594 permute_25" [label="(4, 64, 3, 12, 32)", style=solid]; +"594 permute_25" -> "595 select_15" [label="(3, 4, 12, 64, 32)", style=solid]; +"594 permute_25" -> "596 select_16" [label="(3, 4, 12, 64, 32)", style=solid]; +"594 permute_25" -> "597 select_17" [label="(3, 4, 12, 64, 32)", style=solid]; +"595 select_15" -> "598 linalg_vector_norm_10" [label="(4, 12, 64, 32)", style=solid]; +"595 select_15" -> "600 expand_as_10" [label="(4, 12, 64, 32)", style=solid]; +"595 select_15" -> "601 div_10" [label="(4, 12, 64, 32)", style=solid]; +"596 select_16" -> "602 linalg_vector_norm_11" [label="(4, 12, 64, 32)", style=solid]; +"596 select_16" -> "604 expand_as_11" [label="(4, 12, 64, 32)", style=solid]; +"596 select_16" -> "605 div_11" [label="(4, 12, 64, 32)", style=solid]; +"597 select_17" -> "676 matmul_11" [label="(4, 12, 64, 32)", style=solid]; +"598 linalg_vector_norm_10" -> "599 clamp_min_10" [label="(4, 12, 64, 1)", style=solid]; +"599 clamp_min_10" -> "600 expand_as_10" [label="(4, 12, 64, 1)", style=solid]; +"600 expand_as_10" -> "601 div_10" [label="(4, 12, 64, 32)", style=solid]; +"601 div_10" -> "607 matmul_10" [label="(4, 12, 64, 32)", style=solid]; +"602 linalg_vector_norm_11" -> "603 clamp_min_11" [label="(4, 12, 64, 1)", style=solid]; +"603 clamp_min_11" -> "604 expand_as_11" [label="(4, 12, 64, 1)", style=solid]; +"604 expand_as_11" -> "605 div_11" [label="(4, 12, 64, 32)", style=solid]; +"605 div_11" -> "606 transpose_10" [label="(4, 12, 64, 32)", style=solid]; +"606 transpose_10" -> "607 matmul_10" [label="(4, 12, 32, 64)", style=solid]; +"607 matmul_10" -> "611 mul_11" [label="(4, 12, 64, 64)", style=solid]; +"608 _param_constant95" -> "609 clamp_5" [label="(12, 1, 1)", style=solid]; +"609 clamp_5" -> "610 exp_5" [label="(12, 1, 1)", style=solid]; +"610 exp_5" -> "611 mul_11" [label="(12, 1, 1)", style=solid]; +"611 mul_11" -> "612 add_17" [label="(4, 12, 64, 64)", style=solid]; +"612 add_17" -> "669 view_30" [label="(4, 12, 64, 64)", style=solid]; +"613 new_zeros_2" -> "616 slice_83" [label="(16, 16)", style=solid]; +"613 new_zeros_2" -> "621 slice_85" [label="(16, 16)", style=solid]; +"613 new_zeros_2" -> "626 slice_87" [label="(16, 16)", style=solid]; +"613 new_zeros_2" -> "631 slice_89" [label="(16, 16)", style=solid]; +"613 new_zeros_2" -> "636 slice_91" [label="(16, 16)", style=solid]; +"613 new_zeros_2" -> "641 slice_93" [label="(16, 16)", style=solid]; +"613 new_zeros_2" -> "646 slice_95" [label="(16, 16)", style=solid]; +"613 new_zeros_2" -> "651 slice_97" [label="(16, 16)", style=solid]; +"613 new_zeros_2" -> "656 slice_99" [label="(16, 16)", style=solid]; +"613 new_zeros_2" -> "659 view_29" [label="(16, 16)", style=solid]; +"614 _tensor_constant30" -> "615 lift_fresh_copy_18" [label="()", style=solid]; +"615 lift_fresh_copy_18" -> "618 fill__18" [label="()", style=solid]; +"616 slice_83" -> "617 slice_84" [label="(8, 16)", style=solid]; +"617 slice_84" -> "618 fill__18" [label="(8, 8)", style=solid]; +"619 _tensor_constant31" -> "620 lift_fresh_copy_19" [label="()", style=solid]; +"620 lift_fresh_copy_19" -> "623 fill__19" [label="()", style=solid]; +"621 slice_85" -> "622 slice_86" [label="(8, 16)", style=solid]; +"622 slice_86" -> "623 fill__19" [label="(8, 4)", style=solid]; +"624 _tensor_constant32" -> "625 lift_fresh_copy_20" [label="()", style=solid]; +"625 lift_fresh_copy_20" -> "628 fill__20" [label="()", style=solid]; +"626 slice_87" -> "627 slice_88" [label="(8, 16)", style=solid]; +"627 slice_88" -> "628 fill__20" [label="(8, 4)", style=solid]; +"629 _tensor_constant33" -> "630 lift_fresh_copy_21" [label="()", style=solid]; +"630 lift_fresh_copy_21" -> "633 fill__21" [label="()", style=solid]; +"631 slice_89" -> "632 slice_90" [label="(4, 16)", style=solid]; +"632 slice_90" -> "633 fill__21" [label="(4, 8)", style=solid]; +"634 _tensor_constant34" -> "635 lift_fresh_copy_22" [label="()", style=solid]; +"635 lift_fresh_copy_22" -> "638 fill__22" [label="()", style=solid]; +"636 slice_91" -> "637 slice_92" [label="(4, 16)", style=solid]; +"637 slice_92" -> "638 fill__22" [label="(4, 4)", style=solid]; +"639 _tensor_constant35" -> "640 lift_fresh_copy_23" [label="()", style=solid]; +"640 lift_fresh_copy_23" -> "643 fill__23" [label="()", style=solid]; +"641 slice_93" -> "642 slice_94" [label="(4, 16)", style=solid]; +"642 slice_94" -> "643 fill__23" [label="(4, 4)", style=solid]; +"644 _tensor_constant36" -> "645 lift_fresh_copy_24" [label="()", style=solid]; +"645 lift_fresh_copy_24" -> "648 fill__24" [label="()", style=solid]; +"646 slice_95" -> "647 slice_96" [label="(4, 16)", style=solid]; +"647 slice_96" -> "648 fill__24" [label="(4, 8)", style=solid]; +"649 _tensor_constant37" -> "650 lift_fresh_copy_25" [label="()", style=solid]; +"650 lift_fresh_copy_25" -> "653 fill__25" [label="()", style=solid]; +"651 slice_97" -> "652 slice_98" [label="(4, 16)", style=solid]; +"652 slice_98" -> "653 fill__25" [label="(4, 4)", style=solid]; +"654 _tensor_constant38" -> "655 lift_fresh_copy_26" [label="()", style=solid]; +"655 lift_fresh_copy_26" -> "658 fill__26" [label="()", style=solid]; +"656 slice_99" -> "657 slice_100" [label="(4, 16)", style=solid]; +"657 slice_100" -> "658 fill__26" [label="(4, 4)", style=solid]; +"659 view_29" -> "660 permute_26" [label="(2, 8, 2, 8)", style=solid]; +"660 permute_26" -> "661 reshape_24" [label="(2, 2, 8, 8)", style=solid]; +"661 reshape_24" -> "662 unsqueeze_14" [label="(4, 64)", style=solid]; +"661 reshape_24" -> "663 unsqueeze_15" [label="(4, 64)", style=solid]; +"662 unsqueeze_14" -> "664 sub_2" [label="(4, 1, 64)", style=solid]; +"663 unsqueeze_15" -> "664 sub_2" [label="(4, 64, 1)", style=solid]; +"664 sub_2" -> "665 ne_2" [label="(4, 64, 64)", style=solid]; +"664 sub_2" -> "666 masked_fill_4" [label="(4, 64, 64)", style=solid]; +"664 sub_2" -> "667 eq_2" [label="(4, 64, 64)", style=solid]; +"665 ne_2" -> "666 masked_fill_4" [label="(4, 64, 64)", style=solid]; +"666 masked_fill_4" -> "668 masked_fill_5" [label="(4, 64, 64)", style=solid]; +"667 eq_2" -> "668 masked_fill_5" [label="(4, 64, 64)", style=solid]; +"668 masked_fill_5" -> "670 unsqueeze_16" [label="(4, 64, 64)", style=solid]; +"669 view_30" -> "672 add_18" [label="(1, 4, 12, 64, 64)", style=solid]; +"670 unsqueeze_16" -> "671 unsqueeze_17" [label="(4, 1, 64, 64)", style=solid]; +"671 unsqueeze_17" -> "672 add_18" [label="(1, 4, 1, 64, 64)", style=solid]; +"672 add_18" -> "673 view_31" [label="(1, 4, 12, 64, 64)", style=solid]; +"673 view_31" -> "674 softmax_5" [label="(4, 12, 64, 64)", style=solid]; +"674 softmax_5" -> "675 dropout_20" [label="(4, 12, 64, 64)", style=solid]; +"675 dropout_20" -> "676 matmul_11" [label="(4, 12, 64, 64)", style=solid]; +"676 matmul_11" -> "677 transpose_11" [label="(4, 12, 64, 32)", style=solid]; +"677 transpose_11" -> "678 reshape_25" [label="(4, 64, 12, 32)", style=solid]; +"678 reshape_25" -> "681 linear_35" [label="(4, 64, 384)", style=solid]; +"679 _param_constant96" -> "681 linear_35" [label="(384, 384)", style=solid]; +"680 _param_constant97" -> "681 linear_35" [label="(384,)", style=solid]; +"681 linear_35" -> "682 dropout_21" [label="(4, 64, 384)", style=solid]; +"682 dropout_21" -> "683 view_32" [label="(4, 64, 384)", style=solid]; +"683 view_32" -> "684 permute_27" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"684 permute_27" -> "685 reshape_26" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"685 reshape_26" -> "686 roll_5" [label="(1, 16, 16, 384)", style=solid]; +"686 roll_5" -> "687 slice_101" [label="(1, 16, 16, 384)", style=solid]; +"687 slice_101" -> "688 slice_102" [label="(1, 16, 16, 384)", style=solid]; +"688 slice_102" -> "689 slice_103" [label="(1, 14, 16, 384)", style=solid]; +"689 slice_103" -> "690 slice_104" [label="(1, 14, 14, 384)", style=solid]; +"690 slice_104" -> "691 contiguous_9" [label="(1, 14, 14, 384)", style=solid]; +"691 contiguous_9" -> "694 layer_norm_13" [label="(1, 14, 14, 384)", style=solid]; +"692 _param_constant98" -> "694 layer_norm_13" [label="(384,)", style=solid]; +"693 _param_constant99" -> "694 layer_norm_13" [label="(384,)", style=solid]; +"694 layer_norm_13" -> "695 add_19" [label="(1, 14, 14, 384)", style=solid]; +"695 add_19" -> "698 linear_36" [label="(1, 14, 14, 384)", style=solid]; +"695 add_19" -> "708 add_20" [label="(1, 14, 14, 384)", style=solid]; +"696 _param_constant100" -> "698 linear_36" [label="(1536, 384)", style=solid]; +"697 _param_constant101" -> "698 linear_36" [label="(1536,)", style=solid]; +"698 linear_36" -> "699 gelu_5" [label="(1, 14, 14, 1536)", style=solid]; +"699 gelu_5" -> "700 dropout_22" [label="(1, 14, 14, 1536)", style=solid]; +"700 dropout_22" -> "703 linear_37" [label="(1, 14, 14, 1536)", style=solid]; +"701 _param_constant102" -> "703 linear_37" [label="(384, 1536)", style=solid]; +"702 _param_constant103" -> "703 linear_37" [label="(384,)", style=solid]; +"703 linear_37" -> "704 dropout_23" [label="(1, 14, 14, 384)", style=solid]; +"704 dropout_23" -> "707 layer_norm_14" [label="(1, 14, 14, 384)", style=solid]; +"705 _param_constant104" -> "707 layer_norm_14" [label="(384,)", style=solid]; +"706 _param_constant105" -> "707 layer_norm_14" [label="(384,)", style=solid]; +"707 layer_norm_14" -> "708 add_20" [label="(1, 14, 14, 384)", style=solid]; +"708 add_20" -> "725 pad_8" [label="(1, 14, 14, 384)", style=solid]; +"708 add_20" -> "775 add_22" [label="(1, 14, 14, 384)", style=solid]; +"709 _tensor_constant39" -> "712 linear_38" [label="(1, 15, 15, 2)", style=solid]; +"710 _param_constant106" -> "712 linear_38" [label="(512, 2)", style=solid]; +"711 _param_constant107" -> "712 linear_38" [label="(512,)", style=solid]; +"712 linear_38" -> "713 relu__6" [label="(1, 15, 15, 512)", style=solid]; +"713 relu__6" -> "715 linear_39" [label="(1, 15, 15, 512)", style=solid]; +"714 _param_constant108" -> "715 linear_39" [label="(12, 512)", style=solid]; +"715 linear_39" -> "716 view_33" [label="(1, 15, 15, 12)", style=solid]; +"716 view_33" -> "718 index_6" [label="(225, 12)", style=solid]; +"717 _tensor_constant40" -> "718 index_6" [label="(4096,)", style=solid]; +"718 index_6" -> "719 view_34" [label="(4096, 12)", style=solid]; +"719 view_34" -> "720 permute_28" [label="(64, 64, 12)", style=solid]; +"720 permute_28" -> "721 contiguous_10" [label="(12, 64, 64)", style=solid]; +"721 contiguous_10" -> "722 unsqueeze_18" [label="(12, 64, 64)", style=solid]; +"722 unsqueeze_18" -> "723 sigmoid_6" [label="(1, 12, 64, 64)", style=solid]; +"723 sigmoid_6" -> "724 mul_12" [label="(1, 12, 64, 64)", style=solid]; +"724 mul_12" -> "754 add_21" [label="(1, 12, 64, 64)", style=solid]; +"725 pad_8" -> "726 view_35" [label="(1, 16, 16, 384)", style=solid]; +"726 view_35" -> "727 permute_29" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"727 permute_29" -> "728 reshape_27" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"728 reshape_27" -> "734 linear_40" [label="(4, 64, 384)", style=solid]; +"729 _param_constant109" -> "730 clone_6" [label="(1152,)", style=solid]; +"730 clone_6" -> "731 slice_105" [label="(1152,)", style=solid]; +"730 clone_6" -> "734 linear_40" [label="(1152,)", style=solid]; +"731 slice_105" -> "732 zero__6" [label="(384,)", style=solid]; +"733 _param_constant110" -> "734 linear_40" [label="(1152, 384)", style=solid]; +"734 linear_40" -> "735 reshape_28" [label="(4, 64, 1152)", style=solid]; +"735 reshape_28" -> "736 permute_30" [label="(4, 64, 3, 12, 32)", style=solid]; +"736 permute_30" -> "737 select_18" [label="(3, 4, 12, 64, 32)", style=solid]; +"736 permute_30" -> "738 select_19" [label="(3, 4, 12, 64, 32)", style=solid]; +"736 permute_30" -> "739 select_20" [label="(3, 4, 12, 64, 32)", style=solid]; +"737 select_18" -> "740 linalg_vector_norm_12" [label="(4, 12, 64, 32)", style=solid]; +"737 select_18" -> "742 expand_as_12" [label="(4, 12, 64, 32)", style=solid]; +"737 select_18" -> "743 div_12" [label="(4, 12, 64, 32)", style=solid]; +"738 select_19" -> "744 linalg_vector_norm_13" [label="(4, 12, 64, 32)", style=solid]; +"738 select_19" -> "746 expand_as_13" [label="(4, 12, 64, 32)", style=solid]; +"738 select_19" -> "747 div_13" [label="(4, 12, 64, 32)", style=solid]; +"739 select_20" -> "757 matmul_13" [label="(4, 12, 64, 32)", style=solid]; +"740 linalg_vector_norm_12" -> "741 clamp_min_12" [label="(4, 12, 64, 1)", style=solid]; +"741 clamp_min_12" -> "742 expand_as_12" [label="(4, 12, 64, 1)", style=solid]; +"742 expand_as_12" -> "743 div_12" [label="(4, 12, 64, 32)", style=solid]; +"743 div_12" -> "749 matmul_12" [label="(4, 12, 64, 32)", style=solid]; +"744 linalg_vector_norm_13" -> "745 clamp_min_13" [label="(4, 12, 64, 1)", style=solid]; +"745 clamp_min_13" -> "746 expand_as_13" [label="(4, 12, 64, 1)", style=solid]; +"746 expand_as_13" -> "747 div_13" [label="(4, 12, 64, 32)", style=solid]; +"747 div_13" -> "748 transpose_12" [label="(4, 12, 64, 32)", style=solid]; +"748 transpose_12" -> "749 matmul_12" [label="(4, 12, 32, 64)", style=solid]; +"749 matmul_12" -> "753 mul_13" [label="(4, 12, 64, 64)", style=solid]; +"750 _param_constant111" -> "751 clamp_6" [label="(12, 1, 1)", style=solid]; +"751 clamp_6" -> "752 exp_6" [label="(12, 1, 1)", style=solid]; +"752 exp_6" -> "753 mul_13" [label="(12, 1, 1)", style=solid]; +"753 mul_13" -> "754 add_21" [label="(4, 12, 64, 64)", style=solid]; +"754 add_21" -> "755 softmax_6" [label="(4, 12, 64, 64)", style=solid]; +"755 softmax_6" -> "756 dropout_24" [label="(4, 12, 64, 64)", style=solid]; +"756 dropout_24" -> "757 matmul_13" [label="(4, 12, 64, 64)", style=solid]; +"757 matmul_13" -> "758 transpose_13" [label="(4, 12, 64, 32)", style=solid]; +"758 transpose_13" -> "759 reshape_29" [label="(4, 64, 12, 32)", style=solid]; +"759 reshape_29" -> "762 linear_41" [label="(4, 64, 384)", style=solid]; +"760 _param_constant112" -> "762 linear_41" [label="(384, 384)", style=solid]; +"761 _param_constant113" -> "762 linear_41" [label="(384,)", style=solid]; +"762 linear_41" -> "763 dropout_25" [label="(4, 64, 384)", style=solid]; +"763 dropout_25" -> "764 view_36" [label="(4, 64, 384)", style=solid]; +"764 view_36" -> "765 permute_31" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"765 permute_31" -> "766 reshape_30" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"766 reshape_30" -> "767 slice_106" [label="(1, 16, 16, 384)", style=solid]; +"767 slice_106" -> "768 slice_107" [label="(1, 16, 16, 384)", style=solid]; +"768 slice_107" -> "769 slice_108" [label="(1, 14, 16, 384)", style=solid]; +"769 slice_108" -> "770 slice_109" [label="(1, 14, 14, 384)", style=solid]; +"770 slice_109" -> "771 contiguous_11" [label="(1, 14, 14, 384)", style=solid]; +"771 contiguous_11" -> "774 layer_norm_15" [label="(1, 14, 14, 384)", style=solid]; +"772 _param_constant114" -> "774 layer_norm_15" [label="(384,)", style=solid]; +"773 _param_constant115" -> "774 layer_norm_15" [label="(384,)", style=solid]; +"774 layer_norm_15" -> "775 add_22" [label="(1, 14, 14, 384)", style=solid]; +"775 add_22" -> "778 linear_42" [label="(1, 14, 14, 384)", style=solid]; +"775 add_22" -> "788 add_23" [label="(1, 14, 14, 384)", style=solid]; +"776 _param_constant116" -> "778 linear_42" [label="(1536, 384)", style=solid]; +"777 _param_constant117" -> "778 linear_42" [label="(1536,)", style=solid]; +"778 linear_42" -> "779 gelu_6" [label="(1, 14, 14, 1536)", style=solid]; +"779 gelu_6" -> "780 dropout_26" [label="(1, 14, 14, 1536)", style=solid]; +"780 dropout_26" -> "783 linear_43" [label="(1, 14, 14, 1536)", style=solid]; +"781 _param_constant118" -> "783 linear_43" [label="(384, 1536)", style=solid]; +"782 _param_constant119" -> "783 linear_43" [label="(384,)", style=solid]; +"783 linear_43" -> "784 dropout_27" [label="(1, 14, 14, 384)", style=solid]; +"784 dropout_27" -> "787 layer_norm_16" [label="(1, 14, 14, 384)", style=solid]; +"785 _param_constant120" -> "787 layer_norm_16" [label="(384,)", style=solid]; +"786 _param_constant121" -> "787 layer_norm_16" [label="(384,)", style=solid]; +"787 layer_norm_16" -> "788 add_23" [label="(1, 14, 14, 384)", style=solid]; +"788 add_23" -> "805 pad_9" [label="(1, 14, 14, 384)", style=solid]; +"788 add_23" -> "918 add_26" [label="(1, 14, 14, 384)", style=solid]; +"789 _tensor_constant41" -> "792 linear_44" [label="(1, 15, 15, 2)", style=solid]; +"790 _param_constant122" -> "792 linear_44" [label="(512, 2)", style=solid]; +"791 _param_constant123" -> "792 linear_44" [label="(512,)", style=solid]; +"792 linear_44" -> "793 relu__7" [label="(1, 15, 15, 512)", style=solid]; +"793 relu__7" -> "795 linear_45" [label="(1, 15, 15, 512)", style=solid]; +"794 _param_constant124" -> "795 linear_45" [label="(12, 512)", style=solid]; +"795 linear_45" -> "796 view_37" [label="(1, 15, 15, 12)", style=solid]; +"796 view_37" -> "798 index_7" [label="(225, 12)", style=solid]; +"797 _tensor_constant42" -> "798 index_7" [label="(4096,)", style=solid]; +"798 index_7" -> "799 view_38" [label="(4096, 12)", style=solid]; +"799 view_38" -> "800 permute_32" [label="(64, 64, 12)", style=solid]; +"800 permute_32" -> "801 contiguous_12" [label="(12, 64, 64)", style=solid]; +"801 contiguous_12" -> "802 unsqueeze_19" [label="(12, 64, 64)", style=solid]; +"802 unsqueeze_19" -> "803 sigmoid_7" [label="(1, 12, 64, 64)", style=solid]; +"803 sigmoid_7" -> "804 mul_14" [label="(1, 12, 64, 64)", style=solid]; +"804 mul_14" -> "835 add_24" [label="(1, 12, 64, 64)", style=solid]; +"805 pad_9" -> "806 roll_6" [label="(1, 16, 16, 384)", style=solid]; +"806 roll_6" -> "807 view_39" [label="(1, 16, 16, 384)", style=solid]; +"807 view_39" -> "808 permute_33" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"808 permute_33" -> "809 reshape_31" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"809 reshape_31" -> "815 linear_46" [label="(4, 64, 384)", style=solid]; +"809 reshape_31" -> "836 new_zeros_3" [label="(4, 64, 384)", style=solid]; +"810 _param_constant125" -> "811 clone_7" [label="(1152,)", style=solid]; +"811 clone_7" -> "812 slice_110" [label="(1152,)", style=solid]; +"811 clone_7" -> "815 linear_46" [label="(1152,)", style=solid]; +"812 slice_110" -> "813 zero__7" [label="(384,)", style=solid]; +"814 _param_constant126" -> "815 linear_46" [label="(1152, 384)", style=solid]; +"815 linear_46" -> "816 reshape_32" [label="(4, 64, 1152)", style=solid]; +"816 reshape_32" -> "817 permute_34" [label="(4, 64, 3, 12, 32)", style=solid]; +"817 permute_34" -> "818 select_21" [label="(3, 4, 12, 64, 32)", style=solid]; +"817 permute_34" -> "819 select_22" [label="(3, 4, 12, 64, 32)", style=solid]; +"817 permute_34" -> "820 select_23" [label="(3, 4, 12, 64, 32)", style=solid]; +"818 select_21" -> "821 linalg_vector_norm_14" [label="(4, 12, 64, 32)", style=solid]; +"818 select_21" -> "823 expand_as_14" [label="(4, 12, 64, 32)", style=solid]; +"818 select_21" -> "824 div_14" [label="(4, 12, 64, 32)", style=solid]; +"819 select_22" -> "825 linalg_vector_norm_15" [label="(4, 12, 64, 32)", style=solid]; +"819 select_22" -> "827 expand_as_15" [label="(4, 12, 64, 32)", style=solid]; +"819 select_22" -> "828 div_15" [label="(4, 12, 64, 32)", style=solid]; +"820 select_23" -> "899 matmul_15" [label="(4, 12, 64, 32)", style=solid]; +"821 linalg_vector_norm_14" -> "822 clamp_min_14" [label="(4, 12, 64, 1)", style=solid]; +"822 clamp_min_14" -> "823 expand_as_14" [label="(4, 12, 64, 1)", style=solid]; +"823 expand_as_14" -> "824 div_14" [label="(4, 12, 64, 32)", style=solid]; +"824 div_14" -> "830 matmul_14" [label="(4, 12, 64, 32)", style=solid]; +"825 linalg_vector_norm_15" -> "826 clamp_min_15" [label="(4, 12, 64, 1)", style=solid]; +"826 clamp_min_15" -> "827 expand_as_15" [label="(4, 12, 64, 1)", style=solid]; +"827 expand_as_15" -> "828 div_15" [label="(4, 12, 64, 32)", style=solid]; +"828 div_15" -> "829 transpose_14" [label="(4, 12, 64, 32)", style=solid]; +"829 transpose_14" -> "830 matmul_14" [label="(4, 12, 32, 64)", style=solid]; +"830 matmul_14" -> "834 mul_15" [label="(4, 12, 64, 64)", style=solid]; +"831 _param_constant127" -> "832 clamp_7" [label="(12, 1, 1)", style=solid]; +"832 clamp_7" -> "833 exp_7" [label="(12, 1, 1)", style=solid]; +"833 exp_7" -> "834 mul_15" [label="(12, 1, 1)", style=solid]; +"834 mul_15" -> "835 add_24" [label="(4, 12, 64, 64)", style=solid]; +"835 add_24" -> "892 view_41" [label="(4, 12, 64, 64)", style=solid]; +"836 new_zeros_3" -> "839 slice_111" [label="(16, 16)", style=solid]; +"836 new_zeros_3" -> "844 slice_113" [label="(16, 16)", style=solid]; +"836 new_zeros_3" -> "849 slice_115" [label="(16, 16)", style=solid]; +"836 new_zeros_3" -> "854 slice_117" [label="(16, 16)", style=solid]; +"836 new_zeros_3" -> "859 slice_119" [label="(16, 16)", style=solid]; +"836 new_zeros_3" -> "864 slice_121" [label="(16, 16)", style=solid]; +"836 new_zeros_3" -> "869 slice_123" [label="(16, 16)", style=solid]; +"836 new_zeros_3" -> "874 slice_125" [label="(16, 16)", style=solid]; +"836 new_zeros_3" -> "879 slice_127" [label="(16, 16)", style=solid]; +"836 new_zeros_3" -> "882 view_40" [label="(16, 16)", style=solid]; +"837 _tensor_constant43" -> "838 lift_fresh_copy_27" [label="()", style=solid]; +"838 lift_fresh_copy_27" -> "841 fill__27" [label="()", style=solid]; +"839 slice_111" -> "840 slice_112" [label="(8, 16)", style=solid]; +"840 slice_112" -> "841 fill__27" [label="(8, 8)", style=solid]; +"842 _tensor_constant44" -> "843 lift_fresh_copy_28" [label="()", style=solid]; +"843 lift_fresh_copy_28" -> "846 fill__28" [label="()", style=solid]; +"844 slice_113" -> "845 slice_114" [label="(8, 16)", style=solid]; +"845 slice_114" -> "846 fill__28" [label="(8, 4)", style=solid]; +"847 _tensor_constant45" -> "848 lift_fresh_copy_29" [label="()", style=solid]; +"848 lift_fresh_copy_29" -> "851 fill__29" [label="()", style=solid]; +"849 slice_115" -> "850 slice_116" [label="(8, 16)", style=solid]; +"850 slice_116" -> "851 fill__29" [label="(8, 4)", style=solid]; +"852 _tensor_constant46" -> "853 lift_fresh_copy_30" [label="()", style=solid]; +"853 lift_fresh_copy_30" -> "856 fill__30" [label="()", style=solid]; +"854 slice_117" -> "855 slice_118" [label="(4, 16)", style=solid]; +"855 slice_118" -> "856 fill__30" [label="(4, 8)", style=solid]; +"857 _tensor_constant47" -> "858 lift_fresh_copy_31" [label="()", style=solid]; +"858 lift_fresh_copy_31" -> "861 fill__31" [label="()", style=solid]; +"859 slice_119" -> "860 slice_120" [label="(4, 16)", style=solid]; +"860 slice_120" -> "861 fill__31" [label="(4, 4)", style=solid]; +"862 _tensor_constant48" -> "863 lift_fresh_copy_32" [label="()", style=solid]; +"863 lift_fresh_copy_32" -> "866 fill__32" [label="()", style=solid]; +"864 slice_121" -> "865 slice_122" [label="(4, 16)", style=solid]; +"865 slice_122" -> "866 fill__32" [label="(4, 4)", style=solid]; +"867 _tensor_constant49" -> "868 lift_fresh_copy_33" [label="()", style=solid]; +"868 lift_fresh_copy_33" -> "871 fill__33" [label="()", style=solid]; +"869 slice_123" -> "870 slice_124" [label="(4, 16)", style=solid]; +"870 slice_124" -> "871 fill__33" [label="(4, 8)", style=solid]; +"872 _tensor_constant50" -> "873 lift_fresh_copy_34" [label="()", style=solid]; +"873 lift_fresh_copy_34" -> "876 fill__34" [label="()", style=solid]; +"874 slice_125" -> "875 slice_126" [label="(4, 16)", style=solid]; +"875 slice_126" -> "876 fill__34" [label="(4, 4)", style=solid]; +"877 _tensor_constant51" -> "878 lift_fresh_copy_35" [label="()", style=solid]; +"878 lift_fresh_copy_35" -> "881 fill__35" [label="()", style=solid]; +"879 slice_127" -> "880 slice_128" [label="(4, 16)", style=solid]; +"880 slice_128" -> "881 fill__35" [label="(4, 4)", style=solid]; +"882 view_40" -> "883 permute_35" [label="(2, 8, 2, 8)", style=solid]; +"883 permute_35" -> "884 reshape_33" [label="(2, 2, 8, 8)", style=solid]; +"884 reshape_33" -> "885 unsqueeze_20" [label="(4, 64)", style=solid]; +"884 reshape_33" -> "886 unsqueeze_21" [label="(4, 64)", style=solid]; +"885 unsqueeze_20" -> "887 sub_3" [label="(4, 1, 64)", style=solid]; +"886 unsqueeze_21" -> "887 sub_3" [label="(4, 64, 1)", style=solid]; +"887 sub_3" -> "888 ne_3" [label="(4, 64, 64)", style=solid]; +"887 sub_3" -> "889 masked_fill_6" [label="(4, 64, 64)", style=solid]; +"887 sub_3" -> "890 eq_3" [label="(4, 64, 64)", style=solid]; +"888 ne_3" -> "889 masked_fill_6" [label="(4, 64, 64)", style=solid]; +"889 masked_fill_6" -> "891 masked_fill_7" [label="(4, 64, 64)", style=solid]; +"890 eq_3" -> "891 masked_fill_7" [label="(4, 64, 64)", style=solid]; +"891 masked_fill_7" -> "893 unsqueeze_22" [label="(4, 64, 64)", style=solid]; +"892 view_41" -> "895 add_25" [label="(1, 4, 12, 64, 64)", style=solid]; +"893 unsqueeze_22" -> "894 unsqueeze_23" [label="(4, 1, 64, 64)", style=solid]; +"894 unsqueeze_23" -> "895 add_25" [label="(1, 4, 1, 64, 64)", style=solid]; +"895 add_25" -> "896 view_42" [label="(1, 4, 12, 64, 64)", style=solid]; +"896 view_42" -> "897 softmax_7" [label="(4, 12, 64, 64)", style=solid]; +"897 softmax_7" -> "898 dropout_28" [label="(4, 12, 64, 64)", style=solid]; +"898 dropout_28" -> "899 matmul_15" [label="(4, 12, 64, 64)", style=solid]; +"899 matmul_15" -> "900 transpose_15" [label="(4, 12, 64, 32)", style=solid]; +"900 transpose_15" -> "901 reshape_34" [label="(4, 64, 12, 32)", style=solid]; +"901 reshape_34" -> "904 linear_47" [label="(4, 64, 384)", style=solid]; +"902 _param_constant128" -> "904 linear_47" [label="(384, 384)", style=solid]; +"903 _param_constant129" -> "904 linear_47" [label="(384,)", style=solid]; +"904 linear_47" -> "905 dropout_29" [label="(4, 64, 384)", style=solid]; +"905 dropout_29" -> "906 view_43" [label="(4, 64, 384)", style=solid]; +"906 view_43" -> "907 permute_36" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"907 permute_36" -> "908 reshape_35" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"908 reshape_35" -> "909 roll_7" [label="(1, 16, 16, 384)", style=solid]; +"909 roll_7" -> "910 slice_129" [label="(1, 16, 16, 384)", style=solid]; +"910 slice_129" -> "911 slice_130" [label="(1, 16, 16, 384)", style=solid]; +"911 slice_130" -> "912 slice_131" [label="(1, 14, 16, 384)", style=solid]; +"912 slice_131" -> "913 slice_132" [label="(1, 14, 14, 384)", style=solid]; +"913 slice_132" -> "914 contiguous_13" [label="(1, 14, 14, 384)", style=solid]; +"914 contiguous_13" -> "917 layer_norm_17" [label="(1, 14, 14, 384)", style=solid]; +"915 _param_constant130" -> "917 layer_norm_17" [label="(384,)", style=solid]; +"916 _param_constant131" -> "917 layer_norm_17" [label="(384,)", style=solid]; +"917 layer_norm_17" -> "918 add_26" [label="(1, 14, 14, 384)", style=solid]; +"918 add_26" -> "921 linear_48" [label="(1, 14, 14, 384)", style=solid]; +"918 add_26" -> "931 add_27" [label="(1, 14, 14, 384)", style=solid]; +"919 _param_constant132" -> "921 linear_48" [label="(1536, 384)", style=solid]; +"920 _param_constant133" -> "921 linear_48" [label="(1536,)", style=solid]; +"921 linear_48" -> "922 gelu_7" [label="(1, 14, 14, 1536)", style=solid]; +"922 gelu_7" -> "923 dropout_30" [label="(1, 14, 14, 1536)", style=solid]; +"923 dropout_30" -> "926 linear_49" [label="(1, 14, 14, 1536)", style=solid]; +"924 _param_constant134" -> "926 linear_49" [label="(384, 1536)", style=solid]; +"925 _param_constant135" -> "926 linear_49" [label="(384,)", style=solid]; +"926 linear_49" -> "927 dropout_31" [label="(1, 14, 14, 384)", style=solid]; +"927 dropout_31" -> "930 layer_norm_18" [label="(1, 14, 14, 384)", style=solid]; +"928 _param_constant136" -> "930 layer_norm_18" [label="(384,)", style=solid]; +"929 _param_constant137" -> "930 layer_norm_18" [label="(384,)", style=solid]; +"930 layer_norm_18" -> "931 add_27" [label="(1, 14, 14, 384)", style=solid]; +"931 add_27" -> "948 pad_10" [label="(1, 14, 14, 384)", style=solid]; +"931 add_27" -> "998 add_29" [label="(1, 14, 14, 384)", style=solid]; +"932 _tensor_constant52" -> "935 linear_50" [label="(1, 15, 15, 2)", style=solid]; +"933 _param_constant138" -> "935 linear_50" [label="(512, 2)", style=solid]; +"934 _param_constant139" -> "935 linear_50" [label="(512,)", style=solid]; +"935 linear_50" -> "936 relu__8" [label="(1, 15, 15, 512)", style=solid]; +"936 relu__8" -> "938 linear_51" [label="(1, 15, 15, 512)", style=solid]; +"937 _param_constant140" -> "938 linear_51" [label="(12, 512)", style=solid]; +"938 linear_51" -> "939 view_44" [label="(1, 15, 15, 12)", style=solid]; +"939 view_44" -> "941 index_8" [label="(225, 12)", style=solid]; +"940 _tensor_constant53" -> "941 index_8" [label="(4096,)", style=solid]; +"941 index_8" -> "942 view_45" [label="(4096, 12)", style=solid]; +"942 view_45" -> "943 permute_37" [label="(64, 64, 12)", style=solid]; +"943 permute_37" -> "944 contiguous_14" [label="(12, 64, 64)", style=solid]; +"944 contiguous_14" -> "945 unsqueeze_24" [label="(12, 64, 64)", style=solid]; +"945 unsqueeze_24" -> "946 sigmoid_8" [label="(1, 12, 64, 64)", style=solid]; +"946 sigmoid_8" -> "947 mul_16" [label="(1, 12, 64, 64)", style=solid]; +"947 mul_16" -> "977 add_28" [label="(1, 12, 64, 64)", style=solid]; +"948 pad_10" -> "949 view_46" [label="(1, 16, 16, 384)", style=solid]; +"949 view_46" -> "950 permute_38" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"950 permute_38" -> "951 reshape_36" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"951 reshape_36" -> "957 linear_52" [label="(4, 64, 384)", style=solid]; +"952 _param_constant141" -> "953 clone_8" [label="(1152,)", style=solid]; +"953 clone_8" -> "954 slice_133" [label="(1152,)", style=solid]; +"953 clone_8" -> "957 linear_52" [label="(1152,)", style=solid]; +"954 slice_133" -> "955 zero__8" [label="(384,)", style=solid]; +"956 _param_constant142" -> "957 linear_52" [label="(1152, 384)", style=solid]; +"957 linear_52" -> "958 reshape_37" [label="(4, 64, 1152)", style=solid]; +"958 reshape_37" -> "959 permute_39" [label="(4, 64, 3, 12, 32)", style=solid]; +"959 permute_39" -> "960 select_24" [label="(3, 4, 12, 64, 32)", style=solid]; +"959 permute_39" -> "961 select_25" [label="(3, 4, 12, 64, 32)", style=solid]; +"959 permute_39" -> "962 select_26" [label="(3, 4, 12, 64, 32)", style=solid]; +"960 select_24" -> "963 linalg_vector_norm_16" [label="(4, 12, 64, 32)", style=solid]; +"960 select_24" -> "965 expand_as_16" [label="(4, 12, 64, 32)", style=solid]; +"960 select_24" -> "966 div_16" [label="(4, 12, 64, 32)", style=solid]; +"961 select_25" -> "967 linalg_vector_norm_17" [label="(4, 12, 64, 32)", style=solid]; +"961 select_25" -> "969 expand_as_17" [label="(4, 12, 64, 32)", style=solid]; +"961 select_25" -> "970 div_17" [label="(4, 12, 64, 32)", style=solid]; +"962 select_26" -> "980 matmul_17" [label="(4, 12, 64, 32)", style=solid]; +"963 linalg_vector_norm_16" -> "964 clamp_min_16" [label="(4, 12, 64, 1)", style=solid]; +"964 clamp_min_16" -> "965 expand_as_16" [label="(4, 12, 64, 1)", style=solid]; +"965 expand_as_16" -> "966 div_16" [label="(4, 12, 64, 32)", style=solid]; +"966 div_16" -> "972 matmul_16" [label="(4, 12, 64, 32)", style=solid]; +"967 linalg_vector_norm_17" -> "968 clamp_min_17" [label="(4, 12, 64, 1)", style=solid]; +"968 clamp_min_17" -> "969 expand_as_17" [label="(4, 12, 64, 1)", style=solid]; +"969 expand_as_17" -> "970 div_17" [label="(4, 12, 64, 32)", style=solid]; +"970 div_17" -> "971 transpose_16" [label="(4, 12, 64, 32)", style=solid]; +"971 transpose_16" -> "972 matmul_16" [label="(4, 12, 32, 64)", style=solid]; +"972 matmul_16" -> "976 mul_17" [label="(4, 12, 64, 64)", style=solid]; +"973 _param_constant143" -> "974 clamp_8" [label="(12, 1, 1)", style=solid]; +"974 clamp_8" -> "975 exp_8" [label="(12, 1, 1)", style=solid]; +"975 exp_8" -> "976 mul_17" [label="(12, 1, 1)", style=solid]; +"976 mul_17" -> "977 add_28" [label="(4, 12, 64, 64)", style=solid]; +"977 add_28" -> "978 softmax_8" [label="(4, 12, 64, 64)", style=solid]; +"978 softmax_8" -> "979 dropout_32" [label="(4, 12, 64, 64)", style=solid]; +"979 dropout_32" -> "980 matmul_17" [label="(4, 12, 64, 64)", style=solid]; +"980 matmul_17" -> "981 transpose_17" [label="(4, 12, 64, 32)", style=solid]; +"981 transpose_17" -> "982 reshape_38" [label="(4, 64, 12, 32)", style=solid]; +"982 reshape_38" -> "985 linear_53" [label="(4, 64, 384)", style=solid]; +"983 _param_constant144" -> "985 linear_53" [label="(384, 384)", style=solid]; +"984 _param_constant145" -> "985 linear_53" [label="(384,)", style=solid]; +"985 linear_53" -> "986 dropout_33" [label="(4, 64, 384)", style=solid]; +"986 dropout_33" -> "987 view_47" [label="(4, 64, 384)", style=solid]; +"987 view_47" -> "988 permute_40" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"988 permute_40" -> "989 reshape_39" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"989 reshape_39" -> "990 slice_134" [label="(1, 16, 16, 384)", style=solid]; +"990 slice_134" -> "991 slice_135" [label="(1, 16, 16, 384)", style=solid]; +"991 slice_135" -> "992 slice_136" [label="(1, 14, 16, 384)", style=solid]; +"992 slice_136" -> "993 slice_137" [label="(1, 14, 14, 384)", style=solid]; +"993 slice_137" -> "994 contiguous_15" [label="(1, 14, 14, 384)", style=solid]; +"994 contiguous_15" -> "997 layer_norm_19" [label="(1, 14, 14, 384)", style=solid]; +"995 _param_constant146" -> "997 layer_norm_19" [label="(384,)", style=solid]; +"996 _param_constant147" -> "997 layer_norm_19" [label="(384,)", style=solid]; +"997 layer_norm_19" -> "998 add_29" [label="(1, 14, 14, 384)", style=solid]; +"998 add_29" -> "1001 linear_54" [label="(1, 14, 14, 384)", style=solid]; +"998 add_29" -> "1011 add_30" [label="(1, 14, 14, 384)", style=solid]; +"999 _param_constant148" -> "1001 linear_54" [label="(1536, 384)", style=solid]; +"1000 _param_constant149" -> "1001 linear_54" [label="(1536,)", style=solid]; +"1001 linear_54" -> "1002 gelu_8" [label="(1, 14, 14, 1536)", style=solid]; +"1002 gelu_8" -> "1003 dropout_34" [label="(1, 14, 14, 1536)", style=solid]; +"1003 dropout_34" -> "1006 linear_55" [label="(1, 14, 14, 1536)", style=solid]; +"1004 _param_constant150" -> "1006 linear_55" [label="(384, 1536)", style=solid]; +"1005 _param_constant151" -> "1006 linear_55" [label="(384,)", style=solid]; +"1006 linear_55" -> "1007 dropout_35" [label="(1, 14, 14, 384)", style=solid]; +"1007 dropout_35" -> "1010 layer_norm_20" [label="(1, 14, 14, 384)", style=solid]; +"1008 _param_constant152" -> "1010 layer_norm_20" [label="(384,)", style=solid]; +"1009 _param_constant153" -> "1010 layer_norm_20" [label="(384,)", style=solid]; +"1010 layer_norm_20" -> "1011 add_30" [label="(1, 14, 14, 384)", style=solid]; +"1011 add_30" -> "1028 pad_11" [label="(1, 14, 14, 384)", style=solid]; +"1011 add_30" -> "1141 add_33" [label="(1, 14, 14, 384)", style=solid]; +"1012 _tensor_constant54" -> "1015 linear_56" [label="(1, 15, 15, 2)", style=solid]; +"1013 _param_constant154" -> "1015 linear_56" [label="(512, 2)", style=solid]; +"1014 _param_constant155" -> "1015 linear_56" [label="(512,)", style=solid]; +"1015 linear_56" -> "1016 relu__9" [label="(1, 15, 15, 512)", style=solid]; +"1016 relu__9" -> "1018 linear_57" [label="(1, 15, 15, 512)", style=solid]; +"1017 _param_constant156" -> "1018 linear_57" [label="(12, 512)", style=solid]; +"1018 linear_57" -> "1019 view_48" [label="(1, 15, 15, 12)", style=solid]; +"1019 view_48" -> "1021 index_9" [label="(225, 12)", style=solid]; +"1020 _tensor_constant55" -> "1021 index_9" [label="(4096,)", style=solid]; +"1021 index_9" -> "1022 view_49" [label="(4096, 12)", style=solid]; +"1022 view_49" -> "1023 permute_41" [label="(64, 64, 12)", style=solid]; +"1023 permute_41" -> "1024 contiguous_16" [label="(12, 64, 64)", style=solid]; +"1024 contiguous_16" -> "1025 unsqueeze_25" [label="(12, 64, 64)", style=solid]; +"1025 unsqueeze_25" -> "1026 sigmoid_9" [label="(1, 12, 64, 64)", style=solid]; +"1026 sigmoid_9" -> "1027 mul_18" [label="(1, 12, 64, 64)", style=solid]; +"1027 mul_18" -> "1058 add_31" [label="(1, 12, 64, 64)", style=solid]; +"1028 pad_11" -> "1029 roll_8" [label="(1, 16, 16, 384)", style=solid]; +"1029 roll_8" -> "1030 view_50" [label="(1, 16, 16, 384)", style=solid]; +"1030 view_50" -> "1031 permute_42" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1031 permute_42" -> "1032 reshape_40" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1032 reshape_40" -> "1038 linear_58" [label="(4, 64, 384)", style=solid]; +"1032 reshape_40" -> "1059 new_zeros_4" [label="(4, 64, 384)", style=solid]; +"1033 _param_constant157" -> "1034 clone_9" [label="(1152,)", style=solid]; +"1034 clone_9" -> "1035 slice_138" [label="(1152,)", style=solid]; +"1034 clone_9" -> "1038 linear_58" [label="(1152,)", style=solid]; +"1035 slice_138" -> "1036 zero__9" [label="(384,)", style=solid]; +"1037 _param_constant158" -> "1038 linear_58" [label="(1152, 384)", style=solid]; +"1038 linear_58" -> "1039 reshape_41" [label="(4, 64, 1152)", style=solid]; +"1039 reshape_41" -> "1040 permute_43" [label="(4, 64, 3, 12, 32)", style=solid]; +"1040 permute_43" -> "1041 select_27" [label="(3, 4, 12, 64, 32)", style=solid]; +"1040 permute_43" -> "1042 select_28" [label="(3, 4, 12, 64, 32)", style=solid]; +"1040 permute_43" -> "1043 select_29" [label="(3, 4, 12, 64, 32)", style=solid]; +"1041 select_27" -> "1044 linalg_vector_norm_18" [label="(4, 12, 64, 32)", style=solid]; +"1041 select_27" -> "1046 expand_as_18" [label="(4, 12, 64, 32)", style=solid]; +"1041 select_27" -> "1047 div_18" [label="(4, 12, 64, 32)", style=solid]; +"1042 select_28" -> "1048 linalg_vector_norm_19" [label="(4, 12, 64, 32)", style=solid]; +"1042 select_28" -> "1050 expand_as_19" [label="(4, 12, 64, 32)", style=solid]; +"1042 select_28" -> "1051 div_19" [label="(4, 12, 64, 32)", style=solid]; +"1043 select_29" -> "1122 matmul_19" [label="(4, 12, 64, 32)", style=solid]; +"1044 linalg_vector_norm_18" -> "1045 clamp_min_18" [label="(4, 12, 64, 1)", style=solid]; +"1045 clamp_min_18" -> "1046 expand_as_18" [label="(4, 12, 64, 1)", style=solid]; +"1046 expand_as_18" -> "1047 div_18" [label="(4, 12, 64, 32)", style=solid]; +"1047 div_18" -> "1053 matmul_18" [label="(4, 12, 64, 32)", style=solid]; +"1048 linalg_vector_norm_19" -> "1049 clamp_min_19" [label="(4, 12, 64, 1)", style=solid]; +"1049 clamp_min_19" -> "1050 expand_as_19" [label="(4, 12, 64, 1)", style=solid]; +"1050 expand_as_19" -> "1051 div_19" [label="(4, 12, 64, 32)", style=solid]; +"1051 div_19" -> "1052 transpose_18" [label="(4, 12, 64, 32)", style=solid]; +"1052 transpose_18" -> "1053 matmul_18" [label="(4, 12, 32, 64)", style=solid]; +"1053 matmul_18" -> "1057 mul_19" [label="(4, 12, 64, 64)", style=solid]; +"1054 _param_constant159" -> "1055 clamp_9" [label="(12, 1, 1)", style=solid]; +"1055 clamp_9" -> "1056 exp_9" [label="(12, 1, 1)", style=solid]; +"1056 exp_9" -> "1057 mul_19" [label="(12, 1, 1)", style=solid]; +"1057 mul_19" -> "1058 add_31" [label="(4, 12, 64, 64)", style=solid]; +"1058 add_31" -> "1115 view_52" [label="(4, 12, 64, 64)", style=solid]; +"1059 new_zeros_4" -> "1062 slice_139" [label="(16, 16)", style=solid]; +"1059 new_zeros_4" -> "1067 slice_141" [label="(16, 16)", style=solid]; +"1059 new_zeros_4" -> "1072 slice_143" [label="(16, 16)", style=solid]; +"1059 new_zeros_4" -> "1077 slice_145" [label="(16, 16)", style=solid]; +"1059 new_zeros_4" -> "1082 slice_147" [label="(16, 16)", style=solid]; +"1059 new_zeros_4" -> "1087 slice_149" [label="(16, 16)", style=solid]; +"1059 new_zeros_4" -> "1092 slice_151" [label="(16, 16)", style=solid]; +"1059 new_zeros_4" -> "1097 slice_153" [label="(16, 16)", style=solid]; +"1059 new_zeros_4" -> "1102 slice_155" [label="(16, 16)", style=solid]; +"1059 new_zeros_4" -> "1105 view_51" [label="(16, 16)", style=solid]; +"1060 _tensor_constant56" -> "1061 lift_fresh_copy_36" [label="()", style=solid]; +"1061 lift_fresh_copy_36" -> "1064 fill__36" [label="()", style=solid]; +"1062 slice_139" -> "1063 slice_140" [label="(8, 16)", style=solid]; +"1063 slice_140" -> "1064 fill__36" [label="(8, 8)", style=solid]; +"1065 _tensor_constant57" -> "1066 lift_fresh_copy_37" [label="()", style=solid]; +"1066 lift_fresh_copy_37" -> "1069 fill__37" [label="()", style=solid]; +"1067 slice_141" -> "1068 slice_142" [label="(8, 16)", style=solid]; +"1068 slice_142" -> "1069 fill__37" [label="(8, 4)", style=solid]; +"1070 _tensor_constant58" -> "1071 lift_fresh_copy_38" [label="()", style=solid]; +"1071 lift_fresh_copy_38" -> "1074 fill__38" [label="()", style=solid]; +"1072 slice_143" -> "1073 slice_144" [label="(8, 16)", style=solid]; +"1073 slice_144" -> "1074 fill__38" [label="(8, 4)", style=solid]; +"1075 _tensor_constant59" -> "1076 lift_fresh_copy_39" [label="()", style=solid]; +"1076 lift_fresh_copy_39" -> "1079 fill__39" [label="()", style=solid]; +"1077 slice_145" -> "1078 slice_146" [label="(4, 16)", style=solid]; +"1078 slice_146" -> "1079 fill__39" [label="(4, 8)", style=solid]; +"1080 _tensor_constant60" -> "1081 lift_fresh_copy_40" [label="()", style=solid]; +"1081 lift_fresh_copy_40" -> "1084 fill__40" [label="()", style=solid]; +"1082 slice_147" -> "1083 slice_148" [label="(4, 16)", style=solid]; +"1083 slice_148" -> "1084 fill__40" [label="(4, 4)", style=solid]; +"1085 _tensor_constant61" -> "1086 lift_fresh_copy_41" [label="()", style=solid]; +"1086 lift_fresh_copy_41" -> "1089 fill__41" [label="()", style=solid]; +"1087 slice_149" -> "1088 slice_150" [label="(4, 16)", style=solid]; +"1088 slice_150" -> "1089 fill__41" [label="(4, 4)", style=solid]; +"1090 _tensor_constant62" -> "1091 lift_fresh_copy_42" [label="()", style=solid]; +"1091 lift_fresh_copy_42" -> "1094 fill__42" [label="()", style=solid]; +"1092 slice_151" -> "1093 slice_152" [label="(4, 16)", style=solid]; +"1093 slice_152" -> "1094 fill__42" [label="(4, 8)", style=solid]; +"1095 _tensor_constant63" -> "1096 lift_fresh_copy_43" [label="()", style=solid]; +"1096 lift_fresh_copy_43" -> "1099 fill__43" [label="()", style=solid]; +"1097 slice_153" -> "1098 slice_154" [label="(4, 16)", style=solid]; +"1098 slice_154" -> "1099 fill__43" [label="(4, 4)", style=solid]; +"1100 _tensor_constant64" -> "1101 lift_fresh_copy_44" [label="()", style=solid]; +"1101 lift_fresh_copy_44" -> "1104 fill__44" [label="()", style=solid]; +"1102 slice_155" -> "1103 slice_156" [label="(4, 16)", style=solid]; +"1103 slice_156" -> "1104 fill__44" [label="(4, 4)", style=solid]; +"1105 view_51" -> "1106 permute_44" [label="(2, 8, 2, 8)", style=solid]; +"1106 permute_44" -> "1107 reshape_42" [label="(2, 2, 8, 8)", style=solid]; +"1107 reshape_42" -> "1108 unsqueeze_26" [label="(4, 64)", style=solid]; +"1107 reshape_42" -> "1109 unsqueeze_27" [label="(4, 64)", style=solid]; +"1108 unsqueeze_26" -> "1110 sub_4" [label="(4, 1, 64)", style=solid]; +"1109 unsqueeze_27" -> "1110 sub_4" [label="(4, 64, 1)", style=solid]; +"1110 sub_4" -> "1111 ne_4" [label="(4, 64, 64)", style=solid]; +"1110 sub_4" -> "1112 masked_fill_8" [label="(4, 64, 64)", style=solid]; +"1110 sub_4" -> "1113 eq_4" [label="(4, 64, 64)", style=solid]; +"1111 ne_4" -> "1112 masked_fill_8" [label="(4, 64, 64)", style=solid]; +"1112 masked_fill_8" -> "1114 masked_fill_9" [label="(4, 64, 64)", style=solid]; +"1113 eq_4" -> "1114 masked_fill_9" [label="(4, 64, 64)", style=solid]; +"1114 masked_fill_9" -> "1116 unsqueeze_28" [label="(4, 64, 64)", style=solid]; +"1115 view_52" -> "1118 add_32" [label="(1, 4, 12, 64, 64)", style=solid]; +"1116 unsqueeze_28" -> "1117 unsqueeze_29" [label="(4, 1, 64, 64)", style=solid]; +"1117 unsqueeze_29" -> "1118 add_32" [label="(1, 4, 1, 64, 64)", style=solid]; +"1118 add_32" -> "1119 view_53" [label="(1, 4, 12, 64, 64)", style=solid]; +"1119 view_53" -> "1120 softmax_9" [label="(4, 12, 64, 64)", style=solid]; +"1120 softmax_9" -> "1121 dropout_36" [label="(4, 12, 64, 64)", style=solid]; +"1121 dropout_36" -> "1122 matmul_19" [label="(4, 12, 64, 64)", style=solid]; +"1122 matmul_19" -> "1123 transpose_19" [label="(4, 12, 64, 32)", style=solid]; +"1123 transpose_19" -> "1124 reshape_43" [label="(4, 64, 12, 32)", style=solid]; +"1124 reshape_43" -> "1127 linear_59" [label="(4, 64, 384)", style=solid]; +"1125 _param_constant160" -> "1127 linear_59" [label="(384, 384)", style=solid]; +"1126 _param_constant161" -> "1127 linear_59" [label="(384,)", style=solid]; +"1127 linear_59" -> "1128 dropout_37" [label="(4, 64, 384)", style=solid]; +"1128 dropout_37" -> "1129 view_54" [label="(4, 64, 384)", style=solid]; +"1129 view_54" -> "1130 permute_45" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1130 permute_45" -> "1131 reshape_44" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1131 reshape_44" -> "1132 roll_9" [label="(1, 16, 16, 384)", style=solid]; +"1132 roll_9" -> "1133 slice_157" [label="(1, 16, 16, 384)", style=solid]; +"1133 slice_157" -> "1134 slice_158" [label="(1, 16, 16, 384)", style=solid]; +"1134 slice_158" -> "1135 slice_159" [label="(1, 14, 16, 384)", style=solid]; +"1135 slice_159" -> "1136 slice_160" [label="(1, 14, 14, 384)", style=solid]; +"1136 slice_160" -> "1137 contiguous_17" [label="(1, 14, 14, 384)", style=solid]; +"1137 contiguous_17" -> "1140 layer_norm_21" [label="(1, 14, 14, 384)", style=solid]; +"1138 _param_constant162" -> "1140 layer_norm_21" [label="(384,)", style=solid]; +"1139 _param_constant163" -> "1140 layer_norm_21" [label="(384,)", style=solid]; +"1140 layer_norm_21" -> "1141 add_33" [label="(1, 14, 14, 384)", style=solid]; +"1141 add_33" -> "1144 linear_60" [label="(1, 14, 14, 384)", style=solid]; +"1141 add_33" -> "1154 add_34" [label="(1, 14, 14, 384)", style=solid]; +"1142 _param_constant164" -> "1144 linear_60" [label="(1536, 384)", style=solid]; +"1143 _param_constant165" -> "1144 linear_60" [label="(1536,)", style=solid]; +"1144 linear_60" -> "1145 gelu_9" [label="(1, 14, 14, 1536)", style=solid]; +"1145 gelu_9" -> "1146 dropout_38" [label="(1, 14, 14, 1536)", style=solid]; +"1146 dropout_38" -> "1149 linear_61" [label="(1, 14, 14, 1536)", style=solid]; +"1147 _param_constant166" -> "1149 linear_61" [label="(384, 1536)", style=solid]; +"1148 _param_constant167" -> "1149 linear_61" [label="(384,)", style=solid]; +"1149 linear_61" -> "1150 dropout_39" [label="(1, 14, 14, 384)", style=solid]; +"1150 dropout_39" -> "1153 layer_norm_22" [label="(1, 14, 14, 384)", style=solid]; +"1151 _param_constant168" -> "1153 layer_norm_22" [label="(384,)", style=solid]; +"1152 _param_constant169" -> "1153 layer_norm_22" [label="(384,)", style=solid]; +"1153 layer_norm_22" -> "1154 add_34" [label="(1, 14, 14, 384)", style=solid]; +"1154 add_34" -> "1171 pad_12" [label="(1, 14, 14, 384)", style=solid]; +"1154 add_34" -> "1221 add_36" [label="(1, 14, 14, 384)", style=solid]; +"1155 _tensor_constant65" -> "1158 linear_62" [label="(1, 15, 15, 2)", style=solid]; +"1156 _param_constant170" -> "1158 linear_62" [label="(512, 2)", style=solid]; +"1157 _param_constant171" -> "1158 linear_62" [label="(512,)", style=solid]; +"1158 linear_62" -> "1159 relu__10" [label="(1, 15, 15, 512)", style=solid]; +"1159 relu__10" -> "1161 linear_63" [label="(1, 15, 15, 512)", style=solid]; +"1160 _param_constant172" -> "1161 linear_63" [label="(12, 512)", style=solid]; +"1161 linear_63" -> "1162 view_55" [label="(1, 15, 15, 12)", style=solid]; +"1162 view_55" -> "1164 index_10" [label="(225, 12)", style=solid]; +"1163 _tensor_constant66" -> "1164 index_10" [label="(4096,)", style=solid]; +"1164 index_10" -> "1165 view_56" [label="(4096, 12)", style=solid]; +"1165 view_56" -> "1166 permute_46" [label="(64, 64, 12)", style=solid]; +"1166 permute_46" -> "1167 contiguous_18" [label="(12, 64, 64)", style=solid]; +"1167 contiguous_18" -> "1168 unsqueeze_30" [label="(12, 64, 64)", style=solid]; +"1168 unsqueeze_30" -> "1169 sigmoid_10" [label="(1, 12, 64, 64)", style=solid]; +"1169 sigmoid_10" -> "1170 mul_20" [label="(1, 12, 64, 64)", style=solid]; +"1170 mul_20" -> "1200 add_35" [label="(1, 12, 64, 64)", style=solid]; +"1171 pad_12" -> "1172 view_57" [label="(1, 16, 16, 384)", style=solid]; +"1172 view_57" -> "1173 permute_47" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1173 permute_47" -> "1174 reshape_45" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1174 reshape_45" -> "1180 linear_64" [label="(4, 64, 384)", style=solid]; +"1175 _param_constant173" -> "1176 clone_10" [label="(1152,)", style=solid]; +"1176 clone_10" -> "1177 slice_161" [label="(1152,)", style=solid]; +"1176 clone_10" -> "1180 linear_64" [label="(1152,)", style=solid]; +"1177 slice_161" -> "1178 zero__10" [label="(384,)", style=solid]; +"1179 _param_constant174" -> "1180 linear_64" [label="(1152, 384)", style=solid]; +"1180 linear_64" -> "1181 reshape_46" [label="(4, 64, 1152)", style=solid]; +"1181 reshape_46" -> "1182 permute_48" [label="(4, 64, 3, 12, 32)", style=solid]; +"1182 permute_48" -> "1183 select_30" [label="(3, 4, 12, 64, 32)", style=solid]; +"1182 permute_48" -> "1184 select_31" [label="(3, 4, 12, 64, 32)", style=solid]; +"1182 permute_48" -> "1185 select_32" [label="(3, 4, 12, 64, 32)", style=solid]; +"1183 select_30" -> "1186 linalg_vector_norm_20" [label="(4, 12, 64, 32)", style=solid]; +"1183 select_30" -> "1188 expand_as_20" [label="(4, 12, 64, 32)", style=solid]; +"1183 select_30" -> "1189 div_20" [label="(4, 12, 64, 32)", style=solid]; +"1184 select_31" -> "1190 linalg_vector_norm_21" [label="(4, 12, 64, 32)", style=solid]; +"1184 select_31" -> "1192 expand_as_21" [label="(4, 12, 64, 32)", style=solid]; +"1184 select_31" -> "1193 div_21" [label="(4, 12, 64, 32)", style=solid]; +"1185 select_32" -> "1203 matmul_21" [label="(4, 12, 64, 32)", style=solid]; +"1186 linalg_vector_norm_20" -> "1187 clamp_min_20" [label="(4, 12, 64, 1)", style=solid]; +"1187 clamp_min_20" -> "1188 expand_as_20" [label="(4, 12, 64, 1)", style=solid]; +"1188 expand_as_20" -> "1189 div_20" [label="(4, 12, 64, 32)", style=solid]; +"1189 div_20" -> "1195 matmul_20" [label="(4, 12, 64, 32)", style=solid]; +"1190 linalg_vector_norm_21" -> "1191 clamp_min_21" [label="(4, 12, 64, 1)", style=solid]; +"1191 clamp_min_21" -> "1192 expand_as_21" [label="(4, 12, 64, 1)", style=solid]; +"1192 expand_as_21" -> "1193 div_21" [label="(4, 12, 64, 32)", style=solid]; +"1193 div_21" -> "1194 transpose_20" [label="(4, 12, 64, 32)", style=solid]; +"1194 transpose_20" -> "1195 matmul_20" [label="(4, 12, 32, 64)", style=solid]; +"1195 matmul_20" -> "1199 mul_21" [label="(4, 12, 64, 64)", style=solid]; +"1196 _param_constant175" -> "1197 clamp_10" [label="(12, 1, 1)", style=solid]; +"1197 clamp_10" -> "1198 exp_10" [label="(12, 1, 1)", style=solid]; +"1198 exp_10" -> "1199 mul_21" [label="(12, 1, 1)", style=solid]; +"1199 mul_21" -> "1200 add_35" [label="(4, 12, 64, 64)", style=solid]; +"1200 add_35" -> "1201 softmax_10" [label="(4, 12, 64, 64)", style=solid]; +"1201 softmax_10" -> "1202 dropout_40" [label="(4, 12, 64, 64)", style=solid]; +"1202 dropout_40" -> "1203 matmul_21" [label="(4, 12, 64, 64)", style=solid]; +"1203 matmul_21" -> "1204 transpose_21" [label="(4, 12, 64, 32)", style=solid]; +"1204 transpose_21" -> "1205 reshape_47" [label="(4, 64, 12, 32)", style=solid]; +"1205 reshape_47" -> "1208 linear_65" [label="(4, 64, 384)", style=solid]; +"1206 _param_constant176" -> "1208 linear_65" [label="(384, 384)", style=solid]; +"1207 _param_constant177" -> "1208 linear_65" [label="(384,)", style=solid]; +"1208 linear_65" -> "1209 dropout_41" [label="(4, 64, 384)", style=solid]; +"1209 dropout_41" -> "1210 view_58" [label="(4, 64, 384)", style=solid]; +"1210 view_58" -> "1211 permute_49" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1211 permute_49" -> "1212 reshape_48" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1212 reshape_48" -> "1213 slice_162" [label="(1, 16, 16, 384)", style=solid]; +"1213 slice_162" -> "1214 slice_163" [label="(1, 16, 16, 384)", style=solid]; +"1214 slice_163" -> "1215 slice_164" [label="(1, 14, 16, 384)", style=solid]; +"1215 slice_164" -> "1216 slice_165" [label="(1, 14, 14, 384)", style=solid]; +"1216 slice_165" -> "1217 contiguous_19" [label="(1, 14, 14, 384)", style=solid]; +"1217 contiguous_19" -> "1220 layer_norm_23" [label="(1, 14, 14, 384)", style=solid]; +"1218 _param_constant178" -> "1220 layer_norm_23" [label="(384,)", style=solid]; +"1219 _param_constant179" -> "1220 layer_norm_23" [label="(384,)", style=solid]; +"1220 layer_norm_23" -> "1221 add_36" [label="(1, 14, 14, 384)", style=solid]; +"1221 add_36" -> "1224 linear_66" [label="(1, 14, 14, 384)", style=solid]; +"1221 add_36" -> "1234 add_37" [label="(1, 14, 14, 384)", style=solid]; +"1222 _param_constant180" -> "1224 linear_66" [label="(1536, 384)", style=solid]; +"1223 _param_constant181" -> "1224 linear_66" [label="(1536,)", style=solid]; +"1224 linear_66" -> "1225 gelu_10" [label="(1, 14, 14, 1536)", style=solid]; +"1225 gelu_10" -> "1226 dropout_42" [label="(1, 14, 14, 1536)", style=solid]; +"1226 dropout_42" -> "1229 linear_67" [label="(1, 14, 14, 1536)", style=solid]; +"1227 _param_constant182" -> "1229 linear_67" [label="(384, 1536)", style=solid]; +"1228 _param_constant183" -> "1229 linear_67" [label="(384,)", style=solid]; +"1229 linear_67" -> "1230 dropout_43" [label="(1, 14, 14, 384)", style=solid]; +"1230 dropout_43" -> "1233 layer_norm_24" [label="(1, 14, 14, 384)", style=solid]; +"1231 _param_constant184" -> "1233 layer_norm_24" [label="(384,)", style=solid]; +"1232 _param_constant185" -> "1233 layer_norm_24" [label="(384,)", style=solid]; +"1233 layer_norm_24" -> "1234 add_37" [label="(1, 14, 14, 384)", style=solid]; +"1234 add_37" -> "1251 pad_13" [label="(1, 14, 14, 384)", style=solid]; +"1234 add_37" -> "1364 add_40" [label="(1, 14, 14, 384)", style=solid]; +"1235 _tensor_constant67" -> "1238 linear_68" [label="(1, 15, 15, 2)", style=solid]; +"1236 _param_constant186" -> "1238 linear_68" [label="(512, 2)", style=solid]; +"1237 _param_constant187" -> "1238 linear_68" [label="(512,)", style=solid]; +"1238 linear_68" -> "1239 relu__11" [label="(1, 15, 15, 512)", style=solid]; +"1239 relu__11" -> "1241 linear_69" [label="(1, 15, 15, 512)", style=solid]; +"1240 _param_constant188" -> "1241 linear_69" [label="(12, 512)", style=solid]; +"1241 linear_69" -> "1242 view_59" [label="(1, 15, 15, 12)", style=solid]; +"1242 view_59" -> "1244 index_11" [label="(225, 12)", style=solid]; +"1243 _tensor_constant68" -> "1244 index_11" [label="(4096,)", style=solid]; +"1244 index_11" -> "1245 view_60" [label="(4096, 12)", style=solid]; +"1245 view_60" -> "1246 permute_50" [label="(64, 64, 12)", style=solid]; +"1246 permute_50" -> "1247 contiguous_20" [label="(12, 64, 64)", style=solid]; +"1247 contiguous_20" -> "1248 unsqueeze_31" [label="(12, 64, 64)", style=solid]; +"1248 unsqueeze_31" -> "1249 sigmoid_11" [label="(1, 12, 64, 64)", style=solid]; +"1249 sigmoid_11" -> "1250 mul_22" [label="(1, 12, 64, 64)", style=solid]; +"1250 mul_22" -> "1281 add_38" [label="(1, 12, 64, 64)", style=solid]; +"1251 pad_13" -> "1252 roll_10" [label="(1, 16, 16, 384)", style=solid]; +"1252 roll_10" -> "1253 view_61" [label="(1, 16, 16, 384)", style=solid]; +"1253 view_61" -> "1254 permute_51" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1254 permute_51" -> "1255 reshape_49" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1255 reshape_49" -> "1261 linear_70" [label="(4, 64, 384)", style=solid]; +"1255 reshape_49" -> "1282 new_zeros_5" [label="(4, 64, 384)", style=solid]; +"1256 _param_constant189" -> "1257 clone_11" [label="(1152,)", style=solid]; +"1257 clone_11" -> "1258 slice_166" [label="(1152,)", style=solid]; +"1257 clone_11" -> "1261 linear_70" [label="(1152,)", style=solid]; +"1258 slice_166" -> "1259 zero__11" [label="(384,)", style=solid]; +"1260 _param_constant190" -> "1261 linear_70" [label="(1152, 384)", style=solid]; +"1261 linear_70" -> "1262 reshape_50" [label="(4, 64, 1152)", style=solid]; +"1262 reshape_50" -> "1263 permute_52" [label="(4, 64, 3, 12, 32)", style=solid]; +"1263 permute_52" -> "1264 select_33" [label="(3, 4, 12, 64, 32)", style=solid]; +"1263 permute_52" -> "1265 select_34" [label="(3, 4, 12, 64, 32)", style=solid]; +"1263 permute_52" -> "1266 select_35" [label="(3, 4, 12, 64, 32)", style=solid]; +"1264 select_33" -> "1267 linalg_vector_norm_22" [label="(4, 12, 64, 32)", style=solid]; +"1264 select_33" -> "1269 expand_as_22" [label="(4, 12, 64, 32)", style=solid]; +"1264 select_33" -> "1270 div_22" [label="(4, 12, 64, 32)", style=solid]; +"1265 select_34" -> "1271 linalg_vector_norm_23" [label="(4, 12, 64, 32)", style=solid]; +"1265 select_34" -> "1273 expand_as_23" [label="(4, 12, 64, 32)", style=solid]; +"1265 select_34" -> "1274 div_23" [label="(4, 12, 64, 32)", style=solid]; +"1266 select_35" -> "1345 matmul_23" [label="(4, 12, 64, 32)", style=solid]; +"1267 linalg_vector_norm_22" -> "1268 clamp_min_22" [label="(4, 12, 64, 1)", style=solid]; +"1268 clamp_min_22" -> "1269 expand_as_22" [label="(4, 12, 64, 1)", style=solid]; +"1269 expand_as_22" -> "1270 div_22" [label="(4, 12, 64, 32)", style=solid]; +"1270 div_22" -> "1276 matmul_22" [label="(4, 12, 64, 32)", style=solid]; +"1271 linalg_vector_norm_23" -> "1272 clamp_min_23" [label="(4, 12, 64, 1)", style=solid]; +"1272 clamp_min_23" -> "1273 expand_as_23" [label="(4, 12, 64, 1)", style=solid]; +"1273 expand_as_23" -> "1274 div_23" [label="(4, 12, 64, 32)", style=solid]; +"1274 div_23" -> "1275 transpose_22" [label="(4, 12, 64, 32)", style=solid]; +"1275 transpose_22" -> "1276 matmul_22" [label="(4, 12, 32, 64)", style=solid]; +"1276 matmul_22" -> "1280 mul_23" [label="(4, 12, 64, 64)", style=solid]; +"1277 _param_constant191" -> "1278 clamp_11" [label="(12, 1, 1)", style=solid]; +"1278 clamp_11" -> "1279 exp_11" [label="(12, 1, 1)", style=solid]; +"1279 exp_11" -> "1280 mul_23" [label="(12, 1, 1)", style=solid]; +"1280 mul_23" -> "1281 add_38" [label="(4, 12, 64, 64)", style=solid]; +"1281 add_38" -> "1338 view_63" [label="(4, 12, 64, 64)", style=solid]; +"1282 new_zeros_5" -> "1285 slice_167" [label="(16, 16)", style=solid]; +"1282 new_zeros_5" -> "1290 slice_169" [label="(16, 16)", style=solid]; +"1282 new_zeros_5" -> "1295 slice_171" [label="(16, 16)", style=solid]; +"1282 new_zeros_5" -> "1300 slice_173" [label="(16, 16)", style=solid]; +"1282 new_zeros_5" -> "1305 slice_175" [label="(16, 16)", style=solid]; +"1282 new_zeros_5" -> "1310 slice_177" [label="(16, 16)", style=solid]; +"1282 new_zeros_5" -> "1315 slice_179" [label="(16, 16)", style=solid]; +"1282 new_zeros_5" -> "1320 slice_181" [label="(16, 16)", style=solid]; +"1282 new_zeros_5" -> "1325 slice_183" [label="(16, 16)", style=solid]; +"1282 new_zeros_5" -> "1328 view_62" [label="(16, 16)", style=solid]; +"1283 _tensor_constant69" -> "1284 lift_fresh_copy_45" [label="()", style=solid]; +"1284 lift_fresh_copy_45" -> "1287 fill__45" [label="()", style=solid]; +"1285 slice_167" -> "1286 slice_168" [label="(8, 16)", style=solid]; +"1286 slice_168" -> "1287 fill__45" [label="(8, 8)", style=solid]; +"1288 _tensor_constant70" -> "1289 lift_fresh_copy_46" [label="()", style=solid]; +"1289 lift_fresh_copy_46" -> "1292 fill__46" [label="()", style=solid]; +"1290 slice_169" -> "1291 slice_170" [label="(8, 16)", style=solid]; +"1291 slice_170" -> "1292 fill__46" [label="(8, 4)", style=solid]; +"1293 _tensor_constant71" -> "1294 lift_fresh_copy_47" [label="()", style=solid]; +"1294 lift_fresh_copy_47" -> "1297 fill__47" [label="()", style=solid]; +"1295 slice_171" -> "1296 slice_172" [label="(8, 16)", style=solid]; +"1296 slice_172" -> "1297 fill__47" [label="(8, 4)", style=solid]; +"1298 _tensor_constant72" -> "1299 lift_fresh_copy_48" [label="()", style=solid]; +"1299 lift_fresh_copy_48" -> "1302 fill__48" [label="()", style=solid]; +"1300 slice_173" -> "1301 slice_174" [label="(4, 16)", style=solid]; +"1301 slice_174" -> "1302 fill__48" [label="(4, 8)", style=solid]; +"1303 _tensor_constant73" -> "1304 lift_fresh_copy_49" [label="()", style=solid]; +"1304 lift_fresh_copy_49" -> "1307 fill__49" [label="()", style=solid]; +"1305 slice_175" -> "1306 slice_176" [label="(4, 16)", style=solid]; +"1306 slice_176" -> "1307 fill__49" [label="(4, 4)", style=solid]; +"1308 _tensor_constant74" -> "1309 lift_fresh_copy_50" [label="()", style=solid]; +"1309 lift_fresh_copy_50" -> "1312 fill__50" [label="()", style=solid]; +"1310 slice_177" -> "1311 slice_178" [label="(4, 16)", style=solid]; +"1311 slice_178" -> "1312 fill__50" [label="(4, 4)", style=solid]; +"1313 _tensor_constant75" -> "1314 lift_fresh_copy_51" [label="()", style=solid]; +"1314 lift_fresh_copy_51" -> "1317 fill__51" [label="()", style=solid]; +"1315 slice_179" -> "1316 slice_180" [label="(4, 16)", style=solid]; +"1316 slice_180" -> "1317 fill__51" [label="(4, 8)", style=solid]; +"1318 _tensor_constant76" -> "1319 lift_fresh_copy_52" [label="()", style=solid]; +"1319 lift_fresh_copy_52" -> "1322 fill__52" [label="()", style=solid]; +"1320 slice_181" -> "1321 slice_182" [label="(4, 16)", style=solid]; +"1321 slice_182" -> "1322 fill__52" [label="(4, 4)", style=solid]; +"1323 _tensor_constant77" -> "1324 lift_fresh_copy_53" [label="()", style=solid]; +"1324 lift_fresh_copy_53" -> "1327 fill__53" [label="()", style=solid]; +"1325 slice_183" -> "1326 slice_184" [label="(4, 16)", style=solid]; +"1326 slice_184" -> "1327 fill__53" [label="(4, 4)", style=solid]; +"1328 view_62" -> "1329 permute_53" [label="(2, 8, 2, 8)", style=solid]; +"1329 permute_53" -> "1330 reshape_51" [label="(2, 2, 8, 8)", style=solid]; +"1330 reshape_51" -> "1331 unsqueeze_32" [label="(4, 64)", style=solid]; +"1330 reshape_51" -> "1332 unsqueeze_33" [label="(4, 64)", style=solid]; +"1331 unsqueeze_32" -> "1333 sub_5" [label="(4, 1, 64)", style=solid]; +"1332 unsqueeze_33" -> "1333 sub_5" [label="(4, 64, 1)", style=solid]; +"1333 sub_5" -> "1334 ne_5" [label="(4, 64, 64)", style=solid]; +"1333 sub_5" -> "1335 masked_fill_10" [label="(4, 64, 64)", style=solid]; +"1333 sub_5" -> "1336 eq_5" [label="(4, 64, 64)", style=solid]; +"1334 ne_5" -> "1335 masked_fill_10" [label="(4, 64, 64)", style=solid]; +"1335 masked_fill_10" -> "1337 masked_fill_11" [label="(4, 64, 64)", style=solid]; +"1336 eq_5" -> "1337 masked_fill_11" [label="(4, 64, 64)", style=solid]; +"1337 masked_fill_11" -> "1339 unsqueeze_34" [label="(4, 64, 64)", style=solid]; +"1338 view_63" -> "1341 add_39" [label="(1, 4, 12, 64, 64)", style=solid]; +"1339 unsqueeze_34" -> "1340 unsqueeze_35" [label="(4, 1, 64, 64)", style=solid]; +"1340 unsqueeze_35" -> "1341 add_39" [label="(1, 4, 1, 64, 64)", style=solid]; +"1341 add_39" -> "1342 view_64" [label="(1, 4, 12, 64, 64)", style=solid]; +"1342 view_64" -> "1343 softmax_11" [label="(4, 12, 64, 64)", style=solid]; +"1343 softmax_11" -> "1344 dropout_44" [label="(4, 12, 64, 64)", style=solid]; +"1344 dropout_44" -> "1345 matmul_23" [label="(4, 12, 64, 64)", style=solid]; +"1345 matmul_23" -> "1346 transpose_23" [label="(4, 12, 64, 32)", style=solid]; +"1346 transpose_23" -> "1347 reshape_52" [label="(4, 64, 12, 32)", style=solid]; +"1347 reshape_52" -> "1350 linear_71" [label="(4, 64, 384)", style=solid]; +"1348 _param_constant192" -> "1350 linear_71" [label="(384, 384)", style=solid]; +"1349 _param_constant193" -> "1350 linear_71" [label="(384,)", style=solid]; +"1350 linear_71" -> "1351 dropout_45" [label="(4, 64, 384)", style=solid]; +"1351 dropout_45" -> "1352 view_65" [label="(4, 64, 384)", style=solid]; +"1352 view_65" -> "1353 permute_54" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1353 permute_54" -> "1354 reshape_53" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1354 reshape_53" -> "1355 roll_11" [label="(1, 16, 16, 384)", style=solid]; +"1355 roll_11" -> "1356 slice_185" [label="(1, 16, 16, 384)", style=solid]; +"1356 slice_185" -> "1357 slice_186" [label="(1, 16, 16, 384)", style=solid]; +"1357 slice_186" -> "1358 slice_187" [label="(1, 14, 16, 384)", style=solid]; +"1358 slice_187" -> "1359 slice_188" [label="(1, 14, 14, 384)", style=solid]; +"1359 slice_188" -> "1360 contiguous_21" [label="(1, 14, 14, 384)", style=solid]; +"1360 contiguous_21" -> "1363 layer_norm_25" [label="(1, 14, 14, 384)", style=solid]; +"1361 _param_constant194" -> "1363 layer_norm_25" [label="(384,)", style=solid]; +"1362 _param_constant195" -> "1363 layer_norm_25" [label="(384,)", style=solid]; +"1363 layer_norm_25" -> "1364 add_40" [label="(1, 14, 14, 384)", style=solid]; +"1364 add_40" -> "1367 linear_72" [label="(1, 14, 14, 384)", style=solid]; +"1364 add_40" -> "1377 add_41" [label="(1, 14, 14, 384)", style=solid]; +"1365 _param_constant196" -> "1367 linear_72" [label="(1536, 384)", style=solid]; +"1366 _param_constant197" -> "1367 linear_72" [label="(1536,)", style=solid]; +"1367 linear_72" -> "1368 gelu_11" [label="(1, 14, 14, 1536)", style=solid]; +"1368 gelu_11" -> "1369 dropout_46" [label="(1, 14, 14, 1536)", style=solid]; +"1369 dropout_46" -> "1372 linear_73" [label="(1, 14, 14, 1536)", style=solid]; +"1370 _param_constant198" -> "1372 linear_73" [label="(384, 1536)", style=solid]; +"1371 _param_constant199" -> "1372 linear_73" [label="(384,)", style=solid]; +"1372 linear_73" -> "1373 dropout_47" [label="(1, 14, 14, 384)", style=solid]; +"1373 dropout_47" -> "1376 layer_norm_26" [label="(1, 14, 14, 384)", style=solid]; +"1374 _param_constant200" -> "1376 layer_norm_26" [label="(384,)", style=solid]; +"1375 _param_constant201" -> "1376 layer_norm_26" [label="(384,)", style=solid]; +"1376 layer_norm_26" -> "1377 add_41" [label="(1, 14, 14, 384)", style=solid]; +"1377 add_41" -> "1394 pad_14" [label="(1, 14, 14, 384)", style=solid]; +"1377 add_41" -> "1444 add_43" [label="(1, 14, 14, 384)", style=solid]; +"1378 _tensor_constant78" -> "1381 linear_74" [label="(1, 15, 15, 2)", style=solid]; +"1379 _param_constant202" -> "1381 linear_74" [label="(512, 2)", style=solid]; +"1380 _param_constant203" -> "1381 linear_74" [label="(512,)", style=solid]; +"1381 linear_74" -> "1382 relu__12" [label="(1, 15, 15, 512)", style=solid]; +"1382 relu__12" -> "1384 linear_75" [label="(1, 15, 15, 512)", style=solid]; +"1383 _param_constant204" -> "1384 linear_75" [label="(12, 512)", style=solid]; +"1384 linear_75" -> "1385 view_66" [label="(1, 15, 15, 12)", style=solid]; +"1385 view_66" -> "1387 index_12" [label="(225, 12)", style=solid]; +"1386 _tensor_constant79" -> "1387 index_12" [label="(4096,)", style=solid]; +"1387 index_12" -> "1388 view_67" [label="(4096, 12)", style=solid]; +"1388 view_67" -> "1389 permute_55" [label="(64, 64, 12)", style=solid]; +"1389 permute_55" -> "1390 contiguous_22" [label="(12, 64, 64)", style=solid]; +"1390 contiguous_22" -> "1391 unsqueeze_36" [label="(12, 64, 64)", style=solid]; +"1391 unsqueeze_36" -> "1392 sigmoid_12" [label="(1, 12, 64, 64)", style=solid]; +"1392 sigmoid_12" -> "1393 mul_24" [label="(1, 12, 64, 64)", style=solid]; +"1393 mul_24" -> "1423 add_42" [label="(1, 12, 64, 64)", style=solid]; +"1394 pad_14" -> "1395 view_68" [label="(1, 16, 16, 384)", style=solid]; +"1395 view_68" -> "1396 permute_56" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1396 permute_56" -> "1397 reshape_54" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1397 reshape_54" -> "1403 linear_76" [label="(4, 64, 384)", style=solid]; +"1398 _param_constant205" -> "1399 clone_12" [label="(1152,)", style=solid]; +"1399 clone_12" -> "1400 slice_189" [label="(1152,)", style=solid]; +"1399 clone_12" -> "1403 linear_76" [label="(1152,)", style=solid]; +"1400 slice_189" -> "1401 zero__12" [label="(384,)", style=solid]; +"1402 _param_constant206" -> "1403 linear_76" [label="(1152, 384)", style=solid]; +"1403 linear_76" -> "1404 reshape_55" [label="(4, 64, 1152)", style=solid]; +"1404 reshape_55" -> "1405 permute_57" [label="(4, 64, 3, 12, 32)", style=solid]; +"1405 permute_57" -> "1406 select_36" [label="(3, 4, 12, 64, 32)", style=solid]; +"1405 permute_57" -> "1407 select_37" [label="(3, 4, 12, 64, 32)", style=solid]; +"1405 permute_57" -> "1408 select_38" [label="(3, 4, 12, 64, 32)", style=solid]; +"1406 select_36" -> "1409 linalg_vector_norm_24" [label="(4, 12, 64, 32)", style=solid]; +"1406 select_36" -> "1411 expand_as_24" [label="(4, 12, 64, 32)", style=solid]; +"1406 select_36" -> "1412 div_24" [label="(4, 12, 64, 32)", style=solid]; +"1407 select_37" -> "1413 linalg_vector_norm_25" [label="(4, 12, 64, 32)", style=solid]; +"1407 select_37" -> "1415 expand_as_25" [label="(4, 12, 64, 32)", style=solid]; +"1407 select_37" -> "1416 div_25" [label="(4, 12, 64, 32)", style=solid]; +"1408 select_38" -> "1426 matmul_25" [label="(4, 12, 64, 32)", style=solid]; +"1409 linalg_vector_norm_24" -> "1410 clamp_min_24" [label="(4, 12, 64, 1)", style=solid]; +"1410 clamp_min_24" -> "1411 expand_as_24" [label="(4, 12, 64, 1)", style=solid]; +"1411 expand_as_24" -> "1412 div_24" [label="(4, 12, 64, 32)", style=solid]; +"1412 div_24" -> "1418 matmul_24" [label="(4, 12, 64, 32)", style=solid]; +"1413 linalg_vector_norm_25" -> "1414 clamp_min_25" [label="(4, 12, 64, 1)", style=solid]; +"1414 clamp_min_25" -> "1415 expand_as_25" [label="(4, 12, 64, 1)", style=solid]; +"1415 expand_as_25" -> "1416 div_25" [label="(4, 12, 64, 32)", style=solid]; +"1416 div_25" -> "1417 transpose_24" [label="(4, 12, 64, 32)", style=solid]; +"1417 transpose_24" -> "1418 matmul_24" [label="(4, 12, 32, 64)", style=solid]; +"1418 matmul_24" -> "1422 mul_25" [label="(4, 12, 64, 64)", style=solid]; +"1419 _param_constant207" -> "1420 clamp_12" [label="(12, 1, 1)", style=solid]; +"1420 clamp_12" -> "1421 exp_12" [label="(12, 1, 1)", style=solid]; +"1421 exp_12" -> "1422 mul_25" [label="(12, 1, 1)", style=solid]; +"1422 mul_25" -> "1423 add_42" [label="(4, 12, 64, 64)", style=solid]; +"1423 add_42" -> "1424 softmax_12" [label="(4, 12, 64, 64)", style=solid]; +"1424 softmax_12" -> "1425 dropout_48" [label="(4, 12, 64, 64)", style=solid]; +"1425 dropout_48" -> "1426 matmul_25" [label="(4, 12, 64, 64)", style=solid]; +"1426 matmul_25" -> "1427 transpose_25" [label="(4, 12, 64, 32)", style=solid]; +"1427 transpose_25" -> "1428 reshape_56" [label="(4, 64, 12, 32)", style=solid]; +"1428 reshape_56" -> "1431 linear_77" [label="(4, 64, 384)", style=solid]; +"1429 _param_constant208" -> "1431 linear_77" [label="(384, 384)", style=solid]; +"1430 _param_constant209" -> "1431 linear_77" [label="(384,)", style=solid]; +"1431 linear_77" -> "1432 dropout_49" [label="(4, 64, 384)", style=solid]; +"1432 dropout_49" -> "1433 view_69" [label="(4, 64, 384)", style=solid]; +"1433 view_69" -> "1434 permute_58" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1434 permute_58" -> "1435 reshape_57" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1435 reshape_57" -> "1436 slice_190" [label="(1, 16, 16, 384)", style=solid]; +"1436 slice_190" -> "1437 slice_191" [label="(1, 16, 16, 384)", style=solid]; +"1437 slice_191" -> "1438 slice_192" [label="(1, 14, 16, 384)", style=solid]; +"1438 slice_192" -> "1439 slice_193" [label="(1, 14, 14, 384)", style=solid]; +"1439 slice_193" -> "1440 contiguous_23" [label="(1, 14, 14, 384)", style=solid]; +"1440 contiguous_23" -> "1443 layer_norm_27" [label="(1, 14, 14, 384)", style=solid]; +"1441 _param_constant210" -> "1443 layer_norm_27" [label="(384,)", style=solid]; +"1442 _param_constant211" -> "1443 layer_norm_27" [label="(384,)", style=solid]; +"1443 layer_norm_27" -> "1444 add_43" [label="(1, 14, 14, 384)", style=solid]; +"1444 add_43" -> "1447 linear_78" [label="(1, 14, 14, 384)", style=solid]; +"1444 add_43" -> "1457 add_44" [label="(1, 14, 14, 384)", style=solid]; +"1445 _param_constant212" -> "1447 linear_78" [label="(1536, 384)", style=solid]; +"1446 _param_constant213" -> "1447 linear_78" [label="(1536,)", style=solid]; +"1447 linear_78" -> "1448 gelu_12" [label="(1, 14, 14, 1536)", style=solid]; +"1448 gelu_12" -> "1449 dropout_50" [label="(1, 14, 14, 1536)", style=solid]; +"1449 dropout_50" -> "1452 linear_79" [label="(1, 14, 14, 1536)", style=solid]; +"1450 _param_constant214" -> "1452 linear_79" [label="(384, 1536)", style=solid]; +"1451 _param_constant215" -> "1452 linear_79" [label="(384,)", style=solid]; +"1452 linear_79" -> "1453 dropout_51" [label="(1, 14, 14, 384)", style=solid]; +"1453 dropout_51" -> "1456 layer_norm_28" [label="(1, 14, 14, 384)", style=solid]; +"1454 _param_constant216" -> "1456 layer_norm_28" [label="(384,)", style=solid]; +"1455 _param_constant217" -> "1456 layer_norm_28" [label="(384,)", style=solid]; +"1456 layer_norm_28" -> "1457 add_44" [label="(1, 14, 14, 384)", style=solid]; +"1457 add_44" -> "1474 pad_15" [label="(1, 14, 14, 384)", style=solid]; +"1457 add_44" -> "1587 add_47" [label="(1, 14, 14, 384)", style=solid]; +"1458 _tensor_constant80" -> "1461 linear_80" [label="(1, 15, 15, 2)", style=solid]; +"1459 _param_constant218" -> "1461 linear_80" [label="(512, 2)", style=solid]; +"1460 _param_constant219" -> "1461 linear_80" [label="(512,)", style=solid]; +"1461 linear_80" -> "1462 relu__13" [label="(1, 15, 15, 512)", style=solid]; +"1462 relu__13" -> "1464 linear_81" [label="(1, 15, 15, 512)", style=solid]; +"1463 _param_constant220" -> "1464 linear_81" [label="(12, 512)", style=solid]; +"1464 linear_81" -> "1465 view_70" [label="(1, 15, 15, 12)", style=solid]; +"1465 view_70" -> "1467 index_13" [label="(225, 12)", style=solid]; +"1466 _tensor_constant81" -> "1467 index_13" [label="(4096,)", style=solid]; +"1467 index_13" -> "1468 view_71" [label="(4096, 12)", style=solid]; +"1468 view_71" -> "1469 permute_59" [label="(64, 64, 12)", style=solid]; +"1469 permute_59" -> "1470 contiguous_24" [label="(12, 64, 64)", style=solid]; +"1470 contiguous_24" -> "1471 unsqueeze_37" [label="(12, 64, 64)", style=solid]; +"1471 unsqueeze_37" -> "1472 sigmoid_13" [label="(1, 12, 64, 64)", style=solid]; +"1472 sigmoid_13" -> "1473 mul_26" [label="(1, 12, 64, 64)", style=solid]; +"1473 mul_26" -> "1504 add_45" [label="(1, 12, 64, 64)", style=solid]; +"1474 pad_15" -> "1475 roll_12" [label="(1, 16, 16, 384)", style=solid]; +"1475 roll_12" -> "1476 view_72" [label="(1, 16, 16, 384)", style=solid]; +"1476 view_72" -> "1477 permute_60" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1477 permute_60" -> "1478 reshape_58" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1478 reshape_58" -> "1484 linear_82" [label="(4, 64, 384)", style=solid]; +"1478 reshape_58" -> "1505 new_zeros_6" [label="(4, 64, 384)", style=solid]; +"1479 _param_constant221" -> "1480 clone_13" [label="(1152,)", style=solid]; +"1480 clone_13" -> "1481 slice_194" [label="(1152,)", style=solid]; +"1480 clone_13" -> "1484 linear_82" [label="(1152,)", style=solid]; +"1481 slice_194" -> "1482 zero__13" [label="(384,)", style=solid]; +"1483 _param_constant222" -> "1484 linear_82" [label="(1152, 384)", style=solid]; +"1484 linear_82" -> "1485 reshape_59" [label="(4, 64, 1152)", style=solid]; +"1485 reshape_59" -> "1486 permute_61" [label="(4, 64, 3, 12, 32)", style=solid]; +"1486 permute_61" -> "1487 select_39" [label="(3, 4, 12, 64, 32)", style=solid]; +"1486 permute_61" -> "1488 select_40" [label="(3, 4, 12, 64, 32)", style=solid]; +"1486 permute_61" -> "1489 select_41" [label="(3, 4, 12, 64, 32)", style=solid]; +"1487 select_39" -> "1490 linalg_vector_norm_26" [label="(4, 12, 64, 32)", style=solid]; +"1487 select_39" -> "1492 expand_as_26" [label="(4, 12, 64, 32)", style=solid]; +"1487 select_39" -> "1493 div_26" [label="(4, 12, 64, 32)", style=solid]; +"1488 select_40" -> "1494 linalg_vector_norm_27" [label="(4, 12, 64, 32)", style=solid]; +"1488 select_40" -> "1496 expand_as_27" [label="(4, 12, 64, 32)", style=solid]; +"1488 select_40" -> "1497 div_27" [label="(4, 12, 64, 32)", style=solid]; +"1489 select_41" -> "1568 matmul_27" [label="(4, 12, 64, 32)", style=solid]; +"1490 linalg_vector_norm_26" -> "1491 clamp_min_26" [label="(4, 12, 64, 1)", style=solid]; +"1491 clamp_min_26" -> "1492 expand_as_26" [label="(4, 12, 64, 1)", style=solid]; +"1492 expand_as_26" -> "1493 div_26" [label="(4, 12, 64, 32)", style=solid]; +"1493 div_26" -> "1499 matmul_26" [label="(4, 12, 64, 32)", style=solid]; +"1494 linalg_vector_norm_27" -> "1495 clamp_min_27" [label="(4, 12, 64, 1)", style=solid]; +"1495 clamp_min_27" -> "1496 expand_as_27" [label="(4, 12, 64, 1)", style=solid]; +"1496 expand_as_27" -> "1497 div_27" [label="(4, 12, 64, 32)", style=solid]; +"1497 div_27" -> "1498 transpose_26" [label="(4, 12, 64, 32)", style=solid]; +"1498 transpose_26" -> "1499 matmul_26" [label="(4, 12, 32, 64)", style=solid]; +"1499 matmul_26" -> "1503 mul_27" [label="(4, 12, 64, 64)", style=solid]; +"1500 _param_constant223" -> "1501 clamp_13" [label="(12, 1, 1)", style=solid]; +"1501 clamp_13" -> "1502 exp_13" [label="(12, 1, 1)", style=solid]; +"1502 exp_13" -> "1503 mul_27" [label="(12, 1, 1)", style=solid]; +"1503 mul_27" -> "1504 add_45" [label="(4, 12, 64, 64)", style=solid]; +"1504 add_45" -> "1561 view_74" [label="(4, 12, 64, 64)", style=solid]; +"1505 new_zeros_6" -> "1508 slice_195" [label="(16, 16)", style=solid]; +"1505 new_zeros_6" -> "1513 slice_197" [label="(16, 16)", style=solid]; +"1505 new_zeros_6" -> "1518 slice_199" [label="(16, 16)", style=solid]; +"1505 new_zeros_6" -> "1523 slice_201" [label="(16, 16)", style=solid]; +"1505 new_zeros_6" -> "1528 slice_203" [label="(16, 16)", style=solid]; +"1505 new_zeros_6" -> "1533 slice_205" [label="(16, 16)", style=solid]; +"1505 new_zeros_6" -> "1538 slice_207" [label="(16, 16)", style=solid]; +"1505 new_zeros_6" -> "1543 slice_209" [label="(16, 16)", style=solid]; +"1505 new_zeros_6" -> "1548 slice_211" [label="(16, 16)", style=solid]; +"1505 new_zeros_6" -> "1551 view_73" [label="(16, 16)", style=solid]; +"1506 _tensor_constant82" -> "1507 lift_fresh_copy_54" [label="()", style=solid]; +"1507 lift_fresh_copy_54" -> "1510 fill__54" [label="()", style=solid]; +"1508 slice_195" -> "1509 slice_196" [label="(8, 16)", style=solid]; +"1509 slice_196" -> "1510 fill__54" [label="(8, 8)", style=solid]; +"1511 _tensor_constant83" -> "1512 lift_fresh_copy_55" [label="()", style=solid]; +"1512 lift_fresh_copy_55" -> "1515 fill__55" [label="()", style=solid]; +"1513 slice_197" -> "1514 slice_198" [label="(8, 16)", style=solid]; +"1514 slice_198" -> "1515 fill__55" [label="(8, 4)", style=solid]; +"1516 _tensor_constant84" -> "1517 lift_fresh_copy_56" [label="()", style=solid]; +"1517 lift_fresh_copy_56" -> "1520 fill__56" [label="()", style=solid]; +"1518 slice_199" -> "1519 slice_200" [label="(8, 16)", style=solid]; +"1519 slice_200" -> "1520 fill__56" [label="(8, 4)", style=solid]; +"1521 _tensor_constant85" -> "1522 lift_fresh_copy_57" [label="()", style=solid]; +"1522 lift_fresh_copy_57" -> "1525 fill__57" [label="()", style=solid]; +"1523 slice_201" -> "1524 slice_202" [label="(4, 16)", style=solid]; +"1524 slice_202" -> "1525 fill__57" [label="(4, 8)", style=solid]; +"1526 _tensor_constant86" -> "1527 lift_fresh_copy_58" [label="()", style=solid]; +"1527 lift_fresh_copy_58" -> "1530 fill__58" [label="()", style=solid]; +"1528 slice_203" -> "1529 slice_204" [label="(4, 16)", style=solid]; +"1529 slice_204" -> "1530 fill__58" [label="(4, 4)", style=solid]; +"1531 _tensor_constant87" -> "1532 lift_fresh_copy_59" [label="()", style=solid]; +"1532 lift_fresh_copy_59" -> "1535 fill__59" [label="()", style=solid]; +"1533 slice_205" -> "1534 slice_206" [label="(4, 16)", style=solid]; +"1534 slice_206" -> "1535 fill__59" [label="(4, 4)", style=solid]; +"1536 _tensor_constant88" -> "1537 lift_fresh_copy_60" [label="()", style=solid]; +"1537 lift_fresh_copy_60" -> "1540 fill__60" [label="()", style=solid]; +"1538 slice_207" -> "1539 slice_208" [label="(4, 16)", style=solid]; +"1539 slice_208" -> "1540 fill__60" [label="(4, 8)", style=solid]; +"1541 _tensor_constant89" -> "1542 lift_fresh_copy_61" [label="()", style=solid]; +"1542 lift_fresh_copy_61" -> "1545 fill__61" [label="()", style=solid]; +"1543 slice_209" -> "1544 slice_210" [label="(4, 16)", style=solid]; +"1544 slice_210" -> "1545 fill__61" [label="(4, 4)", style=solid]; +"1546 _tensor_constant90" -> "1547 lift_fresh_copy_62" [label="()", style=solid]; +"1547 lift_fresh_copy_62" -> "1550 fill__62" [label="()", style=solid]; +"1548 slice_211" -> "1549 slice_212" [label="(4, 16)", style=solid]; +"1549 slice_212" -> "1550 fill__62" [label="(4, 4)", style=solid]; +"1551 view_73" -> "1552 permute_62" [label="(2, 8, 2, 8)", style=solid]; +"1552 permute_62" -> "1553 reshape_60" [label="(2, 2, 8, 8)", style=solid]; +"1553 reshape_60" -> "1554 unsqueeze_38" [label="(4, 64)", style=solid]; +"1553 reshape_60" -> "1555 unsqueeze_39" [label="(4, 64)", style=solid]; +"1554 unsqueeze_38" -> "1556 sub_6" [label="(4, 1, 64)", style=solid]; +"1555 unsqueeze_39" -> "1556 sub_6" [label="(4, 64, 1)", style=solid]; +"1556 sub_6" -> "1557 ne_6" [label="(4, 64, 64)", style=solid]; +"1556 sub_6" -> "1558 masked_fill_12" [label="(4, 64, 64)", style=solid]; +"1556 sub_6" -> "1559 eq_6" [label="(4, 64, 64)", style=solid]; +"1557 ne_6" -> "1558 masked_fill_12" [label="(4, 64, 64)", style=solid]; +"1558 masked_fill_12" -> "1560 masked_fill_13" [label="(4, 64, 64)", style=solid]; +"1559 eq_6" -> "1560 masked_fill_13" [label="(4, 64, 64)", style=solid]; +"1560 masked_fill_13" -> "1562 unsqueeze_40" [label="(4, 64, 64)", style=solid]; +"1561 view_74" -> "1564 add_46" [label="(1, 4, 12, 64, 64)", style=solid]; +"1562 unsqueeze_40" -> "1563 unsqueeze_41" [label="(4, 1, 64, 64)", style=solid]; +"1563 unsqueeze_41" -> "1564 add_46" [label="(1, 4, 1, 64, 64)", style=solid]; +"1564 add_46" -> "1565 view_75" [label="(1, 4, 12, 64, 64)", style=solid]; +"1565 view_75" -> "1566 softmax_13" [label="(4, 12, 64, 64)", style=solid]; +"1566 softmax_13" -> "1567 dropout_52" [label="(4, 12, 64, 64)", style=solid]; +"1567 dropout_52" -> "1568 matmul_27" [label="(4, 12, 64, 64)", style=solid]; +"1568 matmul_27" -> "1569 transpose_27" [label="(4, 12, 64, 32)", style=solid]; +"1569 transpose_27" -> "1570 reshape_61" [label="(4, 64, 12, 32)", style=solid]; +"1570 reshape_61" -> "1573 linear_83" [label="(4, 64, 384)", style=solid]; +"1571 _param_constant224" -> "1573 linear_83" [label="(384, 384)", style=solid]; +"1572 _param_constant225" -> "1573 linear_83" [label="(384,)", style=solid]; +"1573 linear_83" -> "1574 dropout_53" [label="(4, 64, 384)", style=solid]; +"1574 dropout_53" -> "1575 view_76" [label="(4, 64, 384)", style=solid]; +"1575 view_76" -> "1576 permute_63" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1576 permute_63" -> "1577 reshape_62" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1577 reshape_62" -> "1578 roll_13" [label="(1, 16, 16, 384)", style=solid]; +"1578 roll_13" -> "1579 slice_213" [label="(1, 16, 16, 384)", style=solid]; +"1579 slice_213" -> "1580 slice_214" [label="(1, 16, 16, 384)", style=solid]; +"1580 slice_214" -> "1581 slice_215" [label="(1, 14, 16, 384)", style=solid]; +"1581 slice_215" -> "1582 slice_216" [label="(1, 14, 14, 384)", style=solid]; +"1582 slice_216" -> "1583 contiguous_25" [label="(1, 14, 14, 384)", style=solid]; +"1583 contiguous_25" -> "1586 layer_norm_29" [label="(1, 14, 14, 384)", style=solid]; +"1584 _param_constant226" -> "1586 layer_norm_29" [label="(384,)", style=solid]; +"1585 _param_constant227" -> "1586 layer_norm_29" [label="(384,)", style=solid]; +"1586 layer_norm_29" -> "1587 add_47" [label="(1, 14, 14, 384)", style=solid]; +"1587 add_47" -> "1590 linear_84" [label="(1, 14, 14, 384)", style=solid]; +"1587 add_47" -> "1600 add_48" [label="(1, 14, 14, 384)", style=solid]; +"1588 _param_constant228" -> "1590 linear_84" [label="(1536, 384)", style=solid]; +"1589 _param_constant229" -> "1590 linear_84" [label="(1536,)", style=solid]; +"1590 linear_84" -> "1591 gelu_13" [label="(1, 14, 14, 1536)", style=solid]; +"1591 gelu_13" -> "1592 dropout_54" [label="(1, 14, 14, 1536)", style=solid]; +"1592 dropout_54" -> "1595 linear_85" [label="(1, 14, 14, 1536)", style=solid]; +"1593 _param_constant230" -> "1595 linear_85" [label="(384, 1536)", style=solid]; +"1594 _param_constant231" -> "1595 linear_85" [label="(384,)", style=solid]; +"1595 linear_85" -> "1596 dropout_55" [label="(1, 14, 14, 384)", style=solid]; +"1596 dropout_55" -> "1599 layer_norm_30" [label="(1, 14, 14, 384)", style=solid]; +"1597 _param_constant232" -> "1599 layer_norm_30" [label="(384,)", style=solid]; +"1598 _param_constant233" -> "1599 layer_norm_30" [label="(384,)", style=solid]; +"1599 layer_norm_30" -> "1600 add_48" [label="(1, 14, 14, 384)", style=solid]; +"1600 add_48" -> "1617 pad_16" [label="(1, 14, 14, 384)", style=solid]; +"1600 add_48" -> "1667 add_50" [label="(1, 14, 14, 384)", style=solid]; +"1601 _tensor_constant91" -> "1604 linear_86" [label="(1, 15, 15, 2)", style=solid]; +"1602 _param_constant234" -> "1604 linear_86" [label="(512, 2)", style=solid]; +"1603 _param_constant235" -> "1604 linear_86" [label="(512,)", style=solid]; +"1604 linear_86" -> "1605 relu__14" [label="(1, 15, 15, 512)", style=solid]; +"1605 relu__14" -> "1607 linear_87" [label="(1, 15, 15, 512)", style=solid]; +"1606 _param_constant236" -> "1607 linear_87" [label="(12, 512)", style=solid]; +"1607 linear_87" -> "1608 view_77" [label="(1, 15, 15, 12)", style=solid]; +"1608 view_77" -> "1610 index_14" [label="(225, 12)", style=solid]; +"1609 _tensor_constant92" -> "1610 index_14" [label="(4096,)", style=solid]; +"1610 index_14" -> "1611 view_78" [label="(4096, 12)", style=solid]; +"1611 view_78" -> "1612 permute_64" [label="(64, 64, 12)", style=solid]; +"1612 permute_64" -> "1613 contiguous_26" [label="(12, 64, 64)", style=solid]; +"1613 contiguous_26" -> "1614 unsqueeze_42" [label="(12, 64, 64)", style=solid]; +"1614 unsqueeze_42" -> "1615 sigmoid_14" [label="(1, 12, 64, 64)", style=solid]; +"1615 sigmoid_14" -> "1616 mul_28" [label="(1, 12, 64, 64)", style=solid]; +"1616 mul_28" -> "1646 add_49" [label="(1, 12, 64, 64)", style=solid]; +"1617 pad_16" -> "1618 view_79" [label="(1, 16, 16, 384)", style=solid]; +"1618 view_79" -> "1619 permute_65" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1619 permute_65" -> "1620 reshape_63" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1620 reshape_63" -> "1626 linear_88" [label="(4, 64, 384)", style=solid]; +"1621 _param_constant237" -> "1622 clone_14" [label="(1152,)", style=solid]; +"1622 clone_14" -> "1623 slice_217" [label="(1152,)", style=solid]; +"1622 clone_14" -> "1626 linear_88" [label="(1152,)", style=solid]; +"1623 slice_217" -> "1624 zero__14" [label="(384,)", style=solid]; +"1625 _param_constant238" -> "1626 linear_88" [label="(1152, 384)", style=solid]; +"1626 linear_88" -> "1627 reshape_64" [label="(4, 64, 1152)", style=solid]; +"1627 reshape_64" -> "1628 permute_66" [label="(4, 64, 3, 12, 32)", style=solid]; +"1628 permute_66" -> "1629 select_42" [label="(3, 4, 12, 64, 32)", style=solid]; +"1628 permute_66" -> "1630 select_43" [label="(3, 4, 12, 64, 32)", style=solid]; +"1628 permute_66" -> "1631 select_44" [label="(3, 4, 12, 64, 32)", style=solid]; +"1629 select_42" -> "1632 linalg_vector_norm_28" [label="(4, 12, 64, 32)", style=solid]; +"1629 select_42" -> "1634 expand_as_28" [label="(4, 12, 64, 32)", style=solid]; +"1629 select_42" -> "1635 div_28" [label="(4, 12, 64, 32)", style=solid]; +"1630 select_43" -> "1636 linalg_vector_norm_29" [label="(4, 12, 64, 32)", style=solid]; +"1630 select_43" -> "1638 expand_as_29" [label="(4, 12, 64, 32)", style=solid]; +"1630 select_43" -> "1639 div_29" [label="(4, 12, 64, 32)", style=solid]; +"1631 select_44" -> "1649 matmul_29" [label="(4, 12, 64, 32)", style=solid]; +"1632 linalg_vector_norm_28" -> "1633 clamp_min_28" [label="(4, 12, 64, 1)", style=solid]; +"1633 clamp_min_28" -> "1634 expand_as_28" [label="(4, 12, 64, 1)", style=solid]; +"1634 expand_as_28" -> "1635 div_28" [label="(4, 12, 64, 32)", style=solid]; +"1635 div_28" -> "1641 matmul_28" [label="(4, 12, 64, 32)", style=solid]; +"1636 linalg_vector_norm_29" -> "1637 clamp_min_29" [label="(4, 12, 64, 1)", style=solid]; +"1637 clamp_min_29" -> "1638 expand_as_29" [label="(4, 12, 64, 1)", style=solid]; +"1638 expand_as_29" -> "1639 div_29" [label="(4, 12, 64, 32)", style=solid]; +"1639 div_29" -> "1640 transpose_28" [label="(4, 12, 64, 32)", style=solid]; +"1640 transpose_28" -> "1641 matmul_28" [label="(4, 12, 32, 64)", style=solid]; +"1641 matmul_28" -> "1645 mul_29" [label="(4, 12, 64, 64)", style=solid]; +"1642 _param_constant239" -> "1643 clamp_14" [label="(12, 1, 1)", style=solid]; +"1643 clamp_14" -> "1644 exp_14" [label="(12, 1, 1)", style=solid]; +"1644 exp_14" -> "1645 mul_29" [label="(12, 1, 1)", style=solid]; +"1645 mul_29" -> "1646 add_49" [label="(4, 12, 64, 64)", style=solid]; +"1646 add_49" -> "1647 softmax_14" [label="(4, 12, 64, 64)", style=solid]; +"1647 softmax_14" -> "1648 dropout_56" [label="(4, 12, 64, 64)", style=solid]; +"1648 dropout_56" -> "1649 matmul_29" [label="(4, 12, 64, 64)", style=solid]; +"1649 matmul_29" -> "1650 transpose_29" [label="(4, 12, 64, 32)", style=solid]; +"1650 transpose_29" -> "1651 reshape_65" [label="(4, 64, 12, 32)", style=solid]; +"1651 reshape_65" -> "1654 linear_89" [label="(4, 64, 384)", style=solid]; +"1652 _param_constant240" -> "1654 linear_89" [label="(384, 384)", style=solid]; +"1653 _param_constant241" -> "1654 linear_89" [label="(384,)", style=solid]; +"1654 linear_89" -> "1655 dropout_57" [label="(4, 64, 384)", style=solid]; +"1655 dropout_57" -> "1656 view_80" [label="(4, 64, 384)", style=solid]; +"1656 view_80" -> "1657 permute_67" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1657 permute_67" -> "1658 reshape_66" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1658 reshape_66" -> "1659 slice_218" [label="(1, 16, 16, 384)", style=solid]; +"1659 slice_218" -> "1660 slice_219" [label="(1, 16, 16, 384)", style=solid]; +"1660 slice_219" -> "1661 slice_220" [label="(1, 14, 16, 384)", style=solid]; +"1661 slice_220" -> "1662 slice_221" [label="(1, 14, 14, 384)", style=solid]; +"1662 slice_221" -> "1663 contiguous_27" [label="(1, 14, 14, 384)", style=solid]; +"1663 contiguous_27" -> "1666 layer_norm_31" [label="(1, 14, 14, 384)", style=solid]; +"1664 _param_constant242" -> "1666 layer_norm_31" [label="(384,)", style=solid]; +"1665 _param_constant243" -> "1666 layer_norm_31" [label="(384,)", style=solid]; +"1666 layer_norm_31" -> "1667 add_50" [label="(1, 14, 14, 384)", style=solid]; +"1667 add_50" -> "1670 linear_90" [label="(1, 14, 14, 384)", style=solid]; +"1667 add_50" -> "1680 add_51" [label="(1, 14, 14, 384)", style=solid]; +"1668 _param_constant244" -> "1670 linear_90" [label="(1536, 384)", style=solid]; +"1669 _param_constant245" -> "1670 linear_90" [label="(1536,)", style=solid]; +"1670 linear_90" -> "1671 gelu_14" [label="(1, 14, 14, 1536)", style=solid]; +"1671 gelu_14" -> "1672 dropout_58" [label="(1, 14, 14, 1536)", style=solid]; +"1672 dropout_58" -> "1675 linear_91" [label="(1, 14, 14, 1536)", style=solid]; +"1673 _param_constant246" -> "1675 linear_91" [label="(384, 1536)", style=solid]; +"1674 _param_constant247" -> "1675 linear_91" [label="(384,)", style=solid]; +"1675 linear_91" -> "1676 dropout_59" [label="(1, 14, 14, 384)", style=solid]; +"1676 dropout_59" -> "1679 layer_norm_32" [label="(1, 14, 14, 384)", style=solid]; +"1677 _param_constant248" -> "1679 layer_norm_32" [label="(384,)", style=solid]; +"1678 _param_constant249" -> "1679 layer_norm_32" [label="(384,)", style=solid]; +"1679 layer_norm_32" -> "1680 add_51" [label="(1, 14, 14, 384)", style=solid]; +"1680 add_51" -> "1697 pad_17" [label="(1, 14, 14, 384)", style=solid]; +"1680 add_51" -> "1810 add_54" [label="(1, 14, 14, 384)", style=solid]; +"1681 _tensor_constant93" -> "1684 linear_92" [label="(1, 15, 15, 2)", style=solid]; +"1682 _param_constant250" -> "1684 linear_92" [label="(512, 2)", style=solid]; +"1683 _param_constant251" -> "1684 linear_92" [label="(512,)", style=solid]; +"1684 linear_92" -> "1685 relu__15" [label="(1, 15, 15, 512)", style=solid]; +"1685 relu__15" -> "1687 linear_93" [label="(1, 15, 15, 512)", style=solid]; +"1686 _param_constant252" -> "1687 linear_93" [label="(12, 512)", style=solid]; +"1687 linear_93" -> "1688 view_81" [label="(1, 15, 15, 12)", style=solid]; +"1688 view_81" -> "1690 index_15" [label="(225, 12)", style=solid]; +"1689 _tensor_constant94" -> "1690 index_15" [label="(4096,)", style=solid]; +"1690 index_15" -> "1691 view_82" [label="(4096, 12)", style=solid]; +"1691 view_82" -> "1692 permute_68" [label="(64, 64, 12)", style=solid]; +"1692 permute_68" -> "1693 contiguous_28" [label="(12, 64, 64)", style=solid]; +"1693 contiguous_28" -> "1694 unsqueeze_43" [label="(12, 64, 64)", style=solid]; +"1694 unsqueeze_43" -> "1695 sigmoid_15" [label="(1, 12, 64, 64)", style=solid]; +"1695 sigmoid_15" -> "1696 mul_30" [label="(1, 12, 64, 64)", style=solid]; +"1696 mul_30" -> "1727 add_52" [label="(1, 12, 64, 64)", style=solid]; +"1697 pad_17" -> "1698 roll_14" [label="(1, 16, 16, 384)", style=solid]; +"1698 roll_14" -> "1699 view_83" [label="(1, 16, 16, 384)", style=solid]; +"1699 view_83" -> "1700 permute_69" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1700 permute_69" -> "1701 reshape_67" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1701 reshape_67" -> "1707 linear_94" [label="(4, 64, 384)", style=solid]; +"1701 reshape_67" -> "1728 new_zeros_7" [label="(4, 64, 384)", style=solid]; +"1702 _param_constant253" -> "1703 clone_15" [label="(1152,)", style=solid]; +"1703 clone_15" -> "1704 slice_222" [label="(1152,)", style=solid]; +"1703 clone_15" -> "1707 linear_94" [label="(1152,)", style=solid]; +"1704 slice_222" -> "1705 zero__15" [label="(384,)", style=solid]; +"1706 _param_constant254" -> "1707 linear_94" [label="(1152, 384)", style=solid]; +"1707 linear_94" -> "1708 reshape_68" [label="(4, 64, 1152)", style=solid]; +"1708 reshape_68" -> "1709 permute_70" [label="(4, 64, 3, 12, 32)", style=solid]; +"1709 permute_70" -> "1710 select_45" [label="(3, 4, 12, 64, 32)", style=solid]; +"1709 permute_70" -> "1711 select_46" [label="(3, 4, 12, 64, 32)", style=solid]; +"1709 permute_70" -> "1712 select_47" [label="(3, 4, 12, 64, 32)", style=solid]; +"1710 select_45" -> "1713 linalg_vector_norm_30" [label="(4, 12, 64, 32)", style=solid]; +"1710 select_45" -> "1715 expand_as_30" [label="(4, 12, 64, 32)", style=solid]; +"1710 select_45" -> "1716 div_30" [label="(4, 12, 64, 32)", style=solid]; +"1711 select_46" -> "1717 linalg_vector_norm_31" [label="(4, 12, 64, 32)", style=solid]; +"1711 select_46" -> "1719 expand_as_31" [label="(4, 12, 64, 32)", style=solid]; +"1711 select_46" -> "1720 div_31" [label="(4, 12, 64, 32)", style=solid]; +"1712 select_47" -> "1791 matmul_31" [label="(4, 12, 64, 32)", style=solid]; +"1713 linalg_vector_norm_30" -> "1714 clamp_min_30" [label="(4, 12, 64, 1)", style=solid]; +"1714 clamp_min_30" -> "1715 expand_as_30" [label="(4, 12, 64, 1)", style=solid]; +"1715 expand_as_30" -> "1716 div_30" [label="(4, 12, 64, 32)", style=solid]; +"1716 div_30" -> "1722 matmul_30" [label="(4, 12, 64, 32)", style=solid]; +"1717 linalg_vector_norm_31" -> "1718 clamp_min_31" [label="(4, 12, 64, 1)", style=solid]; +"1718 clamp_min_31" -> "1719 expand_as_31" [label="(4, 12, 64, 1)", style=solid]; +"1719 expand_as_31" -> "1720 div_31" [label="(4, 12, 64, 32)", style=solid]; +"1720 div_31" -> "1721 transpose_30" [label="(4, 12, 64, 32)", style=solid]; +"1721 transpose_30" -> "1722 matmul_30" [label="(4, 12, 32, 64)", style=solid]; +"1722 matmul_30" -> "1726 mul_31" [label="(4, 12, 64, 64)", style=solid]; +"1723 _param_constant255" -> "1724 clamp_15" [label="(12, 1, 1)", style=solid]; +"1724 clamp_15" -> "1725 exp_15" [label="(12, 1, 1)", style=solid]; +"1725 exp_15" -> "1726 mul_31" [label="(12, 1, 1)", style=solid]; +"1726 mul_31" -> "1727 add_52" [label="(4, 12, 64, 64)", style=solid]; +"1727 add_52" -> "1784 view_85" [label="(4, 12, 64, 64)", style=solid]; +"1728 new_zeros_7" -> "1731 slice_223" [label="(16, 16)", style=solid]; +"1728 new_zeros_7" -> "1736 slice_225" [label="(16, 16)", style=solid]; +"1728 new_zeros_7" -> "1741 slice_227" [label="(16, 16)", style=solid]; +"1728 new_zeros_7" -> "1746 slice_229" [label="(16, 16)", style=solid]; +"1728 new_zeros_7" -> "1751 slice_231" [label="(16, 16)", style=solid]; +"1728 new_zeros_7" -> "1756 slice_233" [label="(16, 16)", style=solid]; +"1728 new_zeros_7" -> "1761 slice_235" [label="(16, 16)", style=solid]; +"1728 new_zeros_7" -> "1766 slice_237" [label="(16, 16)", style=solid]; +"1728 new_zeros_7" -> "1771 slice_239" [label="(16, 16)", style=solid]; +"1728 new_zeros_7" -> "1774 view_84" [label="(16, 16)", style=solid]; +"1729 _tensor_constant95" -> "1730 lift_fresh_copy_63" [label="()", style=solid]; +"1730 lift_fresh_copy_63" -> "1733 fill__63" [label="()", style=solid]; +"1731 slice_223" -> "1732 slice_224" [label="(8, 16)", style=solid]; +"1732 slice_224" -> "1733 fill__63" [label="(8, 8)", style=solid]; +"1734 _tensor_constant96" -> "1735 lift_fresh_copy_64" [label="()", style=solid]; +"1735 lift_fresh_copy_64" -> "1738 fill__64" [label="()", style=solid]; +"1736 slice_225" -> "1737 slice_226" [label="(8, 16)", style=solid]; +"1737 slice_226" -> "1738 fill__64" [label="(8, 4)", style=solid]; +"1739 _tensor_constant97" -> "1740 lift_fresh_copy_65" [label="()", style=solid]; +"1740 lift_fresh_copy_65" -> "1743 fill__65" [label="()", style=solid]; +"1741 slice_227" -> "1742 slice_228" [label="(8, 16)", style=solid]; +"1742 slice_228" -> "1743 fill__65" [label="(8, 4)", style=solid]; +"1744 _tensor_constant98" -> "1745 lift_fresh_copy_66" [label="()", style=solid]; +"1745 lift_fresh_copy_66" -> "1748 fill__66" [label="()", style=solid]; +"1746 slice_229" -> "1747 slice_230" [label="(4, 16)", style=solid]; +"1747 slice_230" -> "1748 fill__66" [label="(4, 8)", style=solid]; +"1749 _tensor_constant99" -> "1750 lift_fresh_copy_67" [label="()", style=solid]; +"1750 lift_fresh_copy_67" -> "1753 fill__67" [label="()", style=solid]; +"1751 slice_231" -> "1752 slice_232" [label="(4, 16)", style=solid]; +"1752 slice_232" -> "1753 fill__67" [label="(4, 4)", style=solid]; +"1754 _tensor_constant100" -> "1755 lift_fresh_copy_68" [label="()", style=solid]; +"1755 lift_fresh_copy_68" -> "1758 fill__68" [label="()", style=solid]; +"1756 slice_233" -> "1757 slice_234" [label="(4, 16)", style=solid]; +"1757 slice_234" -> "1758 fill__68" [label="(4, 4)", style=solid]; +"1759 _tensor_constant101" -> "1760 lift_fresh_copy_69" [label="()", style=solid]; +"1760 lift_fresh_copy_69" -> "1763 fill__69" [label="()", style=solid]; +"1761 slice_235" -> "1762 slice_236" [label="(4, 16)", style=solid]; +"1762 slice_236" -> "1763 fill__69" [label="(4, 8)", style=solid]; +"1764 _tensor_constant102" -> "1765 lift_fresh_copy_70" [label="()", style=solid]; +"1765 lift_fresh_copy_70" -> "1768 fill__70" [label="()", style=solid]; +"1766 slice_237" -> "1767 slice_238" [label="(4, 16)", style=solid]; +"1767 slice_238" -> "1768 fill__70" [label="(4, 4)", style=solid]; +"1769 _tensor_constant103" -> "1770 lift_fresh_copy_71" [label="()", style=solid]; +"1770 lift_fresh_copy_71" -> "1773 fill__71" [label="()", style=solid]; +"1771 slice_239" -> "1772 slice_240" [label="(4, 16)", style=solid]; +"1772 slice_240" -> "1773 fill__71" [label="(4, 4)", style=solid]; +"1774 view_84" -> "1775 permute_71" [label="(2, 8, 2, 8)", style=solid]; +"1775 permute_71" -> "1776 reshape_69" [label="(2, 2, 8, 8)", style=solid]; +"1776 reshape_69" -> "1777 unsqueeze_44" [label="(4, 64)", style=solid]; +"1776 reshape_69" -> "1778 unsqueeze_45" [label="(4, 64)", style=solid]; +"1777 unsqueeze_44" -> "1779 sub_7" [label="(4, 1, 64)", style=solid]; +"1778 unsqueeze_45" -> "1779 sub_7" [label="(4, 64, 1)", style=solid]; +"1779 sub_7" -> "1780 ne_7" [label="(4, 64, 64)", style=solid]; +"1779 sub_7" -> "1781 masked_fill_14" [label="(4, 64, 64)", style=solid]; +"1779 sub_7" -> "1782 eq_7" [label="(4, 64, 64)", style=solid]; +"1780 ne_7" -> "1781 masked_fill_14" [label="(4, 64, 64)", style=solid]; +"1781 masked_fill_14" -> "1783 masked_fill_15" [label="(4, 64, 64)", style=solid]; +"1782 eq_7" -> "1783 masked_fill_15" [label="(4, 64, 64)", style=solid]; +"1783 masked_fill_15" -> "1785 unsqueeze_46" [label="(4, 64, 64)", style=solid]; +"1784 view_85" -> "1787 add_53" [label="(1, 4, 12, 64, 64)", style=solid]; +"1785 unsqueeze_46" -> "1786 unsqueeze_47" [label="(4, 1, 64, 64)", style=solid]; +"1786 unsqueeze_47" -> "1787 add_53" [label="(1, 4, 1, 64, 64)", style=solid]; +"1787 add_53" -> "1788 view_86" [label="(1, 4, 12, 64, 64)", style=solid]; +"1788 view_86" -> "1789 softmax_15" [label="(4, 12, 64, 64)", style=solid]; +"1789 softmax_15" -> "1790 dropout_60" [label="(4, 12, 64, 64)", style=solid]; +"1790 dropout_60" -> "1791 matmul_31" [label="(4, 12, 64, 64)", style=solid]; +"1791 matmul_31" -> "1792 transpose_31" [label="(4, 12, 64, 32)", style=solid]; +"1792 transpose_31" -> "1793 reshape_70" [label="(4, 64, 12, 32)", style=solid]; +"1793 reshape_70" -> "1796 linear_95" [label="(4, 64, 384)", style=solid]; +"1794 _param_constant256" -> "1796 linear_95" [label="(384, 384)", style=solid]; +"1795 _param_constant257" -> "1796 linear_95" [label="(384,)", style=solid]; +"1796 linear_95" -> "1797 dropout_61" [label="(4, 64, 384)", style=solid]; +"1797 dropout_61" -> "1798 view_87" [label="(4, 64, 384)", style=solid]; +"1798 view_87" -> "1799 permute_72" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1799 permute_72" -> "1800 reshape_71" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1800 reshape_71" -> "1801 roll_15" [label="(1, 16, 16, 384)", style=solid]; +"1801 roll_15" -> "1802 slice_241" [label="(1, 16, 16, 384)", style=solid]; +"1802 slice_241" -> "1803 slice_242" [label="(1, 16, 16, 384)", style=solid]; +"1803 slice_242" -> "1804 slice_243" [label="(1, 14, 16, 384)", style=solid]; +"1804 slice_243" -> "1805 slice_244" [label="(1, 14, 14, 384)", style=solid]; +"1805 slice_244" -> "1806 contiguous_29" [label="(1, 14, 14, 384)", style=solid]; +"1806 contiguous_29" -> "1809 layer_norm_33" [label="(1, 14, 14, 384)", style=solid]; +"1807 _param_constant258" -> "1809 layer_norm_33" [label="(384,)", style=solid]; +"1808 _param_constant259" -> "1809 layer_norm_33" [label="(384,)", style=solid]; +"1809 layer_norm_33" -> "1810 add_54" [label="(1, 14, 14, 384)", style=solid]; +"1810 add_54" -> "1813 linear_96" [label="(1, 14, 14, 384)", style=solid]; +"1810 add_54" -> "1823 add_55" [label="(1, 14, 14, 384)", style=solid]; +"1811 _param_constant260" -> "1813 linear_96" [label="(1536, 384)", style=solid]; +"1812 _param_constant261" -> "1813 linear_96" [label="(1536,)", style=solid]; +"1813 linear_96" -> "1814 gelu_15" [label="(1, 14, 14, 1536)", style=solid]; +"1814 gelu_15" -> "1815 dropout_62" [label="(1, 14, 14, 1536)", style=solid]; +"1815 dropout_62" -> "1818 linear_97" [label="(1, 14, 14, 1536)", style=solid]; +"1816 _param_constant262" -> "1818 linear_97" [label="(384, 1536)", style=solid]; +"1817 _param_constant263" -> "1818 linear_97" [label="(384,)", style=solid]; +"1818 linear_97" -> "1819 dropout_63" [label="(1, 14, 14, 384)", style=solid]; +"1819 dropout_63" -> "1822 layer_norm_34" [label="(1, 14, 14, 384)", style=solid]; +"1820 _param_constant264" -> "1822 layer_norm_34" [label="(384,)", style=solid]; +"1821 _param_constant265" -> "1822 layer_norm_34" [label="(384,)", style=solid]; +"1822 layer_norm_34" -> "1823 add_55" [label="(1, 14, 14, 384)", style=solid]; +"1823 add_55" -> "1840 pad_18" [label="(1, 14, 14, 384)", style=solid]; +"1823 add_55" -> "1890 add_57" [label="(1, 14, 14, 384)", style=solid]; +"1824 _tensor_constant104" -> "1827 linear_98" [label="(1, 15, 15, 2)", style=solid]; +"1825 _param_constant266" -> "1827 linear_98" [label="(512, 2)", style=solid]; +"1826 _param_constant267" -> "1827 linear_98" [label="(512,)", style=solid]; +"1827 linear_98" -> "1828 relu__16" [label="(1, 15, 15, 512)", style=solid]; +"1828 relu__16" -> "1830 linear_99" [label="(1, 15, 15, 512)", style=solid]; +"1829 _param_constant268" -> "1830 linear_99" [label="(12, 512)", style=solid]; +"1830 linear_99" -> "1831 view_88" [label="(1, 15, 15, 12)", style=solid]; +"1831 view_88" -> "1833 index_16" [label="(225, 12)", style=solid]; +"1832 _tensor_constant105" -> "1833 index_16" [label="(4096,)", style=solid]; +"1833 index_16" -> "1834 view_89" [label="(4096, 12)", style=solid]; +"1834 view_89" -> "1835 permute_73" [label="(64, 64, 12)", style=solid]; +"1835 permute_73" -> "1836 contiguous_30" [label="(12, 64, 64)", style=solid]; +"1836 contiguous_30" -> "1837 unsqueeze_48" [label="(12, 64, 64)", style=solid]; +"1837 unsqueeze_48" -> "1838 sigmoid_16" [label="(1, 12, 64, 64)", style=solid]; +"1838 sigmoid_16" -> "1839 mul_32" [label="(1, 12, 64, 64)", style=solid]; +"1839 mul_32" -> "1869 add_56" [label="(1, 12, 64, 64)", style=solid]; +"1840 pad_18" -> "1841 view_90" [label="(1, 16, 16, 384)", style=solid]; +"1841 view_90" -> "1842 permute_74" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1842 permute_74" -> "1843 reshape_72" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1843 reshape_72" -> "1849 linear_100" [label="(4, 64, 384)", style=solid]; +"1844 _param_constant269" -> "1845 clone_16" [label="(1152,)", style=solid]; +"1845 clone_16" -> "1846 slice_245" [label="(1152,)", style=solid]; +"1845 clone_16" -> "1849 linear_100" [label="(1152,)", style=solid]; +"1846 slice_245" -> "1847 zero__16" [label="(384,)", style=solid]; +"1848 _param_constant270" -> "1849 linear_100" [label="(1152, 384)", style=solid]; +"1849 linear_100" -> "1850 reshape_73" [label="(4, 64, 1152)", style=solid]; +"1850 reshape_73" -> "1851 permute_75" [label="(4, 64, 3, 12, 32)", style=solid]; +"1851 permute_75" -> "1852 select_48" [label="(3, 4, 12, 64, 32)", style=solid]; +"1851 permute_75" -> "1853 select_49" [label="(3, 4, 12, 64, 32)", style=solid]; +"1851 permute_75" -> "1854 select_50" [label="(3, 4, 12, 64, 32)", style=solid]; +"1852 select_48" -> "1855 linalg_vector_norm_32" [label="(4, 12, 64, 32)", style=solid]; +"1852 select_48" -> "1857 expand_as_32" [label="(4, 12, 64, 32)", style=solid]; +"1852 select_48" -> "1858 div_32" [label="(4, 12, 64, 32)", style=solid]; +"1853 select_49" -> "1859 linalg_vector_norm_33" [label="(4, 12, 64, 32)", style=solid]; +"1853 select_49" -> "1861 expand_as_33" [label="(4, 12, 64, 32)", style=solid]; +"1853 select_49" -> "1862 div_33" [label="(4, 12, 64, 32)", style=solid]; +"1854 select_50" -> "1872 matmul_33" [label="(4, 12, 64, 32)", style=solid]; +"1855 linalg_vector_norm_32" -> "1856 clamp_min_32" [label="(4, 12, 64, 1)", style=solid]; +"1856 clamp_min_32" -> "1857 expand_as_32" [label="(4, 12, 64, 1)", style=solid]; +"1857 expand_as_32" -> "1858 div_32" [label="(4, 12, 64, 32)", style=solid]; +"1858 div_32" -> "1864 matmul_32" [label="(4, 12, 64, 32)", style=solid]; +"1859 linalg_vector_norm_33" -> "1860 clamp_min_33" [label="(4, 12, 64, 1)", style=solid]; +"1860 clamp_min_33" -> "1861 expand_as_33" [label="(4, 12, 64, 1)", style=solid]; +"1861 expand_as_33" -> "1862 div_33" [label="(4, 12, 64, 32)", style=solid]; +"1862 div_33" -> "1863 transpose_32" [label="(4, 12, 64, 32)", style=solid]; +"1863 transpose_32" -> "1864 matmul_32" [label="(4, 12, 32, 64)", style=solid]; +"1864 matmul_32" -> "1868 mul_33" [label="(4, 12, 64, 64)", style=solid]; +"1865 _param_constant271" -> "1866 clamp_16" [label="(12, 1, 1)", style=solid]; +"1866 clamp_16" -> "1867 exp_16" [label="(12, 1, 1)", style=solid]; +"1867 exp_16" -> "1868 mul_33" [label="(12, 1, 1)", style=solid]; +"1868 mul_33" -> "1869 add_56" [label="(4, 12, 64, 64)", style=solid]; +"1869 add_56" -> "1870 softmax_16" [label="(4, 12, 64, 64)", style=solid]; +"1870 softmax_16" -> "1871 dropout_64" [label="(4, 12, 64, 64)", style=solid]; +"1871 dropout_64" -> "1872 matmul_33" [label="(4, 12, 64, 64)", style=solid]; +"1872 matmul_33" -> "1873 transpose_33" [label="(4, 12, 64, 32)", style=solid]; +"1873 transpose_33" -> "1874 reshape_74" [label="(4, 64, 12, 32)", style=solid]; +"1874 reshape_74" -> "1877 linear_101" [label="(4, 64, 384)", style=solid]; +"1875 _param_constant272" -> "1877 linear_101" [label="(384, 384)", style=solid]; +"1876 _param_constant273" -> "1877 linear_101" [label="(384,)", style=solid]; +"1877 linear_101" -> "1878 dropout_65" [label="(4, 64, 384)", style=solid]; +"1878 dropout_65" -> "1879 view_91" [label="(4, 64, 384)", style=solid]; +"1879 view_91" -> "1880 permute_76" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1880 permute_76" -> "1881 reshape_75" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1881 reshape_75" -> "1882 slice_246" [label="(1, 16, 16, 384)", style=solid]; +"1882 slice_246" -> "1883 slice_247" [label="(1, 16, 16, 384)", style=solid]; +"1883 slice_247" -> "1884 slice_248" [label="(1, 14, 16, 384)", style=solid]; +"1884 slice_248" -> "1885 slice_249" [label="(1, 14, 14, 384)", style=solid]; +"1885 slice_249" -> "1886 contiguous_31" [label="(1, 14, 14, 384)", style=solid]; +"1886 contiguous_31" -> "1889 layer_norm_35" [label="(1, 14, 14, 384)", style=solid]; +"1887 _param_constant274" -> "1889 layer_norm_35" [label="(384,)", style=solid]; +"1888 _param_constant275" -> "1889 layer_norm_35" [label="(384,)", style=solid]; +"1889 layer_norm_35" -> "1890 add_57" [label="(1, 14, 14, 384)", style=solid]; +"1890 add_57" -> "1893 linear_102" [label="(1, 14, 14, 384)", style=solid]; +"1890 add_57" -> "1903 add_58" [label="(1, 14, 14, 384)", style=solid]; +"1891 _param_constant276" -> "1893 linear_102" [label="(1536, 384)", style=solid]; +"1892 _param_constant277" -> "1893 linear_102" [label="(1536,)", style=solid]; +"1893 linear_102" -> "1894 gelu_16" [label="(1, 14, 14, 1536)", style=solid]; +"1894 gelu_16" -> "1895 dropout_66" [label="(1, 14, 14, 1536)", style=solid]; +"1895 dropout_66" -> "1898 linear_103" [label="(1, 14, 14, 1536)", style=solid]; +"1896 _param_constant278" -> "1898 linear_103" [label="(384, 1536)", style=solid]; +"1897 _param_constant279" -> "1898 linear_103" [label="(384,)", style=solid]; +"1898 linear_103" -> "1899 dropout_67" [label="(1, 14, 14, 384)", style=solid]; +"1899 dropout_67" -> "1902 layer_norm_36" [label="(1, 14, 14, 384)", style=solid]; +"1900 _param_constant280" -> "1902 layer_norm_36" [label="(384,)", style=solid]; +"1901 _param_constant281" -> "1902 layer_norm_36" [label="(384,)", style=solid]; +"1902 layer_norm_36" -> "1903 add_58" [label="(1, 14, 14, 384)", style=solid]; +"1903 add_58" -> "1920 pad_19" [label="(1, 14, 14, 384)", style=solid]; +"1903 add_58" -> "2033 add_61" [label="(1, 14, 14, 384)", style=solid]; +"1904 _tensor_constant106" -> "1907 linear_104" [label="(1, 15, 15, 2)", style=solid]; +"1905 _param_constant282" -> "1907 linear_104" [label="(512, 2)", style=solid]; +"1906 _param_constant283" -> "1907 linear_104" [label="(512,)", style=solid]; +"1907 linear_104" -> "1908 relu__17" [label="(1, 15, 15, 512)", style=solid]; +"1908 relu__17" -> "1910 linear_105" [label="(1, 15, 15, 512)", style=solid]; +"1909 _param_constant284" -> "1910 linear_105" [label="(12, 512)", style=solid]; +"1910 linear_105" -> "1911 view_92" [label="(1, 15, 15, 12)", style=solid]; +"1911 view_92" -> "1913 index_17" [label="(225, 12)", style=solid]; +"1912 _tensor_constant107" -> "1913 index_17" [label="(4096,)", style=solid]; +"1913 index_17" -> "1914 view_93" [label="(4096, 12)", style=solid]; +"1914 view_93" -> "1915 permute_77" [label="(64, 64, 12)", style=solid]; +"1915 permute_77" -> "1916 contiguous_32" [label="(12, 64, 64)", style=solid]; +"1916 contiguous_32" -> "1917 unsqueeze_49" [label="(12, 64, 64)", style=solid]; +"1917 unsqueeze_49" -> "1918 sigmoid_17" [label="(1, 12, 64, 64)", style=solid]; +"1918 sigmoid_17" -> "1919 mul_34" [label="(1, 12, 64, 64)", style=solid]; +"1919 mul_34" -> "1950 add_59" [label="(1, 12, 64, 64)", style=solid]; +"1920 pad_19" -> "1921 roll_16" [label="(1, 16, 16, 384)", style=solid]; +"1921 roll_16" -> "1922 view_94" [label="(1, 16, 16, 384)", style=solid]; +"1922 view_94" -> "1923 permute_78" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1923 permute_78" -> "1924 reshape_76" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1924 reshape_76" -> "1930 linear_106" [label="(4, 64, 384)", style=solid]; +"1924 reshape_76" -> "1951 new_zeros_8" [label="(4, 64, 384)", style=solid]; +"1925 _param_constant285" -> "1926 clone_17" [label="(1152,)", style=solid]; +"1926 clone_17" -> "1927 slice_250" [label="(1152,)", style=solid]; +"1926 clone_17" -> "1930 linear_106" [label="(1152,)", style=solid]; +"1927 slice_250" -> "1928 zero__17" [label="(384,)", style=solid]; +"1929 _param_constant286" -> "1930 linear_106" [label="(1152, 384)", style=solid]; +"1930 linear_106" -> "1931 reshape_77" [label="(4, 64, 1152)", style=solid]; +"1931 reshape_77" -> "1932 permute_79" [label="(4, 64, 3, 12, 32)", style=solid]; +"1932 permute_79" -> "1933 select_51" [label="(3, 4, 12, 64, 32)", style=solid]; +"1932 permute_79" -> "1934 select_52" [label="(3, 4, 12, 64, 32)", style=solid]; +"1932 permute_79" -> "1935 select_53" [label="(3, 4, 12, 64, 32)", style=solid]; +"1933 select_51" -> "1936 linalg_vector_norm_34" [label="(4, 12, 64, 32)", style=solid]; +"1933 select_51" -> "1938 expand_as_34" [label="(4, 12, 64, 32)", style=solid]; +"1933 select_51" -> "1939 div_34" [label="(4, 12, 64, 32)", style=solid]; +"1934 select_52" -> "1940 linalg_vector_norm_35" [label="(4, 12, 64, 32)", style=solid]; +"1934 select_52" -> "1942 expand_as_35" [label="(4, 12, 64, 32)", style=solid]; +"1934 select_52" -> "1943 div_35" [label="(4, 12, 64, 32)", style=solid]; +"1935 select_53" -> "2014 matmul_35" [label="(4, 12, 64, 32)", style=solid]; +"1936 linalg_vector_norm_34" -> "1937 clamp_min_34" [label="(4, 12, 64, 1)", style=solid]; +"1937 clamp_min_34" -> "1938 expand_as_34" [label="(4, 12, 64, 1)", style=solid]; +"1938 expand_as_34" -> "1939 div_34" [label="(4, 12, 64, 32)", style=solid]; +"1939 div_34" -> "1945 matmul_34" [label="(4, 12, 64, 32)", style=solid]; +"1940 linalg_vector_norm_35" -> "1941 clamp_min_35" [label="(4, 12, 64, 1)", style=solid]; +"1941 clamp_min_35" -> "1942 expand_as_35" [label="(4, 12, 64, 1)", style=solid]; +"1942 expand_as_35" -> "1943 div_35" [label="(4, 12, 64, 32)", style=solid]; +"1943 div_35" -> "1944 transpose_34" [label="(4, 12, 64, 32)", style=solid]; +"1944 transpose_34" -> "1945 matmul_34" [label="(4, 12, 32, 64)", style=solid]; +"1945 matmul_34" -> "1949 mul_35" [label="(4, 12, 64, 64)", style=solid]; +"1946 _param_constant287" -> "1947 clamp_17" [label="(12, 1, 1)", style=solid]; +"1947 clamp_17" -> "1948 exp_17" [label="(12, 1, 1)", style=solid]; +"1948 exp_17" -> "1949 mul_35" [label="(12, 1, 1)", style=solid]; +"1949 mul_35" -> "1950 add_59" [label="(4, 12, 64, 64)", style=solid]; +"1950 add_59" -> "2007 view_96" [label="(4, 12, 64, 64)", style=solid]; +"1951 new_zeros_8" -> "1954 slice_251" [label="(16, 16)", style=solid]; +"1951 new_zeros_8" -> "1959 slice_253" [label="(16, 16)", style=solid]; +"1951 new_zeros_8" -> "1964 slice_255" [label="(16, 16)", style=solid]; +"1951 new_zeros_8" -> "1969 slice_257" [label="(16, 16)", style=solid]; +"1951 new_zeros_8" -> "1974 slice_259" [label="(16, 16)", style=solid]; +"1951 new_zeros_8" -> "1979 slice_261" [label="(16, 16)", style=solid]; +"1951 new_zeros_8" -> "1984 slice_263" [label="(16, 16)", style=solid]; +"1951 new_zeros_8" -> "1989 slice_265" [label="(16, 16)", style=solid]; +"1951 new_zeros_8" -> "1994 slice_267" [label="(16, 16)", style=solid]; +"1951 new_zeros_8" -> "1997 view_95" [label="(16, 16)", style=solid]; +"1952 _tensor_constant108" -> "1953 lift_fresh_copy_72" [label="()", style=solid]; +"1953 lift_fresh_copy_72" -> "1956 fill__72" [label="()", style=solid]; +"1954 slice_251" -> "1955 slice_252" [label="(8, 16)", style=solid]; +"1955 slice_252" -> "1956 fill__72" [label="(8, 8)", style=solid]; +"1957 _tensor_constant109" -> "1958 lift_fresh_copy_73" [label="()", style=solid]; +"1958 lift_fresh_copy_73" -> "1961 fill__73" [label="()", style=solid]; +"1959 slice_253" -> "1960 slice_254" [label="(8, 16)", style=solid]; +"1960 slice_254" -> "1961 fill__73" [label="(8, 4)", style=solid]; +"1962 _tensor_constant110" -> "1963 lift_fresh_copy_74" [label="()", style=solid]; +"1963 lift_fresh_copy_74" -> "1966 fill__74" [label="()", style=solid]; +"1964 slice_255" -> "1965 slice_256" [label="(8, 16)", style=solid]; +"1965 slice_256" -> "1966 fill__74" [label="(8, 4)", style=solid]; +"1967 _tensor_constant111" -> "1968 lift_fresh_copy_75" [label="()", style=solid]; +"1968 lift_fresh_copy_75" -> "1971 fill__75" [label="()", style=solid]; +"1969 slice_257" -> "1970 slice_258" [label="(4, 16)", style=solid]; +"1970 slice_258" -> "1971 fill__75" [label="(4, 8)", style=solid]; +"1972 _tensor_constant112" -> "1973 lift_fresh_copy_76" [label="()", style=solid]; +"1973 lift_fresh_copy_76" -> "1976 fill__76" [label="()", style=solid]; +"1974 slice_259" -> "1975 slice_260" [label="(4, 16)", style=solid]; +"1975 slice_260" -> "1976 fill__76" [label="(4, 4)", style=solid]; +"1977 _tensor_constant113" -> "1978 lift_fresh_copy_77" [label="()", style=solid]; +"1978 lift_fresh_copy_77" -> "1981 fill__77" [label="()", style=solid]; +"1979 slice_261" -> "1980 slice_262" [label="(4, 16)", style=solid]; +"1980 slice_262" -> "1981 fill__77" [label="(4, 4)", style=solid]; +"1982 _tensor_constant114" -> "1983 lift_fresh_copy_78" [label="()", style=solid]; +"1983 lift_fresh_copy_78" -> "1986 fill__78" [label="()", style=solid]; +"1984 slice_263" -> "1985 slice_264" [label="(4, 16)", style=solid]; +"1985 slice_264" -> "1986 fill__78" [label="(4, 8)", style=solid]; +"1987 _tensor_constant115" -> "1988 lift_fresh_copy_79" [label="()", style=solid]; +"1988 lift_fresh_copy_79" -> "1991 fill__79" [label="()", style=solid]; +"1989 slice_265" -> "1990 slice_266" [label="(4, 16)", style=solid]; +"1990 slice_266" -> "1991 fill__79" [label="(4, 4)", style=solid]; +"1992 _tensor_constant116" -> "1993 lift_fresh_copy_80" [label="()", style=solid]; +"1993 lift_fresh_copy_80" -> "1996 fill__80" [label="()", style=solid]; +"1994 slice_267" -> "1995 slice_268" [label="(4, 16)", style=solid]; +"1995 slice_268" -> "1996 fill__80" [label="(4, 4)", style=solid]; +"1997 view_95" -> "1998 permute_80" [label="(2, 8, 2, 8)", style=solid]; +"1998 permute_80" -> "1999 reshape_78" [label="(2, 2, 8, 8)", style=solid]; +"1999 reshape_78" -> "2000 unsqueeze_50" [label="(4, 64)", style=solid]; +"1999 reshape_78" -> "2001 unsqueeze_51" [label="(4, 64)", style=solid]; +"2000 unsqueeze_50" -> "2002 sub_8" [label="(4, 1, 64)", style=solid]; +"2001 unsqueeze_51" -> "2002 sub_8" [label="(4, 64, 1)", style=solid]; +"2002 sub_8" -> "2003 ne_8" [label="(4, 64, 64)", style=solid]; +"2002 sub_8" -> "2004 masked_fill_16" [label="(4, 64, 64)", style=solid]; +"2002 sub_8" -> "2005 eq_8" [label="(4, 64, 64)", style=solid]; +"2003 ne_8" -> "2004 masked_fill_16" [label="(4, 64, 64)", style=solid]; +"2004 masked_fill_16" -> "2006 masked_fill_17" [label="(4, 64, 64)", style=solid]; +"2005 eq_8" -> "2006 masked_fill_17" [label="(4, 64, 64)", style=solid]; +"2006 masked_fill_17" -> "2008 unsqueeze_52" [label="(4, 64, 64)", style=solid]; +"2007 view_96" -> "2010 add_60" [label="(1, 4, 12, 64, 64)", style=solid]; +"2008 unsqueeze_52" -> "2009 unsqueeze_53" [label="(4, 1, 64, 64)", style=solid]; +"2009 unsqueeze_53" -> "2010 add_60" [label="(1, 4, 1, 64, 64)", style=solid]; +"2010 add_60" -> "2011 view_97" [label="(1, 4, 12, 64, 64)", style=solid]; +"2011 view_97" -> "2012 softmax_17" [label="(4, 12, 64, 64)", style=solid]; +"2012 softmax_17" -> "2013 dropout_68" [label="(4, 12, 64, 64)", style=solid]; +"2013 dropout_68" -> "2014 matmul_35" [label="(4, 12, 64, 64)", style=solid]; +"2014 matmul_35" -> "2015 transpose_35" [label="(4, 12, 64, 32)", style=solid]; +"2015 transpose_35" -> "2016 reshape_79" [label="(4, 64, 12, 32)", style=solid]; +"2016 reshape_79" -> "2019 linear_107" [label="(4, 64, 384)", style=solid]; +"2017 _param_constant288" -> "2019 linear_107" [label="(384, 384)", style=solid]; +"2018 _param_constant289" -> "2019 linear_107" [label="(384,)", style=solid]; +"2019 linear_107" -> "2020 dropout_69" [label="(4, 64, 384)", style=solid]; +"2020 dropout_69" -> "2021 view_98" [label="(4, 64, 384)", style=solid]; +"2021 view_98" -> "2022 permute_81" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"2022 permute_81" -> "2023 reshape_80" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"2023 reshape_80" -> "2024 roll_17" [label="(1, 16, 16, 384)", style=solid]; +"2024 roll_17" -> "2025 slice_269" [label="(1, 16, 16, 384)", style=solid]; +"2025 slice_269" -> "2026 slice_270" [label="(1, 16, 16, 384)", style=solid]; +"2026 slice_270" -> "2027 slice_271" [label="(1, 14, 16, 384)", style=solid]; +"2027 slice_271" -> "2028 slice_272" [label="(1, 14, 14, 384)", style=solid]; +"2028 slice_272" -> "2029 contiguous_33" [label="(1, 14, 14, 384)", style=solid]; +"2029 contiguous_33" -> "2032 layer_norm_37" [label="(1, 14, 14, 384)", style=solid]; +"2030 _param_constant290" -> "2032 layer_norm_37" [label="(384,)", style=solid]; +"2031 _param_constant291" -> "2032 layer_norm_37" [label="(384,)", style=solid]; +"2032 layer_norm_37" -> "2033 add_61" [label="(1, 14, 14, 384)", style=solid]; +"2033 add_61" -> "2036 linear_108" [label="(1, 14, 14, 384)", style=solid]; +"2033 add_61" -> "2046 add_62" [label="(1, 14, 14, 384)", style=solid]; +"2034 _param_constant292" -> "2036 linear_108" [label="(1536, 384)", style=solid]; +"2035 _param_constant293" -> "2036 linear_108" [label="(1536,)", style=solid]; +"2036 linear_108" -> "2037 gelu_17" [label="(1, 14, 14, 1536)", style=solid]; +"2037 gelu_17" -> "2038 dropout_70" [label="(1, 14, 14, 1536)", style=solid]; +"2038 dropout_70" -> "2041 linear_109" [label="(1, 14, 14, 1536)", style=solid]; +"2039 _param_constant294" -> "2041 linear_109" [label="(384, 1536)", style=solid]; +"2040 _param_constant295" -> "2041 linear_109" [label="(384,)", style=solid]; +"2041 linear_109" -> "2042 dropout_71" [label="(1, 14, 14, 384)", style=solid]; +"2042 dropout_71" -> "2045 layer_norm_38" [label="(1, 14, 14, 384)", style=solid]; +"2043 _param_constant296" -> "2045 layer_norm_38" [label="(384,)", style=solid]; +"2044 _param_constant297" -> "2045 layer_norm_38" [label="(384,)", style=solid]; +"2045 layer_norm_38" -> "2046 add_62" [label="(1, 14, 14, 384)", style=solid]; +"2046 add_62" -> "2063 pad_20" [label="(1, 14, 14, 384)", style=solid]; +"2046 add_62" -> "2113 add_64" [label="(1, 14, 14, 384)", style=solid]; +"2047 _tensor_constant117" -> "2050 linear_110" [label="(1, 15, 15, 2)", style=solid]; +"2048 _param_constant298" -> "2050 linear_110" [label="(512, 2)", style=solid]; +"2049 _param_constant299" -> "2050 linear_110" [label="(512,)", style=solid]; +"2050 linear_110" -> "2051 relu__18" [label="(1, 15, 15, 512)", style=solid]; +"2051 relu__18" -> "2053 linear_111" [label="(1, 15, 15, 512)", style=solid]; +"2052 _param_constant300" -> "2053 linear_111" [label="(12, 512)", style=solid]; +"2053 linear_111" -> "2054 view_99" [label="(1, 15, 15, 12)", style=solid]; +"2054 view_99" -> "2056 index_18" [label="(225, 12)", style=solid]; +"2055 _tensor_constant118" -> "2056 index_18" [label="(4096,)", style=solid]; +"2056 index_18" -> "2057 view_100" [label="(4096, 12)", style=solid]; +"2057 view_100" -> "2058 permute_82" [label="(64, 64, 12)", style=solid]; +"2058 permute_82" -> "2059 contiguous_34" [label="(12, 64, 64)", style=solid]; +"2059 contiguous_34" -> "2060 unsqueeze_54" [label="(12, 64, 64)", style=solid]; +"2060 unsqueeze_54" -> "2061 sigmoid_18" [label="(1, 12, 64, 64)", style=solid]; +"2061 sigmoid_18" -> "2062 mul_36" [label="(1, 12, 64, 64)", style=solid]; +"2062 mul_36" -> "2092 add_63" [label="(1, 12, 64, 64)", style=solid]; +"2063 pad_20" -> "2064 view_101" [label="(1, 16, 16, 384)", style=solid]; +"2064 view_101" -> "2065 permute_83" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"2065 permute_83" -> "2066 reshape_81" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"2066 reshape_81" -> "2072 linear_112" [label="(4, 64, 384)", style=solid]; +"2067 _param_constant301" -> "2068 clone_18" [label="(1152,)", style=solid]; +"2068 clone_18" -> "2069 slice_273" [label="(1152,)", style=solid]; +"2068 clone_18" -> "2072 linear_112" [label="(1152,)", style=solid]; +"2069 slice_273" -> "2070 zero__18" [label="(384,)", style=solid]; +"2071 _param_constant302" -> "2072 linear_112" [label="(1152, 384)", style=solid]; +"2072 linear_112" -> "2073 reshape_82" [label="(4, 64, 1152)", style=solid]; +"2073 reshape_82" -> "2074 permute_84" [label="(4, 64, 3, 12, 32)", style=solid]; +"2074 permute_84" -> "2075 select_54" [label="(3, 4, 12, 64, 32)", style=solid]; +"2074 permute_84" -> "2076 select_55" [label="(3, 4, 12, 64, 32)", style=solid]; +"2074 permute_84" -> "2077 select_56" [label="(3, 4, 12, 64, 32)", style=solid]; +"2075 select_54" -> "2078 linalg_vector_norm_36" [label="(4, 12, 64, 32)", style=solid]; +"2075 select_54" -> "2080 expand_as_36" [label="(4, 12, 64, 32)", style=solid]; +"2075 select_54" -> "2081 div_36" [label="(4, 12, 64, 32)", style=solid]; +"2076 select_55" -> "2082 linalg_vector_norm_37" [label="(4, 12, 64, 32)", style=solid]; +"2076 select_55" -> "2084 expand_as_37" [label="(4, 12, 64, 32)", style=solid]; +"2076 select_55" -> "2085 div_37" [label="(4, 12, 64, 32)", style=solid]; +"2077 select_56" -> "2095 matmul_37" [label="(4, 12, 64, 32)", style=solid]; +"2078 linalg_vector_norm_36" -> "2079 clamp_min_36" [label="(4, 12, 64, 1)", style=solid]; +"2079 clamp_min_36" -> "2080 expand_as_36" [label="(4, 12, 64, 1)", style=solid]; +"2080 expand_as_36" -> "2081 div_36" [label="(4, 12, 64, 32)", style=solid]; +"2081 div_36" -> "2087 matmul_36" [label="(4, 12, 64, 32)", style=solid]; +"2082 linalg_vector_norm_37" -> "2083 clamp_min_37" [label="(4, 12, 64, 1)", style=solid]; +"2083 clamp_min_37" -> "2084 expand_as_37" [label="(4, 12, 64, 1)", style=solid]; +"2084 expand_as_37" -> "2085 div_37" [label="(4, 12, 64, 32)", style=solid]; +"2085 div_37" -> "2086 transpose_36" [label="(4, 12, 64, 32)", style=solid]; +"2086 transpose_36" -> "2087 matmul_36" [label="(4, 12, 32, 64)", style=solid]; +"2087 matmul_36" -> "2091 mul_37" [label="(4, 12, 64, 64)", style=solid]; +"2088 _param_constant303" -> "2089 clamp_18" [label="(12, 1, 1)", style=solid]; +"2089 clamp_18" -> "2090 exp_18" [label="(12, 1, 1)", style=solid]; +"2090 exp_18" -> "2091 mul_37" [label="(12, 1, 1)", style=solid]; +"2091 mul_37" -> "2092 add_63" [label="(4, 12, 64, 64)", style=solid]; +"2092 add_63" -> "2093 softmax_18" [label="(4, 12, 64, 64)", style=solid]; +"2093 softmax_18" -> "2094 dropout_72" [label="(4, 12, 64, 64)", style=solid]; +"2094 dropout_72" -> "2095 matmul_37" [label="(4, 12, 64, 64)", style=solid]; +"2095 matmul_37" -> "2096 transpose_37" [label="(4, 12, 64, 32)", style=solid]; +"2096 transpose_37" -> "2097 reshape_83" [label="(4, 64, 12, 32)", style=solid]; +"2097 reshape_83" -> "2100 linear_113" [label="(4, 64, 384)", style=solid]; +"2098 _param_constant304" -> "2100 linear_113" [label="(384, 384)", style=solid]; +"2099 _param_constant305" -> "2100 linear_113" [label="(384,)", style=solid]; +"2100 linear_113" -> "2101 dropout_73" [label="(4, 64, 384)", style=solid]; +"2101 dropout_73" -> "2102 view_102" [label="(4, 64, 384)", style=solid]; +"2102 view_102" -> "2103 permute_85" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"2103 permute_85" -> "2104 reshape_84" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"2104 reshape_84" -> "2105 slice_274" [label="(1, 16, 16, 384)", style=solid]; +"2105 slice_274" -> "2106 slice_275" [label="(1, 16, 16, 384)", style=solid]; +"2106 slice_275" -> "2107 slice_276" [label="(1, 14, 16, 384)", style=solid]; +"2107 slice_276" -> "2108 slice_277" [label="(1, 14, 14, 384)", style=solid]; +"2108 slice_277" -> "2109 contiguous_35" [label="(1, 14, 14, 384)", style=solid]; +"2109 contiguous_35" -> "2112 layer_norm_39" [label="(1, 14, 14, 384)", style=solid]; +"2110 _param_constant306" -> "2112 layer_norm_39" [label="(384,)", style=solid]; +"2111 _param_constant307" -> "2112 layer_norm_39" [label="(384,)", style=solid]; +"2112 layer_norm_39" -> "2113 add_64" [label="(1, 14, 14, 384)", style=solid]; +"2113 add_64" -> "2116 linear_114" [label="(1, 14, 14, 384)", style=solid]; +"2113 add_64" -> "2126 add_65" [label="(1, 14, 14, 384)", style=solid]; +"2114 _param_constant308" -> "2116 linear_114" [label="(1536, 384)", style=solid]; +"2115 _param_constant309" -> "2116 linear_114" [label="(1536,)", style=solid]; +"2116 linear_114" -> "2117 gelu_18" [label="(1, 14, 14, 1536)", style=solid]; +"2117 gelu_18" -> "2118 dropout_74" [label="(1, 14, 14, 1536)", style=solid]; +"2118 dropout_74" -> "2121 linear_115" [label="(1, 14, 14, 1536)", style=solid]; +"2119 _param_constant310" -> "2121 linear_115" [label="(384, 1536)", style=solid]; +"2120 _param_constant311" -> "2121 linear_115" [label="(384,)", style=solid]; +"2121 linear_115" -> "2122 dropout_75" [label="(1, 14, 14, 384)", style=solid]; +"2122 dropout_75" -> "2125 layer_norm_40" [label="(1, 14, 14, 384)", style=solid]; +"2123 _param_constant312" -> "2125 layer_norm_40" [label="(384,)", style=solid]; +"2124 _param_constant313" -> "2125 layer_norm_40" [label="(384,)", style=solid]; +"2125 layer_norm_40" -> "2126 add_65" [label="(1, 14, 14, 384)", style=solid]; +"2126 add_65" -> "2143 pad_21" [label="(1, 14, 14, 384)", style=solid]; +"2126 add_65" -> "2256 add_68" [label="(1, 14, 14, 384)", style=solid]; +"2127 _tensor_constant119" -> "2130 linear_116" [label="(1, 15, 15, 2)", style=solid]; +"2128 _param_constant314" -> "2130 linear_116" [label="(512, 2)", style=solid]; +"2129 _param_constant315" -> "2130 linear_116" [label="(512,)", style=solid]; +"2130 linear_116" -> "2131 relu__19" [label="(1, 15, 15, 512)", style=solid]; +"2131 relu__19" -> "2133 linear_117" [label="(1, 15, 15, 512)", style=solid]; +"2132 _param_constant316" -> "2133 linear_117" [label="(12, 512)", style=solid]; +"2133 linear_117" -> "2134 view_103" [label="(1, 15, 15, 12)", style=solid]; +"2134 view_103" -> "2136 index_19" [label="(225, 12)", style=solid]; +"2135 _tensor_constant120" -> "2136 index_19" [label="(4096,)", style=solid]; +"2136 index_19" -> "2137 view_104" [label="(4096, 12)", style=solid]; +"2137 view_104" -> "2138 permute_86" [label="(64, 64, 12)", style=solid]; +"2138 permute_86" -> "2139 contiguous_36" [label="(12, 64, 64)", style=solid]; +"2139 contiguous_36" -> "2140 unsqueeze_55" [label="(12, 64, 64)", style=solid]; +"2140 unsqueeze_55" -> "2141 sigmoid_19" [label="(1, 12, 64, 64)", style=solid]; +"2141 sigmoid_19" -> "2142 mul_38" [label="(1, 12, 64, 64)", style=solid]; +"2142 mul_38" -> "2173 add_66" [label="(1, 12, 64, 64)", style=solid]; +"2143 pad_21" -> "2144 roll_18" [label="(1, 16, 16, 384)", style=solid]; +"2144 roll_18" -> "2145 view_105" [label="(1, 16, 16, 384)", style=solid]; +"2145 view_105" -> "2146 permute_87" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"2146 permute_87" -> "2147 reshape_85" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"2147 reshape_85" -> "2153 linear_118" [label="(4, 64, 384)", style=solid]; +"2147 reshape_85" -> "2174 new_zeros_9" [label="(4, 64, 384)", style=solid]; +"2148 _param_constant317" -> "2149 clone_19" [label="(1152,)", style=solid]; +"2149 clone_19" -> "2150 slice_278" [label="(1152,)", style=solid]; +"2149 clone_19" -> "2153 linear_118" [label="(1152,)", style=solid]; +"2150 slice_278" -> "2151 zero__19" [label="(384,)", style=solid]; +"2152 _param_constant318" -> "2153 linear_118" [label="(1152, 384)", style=solid]; +"2153 linear_118" -> "2154 reshape_86" [label="(4, 64, 1152)", style=solid]; +"2154 reshape_86" -> "2155 permute_88" [label="(4, 64, 3, 12, 32)", style=solid]; +"2155 permute_88" -> "2156 select_57" [label="(3, 4, 12, 64, 32)", style=solid]; +"2155 permute_88" -> "2157 select_58" [label="(3, 4, 12, 64, 32)", style=solid]; +"2155 permute_88" -> "2158 select_59" [label="(3, 4, 12, 64, 32)", style=solid]; +"2156 select_57" -> "2159 linalg_vector_norm_38" [label="(4, 12, 64, 32)", style=solid]; +"2156 select_57" -> "2161 expand_as_38" [label="(4, 12, 64, 32)", style=solid]; +"2156 select_57" -> "2162 div_38" [label="(4, 12, 64, 32)", style=solid]; +"2157 select_58" -> "2163 linalg_vector_norm_39" [label="(4, 12, 64, 32)", style=solid]; +"2157 select_58" -> "2165 expand_as_39" [label="(4, 12, 64, 32)", style=solid]; +"2157 select_58" -> "2166 div_39" [label="(4, 12, 64, 32)", style=solid]; +"2158 select_59" -> "2237 matmul_39" [label="(4, 12, 64, 32)", style=solid]; +"2159 linalg_vector_norm_38" -> "2160 clamp_min_38" [label="(4, 12, 64, 1)", style=solid]; +"2160 clamp_min_38" -> "2161 expand_as_38" [label="(4, 12, 64, 1)", style=solid]; +"2161 expand_as_38" -> "2162 div_38" [label="(4, 12, 64, 32)", style=solid]; +"2162 div_38" -> "2168 matmul_38" [label="(4, 12, 64, 32)", style=solid]; +"2163 linalg_vector_norm_39" -> "2164 clamp_min_39" [label="(4, 12, 64, 1)", style=solid]; +"2164 clamp_min_39" -> "2165 expand_as_39" [label="(4, 12, 64, 1)", style=solid]; +"2165 expand_as_39" -> "2166 div_39" [label="(4, 12, 64, 32)", style=solid]; +"2166 div_39" -> "2167 transpose_38" [label="(4, 12, 64, 32)", style=solid]; +"2167 transpose_38" -> "2168 matmul_38" [label="(4, 12, 32, 64)", style=solid]; +"2168 matmul_38" -> "2172 mul_39" [label="(4, 12, 64, 64)", style=solid]; +"2169 _param_constant319" -> "2170 clamp_19" [label="(12, 1, 1)", style=solid]; +"2170 clamp_19" -> "2171 exp_19" [label="(12, 1, 1)", style=solid]; +"2171 exp_19" -> "2172 mul_39" [label="(12, 1, 1)", style=solid]; +"2172 mul_39" -> "2173 add_66" [label="(4, 12, 64, 64)", style=solid]; +"2173 add_66" -> "2230 view_107" [label="(4, 12, 64, 64)", style=solid]; +"2174 new_zeros_9" -> "2177 slice_279" [label="(16, 16)", style=solid]; +"2174 new_zeros_9" -> "2182 slice_281" [label="(16, 16)", style=solid]; +"2174 new_zeros_9" -> "2187 slice_283" [label="(16, 16)", style=solid]; +"2174 new_zeros_9" -> "2192 slice_285" [label="(16, 16)", style=solid]; +"2174 new_zeros_9" -> "2197 slice_287" [label="(16, 16)", style=solid]; +"2174 new_zeros_9" -> "2202 slice_289" [label="(16, 16)", style=solid]; +"2174 new_zeros_9" -> "2207 slice_291" [label="(16, 16)", style=solid]; +"2174 new_zeros_9" -> "2212 slice_293" [label="(16, 16)", style=solid]; +"2174 new_zeros_9" -> "2217 slice_295" [label="(16, 16)", style=solid]; +"2174 new_zeros_9" -> "2220 view_106" [label="(16, 16)", style=solid]; +"2175 _tensor_constant121" -> "2176 lift_fresh_copy_81" [label="()", style=solid]; +"2176 lift_fresh_copy_81" -> "2179 fill__81" [label="()", style=solid]; +"2177 slice_279" -> "2178 slice_280" [label="(8, 16)", style=solid]; +"2178 slice_280" -> "2179 fill__81" [label="(8, 8)", style=solid]; +"2180 _tensor_constant122" -> "2181 lift_fresh_copy_82" [label="()", style=solid]; +"2181 lift_fresh_copy_82" -> "2184 fill__82" [label="()", style=solid]; +"2182 slice_281" -> "2183 slice_282" [label="(8, 16)", style=solid]; +"2183 slice_282" -> "2184 fill__82" [label="(8, 4)", style=solid]; +"2185 _tensor_constant123" -> "2186 lift_fresh_copy_83" [label="()", style=solid]; +"2186 lift_fresh_copy_83" -> "2189 fill__83" [label="()", style=solid]; +"2187 slice_283" -> "2188 slice_284" [label="(8, 16)", style=solid]; +"2188 slice_284" -> "2189 fill__83" [label="(8, 4)", style=solid]; +"2190 _tensor_constant124" -> "2191 lift_fresh_copy_84" [label="()", style=solid]; +"2191 lift_fresh_copy_84" -> "2194 fill__84" [label="()", style=solid]; +"2192 slice_285" -> "2193 slice_286" [label="(4, 16)", style=solid]; +"2193 slice_286" -> "2194 fill__84" [label="(4, 8)", style=solid]; +"2195 _tensor_constant125" -> "2196 lift_fresh_copy_85" [label="()", style=solid]; +"2196 lift_fresh_copy_85" -> "2199 fill__85" [label="()", style=solid]; +"2197 slice_287" -> "2198 slice_288" [label="(4, 16)", style=solid]; +"2198 slice_288" -> "2199 fill__85" [label="(4, 4)", style=solid]; +"2200 _tensor_constant126" -> "2201 lift_fresh_copy_86" [label="()", style=solid]; +"2201 lift_fresh_copy_86" -> "2204 fill__86" [label="()", style=solid]; +"2202 slice_289" -> "2203 slice_290" [label="(4, 16)", style=solid]; +"2203 slice_290" -> "2204 fill__86" [label="(4, 4)", style=solid]; +"2205 _tensor_constant127" -> "2206 lift_fresh_copy_87" [label="()", style=solid]; +"2206 lift_fresh_copy_87" -> "2209 fill__87" [label="()", style=solid]; +"2207 slice_291" -> "2208 slice_292" [label="(4, 16)", style=solid]; +"2208 slice_292" -> "2209 fill__87" [label="(4, 8)", style=solid]; +"2210 _tensor_constant128" -> "2211 lift_fresh_copy_88" [label="()", style=solid]; +"2211 lift_fresh_copy_88" -> "2214 fill__88" [label="()", style=solid]; +"2212 slice_293" -> "2213 slice_294" [label="(4, 16)", style=solid]; +"2213 slice_294" -> "2214 fill__88" [label="(4, 4)", style=solid]; +"2215 _tensor_constant129" -> "2216 lift_fresh_copy_89" [label="()", style=solid]; +"2216 lift_fresh_copy_89" -> "2219 fill__89" [label="()", style=solid]; +"2217 slice_295" -> "2218 slice_296" [label="(4, 16)", style=solid]; +"2218 slice_296" -> "2219 fill__89" [label="(4, 4)", style=solid]; +"2220 view_106" -> "2221 permute_89" [label="(2, 8, 2, 8)", style=solid]; +"2221 permute_89" -> "2222 reshape_87" [label="(2, 2, 8, 8)", style=solid]; +"2222 reshape_87" -> "2223 unsqueeze_56" [label="(4, 64)", style=solid]; +"2222 reshape_87" -> "2224 unsqueeze_57" [label="(4, 64)", style=solid]; +"2223 unsqueeze_56" -> "2225 sub_9" [label="(4, 1, 64)", style=solid]; +"2224 unsqueeze_57" -> "2225 sub_9" [label="(4, 64, 1)", style=solid]; +"2225 sub_9" -> "2226 ne_9" [label="(4, 64, 64)", style=solid]; +"2225 sub_9" -> "2227 masked_fill_18" [label="(4, 64, 64)", style=solid]; +"2225 sub_9" -> "2228 eq_9" [label="(4, 64, 64)", style=solid]; +"2226 ne_9" -> "2227 masked_fill_18" [label="(4, 64, 64)", style=solid]; +"2227 masked_fill_18" -> "2229 masked_fill_19" [label="(4, 64, 64)", style=solid]; +"2228 eq_9" -> "2229 masked_fill_19" [label="(4, 64, 64)", style=solid]; +"2229 masked_fill_19" -> "2231 unsqueeze_58" [label="(4, 64, 64)", style=solid]; +"2230 view_107" -> "2233 add_67" [label="(1, 4, 12, 64, 64)", style=solid]; +"2231 unsqueeze_58" -> "2232 unsqueeze_59" [label="(4, 1, 64, 64)", style=solid]; +"2232 unsqueeze_59" -> "2233 add_67" [label="(1, 4, 1, 64, 64)", style=solid]; +"2233 add_67" -> "2234 view_108" [label="(1, 4, 12, 64, 64)", style=solid]; +"2234 view_108" -> "2235 softmax_19" [label="(4, 12, 64, 64)", style=solid]; +"2235 softmax_19" -> "2236 dropout_76" [label="(4, 12, 64, 64)", style=solid]; +"2236 dropout_76" -> "2237 matmul_39" [label="(4, 12, 64, 64)", style=solid]; +"2237 matmul_39" -> "2238 transpose_39" [label="(4, 12, 64, 32)", style=solid]; +"2238 transpose_39" -> "2239 reshape_88" [label="(4, 64, 12, 32)", style=solid]; +"2239 reshape_88" -> "2242 linear_119" [label="(4, 64, 384)", style=solid]; +"2240 _param_constant320" -> "2242 linear_119" [label="(384, 384)", style=solid]; +"2241 _param_constant321" -> "2242 linear_119" [label="(384,)", style=solid]; +"2242 linear_119" -> "2243 dropout_77" [label="(4, 64, 384)", style=solid]; +"2243 dropout_77" -> "2244 view_109" [label="(4, 64, 384)", style=solid]; +"2244 view_109" -> "2245 permute_90" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"2245 permute_90" -> "2246 reshape_89" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"2246 reshape_89" -> "2247 roll_19" [label="(1, 16, 16, 384)", style=solid]; +"2247 roll_19" -> "2248 slice_297" [label="(1, 16, 16, 384)", style=solid]; +"2248 slice_297" -> "2249 slice_298" [label="(1, 16, 16, 384)", style=solid]; +"2249 slice_298" -> "2250 slice_299" [label="(1, 14, 16, 384)", style=solid]; +"2250 slice_299" -> "2251 slice_300" [label="(1, 14, 14, 384)", style=solid]; +"2251 slice_300" -> "2252 contiguous_37" [label="(1, 14, 14, 384)", style=solid]; +"2252 contiguous_37" -> "2255 layer_norm_41" [label="(1, 14, 14, 384)", style=solid]; +"2253 _param_constant322" -> "2255 layer_norm_41" [label="(384,)", style=solid]; +"2254 _param_constant323" -> "2255 layer_norm_41" [label="(384,)", style=solid]; +"2255 layer_norm_41" -> "2256 add_68" [label="(1, 14, 14, 384)", style=solid]; +"2256 add_68" -> "2259 linear_120" [label="(1, 14, 14, 384)", style=solid]; +"2256 add_68" -> "2269 add_69" [label="(1, 14, 14, 384)", style=solid]; +"2257 _param_constant324" -> "2259 linear_120" [label="(1536, 384)", style=solid]; +"2258 _param_constant325" -> "2259 linear_120" [label="(1536,)", style=solid]; +"2259 linear_120" -> "2260 gelu_19" [label="(1, 14, 14, 1536)", style=solid]; +"2260 gelu_19" -> "2261 dropout_78" [label="(1, 14, 14, 1536)", style=solid]; +"2261 dropout_78" -> "2264 linear_121" [label="(1, 14, 14, 1536)", style=solid]; +"2262 _param_constant326" -> "2264 linear_121" [label="(384, 1536)", style=solid]; +"2263 _param_constant327" -> "2264 linear_121" [label="(384,)", style=solid]; +"2264 linear_121" -> "2265 dropout_79" [label="(1, 14, 14, 384)", style=solid]; +"2265 dropout_79" -> "2268 layer_norm_42" [label="(1, 14, 14, 384)", style=solid]; +"2266 _param_constant328" -> "2268 layer_norm_42" [label="(384,)", style=solid]; +"2267 _param_constant329" -> "2268 layer_norm_42" [label="(384,)", style=solid]; +"2268 layer_norm_42" -> "2269 add_69" [label="(1, 14, 14, 384)", style=solid]; +"2269 add_69" -> "2286 pad_22" [label="(1, 14, 14, 384)", style=solid]; +"2269 add_69" -> "2336 add_71" [label="(1, 14, 14, 384)", style=solid]; +"2270 _tensor_constant130" -> "2273 linear_122" [label="(1, 15, 15, 2)", style=solid]; +"2271 _param_constant330" -> "2273 linear_122" [label="(512, 2)", style=solid]; +"2272 _param_constant331" -> "2273 linear_122" [label="(512,)", style=solid]; +"2273 linear_122" -> "2274 relu__20" [label="(1, 15, 15, 512)", style=solid]; +"2274 relu__20" -> "2276 linear_123" [label="(1, 15, 15, 512)", style=solid]; +"2275 _param_constant332" -> "2276 linear_123" [label="(12, 512)", style=solid]; +"2276 linear_123" -> "2277 view_110" [label="(1, 15, 15, 12)", style=solid]; +"2277 view_110" -> "2279 index_20" [label="(225, 12)", style=solid]; +"2278 _tensor_constant131" -> "2279 index_20" [label="(4096,)", style=solid]; +"2279 index_20" -> "2280 view_111" [label="(4096, 12)", style=solid]; +"2280 view_111" -> "2281 permute_91" [label="(64, 64, 12)", style=solid]; +"2281 permute_91" -> "2282 contiguous_38" [label="(12, 64, 64)", style=solid]; +"2282 contiguous_38" -> "2283 unsqueeze_60" [label="(12, 64, 64)", style=solid]; +"2283 unsqueeze_60" -> "2284 sigmoid_20" [label="(1, 12, 64, 64)", style=solid]; +"2284 sigmoid_20" -> "2285 mul_40" [label="(1, 12, 64, 64)", style=solid]; +"2285 mul_40" -> "2315 add_70" [label="(1, 12, 64, 64)", style=solid]; +"2286 pad_22" -> "2287 view_112" [label="(1, 16, 16, 384)", style=solid]; +"2287 view_112" -> "2288 permute_92" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"2288 permute_92" -> "2289 reshape_90" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"2289 reshape_90" -> "2295 linear_124" [label="(4, 64, 384)", style=solid]; +"2290 _param_constant333" -> "2291 clone_20" [label="(1152,)", style=solid]; +"2291 clone_20" -> "2292 slice_301" [label="(1152,)", style=solid]; +"2291 clone_20" -> "2295 linear_124" [label="(1152,)", style=solid]; +"2292 slice_301" -> "2293 zero__20" [label="(384,)", style=solid]; +"2294 _param_constant334" -> "2295 linear_124" [label="(1152, 384)", style=solid]; +"2295 linear_124" -> "2296 reshape_91" [label="(4, 64, 1152)", style=solid]; +"2296 reshape_91" -> "2297 permute_93" [label="(4, 64, 3, 12, 32)", style=solid]; +"2297 permute_93" -> "2298 select_60" [label="(3, 4, 12, 64, 32)", style=solid]; +"2297 permute_93" -> "2299 select_61" [label="(3, 4, 12, 64, 32)", style=solid]; +"2297 permute_93" -> "2300 select_62" [label="(3, 4, 12, 64, 32)", style=solid]; +"2298 select_60" -> "2301 linalg_vector_norm_40" [label="(4, 12, 64, 32)", style=solid]; +"2298 select_60" -> "2303 expand_as_40" [label="(4, 12, 64, 32)", style=solid]; +"2298 select_60" -> "2304 div_40" [label="(4, 12, 64, 32)", style=solid]; +"2299 select_61" -> "2305 linalg_vector_norm_41" [label="(4, 12, 64, 32)", style=solid]; +"2299 select_61" -> "2307 expand_as_41" [label="(4, 12, 64, 32)", style=solid]; +"2299 select_61" -> "2308 div_41" [label="(4, 12, 64, 32)", style=solid]; +"2300 select_62" -> "2318 matmul_41" [label="(4, 12, 64, 32)", style=solid]; +"2301 linalg_vector_norm_40" -> "2302 clamp_min_40" [label="(4, 12, 64, 1)", style=solid]; +"2302 clamp_min_40" -> "2303 expand_as_40" [label="(4, 12, 64, 1)", style=solid]; +"2303 expand_as_40" -> "2304 div_40" [label="(4, 12, 64, 32)", style=solid]; +"2304 div_40" -> "2310 matmul_40" [label="(4, 12, 64, 32)", style=solid]; +"2305 linalg_vector_norm_41" -> "2306 clamp_min_41" [label="(4, 12, 64, 1)", style=solid]; +"2306 clamp_min_41" -> "2307 expand_as_41" [label="(4, 12, 64, 1)", style=solid]; +"2307 expand_as_41" -> "2308 div_41" [label="(4, 12, 64, 32)", style=solid]; +"2308 div_41" -> "2309 transpose_40" [label="(4, 12, 64, 32)", style=solid]; +"2309 transpose_40" -> "2310 matmul_40" [label="(4, 12, 32, 64)", style=solid]; +"2310 matmul_40" -> "2314 mul_41" [label="(4, 12, 64, 64)", style=solid]; +"2311 _param_constant335" -> "2312 clamp_20" [label="(12, 1, 1)", style=solid]; +"2312 clamp_20" -> "2313 exp_20" [label="(12, 1, 1)", style=solid]; +"2313 exp_20" -> "2314 mul_41" [label="(12, 1, 1)", style=solid]; +"2314 mul_41" -> "2315 add_70" [label="(4, 12, 64, 64)", style=solid]; +"2315 add_70" -> "2316 softmax_20" [label="(4, 12, 64, 64)", style=solid]; +"2316 softmax_20" -> "2317 dropout_80" [label="(4, 12, 64, 64)", style=solid]; +"2317 dropout_80" -> "2318 matmul_41" [label="(4, 12, 64, 64)", style=solid]; +"2318 matmul_41" -> "2319 transpose_41" [label="(4, 12, 64, 32)", style=solid]; +"2319 transpose_41" -> "2320 reshape_92" [label="(4, 64, 12, 32)", style=solid]; +"2320 reshape_92" -> "2323 linear_125" [label="(4, 64, 384)", style=solid]; +"2321 _param_constant336" -> "2323 linear_125" [label="(384, 384)", style=solid]; +"2322 _param_constant337" -> "2323 linear_125" [label="(384,)", style=solid]; +"2323 linear_125" -> "2324 dropout_81" [label="(4, 64, 384)", style=solid]; +"2324 dropout_81" -> "2325 view_113" [label="(4, 64, 384)", style=solid]; +"2325 view_113" -> "2326 permute_94" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"2326 permute_94" -> "2327 reshape_93" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"2327 reshape_93" -> "2328 slice_302" [label="(1, 16, 16, 384)", style=solid]; +"2328 slice_302" -> "2329 slice_303" [label="(1, 16, 16, 384)", style=solid]; +"2329 slice_303" -> "2330 slice_304" [label="(1, 14, 16, 384)", style=solid]; +"2330 slice_304" -> "2331 slice_305" [label="(1, 14, 14, 384)", style=solid]; +"2331 slice_305" -> "2332 contiguous_39" [label="(1, 14, 14, 384)", style=solid]; +"2332 contiguous_39" -> "2335 layer_norm_43" [label="(1, 14, 14, 384)", style=solid]; +"2333 _param_constant338" -> "2335 layer_norm_43" [label="(384,)", style=solid]; +"2334 _param_constant339" -> "2335 layer_norm_43" [label="(384,)", style=solid]; +"2335 layer_norm_43" -> "2336 add_71" [label="(1, 14, 14, 384)", style=solid]; +"2336 add_71" -> "2339 linear_126" [label="(1, 14, 14, 384)", style=solid]; +"2336 add_71" -> "2349 add_72" [label="(1, 14, 14, 384)", style=solid]; +"2337 _param_constant340" -> "2339 linear_126" [label="(1536, 384)", style=solid]; +"2338 _param_constant341" -> "2339 linear_126" [label="(1536,)", style=solid]; +"2339 linear_126" -> "2340 gelu_20" [label="(1, 14, 14, 1536)", style=solid]; +"2340 gelu_20" -> "2341 dropout_82" [label="(1, 14, 14, 1536)", style=solid]; +"2341 dropout_82" -> "2344 linear_127" [label="(1, 14, 14, 1536)", style=solid]; +"2342 _param_constant342" -> "2344 linear_127" [label="(384, 1536)", style=solid]; +"2343 _param_constant343" -> "2344 linear_127" [label="(384,)", style=solid]; +"2344 linear_127" -> "2345 dropout_83" [label="(1, 14, 14, 384)", style=solid]; +"2345 dropout_83" -> "2348 layer_norm_44" [label="(1, 14, 14, 384)", style=solid]; +"2346 _param_constant344" -> "2348 layer_norm_44" [label="(384,)", style=solid]; +"2347 _param_constant345" -> "2348 layer_norm_44" [label="(384,)", style=solid]; +"2348 layer_norm_44" -> "2349 add_72" [label="(1, 14, 14, 384)", style=solid]; +"2349 add_72" -> "2366 pad_23" [label="(1, 14, 14, 384)", style=solid]; +"2349 add_72" -> "2479 add_75" [label="(1, 14, 14, 384)", style=solid]; +"2350 _tensor_constant132" -> "2353 linear_128" [label="(1, 15, 15, 2)", style=solid]; +"2351 _param_constant346" -> "2353 linear_128" [label="(512, 2)", style=solid]; +"2352 _param_constant347" -> "2353 linear_128" [label="(512,)", style=solid]; +"2353 linear_128" -> "2354 relu__21" [label="(1, 15, 15, 512)", style=solid]; +"2354 relu__21" -> "2356 linear_129" [label="(1, 15, 15, 512)", style=solid]; +"2355 _param_constant348" -> "2356 linear_129" [label="(12, 512)", style=solid]; +"2356 linear_129" -> "2357 view_114" [label="(1, 15, 15, 12)", style=solid]; +"2357 view_114" -> "2359 index_21" [label="(225, 12)", style=solid]; +"2358 _tensor_constant133" -> "2359 index_21" [label="(4096,)", style=solid]; +"2359 index_21" -> "2360 view_115" [label="(4096, 12)", style=solid]; +"2360 view_115" -> "2361 permute_95" [label="(64, 64, 12)", style=solid]; +"2361 permute_95" -> "2362 contiguous_40" [label="(12, 64, 64)", style=solid]; +"2362 contiguous_40" -> "2363 unsqueeze_61" [label="(12, 64, 64)", style=solid]; +"2363 unsqueeze_61" -> "2364 sigmoid_21" [label="(1, 12, 64, 64)", style=solid]; +"2364 sigmoid_21" -> "2365 mul_42" [label="(1, 12, 64, 64)", style=solid]; +"2365 mul_42" -> "2396 add_73" [label="(1, 12, 64, 64)", style=solid]; +"2366 pad_23" -> "2367 roll_20" [label="(1, 16, 16, 384)", style=solid]; +"2367 roll_20" -> "2368 view_116" [label="(1, 16, 16, 384)", style=solid]; +"2368 view_116" -> "2369 permute_96" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"2369 permute_96" -> "2370 reshape_94" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"2370 reshape_94" -> "2376 linear_130" [label="(4, 64, 384)", style=solid]; +"2370 reshape_94" -> "2397 new_zeros_10" [label="(4, 64, 384)", style=solid]; +"2371 _param_constant349" -> "2372 clone_21" [label="(1152,)", style=solid]; +"2372 clone_21" -> "2373 slice_306" [label="(1152,)", style=solid]; +"2372 clone_21" -> "2376 linear_130" [label="(1152,)", style=solid]; +"2373 slice_306" -> "2374 zero__21" [label="(384,)", style=solid]; +"2375 _param_constant350" -> "2376 linear_130" [label="(1152, 384)", style=solid]; +"2376 linear_130" -> "2377 reshape_95" [label="(4, 64, 1152)", style=solid]; +"2377 reshape_95" -> "2378 permute_97" [label="(4, 64, 3, 12, 32)", style=solid]; +"2378 permute_97" -> "2379 select_63" [label="(3, 4, 12, 64, 32)", style=solid]; +"2378 permute_97" -> "2380 select_64" [label="(3, 4, 12, 64, 32)", style=solid]; +"2378 permute_97" -> "2381 select_65" [label="(3, 4, 12, 64, 32)", style=solid]; +"2379 select_63" -> "2382 linalg_vector_norm_42" [label="(4, 12, 64, 32)", style=solid]; +"2379 select_63" -> "2384 expand_as_42" [label="(4, 12, 64, 32)", style=solid]; +"2379 select_63" -> "2385 div_42" [label="(4, 12, 64, 32)", style=solid]; +"2380 select_64" -> "2386 linalg_vector_norm_43" [label="(4, 12, 64, 32)", style=solid]; +"2380 select_64" -> "2388 expand_as_43" [label="(4, 12, 64, 32)", style=solid]; +"2380 select_64" -> "2389 div_43" [label="(4, 12, 64, 32)", style=solid]; +"2381 select_65" -> "2460 matmul_43" [label="(4, 12, 64, 32)", style=solid]; +"2382 linalg_vector_norm_42" -> "2383 clamp_min_42" [label="(4, 12, 64, 1)", style=solid]; +"2383 clamp_min_42" -> "2384 expand_as_42" [label="(4, 12, 64, 1)", style=solid]; +"2384 expand_as_42" -> "2385 div_42" [label="(4, 12, 64, 32)", style=solid]; +"2385 div_42" -> "2391 matmul_42" [label="(4, 12, 64, 32)", style=solid]; +"2386 linalg_vector_norm_43" -> "2387 clamp_min_43" [label="(4, 12, 64, 1)", style=solid]; +"2387 clamp_min_43" -> "2388 expand_as_43" [label="(4, 12, 64, 1)", style=solid]; +"2388 expand_as_43" -> "2389 div_43" [label="(4, 12, 64, 32)", style=solid]; +"2389 div_43" -> "2390 transpose_42" [label="(4, 12, 64, 32)", style=solid]; +"2390 transpose_42" -> "2391 matmul_42" [label="(4, 12, 32, 64)", style=solid]; +"2391 matmul_42" -> "2395 mul_43" [label="(4, 12, 64, 64)", style=solid]; +"2392 _param_constant351" -> "2393 clamp_21" [label="(12, 1, 1)", style=solid]; +"2393 clamp_21" -> "2394 exp_21" [label="(12, 1, 1)", style=solid]; +"2394 exp_21" -> "2395 mul_43" [label="(12, 1, 1)", style=solid]; +"2395 mul_43" -> "2396 add_73" [label="(4, 12, 64, 64)", style=solid]; +"2396 add_73" -> "2453 view_118" [label="(4, 12, 64, 64)", style=solid]; +"2397 new_zeros_10" -> "2400 slice_307" [label="(16, 16)", style=solid]; +"2397 new_zeros_10" -> "2405 slice_309" [label="(16, 16)", style=solid]; +"2397 new_zeros_10" -> "2410 slice_311" [label="(16, 16)", style=solid]; +"2397 new_zeros_10" -> "2415 slice_313" [label="(16, 16)", style=solid]; +"2397 new_zeros_10" -> "2420 slice_315" [label="(16, 16)", style=solid]; +"2397 new_zeros_10" -> "2425 slice_317" [label="(16, 16)", style=solid]; +"2397 new_zeros_10" -> "2430 slice_319" [label="(16, 16)", style=solid]; +"2397 new_zeros_10" -> "2435 slice_321" [label="(16, 16)", style=solid]; +"2397 new_zeros_10" -> "2440 slice_323" [label="(16, 16)", style=solid]; +"2397 new_zeros_10" -> "2443 view_117" [label="(16, 16)", style=solid]; +"2398 _tensor_constant134" -> "2399 lift_fresh_copy_90" [label="()", style=solid]; +"2399 lift_fresh_copy_90" -> "2402 fill__90" [label="()", style=solid]; +"2400 slice_307" -> "2401 slice_308" [label="(8, 16)", style=solid]; +"2401 slice_308" -> "2402 fill__90" [label="(8, 8)", style=solid]; +"2403 _tensor_constant135" -> "2404 lift_fresh_copy_91" [label="()", style=solid]; +"2404 lift_fresh_copy_91" -> "2407 fill__91" [label="()", style=solid]; +"2405 slice_309" -> "2406 slice_310" [label="(8, 16)", style=solid]; +"2406 slice_310" -> "2407 fill__91" [label="(8, 4)", style=solid]; +"2408 _tensor_constant136" -> "2409 lift_fresh_copy_92" [label="()", style=solid]; +"2409 lift_fresh_copy_92" -> "2412 fill__92" [label="()", style=solid]; +"2410 slice_311" -> "2411 slice_312" [label="(8, 16)", style=solid]; +"2411 slice_312" -> "2412 fill__92" [label="(8, 4)", style=solid]; +"2413 _tensor_constant137" -> "2414 lift_fresh_copy_93" [label="()", style=solid]; +"2414 lift_fresh_copy_93" -> "2417 fill__93" [label="()", style=solid]; +"2415 slice_313" -> "2416 slice_314" [label="(4, 16)", style=solid]; +"2416 slice_314" -> "2417 fill__93" [label="(4, 8)", style=solid]; +"2418 _tensor_constant138" -> "2419 lift_fresh_copy_94" [label="()", style=solid]; +"2419 lift_fresh_copy_94" -> "2422 fill__94" [label="()", style=solid]; +"2420 slice_315" -> "2421 slice_316" [label="(4, 16)", style=solid]; +"2421 slice_316" -> "2422 fill__94" [label="(4, 4)", style=solid]; +"2423 _tensor_constant139" -> "2424 lift_fresh_copy_95" [label="()", style=solid]; +"2424 lift_fresh_copy_95" -> "2427 fill__95" [label="()", style=solid]; +"2425 slice_317" -> "2426 slice_318" [label="(4, 16)", style=solid]; +"2426 slice_318" -> "2427 fill__95" [label="(4, 4)", style=solid]; +"2428 _tensor_constant140" -> "2429 lift_fresh_copy_96" [label="()", style=solid]; +"2429 lift_fresh_copy_96" -> "2432 fill__96" [label="()", style=solid]; +"2430 slice_319" -> "2431 slice_320" [label="(4, 16)", style=solid]; +"2431 slice_320" -> "2432 fill__96" [label="(4, 8)", style=solid]; +"2433 _tensor_constant141" -> "2434 lift_fresh_copy_97" [label="()", style=solid]; +"2434 lift_fresh_copy_97" -> "2437 fill__97" [label="()", style=solid]; +"2435 slice_321" -> "2436 slice_322" [label="(4, 16)", style=solid]; +"2436 slice_322" -> "2437 fill__97" [label="(4, 4)", style=solid]; +"2438 _tensor_constant142" -> "2439 lift_fresh_copy_98" [label="()", style=solid]; +"2439 lift_fresh_copy_98" -> "2442 fill__98" [label="()", style=solid]; +"2440 slice_323" -> "2441 slice_324" [label="(4, 16)", style=solid]; +"2441 slice_324" -> "2442 fill__98" [label="(4, 4)", style=solid]; +"2443 view_117" -> "2444 permute_98" [label="(2, 8, 2, 8)", style=solid]; +"2444 permute_98" -> "2445 reshape_96" [label="(2, 2, 8, 8)", style=solid]; +"2445 reshape_96" -> "2446 unsqueeze_62" [label="(4, 64)", style=solid]; +"2445 reshape_96" -> "2447 unsqueeze_63" [label="(4, 64)", style=solid]; +"2446 unsqueeze_62" -> "2448 sub_10" [label="(4, 1, 64)", style=solid]; +"2447 unsqueeze_63" -> "2448 sub_10" [label="(4, 64, 1)", style=solid]; +"2448 sub_10" -> "2449 ne_10" [label="(4, 64, 64)", style=solid]; +"2448 sub_10" -> "2450 masked_fill_20" [label="(4, 64, 64)", style=solid]; +"2448 sub_10" -> "2451 eq_10" [label="(4, 64, 64)", style=solid]; +"2449 ne_10" -> "2450 masked_fill_20" [label="(4, 64, 64)", style=solid]; +"2450 masked_fill_20" -> "2452 masked_fill_21" [label="(4, 64, 64)", style=solid]; +"2451 eq_10" -> "2452 masked_fill_21" [label="(4, 64, 64)", style=solid]; +"2452 masked_fill_21" -> "2454 unsqueeze_64" [label="(4, 64, 64)", style=solid]; +"2453 view_118" -> "2456 add_74" [label="(1, 4, 12, 64, 64)", style=solid]; +"2454 unsqueeze_64" -> "2455 unsqueeze_65" [label="(4, 1, 64, 64)", style=solid]; +"2455 unsqueeze_65" -> "2456 add_74" [label="(1, 4, 1, 64, 64)", style=solid]; +"2456 add_74" -> "2457 view_119" [label="(1, 4, 12, 64, 64)", style=solid]; +"2457 view_119" -> "2458 softmax_21" [label="(4, 12, 64, 64)", style=solid]; +"2458 softmax_21" -> "2459 dropout_84" [label="(4, 12, 64, 64)", style=solid]; +"2459 dropout_84" -> "2460 matmul_43" [label="(4, 12, 64, 64)", style=solid]; +"2460 matmul_43" -> "2461 transpose_43" [label="(4, 12, 64, 32)", style=solid]; +"2461 transpose_43" -> "2462 reshape_97" [label="(4, 64, 12, 32)", style=solid]; +"2462 reshape_97" -> "2465 linear_131" [label="(4, 64, 384)", style=solid]; +"2463 _param_constant352" -> "2465 linear_131" [label="(384, 384)", style=solid]; +"2464 _param_constant353" -> "2465 linear_131" [label="(384,)", style=solid]; +"2465 linear_131" -> "2466 dropout_85" [label="(4, 64, 384)", style=solid]; +"2466 dropout_85" -> "2467 view_120" [label="(4, 64, 384)", style=solid]; +"2467 view_120" -> "2468 permute_99" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"2468 permute_99" -> "2469 reshape_98" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"2469 reshape_98" -> "2470 roll_21" [label="(1, 16, 16, 384)", style=solid]; +"2470 roll_21" -> "2471 slice_325" [label="(1, 16, 16, 384)", style=solid]; +"2471 slice_325" -> "2472 slice_326" [label="(1, 16, 16, 384)", style=solid]; +"2472 slice_326" -> "2473 slice_327" [label="(1, 14, 16, 384)", style=solid]; +"2473 slice_327" -> "2474 slice_328" [label="(1, 14, 14, 384)", style=solid]; +"2474 slice_328" -> "2475 contiguous_41" [label="(1, 14, 14, 384)", style=solid]; +"2475 contiguous_41" -> "2478 layer_norm_45" [label="(1, 14, 14, 384)", style=solid]; +"2476 _param_constant354" -> "2478 layer_norm_45" [label="(384,)", style=solid]; +"2477 _param_constant355" -> "2478 layer_norm_45" [label="(384,)", style=solid]; +"2478 layer_norm_45" -> "2479 add_75" [label="(1, 14, 14, 384)", style=solid]; +"2479 add_75" -> "2482 linear_132" [label="(1, 14, 14, 384)", style=solid]; +"2479 add_75" -> "2492 add_76" [label="(1, 14, 14, 384)", style=solid]; +"2480 _param_constant356" -> "2482 linear_132" [label="(1536, 384)", style=solid]; +"2481 _param_constant357" -> "2482 linear_132" [label="(1536,)", style=solid]; +"2482 linear_132" -> "2483 gelu_21" [label="(1, 14, 14, 1536)", style=solid]; +"2483 gelu_21" -> "2484 dropout_86" [label="(1, 14, 14, 1536)", style=solid]; +"2484 dropout_86" -> "2487 linear_133" [label="(1, 14, 14, 1536)", style=solid]; +"2485 _param_constant358" -> "2487 linear_133" [label="(384, 1536)", style=solid]; +"2486 _param_constant359" -> "2487 linear_133" [label="(384,)", style=solid]; +"2487 linear_133" -> "2488 dropout_87" [label="(1, 14, 14, 384)", style=solid]; +"2488 dropout_87" -> "2491 layer_norm_46" [label="(1, 14, 14, 384)", style=solid]; +"2489 _param_constant360" -> "2491 layer_norm_46" [label="(384,)", style=solid]; +"2490 _param_constant361" -> "2491 layer_norm_46" [label="(384,)", style=solid]; +"2491 layer_norm_46" -> "2492 add_76" [label="(1, 14, 14, 384)", style=solid]; +"2492 add_76" -> "2493 pad_24" [label="(1, 14, 14, 384)", style=solid]; +"2493 pad_24" -> "2494 slice_329" [label="(1, 14, 14, 384)", style=solid]; +"2493 pad_24" -> "2497 slice_332" [label="(1, 14, 14, 384)", style=solid]; +"2493 pad_24" -> "2500 slice_335" [label="(1, 14, 14, 384)", style=solid]; +"2493 pad_24" -> "2503 slice_338" [label="(1, 14, 14, 384)", style=solid]; +"2494 slice_329" -> "2495 slice_330" [label="(1, 7, 14, 384)", style=solid]; +"2495 slice_330" -> "2496 slice_331" [label="(1, 7, 7, 384)", style=solid]; +"2496 slice_331" -> "2506 cat_2" [label="(1, 7, 7, 384)", style=solid]; +"2497 slice_332" -> "2498 slice_333" [label="(1, 7, 14, 384)", style=solid]; +"2498 slice_333" -> "2499 slice_334" [label="(1, 7, 7, 384)", style=solid]; +"2499 slice_334" -> "2506 cat_2" [label="(1, 7, 7, 384)", style=solid]; +"2500 slice_335" -> "2501 slice_336" [label="(1, 7, 14, 384)", style=solid]; +"2501 slice_336" -> "2502 slice_337" [label="(1, 7, 7, 384)", style=solid]; +"2502 slice_337" -> "2506 cat_2" [label="(1, 7, 7, 384)", style=solid]; +"2503 slice_338" -> "2504 slice_339" [label="(1, 7, 14, 384)", style=solid]; +"2504 slice_339" -> "2505 slice_340" [label="(1, 7, 7, 384)", style=solid]; +"2505 slice_340" -> "2506 cat_2" [label="(1, 7, 7, 384)", style=solid]; +"2506 cat_2" -> "2508 linear_134" [label="(1, 7, 7, 1536)", style=solid]; +"2507 _param_constant362" -> "2508 linear_134" [label="(768, 1536)", style=solid]; +"2508 linear_134" -> "2511 layer_norm_47" [label="(1, 7, 7, 768)", style=solid]; +"2509 _param_constant363" -> "2511 layer_norm_47" [label="(768,)", style=solid]; +"2510 _param_constant364" -> "2511 layer_norm_47" [label="(768,)", style=solid]; +"2511 layer_norm_47" -> "2528 pad_25" [label="(1, 7, 7, 768)", style=solid]; +"2511 layer_norm_47" -> "2578 add_78" [label="(1, 7, 7, 768)", style=solid]; +"2512 _tensor_constant143" -> "2515 linear_135" [label="(1, 15, 15, 2)", style=solid]; +"2513 _param_constant365" -> "2515 linear_135" [label="(512, 2)", style=solid]; +"2514 _param_constant366" -> "2515 linear_135" [label="(512,)", style=solid]; +"2515 linear_135" -> "2516 relu__22" [label="(1, 15, 15, 512)", style=solid]; +"2516 relu__22" -> "2518 linear_136" [label="(1, 15, 15, 512)", style=solid]; +"2517 _param_constant367" -> "2518 linear_136" [label="(24, 512)", style=solid]; +"2518 linear_136" -> "2519 view_121" [label="(1, 15, 15, 24)", style=solid]; +"2519 view_121" -> "2521 index_22" [label="(225, 24)", style=solid]; +"2520 _tensor_constant144" -> "2521 index_22" [label="(4096,)", style=solid]; +"2521 index_22" -> "2522 view_122" [label="(4096, 24)", style=solid]; +"2522 view_122" -> "2523 permute_100" [label="(64, 64, 24)", style=solid]; +"2523 permute_100" -> "2524 contiguous_42" [label="(24, 64, 64)", style=solid]; +"2524 contiguous_42" -> "2525 unsqueeze_66" [label="(24, 64, 64)", style=solid]; +"2525 unsqueeze_66" -> "2526 sigmoid_22" [label="(1, 24, 64, 64)", style=solid]; +"2526 sigmoid_22" -> "2527 mul_44" [label="(1, 24, 64, 64)", style=solid]; +"2527 mul_44" -> "2557 add_77" [label="(1, 24, 64, 64)", style=solid]; +"2528 pad_25" -> "2529 view_123" [label="(1, 8, 8, 768)", style=solid]; +"2529 view_123" -> "2530 permute_101" [label="(1, 1, 8, 1, 8, 768)", style=solid]; +"2530 permute_101" -> "2531 reshape_99" [label="(1, 1, 1, 8, 8, 768)", style=solid]; +"2531 reshape_99" -> "2537 linear_137" [label="(1, 64, 768)", style=solid]; +"2532 _param_constant368" -> "2533 clone_22" [label="(2304,)", style=solid]; +"2533 clone_22" -> "2534 slice_341" [label="(2304,)", style=solid]; +"2533 clone_22" -> "2537 linear_137" [label="(2304,)", style=solid]; +"2534 slice_341" -> "2535 zero__22" [label="(768,)", style=solid]; +"2536 _param_constant369" -> "2537 linear_137" [label="(2304, 768)", style=solid]; +"2537 linear_137" -> "2538 reshape_100" [label="(1, 64, 2304)", style=solid]; +"2538 reshape_100" -> "2539 permute_102" [label="(1, 64, 3, 24, 32)", style=solid]; +"2539 permute_102" -> "2540 select_66" [label="(3, 1, 24, 64, 32)", style=solid]; +"2539 permute_102" -> "2541 select_67" [label="(3, 1, 24, 64, 32)", style=solid]; +"2539 permute_102" -> "2542 select_68" [label="(3, 1, 24, 64, 32)", style=solid]; +"2540 select_66" -> "2543 linalg_vector_norm_44" [label="(1, 24, 64, 32)", style=solid]; +"2540 select_66" -> "2545 expand_as_44" [label="(1, 24, 64, 32)", style=solid]; +"2540 select_66" -> "2546 div_44" [label="(1, 24, 64, 32)", style=solid]; +"2541 select_67" -> "2547 linalg_vector_norm_45" [label="(1, 24, 64, 32)", style=solid]; +"2541 select_67" -> "2549 expand_as_45" [label="(1, 24, 64, 32)", style=solid]; +"2541 select_67" -> "2550 div_45" [label="(1, 24, 64, 32)", style=solid]; +"2542 select_68" -> "2560 matmul_45" [label="(1, 24, 64, 32)", style=solid]; +"2543 linalg_vector_norm_44" -> "2544 clamp_min_44" [label="(1, 24, 64, 1)", style=solid]; +"2544 clamp_min_44" -> "2545 expand_as_44" [label="(1, 24, 64, 1)", style=solid]; +"2545 expand_as_44" -> "2546 div_44" [label="(1, 24, 64, 32)", style=solid]; +"2546 div_44" -> "2552 matmul_44" [label="(1, 24, 64, 32)", style=solid]; +"2547 linalg_vector_norm_45" -> "2548 clamp_min_45" [label="(1, 24, 64, 1)", style=solid]; +"2548 clamp_min_45" -> "2549 expand_as_45" [label="(1, 24, 64, 1)", style=solid]; +"2549 expand_as_45" -> "2550 div_45" [label="(1, 24, 64, 32)", style=solid]; +"2550 div_45" -> "2551 transpose_44" [label="(1, 24, 64, 32)", style=solid]; +"2551 transpose_44" -> "2552 matmul_44" [label="(1, 24, 32, 64)", style=solid]; +"2552 matmul_44" -> "2556 mul_45" [label="(1, 24, 64, 64)", style=solid]; +"2553 _param_constant370" -> "2554 clamp_22" [label="(24, 1, 1)", style=solid]; +"2554 clamp_22" -> "2555 exp_22" [label="(24, 1, 1)", style=solid]; +"2555 exp_22" -> "2556 mul_45" [label="(24, 1, 1)", style=solid]; +"2556 mul_45" -> "2557 add_77" [label="(1, 24, 64, 64)", style=solid]; +"2557 add_77" -> "2558 softmax_22" [label="(1, 24, 64, 64)", style=solid]; +"2558 softmax_22" -> "2559 dropout_88" [label="(1, 24, 64, 64)", style=solid]; +"2559 dropout_88" -> "2560 matmul_45" [label="(1, 24, 64, 64)", style=solid]; +"2560 matmul_45" -> "2561 transpose_45" [label="(1, 24, 64, 32)", style=solid]; +"2561 transpose_45" -> "2562 reshape_101" [label="(1, 64, 24, 32)", style=solid]; +"2562 reshape_101" -> "2565 linear_138" [label="(1, 64, 768)", style=solid]; +"2563 _param_constant371" -> "2565 linear_138" [label="(768, 768)", style=solid]; +"2564 _param_constant372" -> "2565 linear_138" [label="(768,)", style=solid]; +"2565 linear_138" -> "2566 dropout_89" [label="(1, 64, 768)", style=solid]; +"2566 dropout_89" -> "2567 view_124" [label="(1, 64, 768)", style=solid]; +"2567 view_124" -> "2568 permute_103" [label="(1, 1, 1, 8, 8, 768)", style=solid]; +"2568 permute_103" -> "2569 reshape_102" [label="(1, 1, 8, 1, 8, 768)", style=solid]; +"2569 reshape_102" -> "2570 slice_342" [label="(1, 8, 8, 768)", style=solid]; +"2570 slice_342" -> "2571 slice_343" [label="(1, 8, 8, 768)", style=solid]; +"2571 slice_343" -> "2572 slice_344" [label="(1, 7, 8, 768)", style=solid]; +"2572 slice_344" -> "2573 slice_345" [label="(1, 7, 7, 768)", style=solid]; +"2573 slice_345" -> "2574 contiguous_43" [label="(1, 7, 7, 768)", style=solid]; +"2574 contiguous_43" -> "2577 layer_norm_48" [label="(1, 7, 7, 768)", style=solid]; +"2575 _param_constant373" -> "2577 layer_norm_48" [label="(768,)", style=solid]; +"2576 _param_constant374" -> "2577 layer_norm_48" [label="(768,)", style=solid]; +"2577 layer_norm_48" -> "2578 add_78" [label="(1, 7, 7, 768)", style=solid]; +"2578 add_78" -> "2581 linear_139" [label="(1, 7, 7, 768)", style=solid]; +"2578 add_78" -> "2591 add_79" [label="(1, 7, 7, 768)", style=solid]; +"2579 _param_constant375" -> "2581 linear_139" [label="(3072, 768)", style=solid]; +"2580 _param_constant376" -> "2581 linear_139" [label="(3072,)", style=solid]; +"2581 linear_139" -> "2582 gelu_22" [label="(1, 7, 7, 3072)", style=solid]; +"2582 gelu_22" -> "2583 dropout_90" [label="(1, 7, 7, 3072)", style=solid]; +"2583 dropout_90" -> "2586 linear_140" [label="(1, 7, 7, 3072)", style=solid]; +"2584 _param_constant377" -> "2586 linear_140" [label="(768, 3072)", style=solid]; +"2585 _param_constant378" -> "2586 linear_140" [label="(768,)", style=solid]; +"2586 linear_140" -> "2587 dropout_91" [label="(1, 7, 7, 768)", style=solid]; +"2587 dropout_91" -> "2590 layer_norm_49" [label="(1, 7, 7, 768)", style=solid]; +"2588 _param_constant379" -> "2590 layer_norm_49" [label="(768,)", style=solid]; +"2589 _param_constant380" -> "2590 layer_norm_49" [label="(768,)", style=solid]; +"2590 layer_norm_49" -> "2591 add_79" [label="(1, 7, 7, 768)", style=solid]; +"2591 add_79" -> "2608 pad_26" [label="(1, 7, 7, 768)", style=solid]; +"2591 add_79" -> "2658 add_81" [label="(1, 7, 7, 768)", style=solid]; +"2592 _tensor_constant145" -> "2595 linear_141" [label="(1, 15, 15, 2)", style=solid]; +"2593 _param_constant381" -> "2595 linear_141" [label="(512, 2)", style=solid]; +"2594 _param_constant382" -> "2595 linear_141" [label="(512,)", style=solid]; +"2595 linear_141" -> "2596 relu__23" [label="(1, 15, 15, 512)", style=solid]; +"2596 relu__23" -> "2598 linear_142" [label="(1, 15, 15, 512)", style=solid]; +"2597 _param_constant383" -> "2598 linear_142" [label="(24, 512)", style=solid]; +"2598 linear_142" -> "2599 view_125" [label="(1, 15, 15, 24)", style=solid]; +"2599 view_125" -> "2601 index_23" [label="(225, 24)", style=solid]; +"2600 _tensor_constant146" -> "2601 index_23" [label="(4096,)", style=solid]; +"2601 index_23" -> "2602 view_126" [label="(4096, 24)", style=solid]; +"2602 view_126" -> "2603 permute_104" [label="(64, 64, 24)", style=solid]; +"2603 permute_104" -> "2604 contiguous_44" [label="(24, 64, 64)", style=solid]; +"2604 contiguous_44" -> "2605 unsqueeze_67" [label="(24, 64, 64)", style=solid]; +"2605 unsqueeze_67" -> "2606 sigmoid_23" [label="(1, 24, 64, 64)", style=solid]; +"2606 sigmoid_23" -> "2607 mul_46" [label="(1, 24, 64, 64)", style=solid]; +"2607 mul_46" -> "2637 add_80" [label="(1, 24, 64, 64)", style=solid]; +"2608 pad_26" -> "2609 view_127" [label="(1, 8, 8, 768)", style=solid]; +"2609 view_127" -> "2610 permute_105" [label="(1, 1, 8, 1, 8, 768)", style=solid]; +"2610 permute_105" -> "2611 reshape_103" [label="(1, 1, 1, 8, 8, 768)", style=solid]; +"2611 reshape_103" -> "2617 linear_143" [label="(1, 64, 768)", style=solid]; +"2612 _param_constant384" -> "2613 clone_23" [label="(2304,)", style=solid]; +"2613 clone_23" -> "2614 slice_346" [label="(2304,)", style=solid]; +"2613 clone_23" -> "2617 linear_143" [label="(2304,)", style=solid]; +"2614 slice_346" -> "2615 zero__23" [label="(768,)", style=solid]; +"2616 _param_constant385" -> "2617 linear_143" [label="(2304, 768)", style=solid]; +"2617 linear_143" -> "2618 reshape_104" [label="(1, 64, 2304)", style=solid]; +"2618 reshape_104" -> "2619 permute_106" [label="(1, 64, 3, 24, 32)", style=solid]; +"2619 permute_106" -> "2620 select_69" [label="(3, 1, 24, 64, 32)", style=solid]; +"2619 permute_106" -> "2621 select_70" [label="(3, 1, 24, 64, 32)", style=solid]; +"2619 permute_106" -> "2622 select_71" [label="(3, 1, 24, 64, 32)", style=solid]; +"2620 select_69" -> "2623 linalg_vector_norm_46" [label="(1, 24, 64, 32)", style=solid]; +"2620 select_69" -> "2625 expand_as_46" [label="(1, 24, 64, 32)", style=solid]; +"2620 select_69" -> "2626 div_46" [label="(1, 24, 64, 32)", style=solid]; +"2621 select_70" -> "2627 linalg_vector_norm_47" [label="(1, 24, 64, 32)", style=solid]; +"2621 select_70" -> "2629 expand_as_47" [label="(1, 24, 64, 32)", style=solid]; +"2621 select_70" -> "2630 div_47" [label="(1, 24, 64, 32)", style=solid]; +"2622 select_71" -> "2640 matmul_47" [label="(1, 24, 64, 32)", style=solid]; +"2623 linalg_vector_norm_46" -> "2624 clamp_min_46" [label="(1, 24, 64, 1)", style=solid]; +"2624 clamp_min_46" -> "2625 expand_as_46" [label="(1, 24, 64, 1)", style=solid]; +"2625 expand_as_46" -> "2626 div_46" [label="(1, 24, 64, 32)", style=solid]; +"2626 div_46" -> "2632 matmul_46" [label="(1, 24, 64, 32)", style=solid]; +"2627 linalg_vector_norm_47" -> "2628 clamp_min_47" [label="(1, 24, 64, 1)", style=solid]; +"2628 clamp_min_47" -> "2629 expand_as_47" [label="(1, 24, 64, 1)", style=solid]; +"2629 expand_as_47" -> "2630 div_47" [label="(1, 24, 64, 32)", style=solid]; +"2630 div_47" -> "2631 transpose_46" [label="(1, 24, 64, 32)", style=solid]; +"2631 transpose_46" -> "2632 matmul_46" [label="(1, 24, 32, 64)", style=solid]; +"2632 matmul_46" -> "2636 mul_47" [label="(1, 24, 64, 64)", style=solid]; +"2633 _param_constant386" -> "2634 clamp_23" [label="(24, 1, 1)", style=solid]; +"2634 clamp_23" -> "2635 exp_23" [label="(24, 1, 1)", style=solid]; +"2635 exp_23" -> "2636 mul_47" [label="(24, 1, 1)", style=solid]; +"2636 mul_47" -> "2637 add_80" [label="(1, 24, 64, 64)", style=solid]; +"2637 add_80" -> "2638 softmax_23" [label="(1, 24, 64, 64)", style=solid]; +"2638 softmax_23" -> "2639 dropout_92" [label="(1, 24, 64, 64)", style=solid]; +"2639 dropout_92" -> "2640 matmul_47" [label="(1, 24, 64, 64)", style=solid]; +"2640 matmul_47" -> "2641 transpose_47" [label="(1, 24, 64, 32)", style=solid]; +"2641 transpose_47" -> "2642 reshape_105" [label="(1, 64, 24, 32)", style=solid]; +"2642 reshape_105" -> "2645 linear_144" [label="(1, 64, 768)", style=solid]; +"2643 _param_constant387" -> "2645 linear_144" [label="(768, 768)", style=solid]; +"2644 _param_constant388" -> "2645 linear_144" [label="(768,)", style=solid]; +"2645 linear_144" -> "2646 dropout_93" [label="(1, 64, 768)", style=solid]; +"2646 dropout_93" -> "2647 view_128" [label="(1, 64, 768)", style=solid]; +"2647 view_128" -> "2648 permute_107" [label="(1, 1, 1, 8, 8, 768)", style=solid]; +"2648 permute_107" -> "2649 reshape_106" [label="(1, 1, 8, 1, 8, 768)", style=solid]; +"2649 reshape_106" -> "2650 slice_347" [label="(1, 8, 8, 768)", style=solid]; +"2650 slice_347" -> "2651 slice_348" [label="(1, 8, 8, 768)", style=solid]; +"2651 slice_348" -> "2652 slice_349" [label="(1, 7, 8, 768)", style=solid]; +"2652 slice_349" -> "2653 slice_350" [label="(1, 7, 7, 768)", style=solid]; +"2653 slice_350" -> "2654 contiguous_45" [label="(1, 7, 7, 768)", style=solid]; +"2654 contiguous_45" -> "2657 layer_norm_50" [label="(1, 7, 7, 768)", style=solid]; +"2655 _param_constant389" -> "2657 layer_norm_50" [label="(768,)", style=solid]; +"2656 _param_constant390" -> "2657 layer_norm_50" [label="(768,)", style=solid]; +"2657 layer_norm_50" -> "2658 add_81" [label="(1, 7, 7, 768)", style=solid]; +"2658 add_81" -> "2661 linear_145" [label="(1, 7, 7, 768)", style=solid]; +"2658 add_81" -> "2671 add_82" [label="(1, 7, 7, 768)", style=solid]; +"2659 _param_constant391" -> "2661 linear_145" [label="(3072, 768)", style=solid]; +"2660 _param_constant392" -> "2661 linear_145" [label="(3072,)", style=solid]; +"2661 linear_145" -> "2662 gelu_23" [label="(1, 7, 7, 3072)", style=solid]; +"2662 gelu_23" -> "2663 dropout_94" [label="(1, 7, 7, 3072)", style=solid]; +"2663 dropout_94" -> "2666 linear_146" [label="(1, 7, 7, 3072)", style=solid]; +"2664 _param_constant393" -> "2666 linear_146" [label="(768, 3072)", style=solid]; +"2665 _param_constant394" -> "2666 linear_146" [label="(768,)", style=solid]; +"2666 linear_146" -> "2667 dropout_95" [label="(1, 7, 7, 768)", style=solid]; +"2667 dropout_95" -> "2670 layer_norm_51" [label="(1, 7, 7, 768)", style=solid]; +"2668 _param_constant395" -> "2670 layer_norm_51" [label="(768,)", style=solid]; +"2669 _param_constant396" -> "2670 layer_norm_51" [label="(768,)", style=solid]; +"2670 layer_norm_51" -> "2671 add_82" [label="(1, 7, 7, 768)", style=solid]; +"2671 add_82" -> "2674 layer_norm_52" [label="(1, 7, 7, 768)", style=solid]; +"2672 _param_constant397" -> "2674 layer_norm_52" [label="(768,)", style=solid]; +"2673 _param_constant398" -> "2674 layer_norm_52" [label="(768,)", style=solid]; +"2674 layer_norm_52" -> "2675 permute_108" [label="(1, 7, 7, 768)", style=solid]; +"2675 permute_108" -> "2676 adaptive_avg_pool2d" [label="(1, 768, 7, 7)", style=solid]; +"2676 adaptive_avg_pool2d" -> "2677 flatten" [label="(1, 768, 1, 1)", style=solid]; +"2677 flatten" -> "2680 linear_147" [label="(1, 768)", style=solid]; +"2678 _param_constant399" -> "2680 linear_147" [label="(1000, 768)", style=solid]; +"2679 _param_constant400" -> "2680 linear_147" [label="(1000,)", style=solid]; +"2680 linear_147" -> "2681 output" [label="(1, 1000)", style=solid]; +} diff --git a/tests/torch/data/fx/reference_graphs/original_graphs/synthetic_transformer.dot b/tests/torch/data/fx/reference_graphs/original_graphs/synthetic_transformer.dot new file mode 100644 index 00000000000..34212128ec4 --- /dev/null +++ b/tests/torch/data/fx/reference_graphs/original_graphs/synthetic_transformer.dot @@ -0,0 +1,21 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 _param_constant0" [id=1, type=get_attr]; +"2 embedding" [id=2, type=embedding]; +"3 _param_constant1" [id=3, type=get_attr]; +"4 _param_constant2" [id=4, type=get_attr]; +"5 linear" [id=5, type=linear]; +"6 _param_constant3" [id=6, type=get_attr]; +"7 _param_constant4" [id=7, type=get_attr]; +"8 linear_1" [id=8, type=linear]; +"9 output" [id=9, type=output]; +"0 arg0_1" -> "2 embedding" [label="(5,)", style=solid]; +"1 _param_constant0" -> "2 embedding" [label="(10, 5)", style=solid]; +"2 embedding" -> "5 linear" [label="(5, 5)", style=solid]; +"3 _param_constant1" -> "5 linear" [label="(5, 5)", style=solid]; +"4 _param_constant2" -> "5 linear" [label="(5,)", style=solid]; +"5 linear" -> "8 linear_1" [label="(5, 5)", style=solid]; +"6 _param_constant3" -> "8 linear_1" [label="(10, 5)", style=solid]; +"7 _param_constant4" -> "8 linear_1" [label="(10,)", style=solid]; +"8 linear_1" -> "9 output" [label="(5, 10)", style=solid]; +} diff --git a/tests/torch/data/fx/reference_graphs/original_graphs/unet.dot b/tests/torch/data/fx/reference_graphs/original_graphs/unet.dot new file mode 100644 index 00000000000..1412ad8f8b1 --- /dev/null +++ b/tests/torch/data/fx/reference_graphs/original_graphs/unet.dot @@ -0,0 +1,537 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 _param_constant0" [id=1, type=get_attr]; +"2 _param_constant1" [id=2, type=get_attr]; +"3 conv2d" [id=3, type=conv2d]; +"4 empty" [id=4, type=empty]; +"5 _param_constant2" [id=5, type=get_attr]; +"6 _param_constant3" [id=6, type=get_attr]; +"7 _tensor_constant0" [id=7, type=get_attr]; +"8 _tensor_constant1" [id=8, type=get_attr]; +"9 _native_batch_norm_legit_no_training" [id=9, type=_native_batch_norm_legit_no_training]; +"10 getitem" [id=10, type=__getitem__]; +"11 getitem_1" [id=11, type=__getitem__]; +"12 getitem_2" [id=12, type=__getitem__]; +"13 relu" [id=13, type=relu]; +"14 _param_constant4" [id=14, type=get_attr]; +"15 _param_constant5" [id=15, type=get_attr]; +"16 conv2d_1" [id=16, type=conv2d]; +"17 empty_1" [id=17, type=empty]; +"18 _param_constant6" [id=18, type=get_attr]; +"19 _param_constant7" [id=19, type=get_attr]; +"20 _tensor_constant2" [id=20, type=get_attr]; +"21 _tensor_constant3" [id=21, type=get_attr]; +"22 _native_batch_norm_legit_no_training_1" [id=22, type=_native_batch_norm_legit_no_training]; +"23 getitem_3" [id=23, type=__getitem__]; +"24 getitem_4" [id=24, type=__getitem__]; +"25 getitem_5" [id=25, type=__getitem__]; +"26 relu_1" [id=26, type=relu]; +"27 max_pool2d" [id=27, type=max_pool2d]; +"28 _param_constant8" [id=28, type=get_attr]; +"29 _param_constant9" [id=29, type=get_attr]; +"30 conv2d_2" [id=30, type=conv2d]; +"31 empty_2" [id=31, type=empty]; +"32 _param_constant10" [id=32, type=get_attr]; +"33 _param_constant11" [id=33, type=get_attr]; +"34 _tensor_constant4" [id=34, type=get_attr]; +"35 _tensor_constant5" [id=35, type=get_attr]; +"36 _native_batch_norm_legit_no_training_2" [id=36, type=_native_batch_norm_legit_no_training]; +"37 getitem_6" [id=37, type=__getitem__]; +"38 getitem_7" [id=38, type=__getitem__]; +"39 getitem_8" [id=39, type=__getitem__]; +"40 relu_2" [id=40, type=relu]; +"41 _param_constant12" [id=41, type=get_attr]; +"42 _param_constant13" [id=42, type=get_attr]; +"43 conv2d_3" [id=43, type=conv2d]; +"44 empty_3" [id=44, type=empty]; +"45 _param_constant14" [id=45, type=get_attr]; +"46 _param_constant15" [id=46, type=get_attr]; +"47 _tensor_constant6" [id=47, type=get_attr]; +"48 _tensor_constant7" [id=48, type=get_attr]; +"49 _native_batch_norm_legit_no_training_3" [id=49, type=_native_batch_norm_legit_no_training]; +"50 getitem_9" [id=50, type=__getitem__]; +"51 getitem_10" [id=51, type=__getitem__]; +"52 getitem_11" [id=52, type=__getitem__]; +"53 relu_3" [id=53, type=relu]; +"54 max_pool2d_1" [id=54, type=max_pool2d]; +"55 _param_constant16" [id=55, type=get_attr]; +"56 _param_constant17" [id=56, type=get_attr]; +"57 conv2d_4" [id=57, type=conv2d]; +"58 empty_4" [id=58, type=empty]; +"59 _param_constant18" [id=59, type=get_attr]; +"60 _param_constant19" [id=60, type=get_attr]; +"61 _tensor_constant8" [id=61, type=get_attr]; +"62 _tensor_constant9" [id=62, type=get_attr]; +"63 _native_batch_norm_legit_no_training_4" [id=63, type=_native_batch_norm_legit_no_training]; +"64 getitem_12" [id=64, type=__getitem__]; +"65 getitem_13" [id=65, type=__getitem__]; +"66 getitem_14" [id=66, type=__getitem__]; +"67 relu_4" [id=67, type=relu]; +"68 _param_constant20" [id=68, type=get_attr]; +"69 _param_constant21" [id=69, type=get_attr]; +"70 conv2d_5" [id=70, type=conv2d]; +"71 empty_5" [id=71, type=empty]; +"72 _param_constant22" [id=72, type=get_attr]; +"73 _param_constant23" [id=73, type=get_attr]; +"74 _tensor_constant10" [id=74, type=get_attr]; +"75 _tensor_constant11" [id=75, type=get_attr]; +"76 _native_batch_norm_legit_no_training_5" [id=76, type=_native_batch_norm_legit_no_training]; +"77 getitem_15" [id=77, type=__getitem__]; +"78 getitem_16" [id=78, type=__getitem__]; +"79 getitem_17" [id=79, type=__getitem__]; +"80 relu_5" [id=80, type=relu]; +"81 max_pool2d_2" [id=81, type=max_pool2d]; +"82 _param_constant24" [id=82, type=get_attr]; +"83 _param_constant25" [id=83, type=get_attr]; +"84 conv2d_6" [id=84, type=conv2d]; +"85 empty_6" [id=85, type=empty]; +"86 _param_constant26" [id=86, type=get_attr]; +"87 _param_constant27" [id=87, type=get_attr]; +"88 _tensor_constant12" [id=88, type=get_attr]; +"89 _tensor_constant13" [id=89, type=get_attr]; +"90 _native_batch_norm_legit_no_training_6" [id=90, type=_native_batch_norm_legit_no_training]; +"91 getitem_18" [id=91, type=__getitem__]; +"92 getitem_19" [id=92, type=__getitem__]; +"93 getitem_20" [id=93, type=__getitem__]; +"94 relu_6" [id=94, type=relu]; +"95 _param_constant28" [id=95, type=get_attr]; +"96 _param_constant29" [id=96, type=get_attr]; +"97 conv2d_7" [id=97, type=conv2d]; +"98 empty_7" [id=98, type=empty]; +"99 _param_constant30" [id=99, type=get_attr]; +"100 _param_constant31" [id=100, type=get_attr]; +"101 _tensor_constant14" [id=101, type=get_attr]; +"102 _tensor_constant15" [id=102, type=get_attr]; +"103 _native_batch_norm_legit_no_training_7" [id=103, type=_native_batch_norm_legit_no_training]; +"104 getitem_21" [id=104, type=__getitem__]; +"105 getitem_22" [id=105, type=__getitem__]; +"106 getitem_23" [id=106, type=__getitem__]; +"107 relu_7" [id=107, type=relu]; +"108 max_pool2d_3" [id=108, type=max_pool2d]; +"109 _param_constant32" [id=109, type=get_attr]; +"110 _param_constant33" [id=110, type=get_attr]; +"111 conv2d_8" [id=111, type=conv2d]; +"112 empty_8" [id=112, type=empty]; +"113 _param_constant34" [id=113, type=get_attr]; +"114 _param_constant35" [id=114, type=get_attr]; +"115 _tensor_constant16" [id=115, type=get_attr]; +"116 _tensor_constant17" [id=116, type=get_attr]; +"117 _native_batch_norm_legit_no_training_8" [id=117, type=_native_batch_norm_legit_no_training]; +"118 getitem_24" [id=118, type=__getitem__]; +"119 getitem_25" [id=119, type=__getitem__]; +"120 getitem_26" [id=120, type=__getitem__]; +"121 relu_8" [id=121, type=relu]; +"122 _param_constant36" [id=122, type=get_attr]; +"123 _param_constant37" [id=123, type=get_attr]; +"124 conv2d_9" [id=124, type=conv2d]; +"125 empty_9" [id=125, type=empty]; +"126 _param_constant38" [id=126, type=get_attr]; +"127 _param_constant39" [id=127, type=get_attr]; +"128 _tensor_constant18" [id=128, type=get_attr]; +"129 _tensor_constant19" [id=129, type=get_attr]; +"130 _native_batch_norm_legit_no_training_9" [id=130, type=_native_batch_norm_legit_no_training]; +"131 getitem_27" [id=131, type=__getitem__]; +"132 getitem_28" [id=132, type=__getitem__]; +"133 getitem_29" [id=133, type=__getitem__]; +"134 relu_9" [id=134, type=relu]; +"135 _param_constant40" [id=135, type=get_attr]; +"136 _param_constant41" [id=136, type=get_attr]; +"137 conv_transpose2d" [id=137, type=conv_transpose2d]; +"138 slice_1" [id=138, type=slice]; +"139 slice_2" [id=139, type=slice]; +"140 slice_3" [id=140, type=slice]; +"141 slice_4" [id=141, type=slice]; +"142 cat" [id=142, type=cat]; +"143 _param_constant42" [id=143, type=get_attr]; +"144 _param_constant43" [id=144, type=get_attr]; +"145 conv2d_10" [id=145, type=conv2d]; +"146 empty_10" [id=146, type=empty]; +"147 _param_constant44" [id=147, type=get_attr]; +"148 _param_constant45" [id=148, type=get_attr]; +"149 _tensor_constant20" [id=149, type=get_attr]; +"150 _tensor_constant21" [id=150, type=get_attr]; +"151 _native_batch_norm_legit_no_training_10" [id=151, type=_native_batch_norm_legit_no_training]; +"152 getitem_30" [id=152, type=__getitem__]; +"153 getitem_31" [id=153, type=__getitem__]; +"154 getitem_32" [id=154, type=__getitem__]; +"155 relu_10" [id=155, type=relu]; +"156 _param_constant46" [id=156, type=get_attr]; +"157 _param_constant47" [id=157, type=get_attr]; +"158 conv2d_11" [id=158, type=conv2d]; +"159 empty_11" [id=159, type=empty]; +"160 _param_constant48" [id=160, type=get_attr]; +"161 _param_constant49" [id=161, type=get_attr]; +"162 _tensor_constant22" [id=162, type=get_attr]; +"163 _tensor_constant23" [id=163, type=get_attr]; +"164 _native_batch_norm_legit_no_training_11" [id=164, type=_native_batch_norm_legit_no_training]; +"165 getitem_33" [id=165, type=__getitem__]; +"166 getitem_34" [id=166, type=__getitem__]; +"167 getitem_35" [id=167, type=__getitem__]; +"168 relu_11" [id=168, type=relu]; +"169 _param_constant50" [id=169, type=get_attr]; +"170 _param_constant51" [id=170, type=get_attr]; +"171 conv_transpose2d_1" [id=171, type=conv_transpose2d]; +"172 slice_5" [id=172, type=slice]; +"173 slice_6" [id=173, type=slice]; +"174 slice_7" [id=174, type=slice]; +"175 slice_8" [id=175, type=slice]; +"176 cat_1" [id=176, type=cat]; +"177 _param_constant52" [id=177, type=get_attr]; +"178 _param_constant53" [id=178, type=get_attr]; +"179 conv2d_12" [id=179, type=conv2d]; +"180 empty_12" [id=180, type=empty]; +"181 _param_constant54" [id=181, type=get_attr]; +"182 _param_constant55" [id=182, type=get_attr]; +"183 _tensor_constant24" [id=183, type=get_attr]; +"184 _tensor_constant25" [id=184, type=get_attr]; +"185 _native_batch_norm_legit_no_training_12" [id=185, type=_native_batch_norm_legit_no_training]; +"186 getitem_36" [id=186, type=__getitem__]; +"187 getitem_37" [id=187, type=__getitem__]; +"188 getitem_38" [id=188, type=__getitem__]; +"189 relu_12" [id=189, type=relu]; +"190 _param_constant56" [id=190, type=get_attr]; +"191 _param_constant57" [id=191, type=get_attr]; +"192 conv2d_13" [id=192, type=conv2d]; +"193 empty_13" [id=193, type=empty]; +"194 _param_constant58" [id=194, type=get_attr]; +"195 _param_constant59" [id=195, type=get_attr]; +"196 _tensor_constant26" [id=196, type=get_attr]; +"197 _tensor_constant27" [id=197, type=get_attr]; +"198 _native_batch_norm_legit_no_training_13" [id=198, type=_native_batch_norm_legit_no_training]; +"199 getitem_39" [id=199, type=__getitem__]; +"200 getitem_40" [id=200, type=__getitem__]; +"201 getitem_41" [id=201, type=__getitem__]; +"202 relu_13" [id=202, type=relu]; +"203 _param_constant60" [id=203, type=get_attr]; +"204 _param_constant61" [id=204, type=get_attr]; +"205 conv_transpose2d_2" [id=205, type=conv_transpose2d]; +"206 slice_9" [id=206, type=slice]; +"207 slice_10" [id=207, type=slice]; +"208 slice_11" [id=208, type=slice]; +"209 slice_12" [id=209, type=slice]; +"210 cat_2" [id=210, type=cat]; +"211 _param_constant62" [id=211, type=get_attr]; +"212 _param_constant63" [id=212, type=get_attr]; +"213 conv2d_14" [id=213, type=conv2d]; +"214 empty_14" [id=214, type=empty]; +"215 _param_constant64" [id=215, type=get_attr]; +"216 _param_constant65" [id=216, type=get_attr]; +"217 _tensor_constant28" [id=217, type=get_attr]; +"218 _tensor_constant29" [id=218, type=get_attr]; +"219 _native_batch_norm_legit_no_training_14" [id=219, type=_native_batch_norm_legit_no_training]; +"220 getitem_42" [id=220, type=__getitem__]; +"221 getitem_43" [id=221, type=__getitem__]; +"222 getitem_44" [id=222, type=__getitem__]; +"223 relu_14" [id=223, type=relu]; +"224 _param_constant66" [id=224, type=get_attr]; +"225 _param_constant67" [id=225, type=get_attr]; +"226 conv2d_15" [id=226, type=conv2d]; +"227 empty_15" [id=227, type=empty]; +"228 _param_constant68" [id=228, type=get_attr]; +"229 _param_constant69" [id=229, type=get_attr]; +"230 _tensor_constant30" [id=230, type=get_attr]; +"231 _tensor_constant31" [id=231, type=get_attr]; +"232 _native_batch_norm_legit_no_training_15" [id=232, type=_native_batch_norm_legit_no_training]; +"233 getitem_45" [id=233, type=__getitem__]; +"234 getitem_46" [id=234, type=__getitem__]; +"235 getitem_47" [id=235, type=__getitem__]; +"236 relu_15" [id=236, type=relu]; +"237 _param_constant70" [id=237, type=get_attr]; +"238 _param_constant71" [id=238, type=get_attr]; +"239 conv_transpose2d_3" [id=239, type=conv_transpose2d]; +"240 slice_13" [id=240, type=slice]; +"241 slice_14" [id=241, type=slice]; +"242 slice_15" [id=242, type=slice]; +"243 slice_16" [id=243, type=slice]; +"244 cat_3" [id=244, type=cat]; +"245 _param_constant72" [id=245, type=get_attr]; +"246 _param_constant73" [id=246, type=get_attr]; +"247 conv2d_16" [id=247, type=conv2d]; +"248 empty_16" [id=248, type=empty]; +"249 _param_constant74" [id=249, type=get_attr]; +"250 _param_constant75" [id=250, type=get_attr]; +"251 _tensor_constant32" [id=251, type=get_attr]; +"252 _tensor_constant33" [id=252, type=get_attr]; +"253 _native_batch_norm_legit_no_training_16" [id=253, type=_native_batch_norm_legit_no_training]; +"254 getitem_48" [id=254, type=__getitem__]; +"255 getitem_49" [id=255, type=__getitem__]; +"256 getitem_50" [id=256, type=__getitem__]; +"257 relu_16" [id=257, type=relu]; +"258 _param_constant76" [id=258, type=get_attr]; +"259 _param_constant77" [id=259, type=get_attr]; +"260 conv2d_17" [id=260, type=conv2d]; +"261 empty_17" [id=261, type=empty]; +"262 _param_constant78" [id=262, type=get_attr]; +"263 _param_constant79" [id=263, type=get_attr]; +"264 _tensor_constant34" [id=264, type=get_attr]; +"265 _tensor_constant35" [id=265, type=get_attr]; +"266 _native_batch_norm_legit_no_training_17" [id=266, type=_native_batch_norm_legit_no_training]; +"267 getitem_51" [id=267, type=__getitem__]; +"268 getitem_52" [id=268, type=__getitem__]; +"269 getitem_53" [id=269, type=__getitem__]; +"270 relu_17" [id=270, type=relu]; +"271 _param_constant80" [id=271, type=get_attr]; +"272 _param_constant81" [id=272, type=get_attr]; +"273 conv2d_18" [id=273, type=conv2d]; +"274 output" [id=274, type=output]; +"0 arg0_1" -> "3 conv2d" [label="(1, 3, 224, 224)", style=solid]; +"1 _param_constant0" -> "3 conv2d" [label="(64, 3, 3, 3)", style=solid]; +"2 _param_constant1" -> "3 conv2d" [label="(64,)", style=solid]; +"3 conv2d" -> "9 _native_batch_norm_legit_no_training" [label="(1, 64, 222, 222)", style=solid]; +"5 _param_constant2" -> "9 _native_batch_norm_legit_no_training" [label="(64,)", style=solid]; +"6 _param_constant3" -> "9 _native_batch_norm_legit_no_training" [label="(64,)", style=solid]; +"7 _tensor_constant0" -> "9 _native_batch_norm_legit_no_training" [label="(64,)", style=solid]; +"8 _tensor_constant1" -> "9 _native_batch_norm_legit_no_training" [label="(64,)", style=solid]; +"9 _native_batch_norm_legit_no_training" -> "10 getitem" [label="(1, 64, 222, 222)", style=solid]; +"9 _native_batch_norm_legit_no_training" -> "11 getitem_1" [label="(1, 64, 222, 222)", style=solid]; +"9 _native_batch_norm_legit_no_training" -> "12 getitem_2" [label="(1, 64, 222, 222)", style=solid]; +"10 getitem" -> "13 relu" [label="(1, 64, 222, 222)", style=solid]; +"13 relu" -> "16 conv2d_1" [label="(1, 64, 222, 222)", style=solid]; +"14 _param_constant4" -> "16 conv2d_1" [label="(64, 64, 3, 3)", style=solid]; +"15 _param_constant5" -> "16 conv2d_1" [label="(64,)", style=solid]; +"16 conv2d_1" -> "22 _native_batch_norm_legit_no_training_1" [label="(1, 64, 220, 220)", style=solid]; +"18 _param_constant6" -> "22 _native_batch_norm_legit_no_training_1" [label="(64,)", style=solid]; +"19 _param_constant7" -> "22 _native_batch_norm_legit_no_training_1" [label="(64,)", style=solid]; +"20 _tensor_constant2" -> "22 _native_batch_norm_legit_no_training_1" [label="(64,)", style=solid]; +"21 _tensor_constant3" -> "22 _native_batch_norm_legit_no_training_1" [label="(64,)", style=solid]; +"22 _native_batch_norm_legit_no_training_1" -> "23 getitem_3" [label="(1, 64, 220, 220)", style=solid]; +"22 _native_batch_norm_legit_no_training_1" -> "24 getitem_4" [label="(1, 64, 220, 220)", style=solid]; +"22 _native_batch_norm_legit_no_training_1" -> "25 getitem_5" [label="(1, 64, 220, 220)", style=solid]; +"23 getitem_3" -> "26 relu_1" [label="(1, 64, 220, 220)", style=solid]; +"26 relu_1" -> "27 max_pool2d" [label="(1, 64, 220, 220)", style=solid]; +"26 relu_1" -> "240 slice_13" [label="(1, 64, 220, 220)", style=solid]; +"27 max_pool2d" -> "30 conv2d_2" [label="(1, 64, 110, 110)", style=solid]; +"28 _param_constant8" -> "30 conv2d_2" [label="(128, 64, 3, 3)", style=solid]; +"29 _param_constant9" -> "30 conv2d_2" [label="(128,)", style=solid]; +"30 conv2d_2" -> "36 _native_batch_norm_legit_no_training_2" [label="(1, 128, 108, 108)", style=solid]; +"32 _param_constant10" -> "36 _native_batch_norm_legit_no_training_2" [label="(128,)", style=solid]; +"33 _param_constant11" -> "36 _native_batch_norm_legit_no_training_2" [label="(128,)", style=solid]; +"34 _tensor_constant4" -> "36 _native_batch_norm_legit_no_training_2" [label="(128,)", style=solid]; +"35 _tensor_constant5" -> "36 _native_batch_norm_legit_no_training_2" [label="(128,)", style=solid]; +"36 _native_batch_norm_legit_no_training_2" -> "37 getitem_6" [label="(1, 128, 108, 108)", style=solid]; +"36 _native_batch_norm_legit_no_training_2" -> "38 getitem_7" [label="(1, 128, 108, 108)", style=solid]; +"36 _native_batch_norm_legit_no_training_2" -> "39 getitem_8" [label="(1, 128, 108, 108)", style=solid]; +"37 getitem_6" -> "40 relu_2" [label="(1, 128, 108, 108)", style=solid]; +"40 relu_2" -> "43 conv2d_3" [label="(1, 128, 108, 108)", style=solid]; +"41 _param_constant12" -> "43 conv2d_3" [label="(128, 128, 3, 3)", style=solid]; +"42 _param_constant13" -> "43 conv2d_3" [label="(128,)", style=solid]; +"43 conv2d_3" -> "49 _native_batch_norm_legit_no_training_3" [label="(1, 128, 106, 106)", style=solid]; +"45 _param_constant14" -> "49 _native_batch_norm_legit_no_training_3" [label="(128,)", style=solid]; +"46 _param_constant15" -> "49 _native_batch_norm_legit_no_training_3" [label="(128,)", style=solid]; +"47 _tensor_constant6" -> "49 _native_batch_norm_legit_no_training_3" [label="(128,)", style=solid]; +"48 _tensor_constant7" -> "49 _native_batch_norm_legit_no_training_3" [label="(128,)", style=solid]; +"49 _native_batch_norm_legit_no_training_3" -> "50 getitem_9" [label="(1, 128, 106, 106)", style=solid]; +"49 _native_batch_norm_legit_no_training_3" -> "51 getitem_10" [label="(1, 128, 106, 106)", style=solid]; +"49 _native_batch_norm_legit_no_training_3" -> "52 getitem_11" [label="(1, 128, 106, 106)", style=solid]; +"50 getitem_9" -> "53 relu_3" [label="(1, 128, 106, 106)", style=solid]; +"53 relu_3" -> "54 max_pool2d_1" [label="(1, 128, 106, 106)", style=solid]; +"53 relu_3" -> "206 slice_9" [label="(1, 128, 106, 106)", style=solid]; +"54 max_pool2d_1" -> "57 conv2d_4" [label="(1, 128, 53, 53)", style=solid]; +"55 _param_constant16" -> "57 conv2d_4" [label="(256, 128, 3, 3)", style=solid]; +"56 _param_constant17" -> "57 conv2d_4" [label="(256,)", style=solid]; +"57 conv2d_4" -> "63 _native_batch_norm_legit_no_training_4" [label="(1, 256, 51, 51)", style=solid]; +"59 _param_constant18" -> "63 _native_batch_norm_legit_no_training_4" [label="(256,)", style=solid]; +"60 _param_constant19" -> "63 _native_batch_norm_legit_no_training_4" [label="(256,)", style=solid]; +"61 _tensor_constant8" -> "63 _native_batch_norm_legit_no_training_4" [label="(256,)", style=solid]; +"62 _tensor_constant9" -> "63 _native_batch_norm_legit_no_training_4" [label="(256,)", style=solid]; +"63 _native_batch_norm_legit_no_training_4" -> "64 getitem_12" [label="(1, 256, 51, 51)", style=solid]; +"63 _native_batch_norm_legit_no_training_4" -> "65 getitem_13" [label="(1, 256, 51, 51)", style=solid]; +"63 _native_batch_norm_legit_no_training_4" -> "66 getitem_14" [label="(1, 256, 51, 51)", style=solid]; +"64 getitem_12" -> "67 relu_4" [label="(1, 256, 51, 51)", style=solid]; +"67 relu_4" -> "70 conv2d_5" [label="(1, 256, 51, 51)", style=solid]; +"68 _param_constant20" -> "70 conv2d_5" [label="(256, 256, 3, 3)", style=solid]; +"69 _param_constant21" -> "70 conv2d_5" [label="(256,)", style=solid]; +"70 conv2d_5" -> "76 _native_batch_norm_legit_no_training_5" [label="(1, 256, 49, 49)", style=solid]; +"72 _param_constant22" -> "76 _native_batch_norm_legit_no_training_5" [label="(256,)", style=solid]; +"73 _param_constant23" -> "76 _native_batch_norm_legit_no_training_5" [label="(256,)", style=solid]; +"74 _tensor_constant10" -> "76 _native_batch_norm_legit_no_training_5" [label="(256,)", style=solid]; +"75 _tensor_constant11" -> "76 _native_batch_norm_legit_no_training_5" [label="(256,)", style=solid]; +"76 _native_batch_norm_legit_no_training_5" -> "77 getitem_15" [label="(1, 256, 49, 49)", style=solid]; +"76 _native_batch_norm_legit_no_training_5" -> "78 getitem_16" [label="(1, 256, 49, 49)", style=solid]; +"76 _native_batch_norm_legit_no_training_5" -> "79 getitem_17" [label="(1, 256, 49, 49)", style=solid]; +"77 getitem_15" -> "80 relu_5" [label="(1, 256, 49, 49)", style=solid]; +"80 relu_5" -> "81 max_pool2d_2" [label="(1, 256, 49, 49)", style=solid]; +"80 relu_5" -> "172 slice_5" [label="(1, 256, 49, 49)", style=solid]; +"81 max_pool2d_2" -> "84 conv2d_6" [label="(1, 256, 24, 24)", style=solid]; +"82 _param_constant24" -> "84 conv2d_6" [label="(512, 256, 3, 3)", style=solid]; +"83 _param_constant25" -> "84 conv2d_6" [label="(512,)", style=solid]; +"84 conv2d_6" -> "90 _native_batch_norm_legit_no_training_6" [label="(1, 512, 22, 22)", style=solid]; +"86 _param_constant26" -> "90 _native_batch_norm_legit_no_training_6" [label="(512,)", style=solid]; +"87 _param_constant27" -> "90 _native_batch_norm_legit_no_training_6" [label="(512,)", style=solid]; +"88 _tensor_constant12" -> "90 _native_batch_norm_legit_no_training_6" [label="(512,)", style=solid]; +"89 _tensor_constant13" -> "90 _native_batch_norm_legit_no_training_6" [label="(512,)", style=solid]; +"90 _native_batch_norm_legit_no_training_6" -> "91 getitem_18" [label="(1, 512, 22, 22)", style=solid]; +"90 _native_batch_norm_legit_no_training_6" -> "92 getitem_19" [label="(1, 512, 22, 22)", style=solid]; +"90 _native_batch_norm_legit_no_training_6" -> "93 getitem_20" [label="(1, 512, 22, 22)", style=solid]; +"91 getitem_18" -> "94 relu_6" [label="(1, 512, 22, 22)", style=solid]; +"94 relu_6" -> "97 conv2d_7" [label="(1, 512, 22, 22)", style=solid]; +"95 _param_constant28" -> "97 conv2d_7" [label="(512, 512, 3, 3)", style=solid]; +"96 _param_constant29" -> "97 conv2d_7" [label="(512,)", style=solid]; +"97 conv2d_7" -> "103 _native_batch_norm_legit_no_training_7" [label="(1, 512, 20, 20)", style=solid]; +"99 _param_constant30" -> "103 _native_batch_norm_legit_no_training_7" [label="(512,)", style=solid]; +"100 _param_constant31" -> "103 _native_batch_norm_legit_no_training_7" [label="(512,)", style=solid]; +"101 _tensor_constant14" -> "103 _native_batch_norm_legit_no_training_7" [label="(512,)", style=solid]; +"102 _tensor_constant15" -> "103 _native_batch_norm_legit_no_training_7" [label="(512,)", style=solid]; +"103 _native_batch_norm_legit_no_training_7" -> "104 getitem_21" [label="(1, 512, 20, 20)", style=solid]; +"103 _native_batch_norm_legit_no_training_7" -> "105 getitem_22" [label="(1, 512, 20, 20)", style=solid]; +"103 _native_batch_norm_legit_no_training_7" -> "106 getitem_23" [label="(1, 512, 20, 20)", style=solid]; +"104 getitem_21" -> "107 relu_7" [label="(1, 512, 20, 20)", style=solid]; +"107 relu_7" -> "108 max_pool2d_3" [label="(1, 512, 20, 20)", style=solid]; +"107 relu_7" -> "138 slice_1" [label="(1, 512, 20, 20)", style=solid]; +"108 max_pool2d_3" -> "111 conv2d_8" [label="(1, 512, 10, 10)", style=solid]; +"109 _param_constant32" -> "111 conv2d_8" [label="(1024, 512, 3, 3)", style=solid]; +"110 _param_constant33" -> "111 conv2d_8" [label="(1024,)", style=solid]; +"111 conv2d_8" -> "117 _native_batch_norm_legit_no_training_8" [label="(1, 1024, 8, 8)", style=solid]; +"113 _param_constant34" -> "117 _native_batch_norm_legit_no_training_8" [label="(1024,)", style=solid]; +"114 _param_constant35" -> "117 _native_batch_norm_legit_no_training_8" [label="(1024,)", style=solid]; +"115 _tensor_constant16" -> "117 _native_batch_norm_legit_no_training_8" [label="(1024,)", style=solid]; +"116 _tensor_constant17" -> "117 _native_batch_norm_legit_no_training_8" [label="(1024,)", style=solid]; +"117 _native_batch_norm_legit_no_training_8" -> "118 getitem_24" [label="(1, 1024, 8, 8)", style=solid]; +"117 _native_batch_norm_legit_no_training_8" -> "119 getitem_25" [label="(1, 1024, 8, 8)", style=solid]; +"117 _native_batch_norm_legit_no_training_8" -> "120 getitem_26" [label="(1, 1024, 8, 8)", style=solid]; +"118 getitem_24" -> "121 relu_8" [label="(1, 1024, 8, 8)", style=solid]; +"121 relu_8" -> "124 conv2d_9" [label="(1, 1024, 8, 8)", style=solid]; +"122 _param_constant36" -> "124 conv2d_9" [label="(1024, 1024, 3, 3)", style=solid]; +"123 _param_constant37" -> "124 conv2d_9" [label="(1024,)", style=solid]; +"124 conv2d_9" -> "130 _native_batch_norm_legit_no_training_9" [label="(1, 1024, 6, 6)", style=solid]; +"126 _param_constant38" -> "130 _native_batch_norm_legit_no_training_9" [label="(1024,)", style=solid]; +"127 _param_constant39" -> "130 _native_batch_norm_legit_no_training_9" [label="(1024,)", style=solid]; +"128 _tensor_constant18" -> "130 _native_batch_norm_legit_no_training_9" [label="(1024,)", style=solid]; +"129 _tensor_constant19" -> "130 _native_batch_norm_legit_no_training_9" [label="(1024,)", style=solid]; +"130 _native_batch_norm_legit_no_training_9" -> "131 getitem_27" [label="(1, 1024, 6, 6)", style=solid]; +"130 _native_batch_norm_legit_no_training_9" -> "132 getitem_28" [label="(1, 1024, 6, 6)", style=solid]; +"130 _native_batch_norm_legit_no_training_9" -> "133 getitem_29" [label="(1, 1024, 6, 6)", style=solid]; +"131 getitem_27" -> "134 relu_9" [label="(1, 1024, 6, 6)", style=solid]; +"134 relu_9" -> "137 conv_transpose2d" [label="(1, 1024, 6, 6)", style=solid]; +"135 _param_constant40" -> "137 conv_transpose2d" [label="(1024, 512, 2, 2)", style=solid]; +"136 _param_constant41" -> "137 conv_transpose2d" [label="(512,)", style=solid]; +"137 conv_transpose2d" -> "142 cat" [label="(1, 512, 12, 12)", style=solid]; +"138 slice_1" -> "139 slice_2" [label="(1, 512, 20, 20)", style=solid]; +"139 slice_2" -> "140 slice_3" [label="(1, 512, 20, 20)", style=solid]; +"140 slice_3" -> "141 slice_4" [label="(1, 512, 12, 20)", style=solid]; +"141 slice_4" -> "142 cat" [label="(1, 512, 12, 12)", style=solid]; +"142 cat" -> "145 conv2d_10" [label="(1, 1024, 12, 12)", style=solid]; +"143 _param_constant42" -> "145 conv2d_10" [label="(512, 1024, 3, 3)", style=solid]; +"144 _param_constant43" -> "145 conv2d_10" [label="(512,)", style=solid]; +"145 conv2d_10" -> "151 _native_batch_norm_legit_no_training_10" [label="(1, 512, 10, 10)", style=solid]; +"147 _param_constant44" -> "151 _native_batch_norm_legit_no_training_10" [label="(512,)", style=solid]; +"148 _param_constant45" -> "151 _native_batch_norm_legit_no_training_10" [label="(512,)", style=solid]; +"149 _tensor_constant20" -> "151 _native_batch_norm_legit_no_training_10" [label="(512,)", style=solid]; +"150 _tensor_constant21" -> "151 _native_batch_norm_legit_no_training_10" [label="(512,)", style=solid]; +"151 _native_batch_norm_legit_no_training_10" -> "152 getitem_30" [label="(1, 512, 10, 10)", style=solid]; +"151 _native_batch_norm_legit_no_training_10" -> "153 getitem_31" [label="(1, 512, 10, 10)", style=solid]; +"151 _native_batch_norm_legit_no_training_10" -> "154 getitem_32" [label="(1, 512, 10, 10)", style=solid]; +"152 getitem_30" -> "155 relu_10" [label="(1, 512, 10, 10)", style=solid]; +"155 relu_10" -> "158 conv2d_11" [label="(1, 512, 10, 10)", style=solid]; +"156 _param_constant46" -> "158 conv2d_11" [label="(512, 512, 3, 3)", style=solid]; +"157 _param_constant47" -> "158 conv2d_11" [label="(512,)", style=solid]; +"158 conv2d_11" -> "164 _native_batch_norm_legit_no_training_11" [label="(1, 512, 8, 8)", style=solid]; +"160 _param_constant48" -> "164 _native_batch_norm_legit_no_training_11" [label="(512,)", style=solid]; +"161 _param_constant49" -> "164 _native_batch_norm_legit_no_training_11" [label="(512,)", style=solid]; +"162 _tensor_constant22" -> "164 _native_batch_norm_legit_no_training_11" [label="(512,)", style=solid]; +"163 _tensor_constant23" -> "164 _native_batch_norm_legit_no_training_11" [label="(512,)", style=solid]; +"164 _native_batch_norm_legit_no_training_11" -> "165 getitem_33" [label="(1, 512, 8, 8)", style=solid]; +"164 _native_batch_norm_legit_no_training_11" -> "166 getitem_34" [label="(1, 512, 8, 8)", style=solid]; +"164 _native_batch_norm_legit_no_training_11" -> "167 getitem_35" [label="(1, 512, 8, 8)", style=solid]; +"165 getitem_33" -> "168 relu_11" [label="(1, 512, 8, 8)", style=solid]; +"168 relu_11" -> "171 conv_transpose2d_1" [label="(1, 512, 8, 8)", style=solid]; +"169 _param_constant50" -> "171 conv_transpose2d_1" [label="(512, 256, 2, 2)", style=solid]; +"170 _param_constant51" -> "171 conv_transpose2d_1" [label="(256,)", style=solid]; +"171 conv_transpose2d_1" -> "176 cat_1" [label="(1, 256, 16, 16)", style=solid]; +"172 slice_5" -> "173 slice_6" [label="(1, 256, 49, 49)", style=solid]; +"173 slice_6" -> "174 slice_7" [label="(1, 256, 49, 49)", style=solid]; +"174 slice_7" -> "175 slice_8" [label="(1, 256, 16, 49)", style=solid]; +"175 slice_8" -> "176 cat_1" [label="(1, 256, 16, 16)", style=solid]; +"176 cat_1" -> "179 conv2d_12" [label="(1, 512, 16, 16)", style=solid]; +"177 _param_constant52" -> "179 conv2d_12" [label="(256, 512, 3, 3)", style=solid]; +"178 _param_constant53" -> "179 conv2d_12" [label="(256,)", style=solid]; +"179 conv2d_12" -> "185 _native_batch_norm_legit_no_training_12" [label="(1, 256, 14, 14)", style=solid]; +"181 _param_constant54" -> "185 _native_batch_norm_legit_no_training_12" [label="(256,)", style=solid]; +"182 _param_constant55" -> "185 _native_batch_norm_legit_no_training_12" [label="(256,)", style=solid]; +"183 _tensor_constant24" -> "185 _native_batch_norm_legit_no_training_12" [label="(256,)", style=solid]; +"184 _tensor_constant25" -> "185 _native_batch_norm_legit_no_training_12" [label="(256,)", style=solid]; +"185 _native_batch_norm_legit_no_training_12" -> "186 getitem_36" [label="(1, 256, 14, 14)", style=solid]; +"185 _native_batch_norm_legit_no_training_12" -> "187 getitem_37" [label="(1, 256, 14, 14)", style=solid]; +"185 _native_batch_norm_legit_no_training_12" -> "188 getitem_38" [label="(1, 256, 14, 14)", style=solid]; +"186 getitem_36" -> "189 relu_12" [label="(1, 256, 14, 14)", style=solid]; +"189 relu_12" -> "192 conv2d_13" [label="(1, 256, 14, 14)", style=solid]; +"190 _param_constant56" -> "192 conv2d_13" [label="(256, 256, 3, 3)", style=solid]; +"191 _param_constant57" -> "192 conv2d_13" [label="(256,)", style=solid]; +"192 conv2d_13" -> "198 _native_batch_norm_legit_no_training_13" [label="(1, 256, 12, 12)", style=solid]; +"194 _param_constant58" -> "198 _native_batch_norm_legit_no_training_13" [label="(256,)", style=solid]; +"195 _param_constant59" -> "198 _native_batch_norm_legit_no_training_13" [label="(256,)", style=solid]; +"196 _tensor_constant26" -> "198 _native_batch_norm_legit_no_training_13" [label="(256,)", style=solid]; +"197 _tensor_constant27" -> "198 _native_batch_norm_legit_no_training_13" [label="(256,)", style=solid]; +"198 _native_batch_norm_legit_no_training_13" -> "199 getitem_39" [label="(1, 256, 12, 12)", style=solid]; +"198 _native_batch_norm_legit_no_training_13" -> "200 getitem_40" [label="(1, 256, 12, 12)", style=solid]; +"198 _native_batch_norm_legit_no_training_13" -> "201 getitem_41" [label="(1, 256, 12, 12)", style=solid]; +"199 getitem_39" -> "202 relu_13" [label="(1, 256, 12, 12)", style=solid]; +"202 relu_13" -> "205 conv_transpose2d_2" [label="(1, 256, 12, 12)", style=solid]; +"203 _param_constant60" -> "205 conv_transpose2d_2" [label="(256, 128, 2, 2)", style=solid]; +"204 _param_constant61" -> "205 conv_transpose2d_2" [label="(128,)", style=solid]; +"205 conv_transpose2d_2" -> "210 cat_2" [label="(1, 128, 24, 24)", style=solid]; +"206 slice_9" -> "207 slice_10" [label="(1, 128, 106, 106)", style=solid]; +"207 slice_10" -> "208 slice_11" [label="(1, 128, 106, 106)", style=solid]; +"208 slice_11" -> "209 slice_12" [label="(1, 128, 24, 106)", style=solid]; +"209 slice_12" -> "210 cat_2" [label="(1, 128, 24, 24)", style=solid]; +"210 cat_2" -> "213 conv2d_14" [label="(1, 256, 24, 24)", style=solid]; +"211 _param_constant62" -> "213 conv2d_14" [label="(128, 256, 3, 3)", style=solid]; +"212 _param_constant63" -> "213 conv2d_14" [label="(128,)", style=solid]; +"213 conv2d_14" -> "219 _native_batch_norm_legit_no_training_14" [label="(1, 128, 22, 22)", style=solid]; +"215 _param_constant64" -> "219 _native_batch_norm_legit_no_training_14" [label="(128,)", style=solid]; +"216 _param_constant65" -> "219 _native_batch_norm_legit_no_training_14" [label="(128,)", style=solid]; +"217 _tensor_constant28" -> "219 _native_batch_norm_legit_no_training_14" [label="(128,)", style=solid]; +"218 _tensor_constant29" -> "219 _native_batch_norm_legit_no_training_14" [label="(128,)", style=solid]; +"219 _native_batch_norm_legit_no_training_14" -> "220 getitem_42" [label="(1, 128, 22, 22)", style=solid]; +"219 _native_batch_norm_legit_no_training_14" -> "221 getitem_43" [label="(1, 128, 22, 22)", style=solid]; +"219 _native_batch_norm_legit_no_training_14" -> "222 getitem_44" [label="(1, 128, 22, 22)", style=solid]; +"220 getitem_42" -> "223 relu_14" [label="(1, 128, 22, 22)", style=solid]; +"223 relu_14" -> "226 conv2d_15" [label="(1, 128, 22, 22)", style=solid]; +"224 _param_constant66" -> "226 conv2d_15" [label="(128, 128, 3, 3)", style=solid]; +"225 _param_constant67" -> "226 conv2d_15" [label="(128,)", style=solid]; +"226 conv2d_15" -> "232 _native_batch_norm_legit_no_training_15" [label="(1, 128, 20, 20)", style=solid]; +"228 _param_constant68" -> "232 _native_batch_norm_legit_no_training_15" [label="(128,)", style=solid]; +"229 _param_constant69" -> "232 _native_batch_norm_legit_no_training_15" [label="(128,)", style=solid]; +"230 _tensor_constant30" -> "232 _native_batch_norm_legit_no_training_15" [label="(128,)", style=solid]; +"231 _tensor_constant31" -> "232 _native_batch_norm_legit_no_training_15" [label="(128,)", style=solid]; +"232 _native_batch_norm_legit_no_training_15" -> "233 getitem_45" [label="(1, 128, 20, 20)", style=solid]; +"232 _native_batch_norm_legit_no_training_15" -> "234 getitem_46" [label="(1, 128, 20, 20)", style=solid]; +"232 _native_batch_norm_legit_no_training_15" -> "235 getitem_47" [label="(1, 128, 20, 20)", style=solid]; +"233 getitem_45" -> "236 relu_15" [label="(1, 128, 20, 20)", style=solid]; +"236 relu_15" -> "239 conv_transpose2d_3" [label="(1, 128, 20, 20)", style=solid]; +"237 _param_constant70" -> "239 conv_transpose2d_3" [label="(128, 64, 2, 2)", style=solid]; +"238 _param_constant71" -> "239 conv_transpose2d_3" [label="(64,)", style=solid]; +"239 conv_transpose2d_3" -> "244 cat_3" [label="(1, 64, 40, 40)", style=solid]; +"240 slice_13" -> "241 slice_14" [label="(1, 64, 220, 220)", style=solid]; +"241 slice_14" -> "242 slice_15" [label="(1, 64, 220, 220)", style=solid]; +"242 slice_15" -> "243 slice_16" [label="(1, 64, 40, 220)", style=solid]; +"243 slice_16" -> "244 cat_3" [label="(1, 64, 40, 40)", style=solid]; +"244 cat_3" -> "247 conv2d_16" [label="(1, 128, 40, 40)", style=solid]; +"245 _param_constant72" -> "247 conv2d_16" [label="(64, 128, 3, 3)", style=solid]; +"246 _param_constant73" -> "247 conv2d_16" [label="(64,)", style=solid]; +"247 conv2d_16" -> "253 _native_batch_norm_legit_no_training_16" [label="(1, 64, 38, 38)", style=solid]; +"249 _param_constant74" -> "253 _native_batch_norm_legit_no_training_16" [label="(64,)", style=solid]; +"250 _param_constant75" -> "253 _native_batch_norm_legit_no_training_16" [label="(64,)", style=solid]; +"251 _tensor_constant32" -> "253 _native_batch_norm_legit_no_training_16" [label="(64,)", style=solid]; +"252 _tensor_constant33" -> "253 _native_batch_norm_legit_no_training_16" [label="(64,)", style=solid]; +"253 _native_batch_norm_legit_no_training_16" -> "254 getitem_48" [label="(1, 64, 38, 38)", style=solid]; +"253 _native_batch_norm_legit_no_training_16" -> "255 getitem_49" [label="(1, 64, 38, 38)", style=solid]; +"253 _native_batch_norm_legit_no_training_16" -> "256 getitem_50" [label="(1, 64, 38, 38)", style=solid]; +"254 getitem_48" -> "257 relu_16" [label="(1, 64, 38, 38)", style=solid]; +"257 relu_16" -> "260 conv2d_17" [label="(1, 64, 38, 38)", style=solid]; +"258 _param_constant76" -> "260 conv2d_17" [label="(64, 64, 3, 3)", style=solid]; +"259 _param_constant77" -> "260 conv2d_17" [label="(64,)", style=solid]; +"260 conv2d_17" -> "266 _native_batch_norm_legit_no_training_17" [label="(1, 64, 36, 36)", style=solid]; +"262 _param_constant78" -> "266 _native_batch_norm_legit_no_training_17" [label="(64,)", style=solid]; +"263 _param_constant79" -> "266 _native_batch_norm_legit_no_training_17" [label="(64,)", style=solid]; +"264 _tensor_constant34" -> "266 _native_batch_norm_legit_no_training_17" [label="(64,)", style=solid]; +"265 _tensor_constant35" -> "266 _native_batch_norm_legit_no_training_17" [label="(64,)", style=solid]; +"266 _native_batch_norm_legit_no_training_17" -> "267 getitem_51" [label="(1, 64, 36, 36)", style=solid]; +"266 _native_batch_norm_legit_no_training_17" -> "268 getitem_52" [label="(1, 64, 36, 36)", style=solid]; +"266 _native_batch_norm_legit_no_training_17" -> "269 getitem_53" [label="(1, 64, 36, 36)", style=solid]; +"267 getitem_51" -> "270 relu_17" [label="(1, 64, 36, 36)", style=solid]; +"270 relu_17" -> "273 conv2d_18" [label="(1, 64, 36, 36)", style=solid]; +"271 _param_constant80" -> "273 conv2d_18" [label="(12, 64, 1, 1)", style=solid]; +"272 _param_constant81" -> "273 conv2d_18" [label="(12,)", style=solid]; +"273 conv2d_18" -> "274 output" [label="(1, 12, 36, 36)", style=solid]; +} diff --git a/tests/torch/data/fx/reference_graphs/original_graphs/vit_b_16.dot b/tests/torch/data/fx/reference_graphs/original_graphs/vit_b_16.dot new file mode 100644 index 00000000000..38920ce2ff3 --- /dev/null +++ b/tests/torch/data/fx/reference_graphs/original_graphs/vit_b_16.dot @@ -0,0 +1,1219 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 _param_constant0" [id=1, type=get_attr]; +"2 _param_constant1" [id=2, type=get_attr]; +"3 conv2d" [id=3, type=conv2d]; +"4 reshape" [id=4, type=reshape]; +"5 permute" [id=5, type=permute]; +"6 _param_constant2" [id=6, type=get_attr]; +"7 expand" [id=7, type=expand]; +"8 cat" [id=8, type=cat]; +"9 _param_constant3" [id=9, type=get_attr]; +"10 add" [id=10, type=add]; +"11 dropout" [id=11, type=dropout]; +"12 _param_constant4" [id=12, type=get_attr]; +"13 _param_constant5" [id=13, type=get_attr]; +"14 layer_norm" [id=14, type=layer_norm]; +"15 transpose" [id=15, type=transpose]; +"16 _param_constant6" [id=16, type=get_attr]; +"17 _param_constant7" [id=17, type=get_attr]; +"18 linear" [id=18, type=linear]; +"19 unflatten" [id=19, type=unflatten]; +"20 unsqueeze" [id=20, type=unsqueeze]; +"21 transpose_1" [id=21, type=transpose]; +"22 squeeze" [id=22, type=squeeze]; +"23 contiguous" [id=23, type=contiguous]; +"24 select" [id=24, type=select]; +"25 select_1" [id=25, type=select]; +"26 select_2" [id=26, type=select]; +"27 view" [id=27, type=view]; +"28 transpose_2" [id=28, type=transpose]; +"29 view_1" [id=29, type=view]; +"30 transpose_3" [id=30, type=transpose]; +"31 view_2" [id=31, type=view]; +"32 transpose_4" [id=32, type=transpose]; +"33 view_3" [id=33, type=view]; +"34 view_4" [id=34, type=view]; +"35 view_5" [id=35, type=view]; +"36 scaled_dot_product_attention" [id=36, type=scaled_dot_product_attention]; +"37 permute_1" [id=37, type=permute]; +"38 view_6" [id=38, type=view]; +"39 _param_constant8" [id=39, type=get_attr]; +"40 _param_constant9" [id=40, type=get_attr]; +"41 linear_1" [id=41, type=linear]; +"42 view_7" [id=42, type=view]; +"43 transpose_5" [id=43, type=transpose]; +"44 dropout_1" [id=44, type=dropout]; +"45 add_1" [id=45, type=add]; +"46 _param_constant10" [id=46, type=get_attr]; +"47 _param_constant11" [id=47, type=get_attr]; +"48 layer_norm_1" [id=48, type=layer_norm]; +"49 _param_constant12" [id=49, type=get_attr]; +"50 _param_constant13" [id=50, type=get_attr]; +"51 linear_2" [id=51, type=linear]; +"52 gelu" [id=52, type=gelu]; +"53 dropout_2" [id=53, type=dropout]; +"54 _param_constant14" [id=54, type=get_attr]; +"55 _param_constant15" [id=55, type=get_attr]; +"56 linear_3" [id=56, type=linear]; +"57 dropout_3" [id=57, type=dropout]; +"58 add_2" [id=58, type=add]; +"59 _param_constant16" [id=59, type=get_attr]; +"60 _param_constant17" [id=60, type=get_attr]; +"61 layer_norm_2" [id=61, type=layer_norm]; +"62 transpose_6" [id=62, type=transpose]; +"63 _param_constant18" [id=63, type=get_attr]; +"64 _param_constant19" [id=64, type=get_attr]; +"65 linear_4" [id=65, type=linear]; +"66 unflatten_1" [id=66, type=unflatten]; +"67 unsqueeze_1" [id=67, type=unsqueeze]; +"68 transpose_7" [id=68, type=transpose]; +"69 squeeze_1" [id=69, type=squeeze]; +"70 contiguous_1" [id=70, type=contiguous]; +"71 select_3" [id=71, type=select]; +"72 select_4" [id=72, type=select]; +"73 select_5" [id=73, type=select]; +"74 view_8" [id=74, type=view]; +"75 transpose_8" [id=75, type=transpose]; +"76 view_9" [id=76, type=view]; +"77 transpose_9" [id=77, type=transpose]; +"78 view_10" [id=78, type=view]; +"79 transpose_10" [id=79, type=transpose]; +"80 view_11" [id=80, type=view]; +"81 view_12" [id=81, type=view]; +"82 view_13" [id=82, type=view]; +"83 scaled_dot_product_attention_1" [id=83, type=scaled_dot_product_attention]; +"84 permute_2" [id=84, type=permute]; +"85 view_14" [id=85, type=view]; +"86 _param_constant20" [id=86, type=get_attr]; +"87 _param_constant21" [id=87, type=get_attr]; +"88 linear_5" [id=88, type=linear]; +"89 view_15" [id=89, type=view]; +"90 transpose_11" [id=90, type=transpose]; +"91 dropout_4" [id=91, type=dropout]; +"92 add_3" [id=92, type=add]; +"93 _param_constant22" [id=93, type=get_attr]; +"94 _param_constant23" [id=94, type=get_attr]; +"95 layer_norm_3" [id=95, type=layer_norm]; +"96 _param_constant24" [id=96, type=get_attr]; +"97 _param_constant25" [id=97, type=get_attr]; +"98 linear_6" [id=98, type=linear]; +"99 gelu_1" [id=99, type=gelu]; +"100 dropout_5" [id=100, type=dropout]; +"101 _param_constant26" [id=101, type=get_attr]; +"102 _param_constant27" [id=102, type=get_attr]; +"103 linear_7" [id=103, type=linear]; +"104 dropout_6" [id=104, type=dropout]; +"105 add_4" [id=105, type=add]; +"106 _param_constant28" [id=106, type=get_attr]; +"107 _param_constant29" [id=107, type=get_attr]; +"108 layer_norm_4" [id=108, type=layer_norm]; +"109 transpose_12" [id=109, type=transpose]; +"110 _param_constant30" [id=110, type=get_attr]; +"111 _param_constant31" [id=111, type=get_attr]; +"112 linear_8" [id=112, type=linear]; +"113 unflatten_2" [id=113, type=unflatten]; +"114 unsqueeze_2" [id=114, type=unsqueeze]; +"115 transpose_13" [id=115, type=transpose]; +"116 squeeze_2" [id=116, type=squeeze]; +"117 contiguous_2" [id=117, type=contiguous]; +"118 select_6" [id=118, type=select]; +"119 select_7" [id=119, type=select]; +"120 select_8" [id=120, type=select]; +"121 view_16" [id=121, type=view]; +"122 transpose_14" [id=122, type=transpose]; +"123 view_17" [id=123, type=view]; +"124 transpose_15" [id=124, type=transpose]; +"125 view_18" [id=125, type=view]; +"126 transpose_16" [id=126, type=transpose]; +"127 view_19" [id=127, type=view]; +"128 view_20" [id=128, type=view]; +"129 view_21" [id=129, type=view]; +"130 scaled_dot_product_attention_2" [id=130, type=scaled_dot_product_attention]; +"131 permute_3" [id=131, type=permute]; +"132 view_22" [id=132, type=view]; +"133 _param_constant32" [id=133, type=get_attr]; +"134 _param_constant33" [id=134, type=get_attr]; +"135 linear_9" [id=135, type=linear]; +"136 view_23" [id=136, type=view]; +"137 transpose_17" [id=137, type=transpose]; +"138 dropout_7" [id=138, type=dropout]; +"139 add_5" [id=139, type=add]; +"140 _param_constant34" [id=140, type=get_attr]; +"141 _param_constant35" [id=141, type=get_attr]; +"142 layer_norm_5" [id=142, type=layer_norm]; +"143 _param_constant36" [id=143, type=get_attr]; +"144 _param_constant37" [id=144, type=get_attr]; +"145 linear_10" [id=145, type=linear]; +"146 gelu_2" [id=146, type=gelu]; +"147 dropout_8" [id=147, type=dropout]; +"148 _param_constant38" [id=148, type=get_attr]; +"149 _param_constant39" [id=149, type=get_attr]; +"150 linear_11" [id=150, type=linear]; +"151 dropout_9" [id=151, type=dropout]; +"152 add_6" [id=152, type=add]; +"153 _param_constant40" [id=153, type=get_attr]; +"154 _param_constant41" [id=154, type=get_attr]; +"155 layer_norm_6" [id=155, type=layer_norm]; +"156 transpose_18" [id=156, type=transpose]; +"157 _param_constant42" [id=157, type=get_attr]; +"158 _param_constant43" [id=158, type=get_attr]; +"159 linear_12" [id=159, type=linear]; +"160 unflatten_3" [id=160, type=unflatten]; +"161 unsqueeze_3" [id=161, type=unsqueeze]; +"162 transpose_19" [id=162, type=transpose]; +"163 squeeze_3" [id=163, type=squeeze]; +"164 contiguous_3" [id=164, type=contiguous]; +"165 select_9" [id=165, type=select]; +"166 select_10" [id=166, type=select]; +"167 select_11" [id=167, type=select]; +"168 view_24" [id=168, type=view]; +"169 transpose_20" [id=169, type=transpose]; +"170 view_25" [id=170, type=view]; +"171 transpose_21" [id=171, type=transpose]; +"172 view_26" [id=172, type=view]; +"173 transpose_22" [id=173, type=transpose]; +"174 view_27" [id=174, type=view]; +"175 view_28" [id=175, type=view]; +"176 view_29" [id=176, type=view]; +"177 scaled_dot_product_attention_3" [id=177, type=scaled_dot_product_attention]; +"178 permute_4" [id=178, type=permute]; +"179 view_30" [id=179, type=view]; +"180 _param_constant44" [id=180, type=get_attr]; +"181 _param_constant45" [id=181, type=get_attr]; +"182 linear_13" [id=182, type=linear]; +"183 view_31" [id=183, type=view]; +"184 transpose_23" [id=184, type=transpose]; +"185 dropout_10" [id=185, type=dropout]; +"186 add_7" [id=186, type=add]; +"187 _param_constant46" [id=187, type=get_attr]; +"188 _param_constant47" [id=188, type=get_attr]; +"189 layer_norm_7" [id=189, type=layer_norm]; +"190 _param_constant48" [id=190, type=get_attr]; +"191 _param_constant49" [id=191, type=get_attr]; +"192 linear_14" [id=192, type=linear]; +"193 gelu_3" [id=193, type=gelu]; +"194 dropout_11" [id=194, type=dropout]; +"195 _param_constant50" [id=195, type=get_attr]; +"196 _param_constant51" [id=196, type=get_attr]; +"197 linear_15" [id=197, type=linear]; +"198 dropout_12" [id=198, type=dropout]; +"199 add_8" [id=199, type=add]; +"200 _param_constant52" [id=200, type=get_attr]; +"201 _param_constant53" [id=201, type=get_attr]; +"202 layer_norm_8" [id=202, type=layer_norm]; +"203 transpose_24" [id=203, type=transpose]; +"204 _param_constant54" [id=204, type=get_attr]; +"205 _param_constant55" [id=205, type=get_attr]; +"206 linear_16" [id=206, type=linear]; +"207 unflatten_4" [id=207, type=unflatten]; +"208 unsqueeze_4" [id=208, type=unsqueeze]; +"209 transpose_25" [id=209, type=transpose]; +"210 squeeze_4" [id=210, type=squeeze]; +"211 contiguous_4" [id=211, type=contiguous]; +"212 select_12" [id=212, type=select]; +"213 select_13" [id=213, type=select]; +"214 select_14" [id=214, type=select]; +"215 view_32" [id=215, type=view]; +"216 transpose_26" [id=216, type=transpose]; +"217 view_33" [id=217, type=view]; +"218 transpose_27" [id=218, type=transpose]; +"219 view_34" [id=219, type=view]; +"220 transpose_28" [id=220, type=transpose]; +"221 view_35" [id=221, type=view]; +"222 view_36" [id=222, type=view]; +"223 view_37" [id=223, type=view]; +"224 scaled_dot_product_attention_4" [id=224, type=scaled_dot_product_attention]; +"225 permute_5" [id=225, type=permute]; +"226 view_38" [id=226, type=view]; +"227 _param_constant56" [id=227, type=get_attr]; +"228 _param_constant57" [id=228, type=get_attr]; +"229 linear_17" [id=229, type=linear]; +"230 view_39" [id=230, type=view]; +"231 transpose_29" [id=231, type=transpose]; +"232 dropout_13" [id=232, type=dropout]; +"233 add_9" [id=233, type=add]; +"234 _param_constant58" [id=234, type=get_attr]; +"235 _param_constant59" [id=235, type=get_attr]; +"236 layer_norm_9" [id=236, type=layer_norm]; +"237 _param_constant60" [id=237, type=get_attr]; +"238 _param_constant61" [id=238, type=get_attr]; +"239 linear_18" [id=239, type=linear]; +"240 gelu_4" [id=240, type=gelu]; +"241 dropout_14" [id=241, type=dropout]; +"242 _param_constant62" [id=242, type=get_attr]; +"243 _param_constant63" [id=243, type=get_attr]; +"244 linear_19" [id=244, type=linear]; +"245 dropout_15" [id=245, type=dropout]; +"246 add_10" [id=246, type=add]; +"247 _param_constant64" [id=247, type=get_attr]; +"248 _param_constant65" [id=248, type=get_attr]; +"249 layer_norm_10" [id=249, type=layer_norm]; +"250 transpose_30" [id=250, type=transpose]; +"251 _param_constant66" [id=251, type=get_attr]; +"252 _param_constant67" [id=252, type=get_attr]; +"253 linear_20" [id=253, type=linear]; +"254 unflatten_5" [id=254, type=unflatten]; +"255 unsqueeze_5" [id=255, type=unsqueeze]; +"256 transpose_31" [id=256, type=transpose]; +"257 squeeze_5" [id=257, type=squeeze]; +"258 contiguous_5" [id=258, type=contiguous]; +"259 select_15" [id=259, type=select]; +"260 select_16" [id=260, type=select]; +"261 select_17" [id=261, type=select]; +"262 view_40" [id=262, type=view]; +"263 transpose_32" [id=263, type=transpose]; +"264 view_41" [id=264, type=view]; +"265 transpose_33" [id=265, type=transpose]; +"266 view_42" [id=266, type=view]; +"267 transpose_34" [id=267, type=transpose]; +"268 view_43" [id=268, type=view]; +"269 view_44" [id=269, type=view]; +"270 view_45" [id=270, type=view]; +"271 scaled_dot_product_attention_5" [id=271, type=scaled_dot_product_attention]; +"272 permute_6" [id=272, type=permute]; +"273 view_46" [id=273, type=view]; +"274 _param_constant68" [id=274, type=get_attr]; +"275 _param_constant69" [id=275, type=get_attr]; +"276 linear_21" [id=276, type=linear]; +"277 view_47" [id=277, type=view]; +"278 transpose_35" [id=278, type=transpose]; +"279 dropout_16" [id=279, type=dropout]; +"280 add_11" [id=280, type=add]; +"281 _param_constant70" [id=281, type=get_attr]; +"282 _param_constant71" [id=282, type=get_attr]; +"283 layer_norm_11" [id=283, type=layer_norm]; +"284 _param_constant72" [id=284, type=get_attr]; +"285 _param_constant73" [id=285, type=get_attr]; +"286 linear_22" [id=286, type=linear]; +"287 gelu_5" [id=287, type=gelu]; +"288 dropout_17" [id=288, type=dropout]; +"289 _param_constant74" [id=289, type=get_attr]; +"290 _param_constant75" [id=290, type=get_attr]; +"291 linear_23" [id=291, type=linear]; +"292 dropout_18" [id=292, type=dropout]; +"293 add_12" [id=293, type=add]; +"294 _param_constant76" [id=294, type=get_attr]; +"295 _param_constant77" [id=295, type=get_attr]; +"296 layer_norm_12" [id=296, type=layer_norm]; +"297 transpose_36" [id=297, type=transpose]; +"298 _param_constant78" [id=298, type=get_attr]; +"299 _param_constant79" [id=299, type=get_attr]; +"300 linear_24" [id=300, type=linear]; +"301 unflatten_6" [id=301, type=unflatten]; +"302 unsqueeze_6" [id=302, type=unsqueeze]; +"303 transpose_37" [id=303, type=transpose]; +"304 squeeze_6" [id=304, type=squeeze]; +"305 contiguous_6" [id=305, type=contiguous]; +"306 select_18" [id=306, type=select]; +"307 select_19" [id=307, type=select]; +"308 select_20" [id=308, type=select]; +"309 view_48" [id=309, type=view]; +"310 transpose_38" [id=310, type=transpose]; +"311 view_49" [id=311, type=view]; +"312 transpose_39" [id=312, type=transpose]; +"313 view_50" [id=313, type=view]; +"314 transpose_40" [id=314, type=transpose]; +"315 view_51" [id=315, type=view]; +"316 view_52" [id=316, type=view]; +"317 view_53" [id=317, type=view]; +"318 scaled_dot_product_attention_6" [id=318, type=scaled_dot_product_attention]; +"319 permute_7" [id=319, type=permute]; +"320 view_54" [id=320, type=view]; +"321 _param_constant80" [id=321, type=get_attr]; +"322 _param_constant81" [id=322, type=get_attr]; +"323 linear_25" [id=323, type=linear]; +"324 view_55" [id=324, type=view]; +"325 transpose_41" [id=325, type=transpose]; +"326 dropout_19" [id=326, type=dropout]; +"327 add_13" [id=327, type=add]; +"328 _param_constant82" [id=328, type=get_attr]; +"329 _param_constant83" [id=329, type=get_attr]; +"330 layer_norm_13" [id=330, type=layer_norm]; +"331 _param_constant84" [id=331, type=get_attr]; +"332 _param_constant85" [id=332, type=get_attr]; +"333 linear_26" [id=333, type=linear]; +"334 gelu_6" [id=334, type=gelu]; +"335 dropout_20" [id=335, type=dropout]; +"336 _param_constant86" [id=336, type=get_attr]; +"337 _param_constant87" [id=337, type=get_attr]; +"338 linear_27" [id=338, type=linear]; +"339 dropout_21" [id=339, type=dropout]; +"340 add_14" [id=340, type=add]; +"341 _param_constant88" [id=341, type=get_attr]; +"342 _param_constant89" [id=342, type=get_attr]; +"343 layer_norm_14" [id=343, type=layer_norm]; +"344 transpose_42" [id=344, type=transpose]; +"345 _param_constant90" [id=345, type=get_attr]; +"346 _param_constant91" [id=346, type=get_attr]; +"347 linear_28" [id=347, type=linear]; +"348 unflatten_7" [id=348, type=unflatten]; +"349 unsqueeze_7" [id=349, type=unsqueeze]; +"350 transpose_43" [id=350, type=transpose]; +"351 squeeze_7" [id=351, type=squeeze]; +"352 contiguous_7" [id=352, type=contiguous]; +"353 select_21" [id=353, type=select]; +"354 select_22" [id=354, type=select]; +"355 select_23" [id=355, type=select]; +"356 view_56" [id=356, type=view]; +"357 transpose_44" [id=357, type=transpose]; +"358 view_57" [id=358, type=view]; +"359 transpose_45" [id=359, type=transpose]; +"360 view_58" [id=360, type=view]; +"361 transpose_46" [id=361, type=transpose]; +"362 view_59" [id=362, type=view]; +"363 view_60" [id=363, type=view]; +"364 view_61" [id=364, type=view]; +"365 scaled_dot_product_attention_7" [id=365, type=scaled_dot_product_attention]; +"366 permute_8" [id=366, type=permute]; +"367 view_62" [id=367, type=view]; +"368 _param_constant92" [id=368, type=get_attr]; +"369 _param_constant93" [id=369, type=get_attr]; +"370 linear_29" [id=370, type=linear]; +"371 view_63" [id=371, type=view]; +"372 transpose_47" [id=372, type=transpose]; +"373 dropout_22" [id=373, type=dropout]; +"374 add_15" [id=374, type=add]; +"375 _param_constant94" [id=375, type=get_attr]; +"376 _param_constant95" [id=376, type=get_attr]; +"377 layer_norm_15" [id=377, type=layer_norm]; +"378 _param_constant96" [id=378, type=get_attr]; +"379 _param_constant97" [id=379, type=get_attr]; +"380 linear_30" [id=380, type=linear]; +"381 gelu_7" [id=381, type=gelu]; +"382 dropout_23" [id=382, type=dropout]; +"383 _param_constant98" [id=383, type=get_attr]; +"384 _param_constant99" [id=384, type=get_attr]; +"385 linear_31" [id=385, type=linear]; +"386 dropout_24" [id=386, type=dropout]; +"387 add_16" [id=387, type=add]; +"388 _param_constant100" [id=388, type=get_attr]; +"389 _param_constant101" [id=389, type=get_attr]; +"390 layer_norm_16" [id=390, type=layer_norm]; +"391 transpose_48" [id=391, type=transpose]; +"392 _param_constant102" [id=392, type=get_attr]; +"393 _param_constant103" [id=393, type=get_attr]; +"394 linear_32" [id=394, type=linear]; +"395 unflatten_8" [id=395, type=unflatten]; +"396 unsqueeze_8" [id=396, type=unsqueeze]; +"397 transpose_49" [id=397, type=transpose]; +"398 squeeze_8" [id=398, type=squeeze]; +"399 contiguous_8" [id=399, type=contiguous]; +"400 select_24" [id=400, type=select]; +"401 select_25" [id=401, type=select]; +"402 select_26" [id=402, type=select]; +"403 view_64" [id=403, type=view]; +"404 transpose_50" [id=404, type=transpose]; +"405 view_65" [id=405, type=view]; +"406 transpose_51" [id=406, type=transpose]; +"407 view_66" [id=407, type=view]; +"408 transpose_52" [id=408, type=transpose]; +"409 view_67" [id=409, type=view]; +"410 view_68" [id=410, type=view]; +"411 view_69" [id=411, type=view]; +"412 scaled_dot_product_attention_8" [id=412, type=scaled_dot_product_attention]; +"413 permute_9" [id=413, type=permute]; +"414 view_70" [id=414, type=view]; +"415 _param_constant104" [id=415, type=get_attr]; +"416 _param_constant105" [id=416, type=get_attr]; +"417 linear_33" [id=417, type=linear]; +"418 view_71" [id=418, type=view]; +"419 transpose_53" [id=419, type=transpose]; +"420 dropout_25" [id=420, type=dropout]; +"421 add_17" [id=421, type=add]; +"422 _param_constant106" [id=422, type=get_attr]; +"423 _param_constant107" [id=423, type=get_attr]; +"424 layer_norm_17" [id=424, type=layer_norm]; +"425 _param_constant108" [id=425, type=get_attr]; +"426 _param_constant109" [id=426, type=get_attr]; +"427 linear_34" [id=427, type=linear]; +"428 gelu_8" [id=428, type=gelu]; +"429 dropout_26" [id=429, type=dropout]; +"430 _param_constant110" [id=430, type=get_attr]; +"431 _param_constant111" [id=431, type=get_attr]; +"432 linear_35" [id=432, type=linear]; +"433 dropout_27" [id=433, type=dropout]; +"434 add_18" [id=434, type=add]; +"435 _param_constant112" [id=435, type=get_attr]; +"436 _param_constant113" [id=436, type=get_attr]; +"437 layer_norm_18" [id=437, type=layer_norm]; +"438 transpose_54" [id=438, type=transpose]; +"439 _param_constant114" [id=439, type=get_attr]; +"440 _param_constant115" [id=440, type=get_attr]; +"441 linear_36" [id=441, type=linear]; +"442 unflatten_9" [id=442, type=unflatten]; +"443 unsqueeze_9" [id=443, type=unsqueeze]; +"444 transpose_55" [id=444, type=transpose]; +"445 squeeze_9" [id=445, type=squeeze]; +"446 contiguous_9" [id=446, type=contiguous]; +"447 select_27" [id=447, type=select]; +"448 select_28" [id=448, type=select]; +"449 select_29" [id=449, type=select]; +"450 view_72" [id=450, type=view]; +"451 transpose_56" [id=451, type=transpose]; +"452 view_73" [id=452, type=view]; +"453 transpose_57" [id=453, type=transpose]; +"454 view_74" [id=454, type=view]; +"455 transpose_58" [id=455, type=transpose]; +"456 view_75" [id=456, type=view]; +"457 view_76" [id=457, type=view]; +"458 view_77" [id=458, type=view]; +"459 scaled_dot_product_attention_9" [id=459, type=scaled_dot_product_attention]; +"460 permute_10" [id=460, type=permute]; +"461 view_78" [id=461, type=view]; +"462 _param_constant116" [id=462, type=get_attr]; +"463 _param_constant117" [id=463, type=get_attr]; +"464 linear_37" [id=464, type=linear]; +"465 view_79" [id=465, type=view]; +"466 transpose_59" [id=466, type=transpose]; +"467 dropout_28" [id=467, type=dropout]; +"468 add_19" [id=468, type=add]; +"469 _param_constant118" [id=469, type=get_attr]; +"470 _param_constant119" [id=470, type=get_attr]; +"471 layer_norm_19" [id=471, type=layer_norm]; +"472 _param_constant120" [id=472, type=get_attr]; +"473 _param_constant121" [id=473, type=get_attr]; +"474 linear_38" [id=474, type=linear]; +"475 gelu_9" [id=475, type=gelu]; +"476 dropout_29" [id=476, type=dropout]; +"477 _param_constant122" [id=477, type=get_attr]; +"478 _param_constant123" [id=478, type=get_attr]; +"479 linear_39" [id=479, type=linear]; +"480 dropout_30" [id=480, type=dropout]; +"481 add_20" [id=481, type=add]; +"482 _param_constant124" [id=482, type=get_attr]; +"483 _param_constant125" [id=483, type=get_attr]; +"484 layer_norm_20" [id=484, type=layer_norm]; +"485 transpose_60" [id=485, type=transpose]; +"486 _param_constant126" [id=486, type=get_attr]; +"487 _param_constant127" [id=487, type=get_attr]; +"488 linear_40" [id=488, type=linear]; +"489 unflatten_10" [id=489, type=unflatten]; +"490 unsqueeze_10" [id=490, type=unsqueeze]; +"491 transpose_61" [id=491, type=transpose]; +"492 squeeze_10" [id=492, type=squeeze]; +"493 contiguous_10" [id=493, type=contiguous]; +"494 select_30" [id=494, type=select]; +"495 select_31" [id=495, type=select]; +"496 select_32" [id=496, type=select]; +"497 view_80" [id=497, type=view]; +"498 transpose_62" [id=498, type=transpose]; +"499 view_81" [id=499, type=view]; +"500 transpose_63" [id=500, type=transpose]; +"501 view_82" [id=501, type=view]; +"502 transpose_64" [id=502, type=transpose]; +"503 view_83" [id=503, type=view]; +"504 view_84" [id=504, type=view]; +"505 view_85" [id=505, type=view]; +"506 scaled_dot_product_attention_10" [id=506, type=scaled_dot_product_attention]; +"507 permute_11" [id=507, type=permute]; +"508 view_86" [id=508, type=view]; +"509 _param_constant128" [id=509, type=get_attr]; +"510 _param_constant129" [id=510, type=get_attr]; +"511 linear_41" [id=511, type=linear]; +"512 view_87" [id=512, type=view]; +"513 transpose_65" [id=513, type=transpose]; +"514 dropout_31" [id=514, type=dropout]; +"515 add_21" [id=515, type=add]; +"516 _param_constant130" [id=516, type=get_attr]; +"517 _param_constant131" [id=517, type=get_attr]; +"518 layer_norm_21" [id=518, type=layer_norm]; +"519 _param_constant132" [id=519, type=get_attr]; +"520 _param_constant133" [id=520, type=get_attr]; +"521 linear_42" [id=521, type=linear]; +"522 gelu_10" [id=522, type=gelu]; +"523 dropout_32" [id=523, type=dropout]; +"524 _param_constant134" [id=524, type=get_attr]; +"525 _param_constant135" [id=525, type=get_attr]; +"526 linear_43" [id=526, type=linear]; +"527 dropout_33" [id=527, type=dropout]; +"528 add_22" [id=528, type=add]; +"529 _param_constant136" [id=529, type=get_attr]; +"530 _param_constant137" [id=530, type=get_attr]; +"531 layer_norm_22" [id=531, type=layer_norm]; +"532 transpose_66" [id=532, type=transpose]; +"533 _param_constant138" [id=533, type=get_attr]; +"534 _param_constant139" [id=534, type=get_attr]; +"535 linear_44" [id=535, type=linear]; +"536 unflatten_11" [id=536, type=unflatten]; +"537 unsqueeze_11" [id=537, type=unsqueeze]; +"538 transpose_67" [id=538, type=transpose]; +"539 squeeze_11" [id=539, type=squeeze]; +"540 contiguous_11" [id=540, type=contiguous]; +"541 select_33" [id=541, type=select]; +"542 select_34" [id=542, type=select]; +"543 select_35" [id=543, type=select]; +"544 view_88" [id=544, type=view]; +"545 transpose_68" [id=545, type=transpose]; +"546 view_89" [id=546, type=view]; +"547 transpose_69" [id=547, type=transpose]; +"548 view_90" [id=548, type=view]; +"549 transpose_70" [id=549, type=transpose]; +"550 view_91" [id=550, type=view]; +"551 view_92" [id=551, type=view]; +"552 view_93" [id=552, type=view]; +"553 scaled_dot_product_attention_11" [id=553, type=scaled_dot_product_attention]; +"554 permute_12" [id=554, type=permute]; +"555 view_94" [id=555, type=view]; +"556 _param_constant140" [id=556, type=get_attr]; +"557 _param_constant141" [id=557, type=get_attr]; +"558 linear_45" [id=558, type=linear]; +"559 view_95" [id=559, type=view]; +"560 transpose_71" [id=560, type=transpose]; +"561 dropout_34" [id=561, type=dropout]; +"562 add_23" [id=562, type=add]; +"563 _param_constant142" [id=563, type=get_attr]; +"564 _param_constant143" [id=564, type=get_attr]; +"565 layer_norm_23" [id=565, type=layer_norm]; +"566 _param_constant144" [id=566, type=get_attr]; +"567 _param_constant145" [id=567, type=get_attr]; +"568 linear_46" [id=568, type=linear]; +"569 gelu_11" [id=569, type=gelu]; +"570 dropout_35" [id=570, type=dropout]; +"571 _param_constant146" [id=571, type=get_attr]; +"572 _param_constant147" [id=572, type=get_attr]; +"573 linear_47" [id=573, type=linear]; +"574 dropout_36" [id=574, type=dropout]; +"575 add_24" [id=575, type=add]; +"576 _param_constant148" [id=576, type=get_attr]; +"577 _param_constant149" [id=577, type=get_attr]; +"578 layer_norm_24" [id=578, type=layer_norm]; +"579 slice_1" [id=579, type=slice]; +"580 select_36" [id=580, type=select]; +"581 _param_constant150" [id=581, type=get_attr]; +"582 _param_constant151" [id=582, type=get_attr]; +"583 linear_48" [id=583, type=linear]; +"584 output" [id=584, type=output]; +"0 arg0_1" -> "3 conv2d" [label="(1, 3, 224, 224)", style=solid]; +"1 _param_constant0" -> "3 conv2d" [label="(768, 3, 16, 16)", style=solid]; +"2 _param_constant1" -> "3 conv2d" [label="(768,)", style=solid]; +"3 conv2d" -> "4 reshape" [label="(1, 768, 14, 14)", style=solid]; +"4 reshape" -> "5 permute" [label="(1, 768, 196)", style=solid]; +"5 permute" -> "8 cat" [label="(1, 196, 768)", style=solid]; +"6 _param_constant2" -> "7 expand" [label="(1, 1, 768)", style=solid]; +"7 expand" -> "8 cat" [label="(1, 1, 768)", style=solid]; +"8 cat" -> "10 add" [label="(1, 197, 768)", style=solid]; +"9 _param_constant3" -> "10 add" [label="(1, 197, 768)", style=solid]; +"10 add" -> "11 dropout" [label="(1, 197, 768)", style=solid]; +"11 dropout" -> "14 layer_norm" [label="(1, 197, 768)", style=solid]; +"11 dropout" -> "45 add_1" [label="(1, 197, 768)", style=solid]; +"12 _param_constant4" -> "14 layer_norm" [label="(768,)", style=solid]; +"13 _param_constant5" -> "14 layer_norm" [label="(768,)", style=solid]; +"14 layer_norm" -> "15 transpose" [label="(1, 197, 768)", style=solid]; +"15 transpose" -> "18 linear" [label="(197, 1, 768)", style=solid]; +"16 _param_constant6" -> "18 linear" [label="(2304, 768)", style=solid]; +"17 _param_constant7" -> "18 linear" [label="(2304,)", style=solid]; +"18 linear" -> "19 unflatten" [label="(197, 1, 2304)", style=solid]; +"19 unflatten" -> "20 unsqueeze" [label="(197, 1, 3, 768)", style=solid]; +"20 unsqueeze" -> "21 transpose_1" [label="(1, 197, 1, 3, 768)", style=solid]; +"21 transpose_1" -> "22 squeeze" [label="(3, 197, 1, 1, 768)", style=solid]; +"22 squeeze" -> "23 contiguous" [label="(3, 197, 1, 768)", style=solid]; +"23 contiguous" -> "24 select" [label="(3, 197, 1, 768)", style=solid]; +"23 contiguous" -> "25 select_1" [label="(3, 197, 1, 768)", style=solid]; +"23 contiguous" -> "26 select_2" [label="(3, 197, 1, 768)", style=solid]; +"24 select" -> "27 view" [label="(197, 1, 768)", style=solid]; +"25 select_1" -> "29 view_1" [label="(197, 1, 768)", style=solid]; +"26 select_2" -> "31 view_2" [label="(197, 1, 768)", style=solid]; +"27 view" -> "28 transpose_2" [label="(197, 12, 64)", style=solid]; +"28 transpose_2" -> "33 view_3" [label="(12, 197, 64)", style=solid]; +"29 view_1" -> "30 transpose_3" [label="(197, 12, 64)", style=solid]; +"30 transpose_3" -> "34 view_4" [label="(12, 197, 64)", style=solid]; +"31 view_2" -> "32 transpose_4" [label="(197, 12, 64)", style=solid]; +"32 transpose_4" -> "35 view_5" [label="(12, 197, 64)", style=solid]; +"33 view_3" -> "36 scaled_dot_product_attention" [label="(1, 12, 197, 64)", style=solid]; +"34 view_4" -> "36 scaled_dot_product_attention" [label="(1, 12, 197, 64)", style=solid]; +"35 view_5" -> "36 scaled_dot_product_attention" [label="(1, 12, 197, 64)", style=solid]; +"36 scaled_dot_product_attention" -> "37 permute_1" [label="(1, 12, 197, 64)", style=solid]; +"37 permute_1" -> "38 view_6" [label="(197, 1, 12, 64)", style=solid]; +"38 view_6" -> "41 linear_1" [label="(197, 768)", style=solid]; +"39 _param_constant8" -> "41 linear_1" [label="(768, 768)", style=solid]; +"40 _param_constant9" -> "41 linear_1" [label="(768,)", style=solid]; +"41 linear_1" -> "42 view_7" [label="(197, 768)", style=solid]; +"42 view_7" -> "43 transpose_5" [label="(197, 1, 768)", style=solid]; +"43 transpose_5" -> "44 dropout_1" [label="(1, 197, 768)", style=solid]; +"44 dropout_1" -> "45 add_1" [label="(1, 197, 768)", style=solid]; +"45 add_1" -> "48 layer_norm_1" [label="(1, 197, 768)", style=solid]; +"45 add_1" -> "58 add_2" [label="(1, 197, 768)", style=solid]; +"46 _param_constant10" -> "48 layer_norm_1" [label="(768,)", style=solid]; +"47 _param_constant11" -> "48 layer_norm_1" [label="(768,)", style=solid]; +"48 layer_norm_1" -> "51 linear_2" [label="(1, 197, 768)", style=solid]; +"49 _param_constant12" -> "51 linear_2" [label="(3072, 768)", style=solid]; +"50 _param_constant13" -> "51 linear_2" [label="(3072,)", style=solid]; +"51 linear_2" -> "52 gelu" [label="(1, 197, 3072)", style=solid]; +"52 gelu" -> "53 dropout_2" [label="(1, 197, 3072)", style=solid]; +"53 dropout_2" -> "56 linear_3" [label="(1, 197, 3072)", style=solid]; +"54 _param_constant14" -> "56 linear_3" [label="(768, 3072)", style=solid]; +"55 _param_constant15" -> "56 linear_3" [label="(768,)", style=solid]; +"56 linear_3" -> "57 dropout_3" [label="(1, 197, 768)", style=solid]; +"57 dropout_3" -> "58 add_2" [label="(1, 197, 768)", style=solid]; +"58 add_2" -> "61 layer_norm_2" [label="(1, 197, 768)", style=solid]; +"58 add_2" -> "92 add_3" [label="(1, 197, 768)", style=solid]; +"59 _param_constant16" -> "61 layer_norm_2" [label="(768,)", style=solid]; +"60 _param_constant17" -> "61 layer_norm_2" [label="(768,)", style=solid]; +"61 layer_norm_2" -> "62 transpose_6" [label="(1, 197, 768)", style=solid]; +"62 transpose_6" -> "65 linear_4" [label="(197, 1, 768)", style=solid]; +"63 _param_constant18" -> "65 linear_4" [label="(2304, 768)", style=solid]; +"64 _param_constant19" -> "65 linear_4" [label="(2304,)", style=solid]; +"65 linear_4" -> "66 unflatten_1" [label="(197, 1, 2304)", style=solid]; +"66 unflatten_1" -> "67 unsqueeze_1" [label="(197, 1, 3, 768)", style=solid]; +"67 unsqueeze_1" -> "68 transpose_7" [label="(1, 197, 1, 3, 768)", style=solid]; +"68 transpose_7" -> "69 squeeze_1" [label="(3, 197, 1, 1, 768)", style=solid]; +"69 squeeze_1" -> "70 contiguous_1" [label="(3, 197, 1, 768)", style=solid]; +"70 contiguous_1" -> "71 select_3" [label="(3, 197, 1, 768)", style=solid]; +"70 contiguous_1" -> "72 select_4" [label="(3, 197, 1, 768)", style=solid]; +"70 contiguous_1" -> "73 select_5" [label="(3, 197, 1, 768)", style=solid]; +"71 select_3" -> "74 view_8" [label="(197, 1, 768)", style=solid]; +"72 select_4" -> "76 view_9" [label="(197, 1, 768)", style=solid]; +"73 select_5" -> "78 view_10" [label="(197, 1, 768)", style=solid]; +"74 view_8" -> "75 transpose_8" [label="(197, 12, 64)", style=solid]; +"75 transpose_8" -> "80 view_11" [label="(12, 197, 64)", style=solid]; +"76 view_9" -> "77 transpose_9" [label="(197, 12, 64)", style=solid]; +"77 transpose_9" -> "81 view_12" [label="(12, 197, 64)", style=solid]; +"78 view_10" -> "79 transpose_10" [label="(197, 12, 64)", style=solid]; +"79 transpose_10" -> "82 view_13" [label="(12, 197, 64)", style=solid]; +"80 view_11" -> "83 scaled_dot_product_attention_1" [label="(1, 12, 197, 64)", style=solid]; +"81 view_12" -> "83 scaled_dot_product_attention_1" [label="(1, 12, 197, 64)", style=solid]; +"82 view_13" -> "83 scaled_dot_product_attention_1" [label="(1, 12, 197, 64)", style=solid]; +"83 scaled_dot_product_attention_1" -> "84 permute_2" [label="(1, 12, 197, 64)", style=solid]; +"84 permute_2" -> "85 view_14" [label="(197, 1, 12, 64)", style=solid]; +"85 view_14" -> "88 linear_5" [label="(197, 768)", style=solid]; +"86 _param_constant20" -> "88 linear_5" [label="(768, 768)", style=solid]; +"87 _param_constant21" -> "88 linear_5" [label="(768,)", style=solid]; +"88 linear_5" -> "89 view_15" [label="(197, 768)", style=solid]; +"89 view_15" -> "90 transpose_11" [label="(197, 1, 768)", style=solid]; +"90 transpose_11" -> "91 dropout_4" [label="(1, 197, 768)", style=solid]; +"91 dropout_4" -> "92 add_3" [label="(1, 197, 768)", style=solid]; +"92 add_3" -> "95 layer_norm_3" [label="(1, 197, 768)", style=solid]; +"92 add_3" -> "105 add_4" [label="(1, 197, 768)", style=solid]; +"93 _param_constant22" -> "95 layer_norm_3" [label="(768,)", style=solid]; +"94 _param_constant23" -> "95 layer_norm_3" [label="(768,)", style=solid]; +"95 layer_norm_3" -> "98 linear_6" [label="(1, 197, 768)", style=solid]; +"96 _param_constant24" -> "98 linear_6" [label="(3072, 768)", style=solid]; +"97 _param_constant25" -> "98 linear_6" [label="(3072,)", style=solid]; +"98 linear_6" -> "99 gelu_1" [label="(1, 197, 3072)", style=solid]; +"99 gelu_1" -> "100 dropout_5" [label="(1, 197, 3072)", style=solid]; +"100 dropout_5" -> "103 linear_7" [label="(1, 197, 3072)", style=solid]; +"101 _param_constant26" -> "103 linear_7" [label="(768, 3072)", style=solid]; +"102 _param_constant27" -> "103 linear_7" [label="(768,)", style=solid]; +"103 linear_7" -> "104 dropout_6" [label="(1, 197, 768)", style=solid]; +"104 dropout_6" -> "105 add_4" [label="(1, 197, 768)", style=solid]; +"105 add_4" -> "108 layer_norm_4" [label="(1, 197, 768)", style=solid]; +"105 add_4" -> "139 add_5" [label="(1, 197, 768)", style=solid]; +"106 _param_constant28" -> "108 layer_norm_4" [label="(768,)", style=solid]; +"107 _param_constant29" -> "108 layer_norm_4" [label="(768,)", style=solid]; +"108 layer_norm_4" -> "109 transpose_12" [label="(1, 197, 768)", style=solid]; +"109 transpose_12" -> "112 linear_8" [label="(197, 1, 768)", style=solid]; +"110 _param_constant30" -> "112 linear_8" [label="(2304, 768)", style=solid]; +"111 _param_constant31" -> "112 linear_8" [label="(2304,)", style=solid]; +"112 linear_8" -> "113 unflatten_2" [label="(197, 1, 2304)", style=solid]; +"113 unflatten_2" -> "114 unsqueeze_2" [label="(197, 1, 3, 768)", style=solid]; +"114 unsqueeze_2" -> "115 transpose_13" [label="(1, 197, 1, 3, 768)", style=solid]; +"115 transpose_13" -> "116 squeeze_2" [label="(3, 197, 1, 1, 768)", style=solid]; +"116 squeeze_2" -> "117 contiguous_2" [label="(3, 197, 1, 768)", style=solid]; +"117 contiguous_2" -> "118 select_6" [label="(3, 197, 1, 768)", style=solid]; +"117 contiguous_2" -> "119 select_7" [label="(3, 197, 1, 768)", style=solid]; +"117 contiguous_2" -> "120 select_8" [label="(3, 197, 1, 768)", style=solid]; +"118 select_6" -> "121 view_16" [label="(197, 1, 768)", style=solid]; +"119 select_7" -> "123 view_17" [label="(197, 1, 768)", style=solid]; +"120 select_8" -> "125 view_18" [label="(197, 1, 768)", style=solid]; +"121 view_16" -> "122 transpose_14" [label="(197, 12, 64)", style=solid]; +"122 transpose_14" -> "127 view_19" [label="(12, 197, 64)", style=solid]; +"123 view_17" -> "124 transpose_15" [label="(197, 12, 64)", style=solid]; +"124 transpose_15" -> "128 view_20" [label="(12, 197, 64)", style=solid]; +"125 view_18" -> "126 transpose_16" [label="(197, 12, 64)", style=solid]; +"126 transpose_16" -> "129 view_21" [label="(12, 197, 64)", style=solid]; +"127 view_19" -> "130 scaled_dot_product_attention_2" [label="(1, 12, 197, 64)", style=solid]; +"128 view_20" -> "130 scaled_dot_product_attention_2" [label="(1, 12, 197, 64)", style=solid]; +"129 view_21" -> "130 scaled_dot_product_attention_2" [label="(1, 12, 197, 64)", style=solid]; +"130 scaled_dot_product_attention_2" -> "131 permute_3" [label="(1, 12, 197, 64)", style=solid]; +"131 permute_3" -> "132 view_22" [label="(197, 1, 12, 64)", style=solid]; +"132 view_22" -> "135 linear_9" [label="(197, 768)", style=solid]; +"133 _param_constant32" -> "135 linear_9" [label="(768, 768)", style=solid]; +"134 _param_constant33" -> "135 linear_9" [label="(768,)", style=solid]; +"135 linear_9" -> "136 view_23" [label="(197, 768)", style=solid]; +"136 view_23" -> "137 transpose_17" [label="(197, 1, 768)", style=solid]; +"137 transpose_17" -> "138 dropout_7" [label="(1, 197, 768)", style=solid]; +"138 dropout_7" -> "139 add_5" [label="(1, 197, 768)", style=solid]; +"139 add_5" -> "142 layer_norm_5" [label="(1, 197, 768)", style=solid]; +"139 add_5" -> "152 add_6" [label="(1, 197, 768)", style=solid]; +"140 _param_constant34" -> "142 layer_norm_5" [label="(768,)", style=solid]; +"141 _param_constant35" -> "142 layer_norm_5" [label="(768,)", style=solid]; +"142 layer_norm_5" -> "145 linear_10" [label="(1, 197, 768)", style=solid]; +"143 _param_constant36" -> "145 linear_10" [label="(3072, 768)", style=solid]; +"144 _param_constant37" -> "145 linear_10" [label="(3072,)", style=solid]; +"145 linear_10" -> "146 gelu_2" [label="(1, 197, 3072)", style=solid]; +"146 gelu_2" -> "147 dropout_8" [label="(1, 197, 3072)", style=solid]; +"147 dropout_8" -> "150 linear_11" [label="(1, 197, 3072)", style=solid]; +"148 _param_constant38" -> "150 linear_11" [label="(768, 3072)", style=solid]; +"149 _param_constant39" -> "150 linear_11" [label="(768,)", style=solid]; +"150 linear_11" -> "151 dropout_9" [label="(1, 197, 768)", style=solid]; +"151 dropout_9" -> "152 add_6" [label="(1, 197, 768)", style=solid]; +"152 add_6" -> "155 layer_norm_6" [label="(1, 197, 768)", style=solid]; +"152 add_6" -> "186 add_7" [label="(1, 197, 768)", style=solid]; +"153 _param_constant40" -> "155 layer_norm_6" [label="(768,)", style=solid]; +"154 _param_constant41" -> "155 layer_norm_6" [label="(768,)", style=solid]; +"155 layer_norm_6" -> "156 transpose_18" [label="(1, 197, 768)", style=solid]; +"156 transpose_18" -> "159 linear_12" [label="(197, 1, 768)", style=solid]; +"157 _param_constant42" -> "159 linear_12" [label="(2304, 768)", style=solid]; +"158 _param_constant43" -> "159 linear_12" [label="(2304,)", style=solid]; +"159 linear_12" -> "160 unflatten_3" [label="(197, 1, 2304)", style=solid]; +"160 unflatten_3" -> "161 unsqueeze_3" [label="(197, 1, 3, 768)", style=solid]; +"161 unsqueeze_3" -> "162 transpose_19" [label="(1, 197, 1, 3, 768)", style=solid]; +"162 transpose_19" -> "163 squeeze_3" [label="(3, 197, 1, 1, 768)", style=solid]; +"163 squeeze_3" -> "164 contiguous_3" [label="(3, 197, 1, 768)", style=solid]; +"164 contiguous_3" -> "165 select_9" [label="(3, 197, 1, 768)", style=solid]; +"164 contiguous_3" -> "166 select_10" [label="(3, 197, 1, 768)", style=solid]; +"164 contiguous_3" -> "167 select_11" [label="(3, 197, 1, 768)", style=solid]; +"165 select_9" -> "168 view_24" [label="(197, 1, 768)", style=solid]; +"166 select_10" -> "170 view_25" [label="(197, 1, 768)", style=solid]; +"167 select_11" -> "172 view_26" [label="(197, 1, 768)", style=solid]; +"168 view_24" -> "169 transpose_20" [label="(197, 12, 64)", style=solid]; +"169 transpose_20" -> "174 view_27" [label="(12, 197, 64)", style=solid]; +"170 view_25" -> "171 transpose_21" [label="(197, 12, 64)", style=solid]; +"171 transpose_21" -> "175 view_28" [label="(12, 197, 64)", style=solid]; +"172 view_26" -> "173 transpose_22" [label="(197, 12, 64)", style=solid]; +"173 transpose_22" -> "176 view_29" [label="(12, 197, 64)", style=solid]; +"174 view_27" -> "177 scaled_dot_product_attention_3" [label="(1, 12, 197, 64)", style=solid]; +"175 view_28" -> "177 scaled_dot_product_attention_3" [label="(1, 12, 197, 64)", style=solid]; +"176 view_29" -> "177 scaled_dot_product_attention_3" [label="(1, 12, 197, 64)", style=solid]; +"177 scaled_dot_product_attention_3" -> "178 permute_4" [label="(1, 12, 197, 64)", style=solid]; +"178 permute_4" -> "179 view_30" [label="(197, 1, 12, 64)", style=solid]; +"179 view_30" -> "182 linear_13" [label="(197, 768)", style=solid]; +"180 _param_constant44" -> "182 linear_13" [label="(768, 768)", style=solid]; +"181 _param_constant45" -> "182 linear_13" [label="(768,)", style=solid]; +"182 linear_13" -> "183 view_31" [label="(197, 768)", style=solid]; +"183 view_31" -> "184 transpose_23" [label="(197, 1, 768)", style=solid]; +"184 transpose_23" -> "185 dropout_10" [label="(1, 197, 768)", style=solid]; +"185 dropout_10" -> "186 add_7" [label="(1, 197, 768)", style=solid]; +"186 add_7" -> "189 layer_norm_7" [label="(1, 197, 768)", style=solid]; +"186 add_7" -> "199 add_8" [label="(1, 197, 768)", style=solid]; +"187 _param_constant46" -> "189 layer_norm_7" [label="(768,)", style=solid]; +"188 _param_constant47" -> "189 layer_norm_7" [label="(768,)", style=solid]; +"189 layer_norm_7" -> "192 linear_14" [label="(1, 197, 768)", style=solid]; +"190 _param_constant48" -> "192 linear_14" [label="(3072, 768)", style=solid]; +"191 _param_constant49" -> "192 linear_14" [label="(3072,)", style=solid]; +"192 linear_14" -> "193 gelu_3" [label="(1, 197, 3072)", style=solid]; +"193 gelu_3" -> "194 dropout_11" [label="(1, 197, 3072)", style=solid]; +"194 dropout_11" -> "197 linear_15" [label="(1, 197, 3072)", style=solid]; +"195 _param_constant50" -> "197 linear_15" [label="(768, 3072)", style=solid]; +"196 _param_constant51" -> "197 linear_15" [label="(768,)", style=solid]; +"197 linear_15" -> "198 dropout_12" [label="(1, 197, 768)", style=solid]; +"198 dropout_12" -> "199 add_8" [label="(1, 197, 768)", style=solid]; +"199 add_8" -> "202 layer_norm_8" [label="(1, 197, 768)", style=solid]; +"199 add_8" -> "233 add_9" [label="(1, 197, 768)", style=solid]; +"200 _param_constant52" -> "202 layer_norm_8" [label="(768,)", style=solid]; +"201 _param_constant53" -> "202 layer_norm_8" [label="(768,)", style=solid]; +"202 layer_norm_8" -> "203 transpose_24" [label="(1, 197, 768)", style=solid]; +"203 transpose_24" -> "206 linear_16" [label="(197, 1, 768)", style=solid]; +"204 _param_constant54" -> "206 linear_16" [label="(2304, 768)", style=solid]; +"205 _param_constant55" -> "206 linear_16" [label="(2304,)", style=solid]; +"206 linear_16" -> "207 unflatten_4" [label="(197, 1, 2304)", style=solid]; +"207 unflatten_4" -> "208 unsqueeze_4" [label="(197, 1, 3, 768)", style=solid]; +"208 unsqueeze_4" -> "209 transpose_25" [label="(1, 197, 1, 3, 768)", style=solid]; +"209 transpose_25" -> "210 squeeze_4" [label="(3, 197, 1, 1, 768)", style=solid]; +"210 squeeze_4" -> "211 contiguous_4" [label="(3, 197, 1, 768)", style=solid]; +"211 contiguous_4" -> "212 select_12" [label="(3, 197, 1, 768)", style=solid]; +"211 contiguous_4" -> "213 select_13" [label="(3, 197, 1, 768)", style=solid]; +"211 contiguous_4" -> "214 select_14" [label="(3, 197, 1, 768)", style=solid]; +"212 select_12" -> "215 view_32" [label="(197, 1, 768)", style=solid]; +"213 select_13" -> "217 view_33" [label="(197, 1, 768)", style=solid]; +"214 select_14" -> "219 view_34" [label="(197, 1, 768)", style=solid]; +"215 view_32" -> "216 transpose_26" [label="(197, 12, 64)", style=solid]; +"216 transpose_26" -> "221 view_35" [label="(12, 197, 64)", style=solid]; +"217 view_33" -> "218 transpose_27" [label="(197, 12, 64)", style=solid]; +"218 transpose_27" -> "222 view_36" [label="(12, 197, 64)", style=solid]; +"219 view_34" -> "220 transpose_28" [label="(197, 12, 64)", style=solid]; +"220 transpose_28" -> "223 view_37" [label="(12, 197, 64)", style=solid]; +"221 view_35" -> "224 scaled_dot_product_attention_4" [label="(1, 12, 197, 64)", style=solid]; +"222 view_36" -> "224 scaled_dot_product_attention_4" [label="(1, 12, 197, 64)", style=solid]; +"223 view_37" -> "224 scaled_dot_product_attention_4" [label="(1, 12, 197, 64)", style=solid]; +"224 scaled_dot_product_attention_4" -> "225 permute_5" [label="(1, 12, 197, 64)", style=solid]; +"225 permute_5" -> "226 view_38" [label="(197, 1, 12, 64)", style=solid]; +"226 view_38" -> "229 linear_17" [label="(197, 768)", style=solid]; +"227 _param_constant56" -> "229 linear_17" [label="(768, 768)", style=solid]; +"228 _param_constant57" -> "229 linear_17" [label="(768,)", style=solid]; +"229 linear_17" -> "230 view_39" [label="(197, 768)", style=solid]; +"230 view_39" -> "231 transpose_29" [label="(197, 1, 768)", style=solid]; +"231 transpose_29" -> "232 dropout_13" [label="(1, 197, 768)", style=solid]; +"232 dropout_13" -> "233 add_9" [label="(1, 197, 768)", style=solid]; +"233 add_9" -> "236 layer_norm_9" [label="(1, 197, 768)", style=solid]; +"233 add_9" -> "246 add_10" [label="(1, 197, 768)", style=solid]; +"234 _param_constant58" -> "236 layer_norm_9" [label="(768,)", style=solid]; +"235 _param_constant59" -> "236 layer_norm_9" [label="(768,)", style=solid]; +"236 layer_norm_9" -> "239 linear_18" [label="(1, 197, 768)", style=solid]; +"237 _param_constant60" -> "239 linear_18" [label="(3072, 768)", style=solid]; +"238 _param_constant61" -> "239 linear_18" [label="(3072,)", style=solid]; +"239 linear_18" -> "240 gelu_4" [label="(1, 197, 3072)", style=solid]; +"240 gelu_4" -> "241 dropout_14" [label="(1, 197, 3072)", style=solid]; +"241 dropout_14" -> "244 linear_19" [label="(1, 197, 3072)", style=solid]; +"242 _param_constant62" -> "244 linear_19" [label="(768, 3072)", style=solid]; +"243 _param_constant63" -> "244 linear_19" [label="(768,)", style=solid]; +"244 linear_19" -> "245 dropout_15" [label="(1, 197, 768)", style=solid]; +"245 dropout_15" -> "246 add_10" [label="(1, 197, 768)", style=solid]; +"246 add_10" -> "249 layer_norm_10" [label="(1, 197, 768)", style=solid]; +"246 add_10" -> "280 add_11" [label="(1, 197, 768)", style=solid]; +"247 _param_constant64" -> "249 layer_norm_10" [label="(768,)", style=solid]; +"248 _param_constant65" -> "249 layer_norm_10" [label="(768,)", style=solid]; +"249 layer_norm_10" -> "250 transpose_30" [label="(1, 197, 768)", style=solid]; +"250 transpose_30" -> "253 linear_20" [label="(197, 1, 768)", style=solid]; +"251 _param_constant66" -> "253 linear_20" [label="(2304, 768)", style=solid]; +"252 _param_constant67" -> "253 linear_20" [label="(2304,)", style=solid]; +"253 linear_20" -> "254 unflatten_5" [label="(197, 1, 2304)", style=solid]; +"254 unflatten_5" -> "255 unsqueeze_5" [label="(197, 1, 3, 768)", style=solid]; +"255 unsqueeze_5" -> "256 transpose_31" [label="(1, 197, 1, 3, 768)", style=solid]; +"256 transpose_31" -> "257 squeeze_5" [label="(3, 197, 1, 1, 768)", style=solid]; +"257 squeeze_5" -> "258 contiguous_5" [label="(3, 197, 1, 768)", style=solid]; +"258 contiguous_5" -> "259 select_15" [label="(3, 197, 1, 768)", style=solid]; +"258 contiguous_5" -> "260 select_16" [label="(3, 197, 1, 768)", style=solid]; +"258 contiguous_5" -> "261 select_17" [label="(3, 197, 1, 768)", style=solid]; +"259 select_15" -> "262 view_40" [label="(197, 1, 768)", style=solid]; +"260 select_16" -> "264 view_41" [label="(197, 1, 768)", style=solid]; +"261 select_17" -> "266 view_42" [label="(197, 1, 768)", style=solid]; +"262 view_40" -> "263 transpose_32" [label="(197, 12, 64)", style=solid]; +"263 transpose_32" -> "268 view_43" [label="(12, 197, 64)", style=solid]; +"264 view_41" -> "265 transpose_33" [label="(197, 12, 64)", style=solid]; +"265 transpose_33" -> "269 view_44" [label="(12, 197, 64)", style=solid]; +"266 view_42" -> "267 transpose_34" [label="(197, 12, 64)", style=solid]; +"267 transpose_34" -> "270 view_45" [label="(12, 197, 64)", style=solid]; +"268 view_43" -> "271 scaled_dot_product_attention_5" [label="(1, 12, 197, 64)", style=solid]; +"269 view_44" -> "271 scaled_dot_product_attention_5" [label="(1, 12, 197, 64)", style=solid]; +"270 view_45" -> "271 scaled_dot_product_attention_5" [label="(1, 12, 197, 64)", style=solid]; +"271 scaled_dot_product_attention_5" -> "272 permute_6" [label="(1, 12, 197, 64)", style=solid]; +"272 permute_6" -> "273 view_46" [label="(197, 1, 12, 64)", style=solid]; +"273 view_46" -> "276 linear_21" [label="(197, 768)", style=solid]; +"274 _param_constant68" -> "276 linear_21" [label="(768, 768)", style=solid]; +"275 _param_constant69" -> "276 linear_21" [label="(768,)", style=solid]; +"276 linear_21" -> "277 view_47" [label="(197, 768)", style=solid]; +"277 view_47" -> "278 transpose_35" [label="(197, 1, 768)", style=solid]; +"278 transpose_35" -> "279 dropout_16" [label="(1, 197, 768)", style=solid]; +"279 dropout_16" -> "280 add_11" [label="(1, 197, 768)", style=solid]; +"280 add_11" -> "283 layer_norm_11" [label="(1, 197, 768)", style=solid]; +"280 add_11" -> "293 add_12" [label="(1, 197, 768)", style=solid]; +"281 _param_constant70" -> "283 layer_norm_11" [label="(768,)", style=solid]; +"282 _param_constant71" -> "283 layer_norm_11" [label="(768,)", style=solid]; +"283 layer_norm_11" -> "286 linear_22" [label="(1, 197, 768)", style=solid]; +"284 _param_constant72" -> "286 linear_22" [label="(3072, 768)", style=solid]; +"285 _param_constant73" -> "286 linear_22" [label="(3072,)", style=solid]; +"286 linear_22" -> "287 gelu_5" [label="(1, 197, 3072)", style=solid]; +"287 gelu_5" -> "288 dropout_17" [label="(1, 197, 3072)", style=solid]; +"288 dropout_17" -> "291 linear_23" [label="(1, 197, 3072)", style=solid]; +"289 _param_constant74" -> "291 linear_23" [label="(768, 3072)", style=solid]; +"290 _param_constant75" -> "291 linear_23" [label="(768,)", style=solid]; +"291 linear_23" -> "292 dropout_18" [label="(1, 197, 768)", style=solid]; +"292 dropout_18" -> "293 add_12" [label="(1, 197, 768)", style=solid]; +"293 add_12" -> "296 layer_norm_12" [label="(1, 197, 768)", style=solid]; +"293 add_12" -> "327 add_13" [label="(1, 197, 768)", style=solid]; +"294 _param_constant76" -> "296 layer_norm_12" [label="(768,)", style=solid]; +"295 _param_constant77" -> "296 layer_norm_12" [label="(768,)", style=solid]; +"296 layer_norm_12" -> "297 transpose_36" [label="(1, 197, 768)", style=solid]; +"297 transpose_36" -> "300 linear_24" [label="(197, 1, 768)", style=solid]; +"298 _param_constant78" -> "300 linear_24" [label="(2304, 768)", style=solid]; +"299 _param_constant79" -> "300 linear_24" [label="(2304,)", style=solid]; +"300 linear_24" -> "301 unflatten_6" [label="(197, 1, 2304)", style=solid]; +"301 unflatten_6" -> "302 unsqueeze_6" [label="(197, 1, 3, 768)", style=solid]; +"302 unsqueeze_6" -> "303 transpose_37" [label="(1, 197, 1, 3, 768)", style=solid]; +"303 transpose_37" -> "304 squeeze_6" [label="(3, 197, 1, 1, 768)", style=solid]; +"304 squeeze_6" -> "305 contiguous_6" [label="(3, 197, 1, 768)", style=solid]; +"305 contiguous_6" -> "306 select_18" [label="(3, 197, 1, 768)", style=solid]; +"305 contiguous_6" -> "307 select_19" [label="(3, 197, 1, 768)", style=solid]; +"305 contiguous_6" -> "308 select_20" [label="(3, 197, 1, 768)", style=solid]; +"306 select_18" -> "309 view_48" [label="(197, 1, 768)", style=solid]; +"307 select_19" -> "311 view_49" [label="(197, 1, 768)", style=solid]; +"308 select_20" -> "313 view_50" [label="(197, 1, 768)", style=solid]; +"309 view_48" -> "310 transpose_38" [label="(197, 12, 64)", style=solid]; +"310 transpose_38" -> "315 view_51" [label="(12, 197, 64)", style=solid]; +"311 view_49" -> "312 transpose_39" [label="(197, 12, 64)", style=solid]; +"312 transpose_39" -> "316 view_52" [label="(12, 197, 64)", style=solid]; +"313 view_50" -> "314 transpose_40" [label="(197, 12, 64)", style=solid]; +"314 transpose_40" -> "317 view_53" [label="(12, 197, 64)", style=solid]; +"315 view_51" -> "318 scaled_dot_product_attention_6" [label="(1, 12, 197, 64)", style=solid]; +"316 view_52" -> "318 scaled_dot_product_attention_6" [label="(1, 12, 197, 64)", style=solid]; +"317 view_53" -> "318 scaled_dot_product_attention_6" [label="(1, 12, 197, 64)", style=solid]; +"318 scaled_dot_product_attention_6" -> "319 permute_7" [label="(1, 12, 197, 64)", style=solid]; +"319 permute_7" -> "320 view_54" [label="(197, 1, 12, 64)", style=solid]; +"320 view_54" -> "323 linear_25" [label="(197, 768)", style=solid]; +"321 _param_constant80" -> "323 linear_25" [label="(768, 768)", style=solid]; +"322 _param_constant81" -> "323 linear_25" [label="(768,)", style=solid]; +"323 linear_25" -> "324 view_55" [label="(197, 768)", style=solid]; +"324 view_55" -> "325 transpose_41" [label="(197, 1, 768)", style=solid]; +"325 transpose_41" -> "326 dropout_19" [label="(1, 197, 768)", style=solid]; +"326 dropout_19" -> "327 add_13" [label="(1, 197, 768)", style=solid]; +"327 add_13" -> "330 layer_norm_13" [label="(1, 197, 768)", style=solid]; +"327 add_13" -> "340 add_14" [label="(1, 197, 768)", style=solid]; +"328 _param_constant82" -> "330 layer_norm_13" [label="(768,)", style=solid]; +"329 _param_constant83" -> "330 layer_norm_13" [label="(768,)", style=solid]; +"330 layer_norm_13" -> "333 linear_26" [label="(1, 197, 768)", style=solid]; +"331 _param_constant84" -> "333 linear_26" [label="(3072, 768)", style=solid]; +"332 _param_constant85" -> "333 linear_26" [label="(3072,)", style=solid]; +"333 linear_26" -> "334 gelu_6" [label="(1, 197, 3072)", style=solid]; +"334 gelu_6" -> "335 dropout_20" [label="(1, 197, 3072)", style=solid]; +"335 dropout_20" -> "338 linear_27" [label="(1, 197, 3072)", style=solid]; +"336 _param_constant86" -> "338 linear_27" [label="(768, 3072)", style=solid]; +"337 _param_constant87" -> "338 linear_27" [label="(768,)", style=solid]; +"338 linear_27" -> "339 dropout_21" [label="(1, 197, 768)", style=solid]; +"339 dropout_21" -> "340 add_14" [label="(1, 197, 768)", style=solid]; +"340 add_14" -> "343 layer_norm_14" [label="(1, 197, 768)", style=solid]; +"340 add_14" -> "374 add_15" [label="(1, 197, 768)", style=solid]; +"341 _param_constant88" -> "343 layer_norm_14" [label="(768,)", style=solid]; +"342 _param_constant89" -> "343 layer_norm_14" [label="(768,)", style=solid]; +"343 layer_norm_14" -> "344 transpose_42" [label="(1, 197, 768)", style=solid]; +"344 transpose_42" -> "347 linear_28" [label="(197, 1, 768)", style=solid]; +"345 _param_constant90" -> "347 linear_28" [label="(2304, 768)", style=solid]; +"346 _param_constant91" -> "347 linear_28" [label="(2304,)", style=solid]; +"347 linear_28" -> "348 unflatten_7" [label="(197, 1, 2304)", style=solid]; +"348 unflatten_7" -> "349 unsqueeze_7" [label="(197, 1, 3, 768)", style=solid]; +"349 unsqueeze_7" -> "350 transpose_43" [label="(1, 197, 1, 3, 768)", style=solid]; +"350 transpose_43" -> "351 squeeze_7" [label="(3, 197, 1, 1, 768)", style=solid]; +"351 squeeze_7" -> "352 contiguous_7" [label="(3, 197, 1, 768)", style=solid]; +"352 contiguous_7" -> "353 select_21" [label="(3, 197, 1, 768)", style=solid]; +"352 contiguous_7" -> "354 select_22" [label="(3, 197, 1, 768)", style=solid]; +"352 contiguous_7" -> "355 select_23" [label="(3, 197, 1, 768)", style=solid]; +"353 select_21" -> "356 view_56" [label="(197, 1, 768)", style=solid]; +"354 select_22" -> "358 view_57" [label="(197, 1, 768)", style=solid]; +"355 select_23" -> "360 view_58" [label="(197, 1, 768)", style=solid]; +"356 view_56" -> "357 transpose_44" [label="(197, 12, 64)", style=solid]; +"357 transpose_44" -> "362 view_59" [label="(12, 197, 64)", style=solid]; +"358 view_57" -> "359 transpose_45" [label="(197, 12, 64)", style=solid]; +"359 transpose_45" -> "363 view_60" [label="(12, 197, 64)", style=solid]; +"360 view_58" -> "361 transpose_46" [label="(197, 12, 64)", style=solid]; +"361 transpose_46" -> "364 view_61" [label="(12, 197, 64)", style=solid]; +"362 view_59" -> "365 scaled_dot_product_attention_7" [label="(1, 12, 197, 64)", style=solid]; +"363 view_60" -> "365 scaled_dot_product_attention_7" [label="(1, 12, 197, 64)", style=solid]; +"364 view_61" -> "365 scaled_dot_product_attention_7" [label="(1, 12, 197, 64)", style=solid]; +"365 scaled_dot_product_attention_7" -> "366 permute_8" [label="(1, 12, 197, 64)", style=solid]; +"366 permute_8" -> "367 view_62" [label="(197, 1, 12, 64)", style=solid]; +"367 view_62" -> "370 linear_29" [label="(197, 768)", style=solid]; +"368 _param_constant92" -> "370 linear_29" [label="(768, 768)", style=solid]; +"369 _param_constant93" -> "370 linear_29" [label="(768,)", style=solid]; +"370 linear_29" -> "371 view_63" [label="(197, 768)", style=solid]; +"371 view_63" -> "372 transpose_47" [label="(197, 1, 768)", style=solid]; +"372 transpose_47" -> "373 dropout_22" [label="(1, 197, 768)", style=solid]; +"373 dropout_22" -> "374 add_15" [label="(1, 197, 768)", style=solid]; +"374 add_15" -> "377 layer_norm_15" [label="(1, 197, 768)", style=solid]; +"374 add_15" -> "387 add_16" [label="(1, 197, 768)", style=solid]; +"375 _param_constant94" -> "377 layer_norm_15" [label="(768,)", style=solid]; +"376 _param_constant95" -> "377 layer_norm_15" [label="(768,)", style=solid]; +"377 layer_norm_15" -> "380 linear_30" [label="(1, 197, 768)", style=solid]; +"378 _param_constant96" -> "380 linear_30" [label="(3072, 768)", style=solid]; +"379 _param_constant97" -> "380 linear_30" [label="(3072,)", style=solid]; +"380 linear_30" -> "381 gelu_7" [label="(1, 197, 3072)", style=solid]; +"381 gelu_7" -> "382 dropout_23" [label="(1, 197, 3072)", style=solid]; +"382 dropout_23" -> "385 linear_31" [label="(1, 197, 3072)", style=solid]; +"383 _param_constant98" -> "385 linear_31" [label="(768, 3072)", style=solid]; +"384 _param_constant99" -> "385 linear_31" [label="(768,)", style=solid]; +"385 linear_31" -> "386 dropout_24" [label="(1, 197, 768)", style=solid]; +"386 dropout_24" -> "387 add_16" [label="(1, 197, 768)", style=solid]; +"387 add_16" -> "390 layer_norm_16" [label="(1, 197, 768)", style=solid]; +"387 add_16" -> "421 add_17" [label="(1, 197, 768)", style=solid]; +"388 _param_constant100" -> "390 layer_norm_16" [label="(768,)", style=solid]; +"389 _param_constant101" -> "390 layer_norm_16" [label="(768,)", style=solid]; +"390 layer_norm_16" -> "391 transpose_48" [label="(1, 197, 768)", style=solid]; +"391 transpose_48" -> "394 linear_32" [label="(197, 1, 768)", style=solid]; +"392 _param_constant102" -> "394 linear_32" [label="(2304, 768)", style=solid]; +"393 _param_constant103" -> "394 linear_32" [label="(2304,)", style=solid]; +"394 linear_32" -> "395 unflatten_8" [label="(197, 1, 2304)", style=solid]; +"395 unflatten_8" -> "396 unsqueeze_8" [label="(197, 1, 3, 768)", style=solid]; +"396 unsqueeze_8" -> "397 transpose_49" [label="(1, 197, 1, 3, 768)", style=solid]; +"397 transpose_49" -> "398 squeeze_8" [label="(3, 197, 1, 1, 768)", style=solid]; +"398 squeeze_8" -> "399 contiguous_8" [label="(3, 197, 1, 768)", style=solid]; +"399 contiguous_8" -> "400 select_24" [label="(3, 197, 1, 768)", style=solid]; +"399 contiguous_8" -> "401 select_25" [label="(3, 197, 1, 768)", style=solid]; +"399 contiguous_8" -> "402 select_26" [label="(3, 197, 1, 768)", style=solid]; +"400 select_24" -> "403 view_64" [label="(197, 1, 768)", style=solid]; +"401 select_25" -> "405 view_65" [label="(197, 1, 768)", style=solid]; +"402 select_26" -> "407 view_66" [label="(197, 1, 768)", style=solid]; +"403 view_64" -> "404 transpose_50" [label="(197, 12, 64)", style=solid]; +"404 transpose_50" -> "409 view_67" [label="(12, 197, 64)", style=solid]; +"405 view_65" -> "406 transpose_51" [label="(197, 12, 64)", style=solid]; +"406 transpose_51" -> "410 view_68" [label="(12, 197, 64)", style=solid]; +"407 view_66" -> "408 transpose_52" [label="(197, 12, 64)", style=solid]; +"408 transpose_52" -> "411 view_69" [label="(12, 197, 64)", style=solid]; +"409 view_67" -> "412 scaled_dot_product_attention_8" [label="(1, 12, 197, 64)", style=solid]; +"410 view_68" -> "412 scaled_dot_product_attention_8" [label="(1, 12, 197, 64)", style=solid]; +"411 view_69" -> "412 scaled_dot_product_attention_8" [label="(1, 12, 197, 64)", style=solid]; +"412 scaled_dot_product_attention_8" -> "413 permute_9" [label="(1, 12, 197, 64)", style=solid]; +"413 permute_9" -> "414 view_70" [label="(197, 1, 12, 64)", style=solid]; +"414 view_70" -> "417 linear_33" [label="(197, 768)", style=solid]; +"415 _param_constant104" -> "417 linear_33" [label="(768, 768)", style=solid]; +"416 _param_constant105" -> "417 linear_33" [label="(768,)", style=solid]; +"417 linear_33" -> "418 view_71" [label="(197, 768)", style=solid]; +"418 view_71" -> "419 transpose_53" [label="(197, 1, 768)", style=solid]; +"419 transpose_53" -> "420 dropout_25" [label="(1, 197, 768)", style=solid]; +"420 dropout_25" -> "421 add_17" [label="(1, 197, 768)", style=solid]; +"421 add_17" -> "424 layer_norm_17" [label="(1, 197, 768)", style=solid]; +"421 add_17" -> "434 add_18" [label="(1, 197, 768)", style=solid]; +"422 _param_constant106" -> "424 layer_norm_17" [label="(768,)", style=solid]; +"423 _param_constant107" -> "424 layer_norm_17" [label="(768,)", style=solid]; +"424 layer_norm_17" -> "427 linear_34" [label="(1, 197, 768)", style=solid]; +"425 _param_constant108" -> "427 linear_34" [label="(3072, 768)", style=solid]; +"426 _param_constant109" -> "427 linear_34" [label="(3072,)", style=solid]; +"427 linear_34" -> "428 gelu_8" [label="(1, 197, 3072)", style=solid]; +"428 gelu_8" -> "429 dropout_26" [label="(1, 197, 3072)", style=solid]; +"429 dropout_26" -> "432 linear_35" [label="(1, 197, 3072)", style=solid]; +"430 _param_constant110" -> "432 linear_35" [label="(768, 3072)", style=solid]; +"431 _param_constant111" -> "432 linear_35" [label="(768,)", style=solid]; +"432 linear_35" -> "433 dropout_27" [label="(1, 197, 768)", style=solid]; +"433 dropout_27" -> "434 add_18" [label="(1, 197, 768)", style=solid]; +"434 add_18" -> "437 layer_norm_18" [label="(1, 197, 768)", style=solid]; +"434 add_18" -> "468 add_19" [label="(1, 197, 768)", style=solid]; +"435 _param_constant112" -> "437 layer_norm_18" [label="(768,)", style=solid]; +"436 _param_constant113" -> "437 layer_norm_18" [label="(768,)", style=solid]; +"437 layer_norm_18" -> "438 transpose_54" [label="(1, 197, 768)", style=solid]; +"438 transpose_54" -> "441 linear_36" [label="(197, 1, 768)", style=solid]; +"439 _param_constant114" -> "441 linear_36" [label="(2304, 768)", style=solid]; +"440 _param_constant115" -> "441 linear_36" [label="(2304,)", style=solid]; +"441 linear_36" -> "442 unflatten_9" [label="(197, 1, 2304)", style=solid]; +"442 unflatten_9" -> "443 unsqueeze_9" [label="(197, 1, 3, 768)", style=solid]; +"443 unsqueeze_9" -> "444 transpose_55" [label="(1, 197, 1, 3, 768)", style=solid]; +"444 transpose_55" -> "445 squeeze_9" [label="(3, 197, 1, 1, 768)", style=solid]; +"445 squeeze_9" -> "446 contiguous_9" [label="(3, 197, 1, 768)", style=solid]; +"446 contiguous_9" -> "447 select_27" [label="(3, 197, 1, 768)", style=solid]; +"446 contiguous_9" -> "448 select_28" [label="(3, 197, 1, 768)", style=solid]; +"446 contiguous_9" -> "449 select_29" [label="(3, 197, 1, 768)", style=solid]; +"447 select_27" -> "450 view_72" [label="(197, 1, 768)", style=solid]; +"448 select_28" -> "452 view_73" [label="(197, 1, 768)", style=solid]; +"449 select_29" -> "454 view_74" [label="(197, 1, 768)", style=solid]; +"450 view_72" -> "451 transpose_56" [label="(197, 12, 64)", style=solid]; +"451 transpose_56" -> "456 view_75" [label="(12, 197, 64)", style=solid]; +"452 view_73" -> "453 transpose_57" [label="(197, 12, 64)", style=solid]; +"453 transpose_57" -> "457 view_76" [label="(12, 197, 64)", style=solid]; +"454 view_74" -> "455 transpose_58" [label="(197, 12, 64)", style=solid]; +"455 transpose_58" -> "458 view_77" [label="(12, 197, 64)", style=solid]; +"456 view_75" -> "459 scaled_dot_product_attention_9" [label="(1, 12, 197, 64)", style=solid]; +"457 view_76" -> "459 scaled_dot_product_attention_9" [label="(1, 12, 197, 64)", style=solid]; +"458 view_77" -> "459 scaled_dot_product_attention_9" [label="(1, 12, 197, 64)", style=solid]; +"459 scaled_dot_product_attention_9" -> "460 permute_10" [label="(1, 12, 197, 64)", style=solid]; +"460 permute_10" -> "461 view_78" [label="(197, 1, 12, 64)", style=solid]; +"461 view_78" -> "464 linear_37" [label="(197, 768)", style=solid]; +"462 _param_constant116" -> "464 linear_37" [label="(768, 768)", style=solid]; +"463 _param_constant117" -> "464 linear_37" [label="(768,)", style=solid]; +"464 linear_37" -> "465 view_79" [label="(197, 768)", style=solid]; +"465 view_79" -> "466 transpose_59" [label="(197, 1, 768)", style=solid]; +"466 transpose_59" -> "467 dropout_28" [label="(1, 197, 768)", style=solid]; +"467 dropout_28" -> "468 add_19" [label="(1, 197, 768)", style=solid]; +"468 add_19" -> "471 layer_norm_19" [label="(1, 197, 768)", style=solid]; +"468 add_19" -> "481 add_20" [label="(1, 197, 768)", style=solid]; +"469 _param_constant118" -> "471 layer_norm_19" [label="(768,)", style=solid]; +"470 _param_constant119" -> "471 layer_norm_19" [label="(768,)", style=solid]; +"471 layer_norm_19" -> "474 linear_38" [label="(1, 197, 768)", style=solid]; +"472 _param_constant120" -> "474 linear_38" [label="(3072, 768)", style=solid]; +"473 _param_constant121" -> "474 linear_38" [label="(3072,)", style=solid]; +"474 linear_38" -> "475 gelu_9" [label="(1, 197, 3072)", style=solid]; +"475 gelu_9" -> "476 dropout_29" [label="(1, 197, 3072)", style=solid]; +"476 dropout_29" -> "479 linear_39" [label="(1, 197, 3072)", style=solid]; +"477 _param_constant122" -> "479 linear_39" [label="(768, 3072)", style=solid]; +"478 _param_constant123" -> "479 linear_39" [label="(768,)", style=solid]; +"479 linear_39" -> "480 dropout_30" [label="(1, 197, 768)", style=solid]; +"480 dropout_30" -> "481 add_20" [label="(1, 197, 768)", style=solid]; +"481 add_20" -> "484 layer_norm_20" [label="(1, 197, 768)", style=solid]; +"481 add_20" -> "515 add_21" [label="(1, 197, 768)", style=solid]; +"482 _param_constant124" -> "484 layer_norm_20" [label="(768,)", style=solid]; +"483 _param_constant125" -> "484 layer_norm_20" [label="(768,)", style=solid]; +"484 layer_norm_20" -> "485 transpose_60" [label="(1, 197, 768)", style=solid]; +"485 transpose_60" -> "488 linear_40" [label="(197, 1, 768)", style=solid]; +"486 _param_constant126" -> "488 linear_40" [label="(2304, 768)", style=solid]; +"487 _param_constant127" -> "488 linear_40" [label="(2304,)", style=solid]; +"488 linear_40" -> "489 unflatten_10" [label="(197, 1, 2304)", style=solid]; +"489 unflatten_10" -> "490 unsqueeze_10" [label="(197, 1, 3, 768)", style=solid]; +"490 unsqueeze_10" -> "491 transpose_61" [label="(1, 197, 1, 3, 768)", style=solid]; +"491 transpose_61" -> "492 squeeze_10" [label="(3, 197, 1, 1, 768)", style=solid]; +"492 squeeze_10" -> "493 contiguous_10" [label="(3, 197, 1, 768)", style=solid]; +"493 contiguous_10" -> "494 select_30" [label="(3, 197, 1, 768)", style=solid]; +"493 contiguous_10" -> "495 select_31" [label="(3, 197, 1, 768)", style=solid]; +"493 contiguous_10" -> "496 select_32" [label="(3, 197, 1, 768)", style=solid]; +"494 select_30" -> "497 view_80" [label="(197, 1, 768)", style=solid]; +"495 select_31" -> "499 view_81" [label="(197, 1, 768)", style=solid]; +"496 select_32" -> "501 view_82" [label="(197, 1, 768)", style=solid]; +"497 view_80" -> "498 transpose_62" [label="(197, 12, 64)", style=solid]; +"498 transpose_62" -> "503 view_83" [label="(12, 197, 64)", style=solid]; +"499 view_81" -> "500 transpose_63" [label="(197, 12, 64)", style=solid]; +"500 transpose_63" -> "504 view_84" [label="(12, 197, 64)", style=solid]; +"501 view_82" -> "502 transpose_64" [label="(197, 12, 64)", style=solid]; +"502 transpose_64" -> "505 view_85" [label="(12, 197, 64)", style=solid]; +"503 view_83" -> "506 scaled_dot_product_attention_10" [label="(1, 12, 197, 64)", style=solid]; +"504 view_84" -> "506 scaled_dot_product_attention_10" [label="(1, 12, 197, 64)", style=solid]; +"505 view_85" -> "506 scaled_dot_product_attention_10" [label="(1, 12, 197, 64)", style=solid]; +"506 scaled_dot_product_attention_10" -> "507 permute_11" [label="(1, 12, 197, 64)", style=solid]; +"507 permute_11" -> "508 view_86" [label="(197, 1, 12, 64)", style=solid]; +"508 view_86" -> "511 linear_41" [label="(197, 768)", style=solid]; +"509 _param_constant128" -> "511 linear_41" [label="(768, 768)", style=solid]; +"510 _param_constant129" -> "511 linear_41" [label="(768,)", style=solid]; +"511 linear_41" -> "512 view_87" [label="(197, 768)", style=solid]; +"512 view_87" -> "513 transpose_65" [label="(197, 1, 768)", style=solid]; +"513 transpose_65" -> "514 dropout_31" [label="(1, 197, 768)", style=solid]; +"514 dropout_31" -> "515 add_21" [label="(1, 197, 768)", style=solid]; +"515 add_21" -> "518 layer_norm_21" [label="(1, 197, 768)", style=solid]; +"515 add_21" -> "528 add_22" [label="(1, 197, 768)", style=solid]; +"516 _param_constant130" -> "518 layer_norm_21" [label="(768,)", style=solid]; +"517 _param_constant131" -> "518 layer_norm_21" [label="(768,)", style=solid]; +"518 layer_norm_21" -> "521 linear_42" [label="(1, 197, 768)", style=solid]; +"519 _param_constant132" -> "521 linear_42" [label="(3072, 768)", style=solid]; +"520 _param_constant133" -> "521 linear_42" [label="(3072,)", style=solid]; +"521 linear_42" -> "522 gelu_10" [label="(1, 197, 3072)", style=solid]; +"522 gelu_10" -> "523 dropout_32" [label="(1, 197, 3072)", style=solid]; +"523 dropout_32" -> "526 linear_43" [label="(1, 197, 3072)", style=solid]; +"524 _param_constant134" -> "526 linear_43" [label="(768, 3072)", style=solid]; +"525 _param_constant135" -> "526 linear_43" [label="(768,)", style=solid]; +"526 linear_43" -> "527 dropout_33" [label="(1, 197, 768)", style=solid]; +"527 dropout_33" -> "528 add_22" [label="(1, 197, 768)", style=solid]; +"528 add_22" -> "531 layer_norm_22" [label="(1, 197, 768)", style=solid]; +"528 add_22" -> "562 add_23" [label="(1, 197, 768)", style=solid]; +"529 _param_constant136" -> "531 layer_norm_22" [label="(768,)", style=solid]; +"530 _param_constant137" -> "531 layer_norm_22" [label="(768,)", style=solid]; +"531 layer_norm_22" -> "532 transpose_66" [label="(1, 197, 768)", style=solid]; +"532 transpose_66" -> "535 linear_44" [label="(197, 1, 768)", style=solid]; +"533 _param_constant138" -> "535 linear_44" [label="(2304, 768)", style=solid]; +"534 _param_constant139" -> "535 linear_44" [label="(2304,)", style=solid]; +"535 linear_44" -> "536 unflatten_11" [label="(197, 1, 2304)", style=solid]; +"536 unflatten_11" -> "537 unsqueeze_11" [label="(197, 1, 3, 768)", style=solid]; +"537 unsqueeze_11" -> "538 transpose_67" [label="(1, 197, 1, 3, 768)", style=solid]; +"538 transpose_67" -> "539 squeeze_11" [label="(3, 197, 1, 1, 768)", style=solid]; +"539 squeeze_11" -> "540 contiguous_11" [label="(3, 197, 1, 768)", style=solid]; +"540 contiguous_11" -> "541 select_33" [label="(3, 197, 1, 768)", style=solid]; +"540 contiguous_11" -> "542 select_34" [label="(3, 197, 1, 768)", style=solid]; +"540 contiguous_11" -> "543 select_35" [label="(3, 197, 1, 768)", style=solid]; +"541 select_33" -> "544 view_88" [label="(197, 1, 768)", style=solid]; +"542 select_34" -> "546 view_89" [label="(197, 1, 768)", style=solid]; +"543 select_35" -> "548 view_90" [label="(197, 1, 768)", style=solid]; +"544 view_88" -> "545 transpose_68" [label="(197, 12, 64)", style=solid]; +"545 transpose_68" -> "550 view_91" [label="(12, 197, 64)", style=solid]; +"546 view_89" -> "547 transpose_69" [label="(197, 12, 64)", style=solid]; +"547 transpose_69" -> "551 view_92" [label="(12, 197, 64)", style=solid]; +"548 view_90" -> "549 transpose_70" [label="(197, 12, 64)", style=solid]; +"549 transpose_70" -> "552 view_93" [label="(12, 197, 64)", style=solid]; +"550 view_91" -> "553 scaled_dot_product_attention_11" [label="(1, 12, 197, 64)", style=solid]; +"551 view_92" -> "553 scaled_dot_product_attention_11" [label="(1, 12, 197, 64)", style=solid]; +"552 view_93" -> "553 scaled_dot_product_attention_11" [label="(1, 12, 197, 64)", style=solid]; +"553 scaled_dot_product_attention_11" -> "554 permute_12" [label="(1, 12, 197, 64)", style=solid]; +"554 permute_12" -> "555 view_94" [label="(197, 1, 12, 64)", style=solid]; +"555 view_94" -> "558 linear_45" [label="(197, 768)", style=solid]; +"556 _param_constant140" -> "558 linear_45" [label="(768, 768)", style=solid]; +"557 _param_constant141" -> "558 linear_45" [label="(768,)", style=solid]; +"558 linear_45" -> "559 view_95" [label="(197, 768)", style=solid]; +"559 view_95" -> "560 transpose_71" [label="(197, 1, 768)", style=solid]; +"560 transpose_71" -> "561 dropout_34" [label="(1, 197, 768)", style=solid]; +"561 dropout_34" -> "562 add_23" [label="(1, 197, 768)", style=solid]; +"562 add_23" -> "565 layer_norm_23" [label="(1, 197, 768)", style=solid]; +"562 add_23" -> "575 add_24" [label="(1, 197, 768)", style=solid]; +"563 _param_constant142" -> "565 layer_norm_23" [label="(768,)", style=solid]; +"564 _param_constant143" -> "565 layer_norm_23" [label="(768,)", style=solid]; +"565 layer_norm_23" -> "568 linear_46" [label="(1, 197, 768)", style=solid]; +"566 _param_constant144" -> "568 linear_46" [label="(3072, 768)", style=solid]; +"567 _param_constant145" -> "568 linear_46" [label="(3072,)", style=solid]; +"568 linear_46" -> "569 gelu_11" [label="(1, 197, 3072)", style=solid]; +"569 gelu_11" -> "570 dropout_35" [label="(1, 197, 3072)", style=solid]; +"570 dropout_35" -> "573 linear_47" [label="(1, 197, 3072)", style=solid]; +"571 _param_constant146" -> "573 linear_47" [label="(768, 3072)", style=solid]; +"572 _param_constant147" -> "573 linear_47" [label="(768,)", style=solid]; +"573 linear_47" -> "574 dropout_36" [label="(1, 197, 768)", style=solid]; +"574 dropout_36" -> "575 add_24" [label="(1, 197, 768)", style=solid]; +"575 add_24" -> "578 layer_norm_24" [label="(1, 197, 768)", style=solid]; +"576 _param_constant148" -> "578 layer_norm_24" [label="(768,)", style=solid]; +"577 _param_constant149" -> "578 layer_norm_24" [label="(768,)", style=solid]; +"578 layer_norm_24" -> "579 slice_1" [label="(1, 197, 768)", style=solid]; +"579 slice_1" -> "580 select_36" [label="(1, 197, 768)", style=solid]; +"580 select_36" -> "583 linear_48" [label="(1, 768)", style=solid]; +"581 _param_constant150" -> "583 linear_48" [label="(1000, 768)", style=solid]; +"582 _param_constant151" -> "583 linear_48" [label="(1000,)", style=solid]; +"583 linear_48" -> "584 output" [label="(1, 1000)", style=solid]; +} diff --git a/tests/torch/data/fx/reference_graphs/quantized_graphs/mobilenet_v3_small.dot b/tests/torch/data/fx/reference_graphs/quantized_graphs/mobilenet_v3_small.dot new file mode 100644 index 00000000000..b4aa19e6b41 --- /dev/null +++ b/tests/torch/data/fx/reference_graphs/quantized_graphs/mobilenet_v3_small.dot @@ -0,0 +1,1182 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 quantize_per_tensor_default" [id=1, type=quantize_per_tensor]; +"2 dequantize_per_tensor_default" [id=2, type=dequantize_per_tensor]; +"3 _param_constant0" [id=3, type=get_attr]; +"4 conv2d_scale_0" [id=4, type=get_attr]; +"5 conv2d_zero_point_0" [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 features_0_0_weight_bias_0_0" [id=8, type=get_attr]; +"9 conv2d" [id=9, type=conv2d]; +"10 hardswish__scale_0" [id=10, type=get_attr]; +"11 hardswish__zero_point_0" [id=11, type=get_attr]; +"12 hardswish_" [id=12, type=hardswish_]; +"13 quantize_per_channel_default_1" [id=13, type=quantize_per_channel]; +"14 dequantize_per_channel_default_1" [id=14, type=dequantize_per_channel]; +"15 _param_constant3" [id=15, type=get_attr]; +"16 conv2d_1_scale_0" [id=16, type=get_attr]; +"17 conv2d_1_zero_point_0" [id=17, type=get_attr]; +"18 quantize_per_channel_default_2" [id=18, type=quantize_per_channel]; +"19 dequantize_per_channel_default_2" [id=19, type=dequantize_per_channel]; +"20 features_1_block_0_0_weight_bias_0_0" [id=20, type=get_attr]; +"21 conv2d_1" [id=21, type=conv2d]; +"22 relu_" [id=22, type=relu_]; +"23 quantize_per_tensor_default_1" [id=23, type=quantize_per_tensor]; +"24 dequantize_per_tensor_default_2" [id=24, type=dequantize_per_tensor]; +"25 dequantize_per_tensor_default_1" [id=25, type=dequantize_per_tensor]; +"26 adaptive_avg_pool2d" [id=26, type=adaptive_avg_pool2d]; +"27 _param_constant6" [id=27, type=get_attr]; +"28 _param_constant7_0_0" [id=28, type=get_attr]; +"29 conv2d_2" [id=29, type=conv2d]; +"30 relu" [id=30, type=relu]; +"31 _param_constant8" [id=31, type=get_attr]; +"32 _param_constant9_0_0" [id=32, type=get_attr]; +"33 conv2d_3" [id=33, type=conv2d]; +"34 hardsigmoid" [id=34, type=hardsigmoid]; +"35 quantize_per_tensor_default_2" [id=35, type=quantize_per_tensor]; +"36 dequantize_per_tensor_default_3" [id=36, type=dequantize_per_tensor]; +"37 mul" [id=37, type=mul]; +"38 quantize_per_tensor_default_3" [id=38, type=quantize_per_tensor]; +"39 dequantize_per_tensor_default_4" [id=39, type=dequantize_per_tensor]; +"40 _param_constant10" [id=40, type=get_attr]; +"41 conv2d_4_scale_0" [id=41, type=get_attr]; +"42 conv2d_4_zero_point_0" [id=42, type=get_attr]; +"43 quantize_per_channel_default_3" [id=43, type=quantize_per_channel]; +"44 dequantize_per_channel_default_3" [id=44, type=dequantize_per_channel]; +"45 features_1_block_2_0_weight_bias_0_0" [id=45, type=get_attr]; +"46 conv2d_4" [id=46, type=conv2d]; +"47 quantize_per_tensor_default_4" [id=47, type=quantize_per_tensor]; +"48 dequantize_per_tensor_default_5" [id=48, type=dequantize_per_tensor]; +"49 _param_constant13" [id=49, type=get_attr]; +"50 conv2d_5_scale_0" [id=50, type=get_attr]; +"51 conv2d_5_zero_point_0" [id=51, type=get_attr]; +"52 quantize_per_channel_default_4" [id=52, type=quantize_per_channel]; +"53 dequantize_per_channel_default_4" [id=53, type=dequantize_per_channel]; +"54 features_2_block_0_0_weight_bias_0_0" [id=54, type=get_attr]; +"55 conv2d_5" [id=55, type=conv2d]; +"56 relu__1_scale_0" [id=56, type=get_attr]; +"57 relu__1_zero_point_0" [id=57, type=get_attr]; +"58 relu__1" [id=58, type=relu_]; +"59 quantize_per_channel_default_5" [id=59, type=quantize_per_channel]; +"60 dequantize_per_channel_default_5" [id=60, type=dequantize_per_channel]; +"61 _param_constant16" [id=61, type=get_attr]; +"62 conv2d_6_scale_0" [id=62, type=get_attr]; +"63 conv2d_6_zero_point_0" [id=63, type=get_attr]; +"64 quantize_per_channel_default_6" [id=64, type=quantize_per_channel]; +"65 dequantize_per_channel_default_6" [id=65, type=dequantize_per_channel]; +"66 features_2_block_1_0_weight_bias_0_0" [id=66, type=get_attr]; +"67 conv2d_6" [id=67, type=conv2d]; +"68 relu__2" [id=68, type=relu_]; +"69 quantize_per_tensor_default_5" [id=69, type=quantize_per_tensor]; +"70 dequantize_per_tensor_default_6" [id=70, type=dequantize_per_tensor]; +"71 _param_constant19" [id=71, type=get_attr]; +"72 conv2d_7_scale_0" [id=72, type=get_attr]; +"73 conv2d_7_zero_point_0" [id=73, type=get_attr]; +"74 quantize_per_channel_default_7" [id=74, type=quantize_per_channel]; +"75 dequantize_per_channel_default_7" [id=75, type=dequantize_per_channel]; +"76 features_2_block_2_0_weight_bias_0_0" [id=76, type=get_attr]; +"77 conv2d_7" [id=77, type=conv2d]; +"78 quantize_per_tensor_default_6" [id=78, type=quantize_per_tensor]; +"79 dequantize_per_tensor_default_8" [id=79, type=dequantize_per_tensor]; +"80 dequantize_per_tensor_default_7" [id=80, type=dequantize_per_tensor]; +"81 _param_constant22" [id=81, type=get_attr]; +"82 conv2d_8_scale_0" [id=82, type=get_attr]; +"83 conv2d_8_zero_point_0" [id=83, type=get_attr]; +"84 quantize_per_channel_default_8" [id=84, type=quantize_per_channel]; +"85 dequantize_per_channel_default_8" [id=85, type=dequantize_per_channel]; +"86 features_3_block_0_0_weight_bias_0_0" [id=86, type=get_attr]; +"87 conv2d_8" [id=87, type=conv2d]; +"88 relu__3_scale_0" [id=88, type=get_attr]; +"89 relu__3_zero_point_0" [id=89, type=get_attr]; +"90 relu__3" [id=90, type=relu_]; +"91 quantize_per_channel_default_9" [id=91, type=quantize_per_channel]; +"92 dequantize_per_channel_default_9" [id=92, type=dequantize_per_channel]; +"93 _param_constant25" [id=93, type=get_attr]; +"94 conv2d_9_scale_0" [id=94, type=get_attr]; +"95 conv2d_9_zero_point_0" [id=95, type=get_attr]; +"96 quantize_per_channel_default_10" [id=96, type=quantize_per_channel]; +"97 dequantize_per_channel_default_10" [id=97, type=dequantize_per_channel]; +"98 features_3_block_1_0_weight_bias_0_0" [id=98, type=get_attr]; +"99 conv2d_9" [id=99, type=conv2d]; +"100 relu__4" [id=100, type=relu_]; +"101 quantize_per_tensor_default_7" [id=101, type=quantize_per_tensor]; +"102 dequantize_per_tensor_default_9" [id=102, type=dequantize_per_tensor]; +"103 _param_constant28" [id=103, type=get_attr]; +"104 conv2d_10_scale_0" [id=104, type=get_attr]; +"105 conv2d_10_zero_point_0" [id=105, type=get_attr]; +"106 quantize_per_channel_default_11" [id=106, type=quantize_per_channel]; +"107 dequantize_per_channel_default_11" [id=107, type=dequantize_per_channel]; +"108 features_3_block_2_0_weight_bias_0_0" [id=108, type=get_attr]; +"109 conv2d_10" [id=109, type=conv2d]; +"110 quantize_per_tensor_default_8" [id=110, type=quantize_per_tensor]; +"111 dequantize_per_tensor_default_10" [id=111, type=dequantize_per_tensor]; +"112 add_" [id=112, type=add_]; +"113 quantize_per_tensor_default_9" [id=113, type=quantize_per_tensor]; +"114 dequantize_per_tensor_default_11" [id=114, type=dequantize_per_tensor]; +"115 _param_constant31" [id=115, type=get_attr]; +"116 conv2d_11_scale_0" [id=116, type=get_attr]; +"117 conv2d_11_zero_point_0" [id=117, type=get_attr]; +"118 quantize_per_channel_default_12" [id=118, type=quantize_per_channel]; +"119 dequantize_per_channel_default_12" [id=119, type=dequantize_per_channel]; +"120 features_4_block_0_0_weight_bias_0_0" [id=120, type=get_attr]; +"121 conv2d_11" [id=121, type=conv2d]; +"122 hardswish__1_scale_0" [id=122, type=get_attr]; +"123 hardswish__1_zero_point_0" [id=123, type=get_attr]; +"124 hardswish__1" [id=124, type=hardswish_]; +"125 quantize_per_channel_default_13" [id=125, type=quantize_per_channel]; +"126 dequantize_per_channel_default_13" [id=126, type=dequantize_per_channel]; +"127 _param_constant34" [id=127, type=get_attr]; +"128 conv2d_12_scale_0" [id=128, type=get_attr]; +"129 conv2d_12_zero_point_0" [id=129, type=get_attr]; +"130 quantize_per_channel_default_14" [id=130, type=quantize_per_channel]; +"131 dequantize_per_channel_default_14" [id=131, type=dequantize_per_channel]; +"132 features_4_block_1_0_weight_bias_0_0" [id=132, type=get_attr]; +"133 conv2d_12" [id=133, type=conv2d]; +"134 hardswish__2" [id=134, type=hardswish_]; +"135 quantize_per_tensor_default_10" [id=135, type=quantize_per_tensor]; +"136 dequantize_per_tensor_default_13" [id=136, type=dequantize_per_tensor]; +"137 dequantize_per_tensor_default_12" [id=137, type=dequantize_per_tensor]; +"138 adaptive_avg_pool2d_1" [id=138, type=adaptive_avg_pool2d]; +"139 _param_constant37" [id=139, type=get_attr]; +"140 _param_constant38_0_0" [id=140, type=get_attr]; +"141 conv2d_13" [id=141, type=conv2d]; +"142 relu_1" [id=142, type=relu]; +"143 _param_constant39" [id=143, type=get_attr]; +"144 _param_constant40_0_0" [id=144, type=get_attr]; +"145 conv2d_14" [id=145, type=conv2d]; +"146 hardsigmoid_1" [id=146, type=hardsigmoid]; +"147 quantize_per_tensor_default_11" [id=147, type=quantize_per_tensor]; +"148 dequantize_per_tensor_default_14" [id=148, type=dequantize_per_tensor]; +"149 mul_1" [id=149, type=mul]; +"150 quantize_per_tensor_default_12" [id=150, type=quantize_per_tensor]; +"151 dequantize_per_tensor_default_15" [id=151, type=dequantize_per_tensor]; +"152 _param_constant41" [id=152, type=get_attr]; +"153 conv2d_15_scale_0" [id=153, type=get_attr]; +"154 conv2d_15_zero_point_0" [id=154, type=get_attr]; +"155 quantize_per_channel_default_15" [id=155, type=quantize_per_channel]; +"156 dequantize_per_channel_default_15" [id=156, type=dequantize_per_channel]; +"157 features_4_block_3_0_weight_bias_0_0" [id=157, type=get_attr]; +"158 conv2d_15" [id=158, type=conv2d]; +"159 quantize_per_tensor_default_13" [id=159, type=quantize_per_tensor]; +"160 dequantize_per_tensor_default_17" [id=160, type=dequantize_per_tensor]; +"161 dequantize_per_tensor_default_16" [id=161, type=dequantize_per_tensor]; +"162 _param_constant44" [id=162, type=get_attr]; +"163 conv2d_16_scale_0" [id=163, type=get_attr]; +"164 conv2d_16_zero_point_0" [id=164, type=get_attr]; +"165 quantize_per_channel_default_16" [id=165, type=quantize_per_channel]; +"166 dequantize_per_channel_default_16" [id=166, type=dequantize_per_channel]; +"167 features_5_block_0_0_weight_bias_0_0" [id=167, type=get_attr]; +"168 conv2d_16" [id=168, type=conv2d]; +"169 hardswish__3_scale_0" [id=169, type=get_attr]; +"170 hardswish__3_zero_point_0" [id=170, type=get_attr]; +"171 hardswish__3" [id=171, type=hardswish_]; +"172 quantize_per_channel_default_17" [id=172, type=quantize_per_channel]; +"173 dequantize_per_channel_default_17" [id=173, type=dequantize_per_channel]; +"174 _param_constant47" [id=174, type=get_attr]; +"175 conv2d_17_scale_0" [id=175, type=get_attr]; +"176 conv2d_17_zero_point_0" [id=176, type=get_attr]; +"177 quantize_per_channel_default_18" [id=177, type=quantize_per_channel]; +"178 dequantize_per_channel_default_18" [id=178, type=dequantize_per_channel]; +"179 features_5_block_1_0_weight_bias_0_0" [id=179, type=get_attr]; +"180 conv2d_17" [id=180, type=conv2d]; +"181 hardswish__4" [id=181, type=hardswish_]; +"182 quantize_per_tensor_default_14" [id=182, type=quantize_per_tensor]; +"183 dequantize_per_tensor_default_19" [id=183, type=dequantize_per_tensor]; +"184 dequantize_per_tensor_default_18" [id=184, type=dequantize_per_tensor]; +"185 adaptive_avg_pool2d_2" [id=185, type=adaptive_avg_pool2d]; +"186 _param_constant50" [id=186, type=get_attr]; +"187 _param_constant51_0_0" [id=187, type=get_attr]; +"188 conv2d_18" [id=188, type=conv2d]; +"189 relu_2" [id=189, type=relu]; +"190 _param_constant52" [id=190, type=get_attr]; +"191 _param_constant53_0_0" [id=191, type=get_attr]; +"192 conv2d_19" [id=192, type=conv2d]; +"193 hardsigmoid_2" [id=193, type=hardsigmoid]; +"194 quantize_per_tensor_default_15" [id=194, type=quantize_per_tensor]; +"195 dequantize_per_tensor_default_20" [id=195, type=dequantize_per_tensor]; +"196 mul_2" [id=196, type=mul]; +"197 quantize_per_tensor_default_16" [id=197, type=quantize_per_tensor]; +"198 dequantize_per_tensor_default_21" [id=198, type=dequantize_per_tensor]; +"199 _param_constant54" [id=199, type=get_attr]; +"200 conv2d_20_scale_0" [id=200, type=get_attr]; +"201 conv2d_20_zero_point_0" [id=201, type=get_attr]; +"202 quantize_per_channel_default_19" [id=202, type=quantize_per_channel]; +"203 dequantize_per_channel_default_19" [id=203, type=dequantize_per_channel]; +"204 features_5_block_3_0_weight_bias_0_0" [id=204, type=get_attr]; +"205 conv2d_20" [id=205, type=conv2d]; +"206 quantize_per_tensor_default_17" [id=206, type=quantize_per_tensor]; +"207 dequantize_per_tensor_default_22" [id=207, type=dequantize_per_tensor]; +"208 add__1" [id=208, type=add_]; +"209 quantize_per_tensor_default_18" [id=209, type=quantize_per_tensor]; +"210 dequantize_per_tensor_default_24" [id=210, type=dequantize_per_tensor]; +"211 dequantize_per_tensor_default_23" [id=211, type=dequantize_per_tensor]; +"212 _param_constant57" [id=212, type=get_attr]; +"213 conv2d_21_scale_0" [id=213, type=get_attr]; +"214 conv2d_21_zero_point_0" [id=214, type=get_attr]; +"215 quantize_per_channel_default_20" [id=215, type=quantize_per_channel]; +"216 dequantize_per_channel_default_20" [id=216, type=dequantize_per_channel]; +"217 features_6_block_0_0_weight_bias_0_0" [id=217, type=get_attr]; +"218 conv2d_21" [id=218, type=conv2d]; +"219 hardswish__5_scale_0" [id=219, type=get_attr]; +"220 hardswish__5_zero_point_0" [id=220, type=get_attr]; +"221 hardswish__5" [id=221, type=hardswish_]; +"222 quantize_per_channel_default_21" [id=222, type=quantize_per_channel]; +"223 dequantize_per_channel_default_21" [id=223, type=dequantize_per_channel]; +"224 _param_constant60" [id=224, type=get_attr]; +"225 conv2d_22_scale_0" [id=225, type=get_attr]; +"226 conv2d_22_zero_point_0" [id=226, type=get_attr]; +"227 quantize_per_channel_default_22" [id=227, type=quantize_per_channel]; +"228 dequantize_per_channel_default_22" [id=228, type=dequantize_per_channel]; +"229 features_6_block_1_0_weight_bias_0_0" [id=229, type=get_attr]; +"230 conv2d_22" [id=230, type=conv2d]; +"231 hardswish__6" [id=231, type=hardswish_]; +"232 quantize_per_tensor_default_19" [id=232, type=quantize_per_tensor]; +"233 dequantize_per_tensor_default_26" [id=233, type=dequantize_per_tensor]; +"234 dequantize_per_tensor_default_25" [id=234, type=dequantize_per_tensor]; +"235 adaptive_avg_pool2d_3" [id=235, type=adaptive_avg_pool2d]; +"236 _param_constant63" [id=236, type=get_attr]; +"237 _param_constant64_0_0" [id=237, type=get_attr]; +"238 conv2d_23" [id=238, type=conv2d]; +"239 relu_3" [id=239, type=relu]; +"240 _param_constant65" [id=240, type=get_attr]; +"241 _param_constant66_0_0" [id=241, type=get_attr]; +"242 conv2d_24" [id=242, type=conv2d]; +"243 hardsigmoid_3" [id=243, type=hardsigmoid]; +"244 quantize_per_tensor_default_20" [id=244, type=quantize_per_tensor]; +"245 dequantize_per_tensor_default_27" [id=245, type=dequantize_per_tensor]; +"246 mul_3" [id=246, type=mul]; +"247 quantize_per_tensor_default_21" [id=247, type=quantize_per_tensor]; +"248 dequantize_per_tensor_default_28" [id=248, type=dequantize_per_tensor]; +"249 _param_constant67" [id=249, type=get_attr]; +"250 conv2d_25_scale_0" [id=250, type=get_attr]; +"251 conv2d_25_zero_point_0" [id=251, type=get_attr]; +"252 quantize_per_channel_default_23" [id=252, type=quantize_per_channel]; +"253 dequantize_per_channel_default_23" [id=253, type=dequantize_per_channel]; +"254 features_6_block_3_0_weight_bias_0_0" [id=254, type=get_attr]; +"255 conv2d_25" [id=255, type=conv2d]; +"256 quantize_per_tensor_default_22" [id=256, type=quantize_per_tensor]; +"257 dequantize_per_tensor_default_29" [id=257, type=dequantize_per_tensor]; +"258 add__2" [id=258, type=add_]; +"259 quantize_per_tensor_default_23" [id=259, type=quantize_per_tensor]; +"260 dequantize_per_tensor_default_30" [id=260, type=dequantize_per_tensor]; +"261 _param_constant70" [id=261, type=get_attr]; +"262 conv2d_26_scale_0" [id=262, type=get_attr]; +"263 conv2d_26_zero_point_0" [id=263, type=get_attr]; +"264 quantize_per_channel_default_24" [id=264, type=quantize_per_channel]; +"265 dequantize_per_channel_default_24" [id=265, type=dequantize_per_channel]; +"266 features_7_block_0_0_weight_bias_0_0" [id=266, type=get_attr]; +"267 conv2d_26" [id=267, type=conv2d]; +"268 hardswish__7_scale_0" [id=268, type=get_attr]; +"269 hardswish__7_zero_point_0" [id=269, type=get_attr]; +"270 hardswish__7" [id=270, type=hardswish_]; +"271 quantize_per_channel_default_25" [id=271, type=quantize_per_channel]; +"272 dequantize_per_channel_default_25" [id=272, type=dequantize_per_channel]; +"273 _param_constant73" [id=273, type=get_attr]; +"274 conv2d_27_scale_0" [id=274, type=get_attr]; +"275 conv2d_27_zero_point_0" [id=275, type=get_attr]; +"276 quantize_per_channel_default_26" [id=276, type=quantize_per_channel]; +"277 dequantize_per_channel_default_26" [id=277, type=dequantize_per_channel]; +"278 features_7_block_1_0_weight_bias_0_0" [id=278, type=get_attr]; +"279 conv2d_27" [id=279, type=conv2d]; +"280 hardswish__8" [id=280, type=hardswish_]; +"281 quantize_per_tensor_default_24" [id=281, type=quantize_per_tensor]; +"282 dequantize_per_tensor_default_32" [id=282, type=dequantize_per_tensor]; +"283 dequantize_per_tensor_default_31" [id=283, type=dequantize_per_tensor]; +"284 adaptive_avg_pool2d_4" [id=284, type=adaptive_avg_pool2d]; +"285 _param_constant76" [id=285, type=get_attr]; +"286 _param_constant77_0_0" [id=286, type=get_attr]; +"287 conv2d_28" [id=287, type=conv2d]; +"288 relu_4" [id=288, type=relu]; +"289 _param_constant78" [id=289, type=get_attr]; +"290 _param_constant79_0_0" [id=290, type=get_attr]; +"291 conv2d_29" [id=291, type=conv2d]; +"292 hardsigmoid_4" [id=292, type=hardsigmoid]; +"293 quantize_per_tensor_default_25" [id=293, type=quantize_per_tensor]; +"294 dequantize_per_tensor_default_33" [id=294, type=dequantize_per_tensor]; +"295 mul_4" [id=295, type=mul]; +"296 quantize_per_tensor_default_26" [id=296, type=quantize_per_tensor]; +"297 dequantize_per_tensor_default_34" [id=297, type=dequantize_per_tensor]; +"298 _param_constant80" [id=298, type=get_attr]; +"299 conv2d_30_scale_0" [id=299, type=get_attr]; +"300 conv2d_30_zero_point_0" [id=300, type=get_attr]; +"301 quantize_per_channel_default_27" [id=301, type=quantize_per_channel]; +"302 dequantize_per_channel_default_27" [id=302, type=dequantize_per_channel]; +"303 features_7_block_3_0_weight_bias_0_0" [id=303, type=get_attr]; +"304 conv2d_30" [id=304, type=conv2d]; +"305 quantize_per_tensor_default_27" [id=305, type=quantize_per_tensor]; +"306 dequantize_per_tensor_default_36" [id=306, type=dequantize_per_tensor]; +"307 dequantize_per_tensor_default_35" [id=307, type=dequantize_per_tensor]; +"308 _param_constant83" [id=308, type=get_attr]; +"309 conv2d_31_scale_0" [id=309, type=get_attr]; +"310 conv2d_31_zero_point_0" [id=310, type=get_attr]; +"311 quantize_per_channel_default_28" [id=311, type=quantize_per_channel]; +"312 dequantize_per_channel_default_28" [id=312, type=dequantize_per_channel]; +"313 features_8_block_0_0_weight_bias_0_0" [id=313, type=get_attr]; +"314 conv2d_31" [id=314, type=conv2d]; +"315 hardswish__9_scale_0" [id=315, type=get_attr]; +"316 hardswish__9_zero_point_0" [id=316, type=get_attr]; +"317 hardswish__9" [id=317, type=hardswish_]; +"318 quantize_per_channel_default_29" [id=318, type=quantize_per_channel]; +"319 dequantize_per_channel_default_29" [id=319, type=dequantize_per_channel]; +"320 _param_constant86" [id=320, type=get_attr]; +"321 conv2d_32_scale_0" [id=321, type=get_attr]; +"322 conv2d_32_zero_point_0" [id=322, type=get_attr]; +"323 quantize_per_channel_default_30" [id=323, type=quantize_per_channel]; +"324 dequantize_per_channel_default_30" [id=324, type=dequantize_per_channel]; +"325 features_8_block_1_0_weight_bias_0_0" [id=325, type=get_attr]; +"326 conv2d_32" [id=326, type=conv2d]; +"327 hardswish__10" [id=327, type=hardswish_]; +"328 quantize_per_tensor_default_28" [id=328, type=quantize_per_tensor]; +"329 dequantize_per_tensor_default_38" [id=329, type=dequantize_per_tensor]; +"330 dequantize_per_tensor_default_37" [id=330, type=dequantize_per_tensor]; +"331 adaptive_avg_pool2d_5" [id=331, type=adaptive_avg_pool2d]; +"332 _param_constant89" [id=332, type=get_attr]; +"333 _param_constant90_0_0" [id=333, type=get_attr]; +"334 conv2d_33" [id=334, type=conv2d]; +"335 relu_5" [id=335, type=relu]; +"336 _param_constant91" [id=336, type=get_attr]; +"337 _param_constant92_0_0" [id=337, type=get_attr]; +"338 conv2d_34" [id=338, type=conv2d]; +"339 hardsigmoid_5" [id=339, type=hardsigmoid]; +"340 quantize_per_tensor_default_29" [id=340, type=quantize_per_tensor]; +"341 dequantize_per_tensor_default_39" [id=341, type=dequantize_per_tensor]; +"342 mul_5" [id=342, type=mul]; +"343 quantize_per_tensor_default_30" [id=343, type=quantize_per_tensor]; +"344 dequantize_per_tensor_default_40" [id=344, type=dequantize_per_tensor]; +"345 _param_constant93" [id=345, type=get_attr]; +"346 conv2d_35_scale_0" [id=346, type=get_attr]; +"347 conv2d_35_zero_point_0" [id=347, type=get_attr]; +"348 quantize_per_channel_default_31" [id=348, type=quantize_per_channel]; +"349 dequantize_per_channel_default_31" [id=349, type=dequantize_per_channel]; +"350 features_8_block_3_0_weight_bias_0_0" [id=350, type=get_attr]; +"351 conv2d_35" [id=351, type=conv2d]; +"352 quantize_per_tensor_default_31" [id=352, type=quantize_per_tensor]; +"353 dequantize_per_tensor_default_41" [id=353, type=dequantize_per_tensor]; +"354 add__3" [id=354, type=add_]; +"355 quantize_per_tensor_default_32" [id=355, type=quantize_per_tensor]; +"356 dequantize_per_tensor_default_42" [id=356, type=dequantize_per_tensor]; +"357 _param_constant96" [id=357, type=get_attr]; +"358 conv2d_36_scale_0" [id=358, type=get_attr]; +"359 conv2d_36_zero_point_0" [id=359, type=get_attr]; +"360 quantize_per_channel_default_32" [id=360, type=quantize_per_channel]; +"361 dequantize_per_channel_default_32" [id=361, type=dequantize_per_channel]; +"362 features_9_block_0_0_weight_bias_0_0" [id=362, type=get_attr]; +"363 conv2d_36" [id=363, type=conv2d]; +"364 hardswish__11_scale_0" [id=364, type=get_attr]; +"365 hardswish__11_zero_point_0" [id=365, type=get_attr]; +"366 hardswish__11" [id=366, type=hardswish_]; +"367 quantize_per_channel_default_33" [id=367, type=quantize_per_channel]; +"368 dequantize_per_channel_default_33" [id=368, type=dequantize_per_channel]; +"369 _param_constant99" [id=369, type=get_attr]; +"370 conv2d_37_scale_0" [id=370, type=get_attr]; +"371 conv2d_37_zero_point_0" [id=371, type=get_attr]; +"372 quantize_per_channel_default_34" [id=372, type=quantize_per_channel]; +"373 dequantize_per_channel_default_34" [id=373, type=dequantize_per_channel]; +"374 features_9_block_1_0_weight_bias_0_0" [id=374, type=get_attr]; +"375 conv2d_37" [id=375, type=conv2d]; +"376 hardswish__12" [id=376, type=hardswish_]; +"377 quantize_per_tensor_default_33" [id=377, type=quantize_per_tensor]; +"378 dequantize_per_tensor_default_44" [id=378, type=dequantize_per_tensor]; +"379 dequantize_per_tensor_default_43" [id=379, type=dequantize_per_tensor]; +"380 adaptive_avg_pool2d_6" [id=380, type=adaptive_avg_pool2d]; +"381 _param_constant102" [id=381, type=get_attr]; +"382 _param_constant103_0_0" [id=382, type=get_attr]; +"383 conv2d_38" [id=383, type=conv2d]; +"384 relu_6" [id=384, type=relu]; +"385 _param_constant104" [id=385, type=get_attr]; +"386 _param_constant105_0_0" [id=386, type=get_attr]; +"387 conv2d_39" [id=387, type=conv2d]; +"388 hardsigmoid_6" [id=388, type=hardsigmoid]; +"389 quantize_per_tensor_default_34" [id=389, type=quantize_per_tensor]; +"390 dequantize_per_tensor_default_45" [id=390, type=dequantize_per_tensor]; +"391 mul_6" [id=391, type=mul]; +"392 quantize_per_tensor_default_35" [id=392, type=quantize_per_tensor]; +"393 dequantize_per_tensor_default_46" [id=393, type=dequantize_per_tensor]; +"394 _param_constant106" [id=394, type=get_attr]; +"395 conv2d_40_scale_0" [id=395, type=get_attr]; +"396 conv2d_40_zero_point_0" [id=396, type=get_attr]; +"397 quantize_per_channel_default_35" [id=397, type=quantize_per_channel]; +"398 dequantize_per_channel_default_35" [id=398, type=dequantize_per_channel]; +"399 features_9_block_3_0_weight_bias_0_0" [id=399, type=get_attr]; +"400 conv2d_40" [id=400, type=conv2d]; +"401 quantize_per_tensor_default_36" [id=401, type=quantize_per_tensor]; +"402 dequantize_per_tensor_default_48" [id=402, type=dequantize_per_tensor]; +"403 dequantize_per_tensor_default_47" [id=403, type=dequantize_per_tensor]; +"404 _param_constant109" [id=404, type=get_attr]; +"405 conv2d_41_scale_0" [id=405, type=get_attr]; +"406 conv2d_41_zero_point_0" [id=406, type=get_attr]; +"407 quantize_per_channel_default_36" [id=407, type=quantize_per_channel]; +"408 dequantize_per_channel_default_36" [id=408, type=dequantize_per_channel]; +"409 features_10_block_0_0_weight_bias_0_0" [id=409, type=get_attr]; +"410 conv2d_41" [id=410, type=conv2d]; +"411 hardswish__13_scale_0" [id=411, type=get_attr]; +"412 hardswish__13_zero_point_0" [id=412, type=get_attr]; +"413 hardswish__13" [id=413, type=hardswish_]; +"414 quantize_per_channel_default_37" [id=414, type=quantize_per_channel]; +"415 dequantize_per_channel_default_37" [id=415, type=dequantize_per_channel]; +"416 _param_constant112" [id=416, type=get_attr]; +"417 conv2d_42_scale_0" [id=417, type=get_attr]; +"418 conv2d_42_zero_point_0" [id=418, type=get_attr]; +"419 quantize_per_channel_default_38" [id=419, type=quantize_per_channel]; +"420 dequantize_per_channel_default_38" [id=420, type=dequantize_per_channel]; +"421 features_10_block_1_0_weight_bias_0_0" [id=421, type=get_attr]; +"422 conv2d_42" [id=422, type=conv2d]; +"423 hardswish__14" [id=423, type=hardswish_]; +"424 quantize_per_tensor_default_37" [id=424, type=quantize_per_tensor]; +"425 dequantize_per_tensor_default_50" [id=425, type=dequantize_per_tensor]; +"426 dequantize_per_tensor_default_49" [id=426, type=dequantize_per_tensor]; +"427 adaptive_avg_pool2d_7" [id=427, type=adaptive_avg_pool2d]; +"428 _param_constant115" [id=428, type=get_attr]; +"429 _param_constant116_0_0" [id=429, type=get_attr]; +"430 conv2d_43" [id=430, type=conv2d]; +"431 relu_7" [id=431, type=relu]; +"432 _param_constant117" [id=432, type=get_attr]; +"433 _param_constant118_0_0" [id=433, type=get_attr]; +"434 conv2d_44" [id=434, type=conv2d]; +"435 hardsigmoid_7" [id=435, type=hardsigmoid]; +"436 quantize_per_tensor_default_38" [id=436, type=quantize_per_tensor]; +"437 dequantize_per_tensor_default_51" [id=437, type=dequantize_per_tensor]; +"438 mul_7" [id=438, type=mul]; +"439 quantize_per_tensor_default_39" [id=439, type=quantize_per_tensor]; +"440 dequantize_per_tensor_default_52" [id=440, type=dequantize_per_tensor]; +"441 _param_constant119" [id=441, type=get_attr]; +"442 conv2d_45_scale_0" [id=442, type=get_attr]; +"443 conv2d_45_zero_point_0" [id=443, type=get_attr]; +"444 quantize_per_channel_default_39" [id=444, type=quantize_per_channel]; +"445 dequantize_per_channel_default_39" [id=445, type=dequantize_per_channel]; +"446 features_10_block_3_0_weight_bias_0_0" [id=446, type=get_attr]; +"447 conv2d_45" [id=447, type=conv2d]; +"448 quantize_per_tensor_default_40" [id=448, type=quantize_per_tensor]; +"449 dequantize_per_tensor_default_53" [id=449, type=dequantize_per_tensor]; +"450 add__4" [id=450, type=add_]; +"451 quantize_per_tensor_default_41" [id=451, type=quantize_per_tensor]; +"452 dequantize_per_tensor_default_55" [id=452, type=dequantize_per_tensor]; +"453 dequantize_per_tensor_default_54" [id=453, type=dequantize_per_tensor]; +"454 _param_constant122" [id=454, type=get_attr]; +"455 conv2d_46_scale_0" [id=455, type=get_attr]; +"456 conv2d_46_zero_point_0" [id=456, type=get_attr]; +"457 quantize_per_channel_default_40" [id=457, type=quantize_per_channel]; +"458 dequantize_per_channel_default_40" [id=458, type=dequantize_per_channel]; +"459 features_11_block_0_0_weight_bias_0_0" [id=459, type=get_attr]; +"460 conv2d_46" [id=460, type=conv2d]; +"461 hardswish__15_scale_0" [id=461, type=get_attr]; +"462 hardswish__15_zero_point_0" [id=462, type=get_attr]; +"463 hardswish__15" [id=463, type=hardswish_]; +"464 quantize_per_channel_default_41" [id=464, type=quantize_per_channel]; +"465 dequantize_per_channel_default_41" [id=465, type=dequantize_per_channel]; +"466 _param_constant125" [id=466, type=get_attr]; +"467 conv2d_47_scale_0" [id=467, type=get_attr]; +"468 conv2d_47_zero_point_0" [id=468, type=get_attr]; +"469 quantize_per_channel_default_42" [id=469, type=quantize_per_channel]; +"470 dequantize_per_channel_default_42" [id=470, type=dequantize_per_channel]; +"471 features_11_block_1_0_weight_bias_0_0" [id=471, type=get_attr]; +"472 conv2d_47" [id=472, type=conv2d]; +"473 hardswish__16" [id=473, type=hardswish_]; +"474 quantize_per_tensor_default_42" [id=474, type=quantize_per_tensor]; +"475 dequantize_per_tensor_default_57" [id=475, type=dequantize_per_tensor]; +"476 dequantize_per_tensor_default_56" [id=476, type=dequantize_per_tensor]; +"477 adaptive_avg_pool2d_8" [id=477, type=adaptive_avg_pool2d]; +"478 _param_constant128" [id=478, type=get_attr]; +"479 _param_constant129_0_0" [id=479, type=get_attr]; +"480 conv2d_48" [id=480, type=conv2d]; +"481 relu_8" [id=481, type=relu]; +"482 _param_constant130" [id=482, type=get_attr]; +"483 _param_constant131_0_0" [id=483, type=get_attr]; +"484 conv2d_49" [id=484, type=conv2d]; +"485 hardsigmoid_8" [id=485, type=hardsigmoid]; +"486 quantize_per_tensor_default_43" [id=486, type=quantize_per_tensor]; +"487 dequantize_per_tensor_default_58" [id=487, type=dequantize_per_tensor]; +"488 mul_8" [id=488, type=mul]; +"489 quantize_per_tensor_default_44" [id=489, type=quantize_per_tensor]; +"490 dequantize_per_tensor_default_59" [id=490, type=dequantize_per_tensor]; +"491 _param_constant132" [id=491, type=get_attr]; +"492 conv2d_50_scale_0" [id=492, type=get_attr]; +"493 conv2d_50_zero_point_0" [id=493, type=get_attr]; +"494 quantize_per_channel_default_43" [id=494, type=quantize_per_channel]; +"495 dequantize_per_channel_default_43" [id=495, type=dequantize_per_channel]; +"496 features_11_block_3_0_weight_bias_0_0" [id=496, type=get_attr]; +"497 conv2d_50" [id=497, type=conv2d]; +"498 quantize_per_tensor_default_45" [id=498, type=quantize_per_tensor]; +"499 dequantize_per_tensor_default_60" [id=499, type=dequantize_per_tensor]; +"500 add__5" [id=500, type=add_]; +"501 quantize_per_tensor_default_46" [id=501, type=quantize_per_tensor]; +"502 dequantize_per_tensor_default_61" [id=502, type=dequantize_per_tensor]; +"503 _param_constant135" [id=503, type=get_attr]; +"504 conv2d_51_scale_0" [id=504, type=get_attr]; +"505 conv2d_51_zero_point_0" [id=505, type=get_attr]; +"506 quantize_per_channel_default_44" [id=506, type=quantize_per_channel]; +"507 dequantize_per_channel_default_44" [id=507, type=dequantize_per_channel]; +"508 features_12_0_weight_bias_0_0" [id=508, type=get_attr]; +"509 conv2d_51" [id=509, type=conv2d]; +"510 hardswish__17" [id=510, type=hardswish_]; +"511 quantize_per_tensor_default_47" [id=511, type=quantize_per_tensor]; +"512 dequantize_per_tensor_default_62" [id=512, type=dequantize_per_tensor]; +"513 adaptive_avg_pool2d_9" [id=513, type=adaptive_avg_pool2d]; +"514 quantize_per_tensor_default_48" [id=514, type=quantize_per_tensor]; +"515 dequantize_per_tensor_default_63" [id=515, type=dequantize_per_tensor]; +"516 flatten" [id=516, type=flatten]; +"517 _param_constant138" [id=517, type=get_attr]; +"518 linear_scale_0" [id=518, type=get_attr]; +"519 linear_zero_point_0" [id=519, type=get_attr]; +"520 quantize_per_channel_default_45" [id=520, type=quantize_per_channel]; +"521 dequantize_per_channel_default_45" [id=521, type=dequantize_per_channel]; +"522 _param_constant139_0_0" [id=522, type=get_attr]; +"523 linear" [id=523, type=linear]; +"524 hardswish__18" [id=524, type=hardswish_]; +"525 quantize_per_tensor_default_49" [id=525, type=quantize_per_tensor]; +"526 dequantize_per_tensor_default_64" [id=526, type=dequantize_per_tensor]; +"527 dropout_" [id=527, type=dropout_]; +"528 _param_constant140" [id=528, type=get_attr]; +"529 linear_1_scale_0" [id=529, type=get_attr]; +"530 linear_1_zero_point_0" [id=530, type=get_attr]; +"531 quantize_per_channel_default_46" [id=531, type=quantize_per_channel]; +"532 dequantize_per_channel_default_46" [id=532, type=dequantize_per_channel]; +"533 _param_constant141_0_0" [id=533, type=get_attr]; +"534 linear_1" [id=534, type=linear]; +"535 output" [id=535, type=output]; +"0 arg0_1" -> "1 quantize_per_tensor_default" [label="(1, 3, 224, 224)", style=solid]; +"1 quantize_per_tensor_default" -> "2 dequantize_per_tensor_default" [label="(1, 3, 224, 224)", style=solid]; +"2 dequantize_per_tensor_default" -> "9 conv2d" [label="(1, 3, 224, 224)", style=solid]; +"3 _param_constant0" -> "6 quantize_per_channel_default" [label="(16, 3, 3, 3)", style=solid]; +"4 conv2d_scale_0" -> "6 quantize_per_channel_default" [label="(16,)", style=solid]; +"4 conv2d_scale_0" -> "7 dequantize_per_channel_default" [label="(16,)", style=solid]; +"5 conv2d_zero_point_0" -> "6 quantize_per_channel_default" [label="(16,)", style=solid]; +"5 conv2d_zero_point_0" -> "7 dequantize_per_channel_default" [label="(16,)", style=solid]; +"6 quantize_per_channel_default" -> "7 dequantize_per_channel_default" [label="(16, 3, 3, 3)", style=solid]; +"7 dequantize_per_channel_default" -> "9 conv2d" [label="(16, 3, 3, 3)", style=solid]; +"8 features_0_0_weight_bias_0_0" -> "9 conv2d" [label="(16,)", style=solid]; +"9 conv2d" -> "12 hardswish_" [label="(1, 16, 112, 112)", style=solid]; +"10 hardswish__scale_0" -> "13 quantize_per_channel_default_1" [label="(16,)", style=solid]; +"10 hardswish__scale_0" -> "14 dequantize_per_channel_default_1" [label="(16,)", style=solid]; +"11 hardswish__zero_point_0" -> "13 quantize_per_channel_default_1" [label="(16,)", style=solid]; +"11 hardswish__zero_point_0" -> "14 dequantize_per_channel_default_1" [label="(16,)", style=solid]; +"12 hardswish_" -> "13 quantize_per_channel_default_1" [label="(1, 16, 112, 112)", style=solid]; +"13 quantize_per_channel_default_1" -> "14 dequantize_per_channel_default_1" [label="(1, 16, 112, 112)", style=solid]; +"14 dequantize_per_channel_default_1" -> "21 conv2d_1" [label="(1, 16, 112, 112)", style=solid]; +"15 _param_constant3" -> "18 quantize_per_channel_default_2" [label="(16, 1, 3, 3)", style=solid]; +"16 conv2d_1_scale_0" -> "18 quantize_per_channel_default_2" [label="(16,)", style=solid]; +"16 conv2d_1_scale_0" -> "19 dequantize_per_channel_default_2" [label="(16,)", style=solid]; +"17 conv2d_1_zero_point_0" -> "18 quantize_per_channel_default_2" [label="(16,)", style=solid]; +"17 conv2d_1_zero_point_0" -> "19 dequantize_per_channel_default_2" [label="(16,)", style=solid]; +"18 quantize_per_channel_default_2" -> "19 dequantize_per_channel_default_2" [label="(16, 1, 3, 3)", style=solid]; +"19 dequantize_per_channel_default_2" -> "21 conv2d_1" [label="(16, 1, 3, 3)", style=solid]; +"20 features_1_block_0_0_weight_bias_0_0" -> "21 conv2d_1" [label="(16,)", style=solid]; +"21 conv2d_1" -> "22 relu_" [label="(1, 16, 56, 56)", style=solid]; +"22 relu_" -> "23 quantize_per_tensor_default_1" [label="(1, 16, 56, 56)", style=solid]; +"23 quantize_per_tensor_default_1" -> "24 dequantize_per_tensor_default_2" [label="(1, 16, 56, 56)", style=solid]; +"23 quantize_per_tensor_default_1" -> "25 dequantize_per_tensor_default_1" [label="(1, 16, 56, 56)", style=solid]; +"24 dequantize_per_tensor_default_2" -> "37 mul" [label="(1, 16, 56, 56)", style=solid]; +"25 dequantize_per_tensor_default_1" -> "26 adaptive_avg_pool2d" [label="(1, 16, 56, 56)", style=solid]; +"26 adaptive_avg_pool2d" -> "29 conv2d_2" [label="(1, 16, 1, 1)", style=solid]; +"27 _param_constant6" -> "29 conv2d_2" [label="(8, 16, 1, 1)", style=solid]; +"28 _param_constant7_0_0" -> "29 conv2d_2" [label="(8,)", style=solid]; +"29 conv2d_2" -> "30 relu" [label="(1, 8, 1, 1)", style=solid]; +"30 relu" -> "33 conv2d_3" [label="(1, 8, 1, 1)", style=solid]; +"31 _param_constant8" -> "33 conv2d_3" [label="(16, 8, 1, 1)", style=solid]; +"32 _param_constant9_0_0" -> "33 conv2d_3" [label="(16,)", style=solid]; +"33 conv2d_3" -> "34 hardsigmoid" [label="(1, 16, 1, 1)", style=solid]; +"34 hardsigmoid" -> "35 quantize_per_tensor_default_2" [label="(1, 16, 1, 1)", style=solid]; +"35 quantize_per_tensor_default_2" -> "36 dequantize_per_tensor_default_3" [label="(1, 16, 1, 1)", style=solid]; +"36 dequantize_per_tensor_default_3" -> "37 mul" [label="(1, 16, 1, 1)", style=solid]; +"37 mul" -> "38 quantize_per_tensor_default_3" [label="(1, 16, 56, 56)", style=solid]; +"38 quantize_per_tensor_default_3" -> "39 dequantize_per_tensor_default_4" [label="(1, 16, 56, 56)", style=solid]; +"39 dequantize_per_tensor_default_4" -> "46 conv2d_4" [label="(1, 16, 56, 56)", style=solid]; +"40 _param_constant10" -> "43 quantize_per_channel_default_3" [label="(16, 16, 1, 1)", style=solid]; +"41 conv2d_4_scale_0" -> "43 quantize_per_channel_default_3" [label="(16,)", style=solid]; +"41 conv2d_4_scale_0" -> "44 dequantize_per_channel_default_3" [label="(16,)", style=solid]; +"42 conv2d_4_zero_point_0" -> "43 quantize_per_channel_default_3" [label="(16,)", style=solid]; +"42 conv2d_4_zero_point_0" -> "44 dequantize_per_channel_default_3" [label="(16,)", style=solid]; +"43 quantize_per_channel_default_3" -> "44 dequantize_per_channel_default_3" [label="(16, 16, 1, 1)", style=solid]; +"44 dequantize_per_channel_default_3" -> "46 conv2d_4" [label="(16, 16, 1, 1)", style=solid]; +"45 features_1_block_2_0_weight_bias_0_0" -> "46 conv2d_4" [label="(16,)", style=solid]; +"46 conv2d_4" -> "47 quantize_per_tensor_default_4" [label="(1, 16, 56, 56)", style=solid]; +"47 quantize_per_tensor_default_4" -> "48 dequantize_per_tensor_default_5" [label="(1, 16, 56, 56)", style=solid]; +"48 dequantize_per_tensor_default_5" -> "55 conv2d_5" [label="(1, 16, 56, 56)", style=solid]; +"49 _param_constant13" -> "52 quantize_per_channel_default_4" [label="(72, 16, 1, 1)", style=solid]; +"50 conv2d_5_scale_0" -> "52 quantize_per_channel_default_4" [label="(72,)", style=solid]; +"50 conv2d_5_scale_0" -> "53 dequantize_per_channel_default_4" [label="(72,)", style=solid]; +"51 conv2d_5_zero_point_0" -> "52 quantize_per_channel_default_4" [label="(72,)", style=solid]; +"51 conv2d_5_zero_point_0" -> "53 dequantize_per_channel_default_4" [label="(72,)", style=solid]; +"52 quantize_per_channel_default_4" -> "53 dequantize_per_channel_default_4" [label="(72, 16, 1, 1)", style=solid]; +"53 dequantize_per_channel_default_4" -> "55 conv2d_5" [label="(72, 16, 1, 1)", style=solid]; +"54 features_2_block_0_0_weight_bias_0_0" -> "55 conv2d_5" [label="(72,)", style=solid]; +"55 conv2d_5" -> "58 relu__1" [label="(1, 72, 56, 56)", style=solid]; +"56 relu__1_scale_0" -> "59 quantize_per_channel_default_5" [label="(72,)", style=solid]; +"56 relu__1_scale_0" -> "60 dequantize_per_channel_default_5" [label="(72,)", style=solid]; +"57 relu__1_zero_point_0" -> "59 quantize_per_channel_default_5" [label="(72,)", style=solid]; +"57 relu__1_zero_point_0" -> "60 dequantize_per_channel_default_5" [label="(72,)", style=solid]; +"58 relu__1" -> "59 quantize_per_channel_default_5" [label="(1, 72, 56, 56)", style=solid]; +"59 quantize_per_channel_default_5" -> "60 dequantize_per_channel_default_5" [label="(1, 72, 56, 56)", style=solid]; +"60 dequantize_per_channel_default_5" -> "67 conv2d_6" [label="(1, 72, 56, 56)", style=solid]; +"61 _param_constant16" -> "64 quantize_per_channel_default_6" [label="(72, 1, 3, 3)", style=solid]; +"62 conv2d_6_scale_0" -> "64 quantize_per_channel_default_6" [label="(72,)", style=solid]; +"62 conv2d_6_scale_0" -> "65 dequantize_per_channel_default_6" [label="(72,)", style=solid]; +"63 conv2d_6_zero_point_0" -> "64 quantize_per_channel_default_6" [label="(72,)", style=solid]; +"63 conv2d_6_zero_point_0" -> "65 dequantize_per_channel_default_6" [label="(72,)", style=solid]; +"64 quantize_per_channel_default_6" -> "65 dequantize_per_channel_default_6" [label="(72, 1, 3, 3)", style=solid]; +"65 dequantize_per_channel_default_6" -> "67 conv2d_6" [label="(72, 1, 3, 3)", style=solid]; +"66 features_2_block_1_0_weight_bias_0_0" -> "67 conv2d_6" [label="(72,)", style=solid]; +"67 conv2d_6" -> "68 relu__2" [label="(1, 72, 28, 28)", style=solid]; +"68 relu__2" -> "69 quantize_per_tensor_default_5" [label="(1, 72, 28, 28)", style=solid]; +"69 quantize_per_tensor_default_5" -> "70 dequantize_per_tensor_default_6" [label="(1, 72, 28, 28)", style=solid]; +"70 dequantize_per_tensor_default_6" -> "77 conv2d_7" [label="(1, 72, 28, 28)", style=solid]; +"71 _param_constant19" -> "74 quantize_per_channel_default_7" [label="(24, 72, 1, 1)", style=solid]; +"72 conv2d_7_scale_0" -> "74 quantize_per_channel_default_7" [label="(24,)", style=solid]; +"72 conv2d_7_scale_0" -> "75 dequantize_per_channel_default_7" [label="(24,)", style=solid]; +"73 conv2d_7_zero_point_0" -> "74 quantize_per_channel_default_7" [label="(24,)", style=solid]; +"73 conv2d_7_zero_point_0" -> "75 dequantize_per_channel_default_7" [label="(24,)", style=solid]; +"74 quantize_per_channel_default_7" -> "75 dequantize_per_channel_default_7" [label="(24, 72, 1, 1)", style=solid]; +"75 dequantize_per_channel_default_7" -> "77 conv2d_7" [label="(24, 72, 1, 1)", style=solid]; +"76 features_2_block_2_0_weight_bias_0_0" -> "77 conv2d_7" [label="(24,)", style=solid]; +"77 conv2d_7" -> "78 quantize_per_tensor_default_6" [label="(1, 24, 28, 28)", style=solid]; +"78 quantize_per_tensor_default_6" -> "79 dequantize_per_tensor_default_8" [label="(1, 24, 28, 28)", style=solid]; +"78 quantize_per_tensor_default_6" -> "80 dequantize_per_tensor_default_7" [label="(1, 24, 28, 28)", style=solid]; +"79 dequantize_per_tensor_default_8" -> "112 add_" [label="(1, 24, 28, 28)", style=solid]; +"80 dequantize_per_tensor_default_7" -> "87 conv2d_8" [label="(1, 24, 28, 28)", style=solid]; +"81 _param_constant22" -> "84 quantize_per_channel_default_8" [label="(88, 24, 1, 1)", style=solid]; +"82 conv2d_8_scale_0" -> "84 quantize_per_channel_default_8" [label="(88,)", style=solid]; +"82 conv2d_8_scale_0" -> "85 dequantize_per_channel_default_8" [label="(88,)", style=solid]; +"83 conv2d_8_zero_point_0" -> "84 quantize_per_channel_default_8" [label="(88,)", style=solid]; +"83 conv2d_8_zero_point_0" -> "85 dequantize_per_channel_default_8" [label="(88,)", style=solid]; +"84 quantize_per_channel_default_8" -> "85 dequantize_per_channel_default_8" [label="(88, 24, 1, 1)", style=solid]; +"85 dequantize_per_channel_default_8" -> "87 conv2d_8" [label="(88, 24, 1, 1)", style=solid]; +"86 features_3_block_0_0_weight_bias_0_0" -> "87 conv2d_8" [label="(88,)", style=solid]; +"87 conv2d_8" -> "90 relu__3" [label="(1, 88, 28, 28)", style=solid]; +"88 relu__3_scale_0" -> "91 quantize_per_channel_default_9" [label="(88,)", style=solid]; +"88 relu__3_scale_0" -> "92 dequantize_per_channel_default_9" [label="(88,)", style=solid]; +"89 relu__3_zero_point_0" -> "91 quantize_per_channel_default_9" [label="(88,)", style=solid]; +"89 relu__3_zero_point_0" -> "92 dequantize_per_channel_default_9" [label="(88,)", style=solid]; +"90 relu__3" -> "91 quantize_per_channel_default_9" [label="(1, 88, 28, 28)", style=solid]; +"91 quantize_per_channel_default_9" -> "92 dequantize_per_channel_default_9" [label="(1, 88, 28, 28)", style=solid]; +"92 dequantize_per_channel_default_9" -> "99 conv2d_9" [label="(1, 88, 28, 28)", style=solid]; +"93 _param_constant25" -> "96 quantize_per_channel_default_10" [label="(88, 1, 3, 3)", style=solid]; +"94 conv2d_9_scale_0" -> "96 quantize_per_channel_default_10" [label="(88,)", style=solid]; +"94 conv2d_9_scale_0" -> "97 dequantize_per_channel_default_10" [label="(88,)", style=solid]; +"95 conv2d_9_zero_point_0" -> "96 quantize_per_channel_default_10" [label="(88,)", style=solid]; +"95 conv2d_9_zero_point_0" -> "97 dequantize_per_channel_default_10" [label="(88,)", style=solid]; +"96 quantize_per_channel_default_10" -> "97 dequantize_per_channel_default_10" [label="(88, 1, 3, 3)", style=solid]; +"97 dequantize_per_channel_default_10" -> "99 conv2d_9" [label="(88, 1, 3, 3)", style=solid]; +"98 features_3_block_1_0_weight_bias_0_0" -> "99 conv2d_9" [label="(88,)", style=solid]; +"99 conv2d_9" -> "100 relu__4" [label="(1, 88, 28, 28)", style=solid]; +"100 relu__4" -> "101 quantize_per_tensor_default_7" [label="(1, 88, 28, 28)", style=solid]; +"101 quantize_per_tensor_default_7" -> "102 dequantize_per_tensor_default_9" [label="(1, 88, 28, 28)", style=solid]; +"102 dequantize_per_tensor_default_9" -> "109 conv2d_10" [label="(1, 88, 28, 28)", style=solid]; +"103 _param_constant28" -> "106 quantize_per_channel_default_11" [label="(24, 88, 1, 1)", style=solid]; +"104 conv2d_10_scale_0" -> "106 quantize_per_channel_default_11" [label="(24,)", style=solid]; +"104 conv2d_10_scale_0" -> "107 dequantize_per_channel_default_11" [label="(24,)", style=solid]; +"105 conv2d_10_zero_point_0" -> "106 quantize_per_channel_default_11" [label="(24,)", style=solid]; +"105 conv2d_10_zero_point_0" -> "107 dequantize_per_channel_default_11" [label="(24,)", style=solid]; +"106 quantize_per_channel_default_11" -> "107 dequantize_per_channel_default_11" [label="(24, 88, 1, 1)", style=solid]; +"107 dequantize_per_channel_default_11" -> "109 conv2d_10" [label="(24, 88, 1, 1)", style=solid]; +"108 features_3_block_2_0_weight_bias_0_0" -> "109 conv2d_10" [label="(24,)", style=solid]; +"109 conv2d_10" -> "110 quantize_per_tensor_default_8" [label="(1, 24, 28, 28)", style=solid]; +"110 quantize_per_tensor_default_8" -> "111 dequantize_per_tensor_default_10" [label="(1, 24, 28, 28)", style=solid]; +"111 dequantize_per_tensor_default_10" -> "112 add_" [label="(1, 24, 28, 28)", style=solid]; +"112 add_" -> "113 quantize_per_tensor_default_9" [label="(1, 24, 28, 28)", style=solid]; +"113 quantize_per_tensor_default_9" -> "114 dequantize_per_tensor_default_11" [label="(1, 24, 28, 28)", style=solid]; +"114 dequantize_per_tensor_default_11" -> "121 conv2d_11" [label="(1, 24, 28, 28)", style=solid]; +"115 _param_constant31" -> "118 quantize_per_channel_default_12" [label="(96, 24, 1, 1)", style=solid]; +"116 conv2d_11_scale_0" -> "118 quantize_per_channel_default_12" [label="(96,)", style=solid]; +"116 conv2d_11_scale_0" -> "119 dequantize_per_channel_default_12" [label="(96,)", style=solid]; +"117 conv2d_11_zero_point_0" -> "118 quantize_per_channel_default_12" [label="(96,)", style=solid]; +"117 conv2d_11_zero_point_0" -> "119 dequantize_per_channel_default_12" [label="(96,)", style=solid]; +"118 quantize_per_channel_default_12" -> "119 dequantize_per_channel_default_12" [label="(96, 24, 1, 1)", style=solid]; +"119 dequantize_per_channel_default_12" -> "121 conv2d_11" [label="(96, 24, 1, 1)", style=solid]; +"120 features_4_block_0_0_weight_bias_0_0" -> "121 conv2d_11" [label="(96,)", style=solid]; +"121 conv2d_11" -> "124 hardswish__1" [label="(1, 96, 28, 28)", style=solid]; +"122 hardswish__1_scale_0" -> "125 quantize_per_channel_default_13" [label="(96,)", style=solid]; +"122 hardswish__1_scale_0" -> "126 dequantize_per_channel_default_13" [label="(96,)", style=solid]; +"123 hardswish__1_zero_point_0" -> "125 quantize_per_channel_default_13" [label="(96,)", style=solid]; +"123 hardswish__1_zero_point_0" -> "126 dequantize_per_channel_default_13" [label="(96,)", style=solid]; +"124 hardswish__1" -> "125 quantize_per_channel_default_13" [label="(1, 96, 28, 28)", style=solid]; +"125 quantize_per_channel_default_13" -> "126 dequantize_per_channel_default_13" [label="(1, 96, 28, 28)", style=solid]; +"126 dequantize_per_channel_default_13" -> "133 conv2d_12" [label="(1, 96, 28, 28)", style=solid]; +"127 _param_constant34" -> "130 quantize_per_channel_default_14" [label="(96, 1, 5, 5)", style=solid]; +"128 conv2d_12_scale_0" -> "130 quantize_per_channel_default_14" [label="(96,)", style=solid]; +"128 conv2d_12_scale_0" -> "131 dequantize_per_channel_default_14" [label="(96,)", style=solid]; +"129 conv2d_12_zero_point_0" -> "130 quantize_per_channel_default_14" [label="(96,)", style=solid]; +"129 conv2d_12_zero_point_0" -> "131 dequantize_per_channel_default_14" [label="(96,)", style=solid]; +"130 quantize_per_channel_default_14" -> "131 dequantize_per_channel_default_14" [label="(96, 1, 5, 5)", style=solid]; +"131 dequantize_per_channel_default_14" -> "133 conv2d_12" [label="(96, 1, 5, 5)", style=solid]; +"132 features_4_block_1_0_weight_bias_0_0" -> "133 conv2d_12" [label="(96,)", style=solid]; +"133 conv2d_12" -> "134 hardswish__2" [label="(1, 96, 14, 14)", style=solid]; +"134 hardswish__2" -> "135 quantize_per_tensor_default_10" [label="(1, 96, 14, 14)", style=solid]; +"135 quantize_per_tensor_default_10" -> "136 dequantize_per_tensor_default_13" [label="(1, 96, 14, 14)", style=solid]; +"135 quantize_per_tensor_default_10" -> "137 dequantize_per_tensor_default_12" [label="(1, 96, 14, 14)", style=solid]; +"136 dequantize_per_tensor_default_13" -> "149 mul_1" [label="(1, 96, 14, 14)", style=solid]; +"137 dequantize_per_tensor_default_12" -> "138 adaptive_avg_pool2d_1" [label="(1, 96, 14, 14)", style=solid]; +"138 adaptive_avg_pool2d_1" -> "141 conv2d_13" [label="(1, 96, 1, 1)", style=solid]; +"139 _param_constant37" -> "141 conv2d_13" [label="(24, 96, 1, 1)", style=solid]; +"140 _param_constant38_0_0" -> "141 conv2d_13" [label="(24,)", style=solid]; +"141 conv2d_13" -> "142 relu_1" [label="(1, 24, 1, 1)", style=solid]; +"142 relu_1" -> "145 conv2d_14" [label="(1, 24, 1, 1)", style=solid]; +"143 _param_constant39" -> "145 conv2d_14" [label="(96, 24, 1, 1)", style=solid]; +"144 _param_constant40_0_0" -> "145 conv2d_14" [label="(96,)", style=solid]; +"145 conv2d_14" -> "146 hardsigmoid_1" [label="(1, 96, 1, 1)", style=solid]; +"146 hardsigmoid_1" -> "147 quantize_per_tensor_default_11" [label="(1, 96, 1, 1)", style=solid]; +"147 quantize_per_tensor_default_11" -> "148 dequantize_per_tensor_default_14" [label="(1, 96, 1, 1)", style=solid]; +"148 dequantize_per_tensor_default_14" -> "149 mul_1" [label="(1, 96, 1, 1)", style=solid]; +"149 mul_1" -> "150 quantize_per_tensor_default_12" [label="(1, 96, 14, 14)", style=solid]; +"150 quantize_per_tensor_default_12" -> "151 dequantize_per_tensor_default_15" [label="(1, 96, 14, 14)", style=solid]; +"151 dequantize_per_tensor_default_15" -> "158 conv2d_15" [label="(1, 96, 14, 14)", style=solid]; +"152 _param_constant41" -> "155 quantize_per_channel_default_15" [label="(40, 96, 1, 1)", style=solid]; +"153 conv2d_15_scale_0" -> "155 quantize_per_channel_default_15" [label="(40,)", style=solid]; +"153 conv2d_15_scale_0" -> "156 dequantize_per_channel_default_15" [label="(40,)", style=solid]; +"154 conv2d_15_zero_point_0" -> "155 quantize_per_channel_default_15" [label="(40,)", style=solid]; +"154 conv2d_15_zero_point_0" -> "156 dequantize_per_channel_default_15" [label="(40,)", style=solid]; +"155 quantize_per_channel_default_15" -> "156 dequantize_per_channel_default_15" [label="(40, 96, 1, 1)", style=solid]; +"156 dequantize_per_channel_default_15" -> "158 conv2d_15" [label="(40, 96, 1, 1)", style=solid]; +"157 features_4_block_3_0_weight_bias_0_0" -> "158 conv2d_15" [label="(40,)", style=solid]; +"158 conv2d_15" -> "159 quantize_per_tensor_default_13" [label="(1, 40, 14, 14)", style=solid]; +"159 quantize_per_tensor_default_13" -> "160 dequantize_per_tensor_default_17" [label="(1, 40, 14, 14)", style=solid]; +"159 quantize_per_tensor_default_13" -> "161 dequantize_per_tensor_default_16" [label="(1, 40, 14, 14)", style=solid]; +"160 dequantize_per_tensor_default_17" -> "208 add__1" [label="(1, 40, 14, 14)", style=solid]; +"161 dequantize_per_tensor_default_16" -> "168 conv2d_16" [label="(1, 40, 14, 14)", style=solid]; +"162 _param_constant44" -> "165 quantize_per_channel_default_16" [label="(240, 40, 1, 1)", style=solid]; +"163 conv2d_16_scale_0" -> "165 quantize_per_channel_default_16" [label="(240,)", style=solid]; +"163 conv2d_16_scale_0" -> "166 dequantize_per_channel_default_16" [label="(240,)", style=solid]; +"164 conv2d_16_zero_point_0" -> "165 quantize_per_channel_default_16" [label="(240,)", style=solid]; +"164 conv2d_16_zero_point_0" -> "166 dequantize_per_channel_default_16" [label="(240,)", style=solid]; +"165 quantize_per_channel_default_16" -> "166 dequantize_per_channel_default_16" [label="(240, 40, 1, 1)", style=solid]; +"166 dequantize_per_channel_default_16" -> "168 conv2d_16" [label="(240, 40, 1, 1)", style=solid]; +"167 features_5_block_0_0_weight_bias_0_0" -> "168 conv2d_16" [label="(240,)", style=solid]; +"168 conv2d_16" -> "171 hardswish__3" [label="(1, 240, 14, 14)", style=solid]; +"169 hardswish__3_scale_0" -> "172 quantize_per_channel_default_17" [label="(240,)", style=solid]; +"169 hardswish__3_scale_0" -> "173 dequantize_per_channel_default_17" [label="(240,)", style=solid]; +"170 hardswish__3_zero_point_0" -> "172 quantize_per_channel_default_17" [label="(240,)", style=solid]; +"170 hardswish__3_zero_point_0" -> "173 dequantize_per_channel_default_17" [label="(240,)", style=solid]; +"171 hardswish__3" -> "172 quantize_per_channel_default_17" [label="(1, 240, 14, 14)", style=solid]; +"172 quantize_per_channel_default_17" -> "173 dequantize_per_channel_default_17" [label="(1, 240, 14, 14)", style=solid]; +"173 dequantize_per_channel_default_17" -> "180 conv2d_17" [label="(1, 240, 14, 14)", style=solid]; +"174 _param_constant47" -> "177 quantize_per_channel_default_18" [label="(240, 1, 5, 5)", style=solid]; +"175 conv2d_17_scale_0" -> "177 quantize_per_channel_default_18" [label="(240,)", style=solid]; +"175 conv2d_17_scale_0" -> "178 dequantize_per_channel_default_18" [label="(240,)", style=solid]; +"176 conv2d_17_zero_point_0" -> "177 quantize_per_channel_default_18" [label="(240,)", style=solid]; +"176 conv2d_17_zero_point_0" -> "178 dequantize_per_channel_default_18" [label="(240,)", style=solid]; +"177 quantize_per_channel_default_18" -> "178 dequantize_per_channel_default_18" [label="(240, 1, 5, 5)", style=solid]; +"178 dequantize_per_channel_default_18" -> "180 conv2d_17" [label="(240, 1, 5, 5)", style=solid]; +"179 features_5_block_1_0_weight_bias_0_0" -> "180 conv2d_17" [label="(240,)", style=solid]; +"180 conv2d_17" -> "181 hardswish__4" [label="(1, 240, 14, 14)", style=solid]; +"181 hardswish__4" -> "182 quantize_per_tensor_default_14" [label="(1, 240, 14, 14)", style=solid]; +"182 quantize_per_tensor_default_14" -> "183 dequantize_per_tensor_default_19" [label="(1, 240, 14, 14)", style=solid]; +"182 quantize_per_tensor_default_14" -> "184 dequantize_per_tensor_default_18" [label="(1, 240, 14, 14)", style=solid]; +"183 dequantize_per_tensor_default_19" -> "196 mul_2" [label="(1, 240, 14, 14)", style=solid]; +"184 dequantize_per_tensor_default_18" -> "185 adaptive_avg_pool2d_2" [label="(1, 240, 14, 14)", style=solid]; +"185 adaptive_avg_pool2d_2" -> "188 conv2d_18" [label="(1, 240, 1, 1)", style=solid]; +"186 _param_constant50" -> "188 conv2d_18" [label="(64, 240, 1, 1)", style=solid]; +"187 _param_constant51_0_0" -> "188 conv2d_18" [label="(64,)", style=solid]; +"188 conv2d_18" -> "189 relu_2" [label="(1, 64, 1, 1)", style=solid]; +"189 relu_2" -> "192 conv2d_19" [label="(1, 64, 1, 1)", style=solid]; +"190 _param_constant52" -> "192 conv2d_19" [label="(240, 64, 1, 1)", style=solid]; +"191 _param_constant53_0_0" -> "192 conv2d_19" [label="(240,)", style=solid]; +"192 conv2d_19" -> "193 hardsigmoid_2" [label="(1, 240, 1, 1)", style=solid]; +"193 hardsigmoid_2" -> "194 quantize_per_tensor_default_15" [label="(1, 240, 1, 1)", style=solid]; +"194 quantize_per_tensor_default_15" -> "195 dequantize_per_tensor_default_20" [label="(1, 240, 1, 1)", style=solid]; +"195 dequantize_per_tensor_default_20" -> "196 mul_2" [label="(1, 240, 1, 1)", style=solid]; +"196 mul_2" -> "197 quantize_per_tensor_default_16" [label="(1, 240, 14, 14)", style=solid]; +"197 quantize_per_tensor_default_16" -> "198 dequantize_per_tensor_default_21" [label="(1, 240, 14, 14)", style=solid]; +"198 dequantize_per_tensor_default_21" -> "205 conv2d_20" [label="(1, 240, 14, 14)", style=solid]; +"199 _param_constant54" -> "202 quantize_per_channel_default_19" [label="(40, 240, 1, 1)", style=solid]; +"200 conv2d_20_scale_0" -> "202 quantize_per_channel_default_19" [label="(40,)", style=solid]; +"200 conv2d_20_scale_0" -> "203 dequantize_per_channel_default_19" [label="(40,)", style=solid]; +"201 conv2d_20_zero_point_0" -> "202 quantize_per_channel_default_19" [label="(40,)", style=solid]; +"201 conv2d_20_zero_point_0" -> "203 dequantize_per_channel_default_19" [label="(40,)", style=solid]; +"202 quantize_per_channel_default_19" -> "203 dequantize_per_channel_default_19" [label="(40, 240, 1, 1)", style=solid]; +"203 dequantize_per_channel_default_19" -> "205 conv2d_20" [label="(40, 240, 1, 1)", style=solid]; +"204 features_5_block_3_0_weight_bias_0_0" -> "205 conv2d_20" [label="(40,)", style=solid]; +"205 conv2d_20" -> "206 quantize_per_tensor_default_17" [label="(1, 40, 14, 14)", style=solid]; +"206 quantize_per_tensor_default_17" -> "207 dequantize_per_tensor_default_22" [label="(1, 40, 14, 14)", style=solid]; +"207 dequantize_per_tensor_default_22" -> "208 add__1" [label="(1, 40, 14, 14)", style=solid]; +"208 add__1" -> "209 quantize_per_tensor_default_18" [label="(1, 40, 14, 14)", style=solid]; +"209 quantize_per_tensor_default_18" -> "210 dequantize_per_tensor_default_24" [label="(1, 40, 14, 14)", style=solid]; +"209 quantize_per_tensor_default_18" -> "211 dequantize_per_tensor_default_23" [label="(1, 40, 14, 14)", style=solid]; +"210 dequantize_per_tensor_default_24" -> "258 add__2" [label="(1, 40, 14, 14)", style=solid]; +"211 dequantize_per_tensor_default_23" -> "218 conv2d_21" [label="(1, 40, 14, 14)", style=solid]; +"212 _param_constant57" -> "215 quantize_per_channel_default_20" [label="(240, 40, 1, 1)", style=solid]; +"213 conv2d_21_scale_0" -> "215 quantize_per_channel_default_20" [label="(240,)", style=solid]; +"213 conv2d_21_scale_0" -> "216 dequantize_per_channel_default_20" [label="(240,)", style=solid]; +"214 conv2d_21_zero_point_0" -> "215 quantize_per_channel_default_20" [label="(240,)", style=solid]; +"214 conv2d_21_zero_point_0" -> "216 dequantize_per_channel_default_20" [label="(240,)", style=solid]; +"215 quantize_per_channel_default_20" -> "216 dequantize_per_channel_default_20" [label="(240, 40, 1, 1)", style=solid]; +"216 dequantize_per_channel_default_20" -> "218 conv2d_21" [label="(240, 40, 1, 1)", style=solid]; +"217 features_6_block_0_0_weight_bias_0_0" -> "218 conv2d_21" [label="(240,)", style=solid]; +"218 conv2d_21" -> "221 hardswish__5" [label="(1, 240, 14, 14)", style=solid]; +"219 hardswish__5_scale_0" -> "222 quantize_per_channel_default_21" [label="(240,)", style=solid]; +"219 hardswish__5_scale_0" -> "223 dequantize_per_channel_default_21" [label="(240,)", style=solid]; +"220 hardswish__5_zero_point_0" -> "222 quantize_per_channel_default_21" [label="(240,)", style=solid]; +"220 hardswish__5_zero_point_0" -> "223 dequantize_per_channel_default_21" [label="(240,)", style=solid]; +"221 hardswish__5" -> "222 quantize_per_channel_default_21" [label="(1, 240, 14, 14)", style=solid]; +"222 quantize_per_channel_default_21" -> "223 dequantize_per_channel_default_21" [label="(1, 240, 14, 14)", style=solid]; +"223 dequantize_per_channel_default_21" -> "230 conv2d_22" [label="(1, 240, 14, 14)", style=solid]; +"224 _param_constant60" -> "227 quantize_per_channel_default_22" [label="(240, 1, 5, 5)", style=solid]; +"225 conv2d_22_scale_0" -> "227 quantize_per_channel_default_22" [label="(240,)", style=solid]; +"225 conv2d_22_scale_0" -> "228 dequantize_per_channel_default_22" [label="(240,)", style=solid]; +"226 conv2d_22_zero_point_0" -> "227 quantize_per_channel_default_22" [label="(240,)", style=solid]; +"226 conv2d_22_zero_point_0" -> "228 dequantize_per_channel_default_22" [label="(240,)", style=solid]; +"227 quantize_per_channel_default_22" -> "228 dequantize_per_channel_default_22" [label="(240, 1, 5, 5)", style=solid]; +"228 dequantize_per_channel_default_22" -> "230 conv2d_22" [label="(240, 1, 5, 5)", style=solid]; +"229 features_6_block_1_0_weight_bias_0_0" -> "230 conv2d_22" [label="(240,)", style=solid]; +"230 conv2d_22" -> "231 hardswish__6" [label="(1, 240, 14, 14)", style=solid]; +"231 hardswish__6" -> "232 quantize_per_tensor_default_19" [label="(1, 240, 14, 14)", style=solid]; +"232 quantize_per_tensor_default_19" -> "233 dequantize_per_tensor_default_26" [label="(1, 240, 14, 14)", style=solid]; +"232 quantize_per_tensor_default_19" -> "234 dequantize_per_tensor_default_25" [label="(1, 240, 14, 14)", style=solid]; +"233 dequantize_per_tensor_default_26" -> "246 mul_3" [label="(1, 240, 14, 14)", style=solid]; +"234 dequantize_per_tensor_default_25" -> "235 adaptive_avg_pool2d_3" [label="(1, 240, 14, 14)", style=solid]; +"235 adaptive_avg_pool2d_3" -> "238 conv2d_23" [label="(1, 240, 1, 1)", style=solid]; +"236 _param_constant63" -> "238 conv2d_23" [label="(64, 240, 1, 1)", style=solid]; +"237 _param_constant64_0_0" -> "238 conv2d_23" [label="(64,)", style=solid]; +"238 conv2d_23" -> "239 relu_3" [label="(1, 64, 1, 1)", style=solid]; +"239 relu_3" -> "242 conv2d_24" [label="(1, 64, 1, 1)", style=solid]; +"240 _param_constant65" -> "242 conv2d_24" [label="(240, 64, 1, 1)", style=solid]; +"241 _param_constant66_0_0" -> "242 conv2d_24" [label="(240,)", style=solid]; +"242 conv2d_24" -> "243 hardsigmoid_3" [label="(1, 240, 1, 1)", style=solid]; +"243 hardsigmoid_3" -> "244 quantize_per_tensor_default_20" [label="(1, 240, 1, 1)", style=solid]; +"244 quantize_per_tensor_default_20" -> "245 dequantize_per_tensor_default_27" [label="(1, 240, 1, 1)", style=solid]; +"245 dequantize_per_tensor_default_27" -> "246 mul_3" [label="(1, 240, 1, 1)", style=solid]; +"246 mul_3" -> "247 quantize_per_tensor_default_21" [label="(1, 240, 14, 14)", style=solid]; +"247 quantize_per_tensor_default_21" -> "248 dequantize_per_tensor_default_28" [label="(1, 240, 14, 14)", style=solid]; +"248 dequantize_per_tensor_default_28" -> "255 conv2d_25" [label="(1, 240, 14, 14)", style=solid]; +"249 _param_constant67" -> "252 quantize_per_channel_default_23" [label="(40, 240, 1, 1)", style=solid]; +"250 conv2d_25_scale_0" -> "252 quantize_per_channel_default_23" [label="(40,)", style=solid]; +"250 conv2d_25_scale_0" -> "253 dequantize_per_channel_default_23" [label="(40,)", style=solid]; +"251 conv2d_25_zero_point_0" -> "252 quantize_per_channel_default_23" [label="(40,)", style=solid]; +"251 conv2d_25_zero_point_0" -> "253 dequantize_per_channel_default_23" [label="(40,)", style=solid]; +"252 quantize_per_channel_default_23" -> "253 dequantize_per_channel_default_23" [label="(40, 240, 1, 1)", style=solid]; +"253 dequantize_per_channel_default_23" -> "255 conv2d_25" [label="(40, 240, 1, 1)", style=solid]; +"254 features_6_block_3_0_weight_bias_0_0" -> "255 conv2d_25" [label="(40,)", style=solid]; +"255 conv2d_25" -> "256 quantize_per_tensor_default_22" [label="(1, 40, 14, 14)", style=solid]; +"256 quantize_per_tensor_default_22" -> "257 dequantize_per_tensor_default_29" [label="(1, 40, 14, 14)", style=solid]; +"257 dequantize_per_tensor_default_29" -> "258 add__2" [label="(1, 40, 14, 14)", style=solid]; +"258 add__2" -> "259 quantize_per_tensor_default_23" [label="(1, 40, 14, 14)", style=solid]; +"259 quantize_per_tensor_default_23" -> "260 dequantize_per_tensor_default_30" [label="(1, 40, 14, 14)", style=solid]; +"260 dequantize_per_tensor_default_30" -> "267 conv2d_26" [label="(1, 40, 14, 14)", style=solid]; +"261 _param_constant70" -> "264 quantize_per_channel_default_24" [label="(120, 40, 1, 1)", style=solid]; +"262 conv2d_26_scale_0" -> "264 quantize_per_channel_default_24" [label="(120,)", style=solid]; +"262 conv2d_26_scale_0" -> "265 dequantize_per_channel_default_24" [label="(120,)", style=solid]; +"263 conv2d_26_zero_point_0" -> "264 quantize_per_channel_default_24" [label="(120,)", style=solid]; +"263 conv2d_26_zero_point_0" -> "265 dequantize_per_channel_default_24" [label="(120,)", style=solid]; +"264 quantize_per_channel_default_24" -> "265 dequantize_per_channel_default_24" [label="(120, 40, 1, 1)", style=solid]; +"265 dequantize_per_channel_default_24" -> "267 conv2d_26" [label="(120, 40, 1, 1)", style=solid]; +"266 features_7_block_0_0_weight_bias_0_0" -> "267 conv2d_26" [label="(120,)", style=solid]; +"267 conv2d_26" -> "270 hardswish__7" [label="(1, 120, 14, 14)", style=solid]; +"268 hardswish__7_scale_0" -> "271 quantize_per_channel_default_25" [label="(120,)", style=solid]; +"268 hardswish__7_scale_0" -> "272 dequantize_per_channel_default_25" [label="(120,)", style=solid]; +"269 hardswish__7_zero_point_0" -> "271 quantize_per_channel_default_25" [label="(120,)", style=solid]; +"269 hardswish__7_zero_point_0" -> "272 dequantize_per_channel_default_25" [label="(120,)", style=solid]; +"270 hardswish__7" -> "271 quantize_per_channel_default_25" [label="(1, 120, 14, 14)", style=solid]; +"271 quantize_per_channel_default_25" -> "272 dequantize_per_channel_default_25" [label="(1, 120, 14, 14)", style=solid]; +"272 dequantize_per_channel_default_25" -> "279 conv2d_27" [label="(1, 120, 14, 14)", style=solid]; +"273 _param_constant73" -> "276 quantize_per_channel_default_26" [label="(120, 1, 5, 5)", style=solid]; +"274 conv2d_27_scale_0" -> "276 quantize_per_channel_default_26" [label="(120,)", style=solid]; +"274 conv2d_27_scale_0" -> "277 dequantize_per_channel_default_26" [label="(120,)", style=solid]; +"275 conv2d_27_zero_point_0" -> "276 quantize_per_channel_default_26" [label="(120,)", style=solid]; +"275 conv2d_27_zero_point_0" -> "277 dequantize_per_channel_default_26" [label="(120,)", style=solid]; +"276 quantize_per_channel_default_26" -> "277 dequantize_per_channel_default_26" [label="(120, 1, 5, 5)", style=solid]; +"277 dequantize_per_channel_default_26" -> "279 conv2d_27" [label="(120, 1, 5, 5)", style=solid]; +"278 features_7_block_1_0_weight_bias_0_0" -> "279 conv2d_27" [label="(120,)", style=solid]; +"279 conv2d_27" -> "280 hardswish__8" [label="(1, 120, 14, 14)", style=solid]; +"280 hardswish__8" -> "281 quantize_per_tensor_default_24" [label="(1, 120, 14, 14)", style=solid]; +"281 quantize_per_tensor_default_24" -> "282 dequantize_per_tensor_default_32" [label="(1, 120, 14, 14)", style=solid]; +"281 quantize_per_tensor_default_24" -> "283 dequantize_per_tensor_default_31" [label="(1, 120, 14, 14)", style=solid]; +"282 dequantize_per_tensor_default_32" -> "295 mul_4" [label="(1, 120, 14, 14)", style=solid]; +"283 dequantize_per_tensor_default_31" -> "284 adaptive_avg_pool2d_4" [label="(1, 120, 14, 14)", style=solid]; +"284 adaptive_avg_pool2d_4" -> "287 conv2d_28" [label="(1, 120, 1, 1)", style=solid]; +"285 _param_constant76" -> "287 conv2d_28" [label="(32, 120, 1, 1)", style=solid]; +"286 _param_constant77_0_0" -> "287 conv2d_28" [label="(32,)", style=solid]; +"287 conv2d_28" -> "288 relu_4" [label="(1, 32, 1, 1)", style=solid]; +"288 relu_4" -> "291 conv2d_29" [label="(1, 32, 1, 1)", style=solid]; +"289 _param_constant78" -> "291 conv2d_29" [label="(120, 32, 1, 1)", style=solid]; +"290 _param_constant79_0_0" -> "291 conv2d_29" [label="(120,)", style=solid]; +"291 conv2d_29" -> "292 hardsigmoid_4" [label="(1, 120, 1, 1)", style=solid]; +"292 hardsigmoid_4" -> "293 quantize_per_tensor_default_25" [label="(1, 120, 1, 1)", style=solid]; +"293 quantize_per_tensor_default_25" -> "294 dequantize_per_tensor_default_33" [label="(1, 120, 1, 1)", style=solid]; +"294 dequantize_per_tensor_default_33" -> "295 mul_4" [label="(1, 120, 1, 1)", style=solid]; +"295 mul_4" -> "296 quantize_per_tensor_default_26" [label="(1, 120, 14, 14)", style=solid]; +"296 quantize_per_tensor_default_26" -> "297 dequantize_per_tensor_default_34" [label="(1, 120, 14, 14)", style=solid]; +"297 dequantize_per_tensor_default_34" -> "304 conv2d_30" [label="(1, 120, 14, 14)", style=solid]; +"298 _param_constant80" -> "301 quantize_per_channel_default_27" [label="(48, 120, 1, 1)", style=solid]; +"299 conv2d_30_scale_0" -> "301 quantize_per_channel_default_27" [label="(48,)", style=solid]; +"299 conv2d_30_scale_0" -> "302 dequantize_per_channel_default_27" [label="(48,)", style=solid]; +"300 conv2d_30_zero_point_0" -> "301 quantize_per_channel_default_27" [label="(48,)", style=solid]; +"300 conv2d_30_zero_point_0" -> "302 dequantize_per_channel_default_27" [label="(48,)", style=solid]; +"301 quantize_per_channel_default_27" -> "302 dequantize_per_channel_default_27" [label="(48, 120, 1, 1)", style=solid]; +"302 dequantize_per_channel_default_27" -> "304 conv2d_30" [label="(48, 120, 1, 1)", style=solid]; +"303 features_7_block_3_0_weight_bias_0_0" -> "304 conv2d_30" [label="(48,)", style=solid]; +"304 conv2d_30" -> "305 quantize_per_tensor_default_27" [label="(1, 48, 14, 14)", style=solid]; +"305 quantize_per_tensor_default_27" -> "306 dequantize_per_tensor_default_36" [label="(1, 48, 14, 14)", style=solid]; +"305 quantize_per_tensor_default_27" -> "307 dequantize_per_tensor_default_35" [label="(1, 48, 14, 14)", style=solid]; +"306 dequantize_per_tensor_default_36" -> "354 add__3" [label="(1, 48, 14, 14)", style=solid]; +"307 dequantize_per_tensor_default_35" -> "314 conv2d_31" [label="(1, 48, 14, 14)", style=solid]; +"308 _param_constant83" -> "311 quantize_per_channel_default_28" [label="(144, 48, 1, 1)", style=solid]; +"309 conv2d_31_scale_0" -> "311 quantize_per_channel_default_28" [label="(144,)", style=solid]; +"309 conv2d_31_scale_0" -> "312 dequantize_per_channel_default_28" [label="(144,)", style=solid]; +"310 conv2d_31_zero_point_0" -> "311 quantize_per_channel_default_28" [label="(144,)", style=solid]; +"310 conv2d_31_zero_point_0" -> "312 dequantize_per_channel_default_28" [label="(144,)", style=solid]; +"311 quantize_per_channel_default_28" -> "312 dequantize_per_channel_default_28" [label="(144, 48, 1, 1)", style=solid]; +"312 dequantize_per_channel_default_28" -> "314 conv2d_31" [label="(144, 48, 1, 1)", style=solid]; +"313 features_8_block_0_0_weight_bias_0_0" -> "314 conv2d_31" [label="(144,)", style=solid]; +"314 conv2d_31" -> "317 hardswish__9" [label="(1, 144, 14, 14)", style=solid]; +"315 hardswish__9_scale_0" -> "318 quantize_per_channel_default_29" [label="(144,)", style=solid]; +"315 hardswish__9_scale_0" -> "319 dequantize_per_channel_default_29" [label="(144,)", style=solid]; +"316 hardswish__9_zero_point_0" -> "318 quantize_per_channel_default_29" [label="(144,)", style=solid]; +"316 hardswish__9_zero_point_0" -> "319 dequantize_per_channel_default_29" [label="(144,)", style=solid]; +"317 hardswish__9" -> "318 quantize_per_channel_default_29" [label="(1, 144, 14, 14)", style=solid]; +"318 quantize_per_channel_default_29" -> "319 dequantize_per_channel_default_29" [label="(1, 144, 14, 14)", style=solid]; +"319 dequantize_per_channel_default_29" -> "326 conv2d_32" [label="(1, 144, 14, 14)", style=solid]; +"320 _param_constant86" -> "323 quantize_per_channel_default_30" [label="(144, 1, 5, 5)", style=solid]; +"321 conv2d_32_scale_0" -> "323 quantize_per_channel_default_30" [label="(144,)", style=solid]; +"321 conv2d_32_scale_0" -> "324 dequantize_per_channel_default_30" [label="(144,)", style=solid]; +"322 conv2d_32_zero_point_0" -> "323 quantize_per_channel_default_30" [label="(144,)", style=solid]; +"322 conv2d_32_zero_point_0" -> "324 dequantize_per_channel_default_30" [label="(144,)", style=solid]; +"323 quantize_per_channel_default_30" -> "324 dequantize_per_channel_default_30" [label="(144, 1, 5, 5)", style=solid]; +"324 dequantize_per_channel_default_30" -> "326 conv2d_32" [label="(144, 1, 5, 5)", style=solid]; +"325 features_8_block_1_0_weight_bias_0_0" -> "326 conv2d_32" [label="(144,)", style=solid]; +"326 conv2d_32" -> "327 hardswish__10" [label="(1, 144, 14, 14)", style=solid]; +"327 hardswish__10" -> "328 quantize_per_tensor_default_28" [label="(1, 144, 14, 14)", style=solid]; +"328 quantize_per_tensor_default_28" -> "329 dequantize_per_tensor_default_38" [label="(1, 144, 14, 14)", style=solid]; +"328 quantize_per_tensor_default_28" -> "330 dequantize_per_tensor_default_37" [label="(1, 144, 14, 14)", style=solid]; +"329 dequantize_per_tensor_default_38" -> "342 mul_5" [label="(1, 144, 14, 14)", style=solid]; +"330 dequantize_per_tensor_default_37" -> "331 adaptive_avg_pool2d_5" [label="(1, 144, 14, 14)", style=solid]; +"331 adaptive_avg_pool2d_5" -> "334 conv2d_33" [label="(1, 144, 1, 1)", style=solid]; +"332 _param_constant89" -> "334 conv2d_33" [label="(40, 144, 1, 1)", style=solid]; +"333 _param_constant90_0_0" -> "334 conv2d_33" [label="(40,)", style=solid]; +"334 conv2d_33" -> "335 relu_5" [label="(1, 40, 1, 1)", style=solid]; +"335 relu_5" -> "338 conv2d_34" [label="(1, 40, 1, 1)", style=solid]; +"336 _param_constant91" -> "338 conv2d_34" [label="(144, 40, 1, 1)", style=solid]; +"337 _param_constant92_0_0" -> "338 conv2d_34" [label="(144,)", style=solid]; +"338 conv2d_34" -> "339 hardsigmoid_5" [label="(1, 144, 1, 1)", style=solid]; +"339 hardsigmoid_5" -> "340 quantize_per_tensor_default_29" [label="(1, 144, 1, 1)", style=solid]; +"340 quantize_per_tensor_default_29" -> "341 dequantize_per_tensor_default_39" [label="(1, 144, 1, 1)", style=solid]; +"341 dequantize_per_tensor_default_39" -> "342 mul_5" [label="(1, 144, 1, 1)", style=solid]; +"342 mul_5" -> "343 quantize_per_tensor_default_30" [label="(1, 144, 14, 14)", style=solid]; +"343 quantize_per_tensor_default_30" -> "344 dequantize_per_tensor_default_40" [label="(1, 144, 14, 14)", style=solid]; +"344 dequantize_per_tensor_default_40" -> "351 conv2d_35" [label="(1, 144, 14, 14)", style=solid]; +"345 _param_constant93" -> "348 quantize_per_channel_default_31" [label="(48, 144, 1, 1)", style=solid]; +"346 conv2d_35_scale_0" -> "348 quantize_per_channel_default_31" [label="(48,)", style=solid]; +"346 conv2d_35_scale_0" -> "349 dequantize_per_channel_default_31" [label="(48,)", style=solid]; +"347 conv2d_35_zero_point_0" -> "348 quantize_per_channel_default_31" [label="(48,)", style=solid]; +"347 conv2d_35_zero_point_0" -> "349 dequantize_per_channel_default_31" [label="(48,)", style=solid]; +"348 quantize_per_channel_default_31" -> "349 dequantize_per_channel_default_31" [label="(48, 144, 1, 1)", style=solid]; +"349 dequantize_per_channel_default_31" -> "351 conv2d_35" [label="(48, 144, 1, 1)", style=solid]; +"350 features_8_block_3_0_weight_bias_0_0" -> "351 conv2d_35" [label="(48,)", style=solid]; +"351 conv2d_35" -> "352 quantize_per_tensor_default_31" [label="(1, 48, 14, 14)", style=solid]; +"352 quantize_per_tensor_default_31" -> "353 dequantize_per_tensor_default_41" [label="(1, 48, 14, 14)", style=solid]; +"353 dequantize_per_tensor_default_41" -> "354 add__3" [label="(1, 48, 14, 14)", style=solid]; +"354 add__3" -> "355 quantize_per_tensor_default_32" [label="(1, 48, 14, 14)", style=solid]; +"355 quantize_per_tensor_default_32" -> "356 dequantize_per_tensor_default_42" [label="(1, 48, 14, 14)", style=solid]; +"356 dequantize_per_tensor_default_42" -> "363 conv2d_36" [label="(1, 48, 14, 14)", style=solid]; +"357 _param_constant96" -> "360 quantize_per_channel_default_32" [label="(288, 48, 1, 1)", style=solid]; +"358 conv2d_36_scale_0" -> "360 quantize_per_channel_default_32" [label="(288,)", style=solid]; +"358 conv2d_36_scale_0" -> "361 dequantize_per_channel_default_32" [label="(288,)", style=solid]; +"359 conv2d_36_zero_point_0" -> "360 quantize_per_channel_default_32" [label="(288,)", style=solid]; +"359 conv2d_36_zero_point_0" -> "361 dequantize_per_channel_default_32" [label="(288,)", style=solid]; +"360 quantize_per_channel_default_32" -> "361 dequantize_per_channel_default_32" [label="(288, 48, 1, 1)", style=solid]; +"361 dequantize_per_channel_default_32" -> "363 conv2d_36" [label="(288, 48, 1, 1)", style=solid]; +"362 features_9_block_0_0_weight_bias_0_0" -> "363 conv2d_36" [label="(288,)", style=solid]; +"363 conv2d_36" -> "366 hardswish__11" [label="(1, 288, 14, 14)", style=solid]; +"364 hardswish__11_scale_0" -> "367 quantize_per_channel_default_33" [label="(288,)", style=solid]; +"364 hardswish__11_scale_0" -> "368 dequantize_per_channel_default_33" [label="(288,)", style=solid]; +"365 hardswish__11_zero_point_0" -> "367 quantize_per_channel_default_33" [label="(288,)", style=solid]; +"365 hardswish__11_zero_point_0" -> "368 dequantize_per_channel_default_33" [label="(288,)", style=solid]; +"366 hardswish__11" -> "367 quantize_per_channel_default_33" [label="(1, 288, 14, 14)", style=solid]; +"367 quantize_per_channel_default_33" -> "368 dequantize_per_channel_default_33" [label="(1, 288, 14, 14)", style=solid]; +"368 dequantize_per_channel_default_33" -> "375 conv2d_37" [label="(1, 288, 14, 14)", style=solid]; +"369 _param_constant99" -> "372 quantize_per_channel_default_34" [label="(288, 1, 5, 5)", style=solid]; +"370 conv2d_37_scale_0" -> "372 quantize_per_channel_default_34" [label="(288,)", style=solid]; +"370 conv2d_37_scale_0" -> "373 dequantize_per_channel_default_34" [label="(288,)", style=solid]; +"371 conv2d_37_zero_point_0" -> "372 quantize_per_channel_default_34" [label="(288,)", style=solid]; +"371 conv2d_37_zero_point_0" -> "373 dequantize_per_channel_default_34" [label="(288,)", style=solid]; +"372 quantize_per_channel_default_34" -> "373 dequantize_per_channel_default_34" [label="(288, 1, 5, 5)", style=solid]; +"373 dequantize_per_channel_default_34" -> "375 conv2d_37" [label="(288, 1, 5, 5)", style=solid]; +"374 features_9_block_1_0_weight_bias_0_0" -> "375 conv2d_37" [label="(288,)", style=solid]; +"375 conv2d_37" -> "376 hardswish__12" [label="(1, 288, 7, 7)", style=solid]; +"376 hardswish__12" -> "377 quantize_per_tensor_default_33" [label="(1, 288, 7, 7)", style=solid]; +"377 quantize_per_tensor_default_33" -> "378 dequantize_per_tensor_default_44" [label="(1, 288, 7, 7)", style=solid]; +"377 quantize_per_tensor_default_33" -> "379 dequantize_per_tensor_default_43" [label="(1, 288, 7, 7)", style=solid]; +"378 dequantize_per_tensor_default_44" -> "391 mul_6" [label="(1, 288, 7, 7)", style=solid]; +"379 dequantize_per_tensor_default_43" -> "380 adaptive_avg_pool2d_6" [label="(1, 288, 7, 7)", style=solid]; +"380 adaptive_avg_pool2d_6" -> "383 conv2d_38" [label="(1, 288, 1, 1)", style=solid]; +"381 _param_constant102" -> "383 conv2d_38" [label="(72, 288, 1, 1)", style=solid]; +"382 _param_constant103_0_0" -> "383 conv2d_38" [label="(72,)", style=solid]; +"383 conv2d_38" -> "384 relu_6" [label="(1, 72, 1, 1)", style=solid]; +"384 relu_6" -> "387 conv2d_39" [label="(1, 72, 1, 1)", style=solid]; +"385 _param_constant104" -> "387 conv2d_39" [label="(288, 72, 1, 1)", style=solid]; +"386 _param_constant105_0_0" -> "387 conv2d_39" [label="(288,)", style=solid]; +"387 conv2d_39" -> "388 hardsigmoid_6" [label="(1, 288, 1, 1)", style=solid]; +"388 hardsigmoid_6" -> "389 quantize_per_tensor_default_34" [label="(1, 288, 1, 1)", style=solid]; +"389 quantize_per_tensor_default_34" -> "390 dequantize_per_tensor_default_45" [label="(1, 288, 1, 1)", style=solid]; +"390 dequantize_per_tensor_default_45" -> "391 mul_6" [label="(1, 288, 1, 1)", style=solid]; +"391 mul_6" -> "392 quantize_per_tensor_default_35" [label="(1, 288, 7, 7)", style=solid]; +"392 quantize_per_tensor_default_35" -> "393 dequantize_per_tensor_default_46" [label="(1, 288, 7, 7)", style=solid]; +"393 dequantize_per_tensor_default_46" -> "400 conv2d_40" [label="(1, 288, 7, 7)", style=solid]; +"394 _param_constant106" -> "397 quantize_per_channel_default_35" [label="(96, 288, 1, 1)", style=solid]; +"395 conv2d_40_scale_0" -> "397 quantize_per_channel_default_35" [label="(96,)", style=solid]; +"395 conv2d_40_scale_0" -> "398 dequantize_per_channel_default_35" [label="(96,)", style=solid]; +"396 conv2d_40_zero_point_0" -> "397 quantize_per_channel_default_35" [label="(96,)", style=solid]; +"396 conv2d_40_zero_point_0" -> "398 dequantize_per_channel_default_35" [label="(96,)", style=solid]; +"397 quantize_per_channel_default_35" -> "398 dequantize_per_channel_default_35" [label="(96, 288, 1, 1)", style=solid]; +"398 dequantize_per_channel_default_35" -> "400 conv2d_40" [label="(96, 288, 1, 1)", style=solid]; +"399 features_9_block_3_0_weight_bias_0_0" -> "400 conv2d_40" [label="(96,)", style=solid]; +"400 conv2d_40" -> "401 quantize_per_tensor_default_36" [label="(1, 96, 7, 7)", style=solid]; +"401 quantize_per_tensor_default_36" -> "402 dequantize_per_tensor_default_48" [label="(1, 96, 7, 7)", style=solid]; +"401 quantize_per_tensor_default_36" -> "403 dequantize_per_tensor_default_47" [label="(1, 96, 7, 7)", style=solid]; +"402 dequantize_per_tensor_default_48" -> "450 add__4" [label="(1, 96, 7, 7)", style=solid]; +"403 dequantize_per_tensor_default_47" -> "410 conv2d_41" [label="(1, 96, 7, 7)", style=solid]; +"404 _param_constant109" -> "407 quantize_per_channel_default_36" [label="(576, 96, 1, 1)", style=solid]; +"405 conv2d_41_scale_0" -> "407 quantize_per_channel_default_36" [label="(576,)", style=solid]; +"405 conv2d_41_scale_0" -> "408 dequantize_per_channel_default_36" [label="(576,)", style=solid]; +"406 conv2d_41_zero_point_0" -> "407 quantize_per_channel_default_36" [label="(576,)", style=solid]; +"406 conv2d_41_zero_point_0" -> "408 dequantize_per_channel_default_36" [label="(576,)", style=solid]; +"407 quantize_per_channel_default_36" -> "408 dequantize_per_channel_default_36" [label="(576, 96, 1, 1)", style=solid]; +"408 dequantize_per_channel_default_36" -> "410 conv2d_41" [label="(576, 96, 1, 1)", style=solid]; +"409 features_10_block_0_0_weight_bias_0_0" -> "410 conv2d_41" [label="(576,)", style=solid]; +"410 conv2d_41" -> "413 hardswish__13" [label="(1, 576, 7, 7)", style=solid]; +"411 hardswish__13_scale_0" -> "414 quantize_per_channel_default_37" [label="(576,)", style=solid]; +"411 hardswish__13_scale_0" -> "415 dequantize_per_channel_default_37" [label="(576,)", style=solid]; +"412 hardswish__13_zero_point_0" -> "414 quantize_per_channel_default_37" [label="(576,)", style=solid]; +"412 hardswish__13_zero_point_0" -> "415 dequantize_per_channel_default_37" [label="(576,)", style=solid]; +"413 hardswish__13" -> "414 quantize_per_channel_default_37" [label="(1, 576, 7, 7)", style=solid]; +"414 quantize_per_channel_default_37" -> "415 dequantize_per_channel_default_37" [label="(1, 576, 7, 7)", style=solid]; +"415 dequantize_per_channel_default_37" -> "422 conv2d_42" [label="(1, 576, 7, 7)", style=solid]; +"416 _param_constant112" -> "419 quantize_per_channel_default_38" [label="(576, 1, 5, 5)", style=solid]; +"417 conv2d_42_scale_0" -> "419 quantize_per_channel_default_38" [label="(576,)", style=solid]; +"417 conv2d_42_scale_0" -> "420 dequantize_per_channel_default_38" [label="(576,)", style=solid]; +"418 conv2d_42_zero_point_0" -> "419 quantize_per_channel_default_38" [label="(576,)", style=solid]; +"418 conv2d_42_zero_point_0" -> "420 dequantize_per_channel_default_38" [label="(576,)", style=solid]; +"419 quantize_per_channel_default_38" -> "420 dequantize_per_channel_default_38" [label="(576, 1, 5, 5)", style=solid]; +"420 dequantize_per_channel_default_38" -> "422 conv2d_42" [label="(576, 1, 5, 5)", style=solid]; +"421 features_10_block_1_0_weight_bias_0_0" -> "422 conv2d_42" [label="(576,)", style=solid]; +"422 conv2d_42" -> "423 hardswish__14" [label="(1, 576, 7, 7)", style=solid]; +"423 hardswish__14" -> "424 quantize_per_tensor_default_37" [label="(1, 576, 7, 7)", style=solid]; +"424 quantize_per_tensor_default_37" -> "425 dequantize_per_tensor_default_50" [label="(1, 576, 7, 7)", style=solid]; +"424 quantize_per_tensor_default_37" -> "426 dequantize_per_tensor_default_49" [label="(1, 576, 7, 7)", style=solid]; +"425 dequantize_per_tensor_default_50" -> "438 mul_7" [label="(1, 576, 7, 7)", style=solid]; +"426 dequantize_per_tensor_default_49" -> "427 adaptive_avg_pool2d_7" [label="(1, 576, 7, 7)", style=solid]; +"427 adaptive_avg_pool2d_7" -> "430 conv2d_43" [label="(1, 576, 1, 1)", style=solid]; +"428 _param_constant115" -> "430 conv2d_43" [label="(144, 576, 1, 1)", style=solid]; +"429 _param_constant116_0_0" -> "430 conv2d_43" [label="(144,)", style=solid]; +"430 conv2d_43" -> "431 relu_7" [label="(1, 144, 1, 1)", style=solid]; +"431 relu_7" -> "434 conv2d_44" [label="(1, 144, 1, 1)", style=solid]; +"432 _param_constant117" -> "434 conv2d_44" [label="(576, 144, 1, 1)", style=solid]; +"433 _param_constant118_0_0" -> "434 conv2d_44" [label="(576,)", style=solid]; +"434 conv2d_44" -> "435 hardsigmoid_7" [label="(1, 576, 1, 1)", style=solid]; +"435 hardsigmoid_7" -> "436 quantize_per_tensor_default_38" [label="(1, 576, 1, 1)", style=solid]; +"436 quantize_per_tensor_default_38" -> "437 dequantize_per_tensor_default_51" [label="(1, 576, 1, 1)", style=solid]; +"437 dequantize_per_tensor_default_51" -> "438 mul_7" [label="(1, 576, 1, 1)", style=solid]; +"438 mul_7" -> "439 quantize_per_tensor_default_39" [label="(1, 576, 7, 7)", style=solid]; +"439 quantize_per_tensor_default_39" -> "440 dequantize_per_tensor_default_52" [label="(1, 576, 7, 7)", style=solid]; +"440 dequantize_per_tensor_default_52" -> "447 conv2d_45" [label="(1, 576, 7, 7)", style=solid]; +"441 _param_constant119" -> "444 quantize_per_channel_default_39" [label="(96, 576, 1, 1)", style=solid]; +"442 conv2d_45_scale_0" -> "444 quantize_per_channel_default_39" [label="(96,)", style=solid]; +"442 conv2d_45_scale_0" -> "445 dequantize_per_channel_default_39" [label="(96,)", style=solid]; +"443 conv2d_45_zero_point_0" -> "444 quantize_per_channel_default_39" [label="(96,)", style=solid]; +"443 conv2d_45_zero_point_0" -> "445 dequantize_per_channel_default_39" [label="(96,)", style=solid]; +"444 quantize_per_channel_default_39" -> "445 dequantize_per_channel_default_39" [label="(96, 576, 1, 1)", style=solid]; +"445 dequantize_per_channel_default_39" -> "447 conv2d_45" [label="(96, 576, 1, 1)", style=solid]; +"446 features_10_block_3_0_weight_bias_0_0" -> "447 conv2d_45" [label="(96,)", style=solid]; +"447 conv2d_45" -> "448 quantize_per_tensor_default_40" [label="(1, 96, 7, 7)", style=solid]; +"448 quantize_per_tensor_default_40" -> "449 dequantize_per_tensor_default_53" [label="(1, 96, 7, 7)", style=solid]; +"449 dequantize_per_tensor_default_53" -> "450 add__4" [label="(1, 96, 7, 7)", style=solid]; +"450 add__4" -> "451 quantize_per_tensor_default_41" [label="(1, 96, 7, 7)", style=solid]; +"451 quantize_per_tensor_default_41" -> "452 dequantize_per_tensor_default_55" [label="(1, 96, 7, 7)", style=solid]; +"451 quantize_per_tensor_default_41" -> "453 dequantize_per_tensor_default_54" [label="(1, 96, 7, 7)", style=solid]; +"452 dequantize_per_tensor_default_55" -> "500 add__5" [label="(1, 96, 7, 7)", style=solid]; +"453 dequantize_per_tensor_default_54" -> "460 conv2d_46" [label="(1, 96, 7, 7)", style=solid]; +"454 _param_constant122" -> "457 quantize_per_channel_default_40" [label="(576, 96, 1, 1)", style=solid]; +"455 conv2d_46_scale_0" -> "457 quantize_per_channel_default_40" [label="(576,)", style=solid]; +"455 conv2d_46_scale_0" -> "458 dequantize_per_channel_default_40" [label="(576,)", style=solid]; +"456 conv2d_46_zero_point_0" -> "457 quantize_per_channel_default_40" [label="(576,)", style=solid]; +"456 conv2d_46_zero_point_0" -> "458 dequantize_per_channel_default_40" [label="(576,)", style=solid]; +"457 quantize_per_channel_default_40" -> "458 dequantize_per_channel_default_40" [label="(576, 96, 1, 1)", style=solid]; +"458 dequantize_per_channel_default_40" -> "460 conv2d_46" [label="(576, 96, 1, 1)", style=solid]; +"459 features_11_block_0_0_weight_bias_0_0" -> "460 conv2d_46" [label="(576,)", style=solid]; +"460 conv2d_46" -> "463 hardswish__15" [label="(1, 576, 7, 7)", style=solid]; +"461 hardswish__15_scale_0" -> "464 quantize_per_channel_default_41" [label="(576,)", style=solid]; +"461 hardswish__15_scale_0" -> "465 dequantize_per_channel_default_41" [label="(576,)", style=solid]; +"462 hardswish__15_zero_point_0" -> "464 quantize_per_channel_default_41" [label="(576,)", style=solid]; +"462 hardswish__15_zero_point_0" -> "465 dequantize_per_channel_default_41" [label="(576,)", style=solid]; +"463 hardswish__15" -> "464 quantize_per_channel_default_41" [label="(1, 576, 7, 7)", style=solid]; +"464 quantize_per_channel_default_41" -> "465 dequantize_per_channel_default_41" [label="(1, 576, 7, 7)", style=solid]; +"465 dequantize_per_channel_default_41" -> "472 conv2d_47" [label="(1, 576, 7, 7)", style=solid]; +"466 _param_constant125" -> "469 quantize_per_channel_default_42" [label="(576, 1, 5, 5)", style=solid]; +"467 conv2d_47_scale_0" -> "469 quantize_per_channel_default_42" [label="(576,)", style=solid]; +"467 conv2d_47_scale_0" -> "470 dequantize_per_channel_default_42" [label="(576,)", style=solid]; +"468 conv2d_47_zero_point_0" -> "469 quantize_per_channel_default_42" [label="(576,)", style=solid]; +"468 conv2d_47_zero_point_0" -> "470 dequantize_per_channel_default_42" [label="(576,)", style=solid]; +"469 quantize_per_channel_default_42" -> "470 dequantize_per_channel_default_42" [label="(576, 1, 5, 5)", style=solid]; +"470 dequantize_per_channel_default_42" -> "472 conv2d_47" [label="(576, 1, 5, 5)", style=solid]; +"471 features_11_block_1_0_weight_bias_0_0" -> "472 conv2d_47" [label="(576,)", style=solid]; +"472 conv2d_47" -> "473 hardswish__16" [label="(1, 576, 7, 7)", style=solid]; +"473 hardswish__16" -> "474 quantize_per_tensor_default_42" [label="(1, 576, 7, 7)", style=solid]; +"474 quantize_per_tensor_default_42" -> "475 dequantize_per_tensor_default_57" [label="(1, 576, 7, 7)", style=solid]; +"474 quantize_per_tensor_default_42" -> "476 dequantize_per_tensor_default_56" [label="(1, 576, 7, 7)", style=solid]; +"475 dequantize_per_tensor_default_57" -> "488 mul_8" [label="(1, 576, 7, 7)", style=solid]; +"476 dequantize_per_tensor_default_56" -> "477 adaptive_avg_pool2d_8" [label="(1, 576, 7, 7)", style=solid]; +"477 adaptive_avg_pool2d_8" -> "480 conv2d_48" [label="(1, 576, 1, 1)", style=solid]; +"478 _param_constant128" -> "480 conv2d_48" [label="(144, 576, 1, 1)", style=solid]; +"479 _param_constant129_0_0" -> "480 conv2d_48" [label="(144,)", style=solid]; +"480 conv2d_48" -> "481 relu_8" [label="(1, 144, 1, 1)", style=solid]; +"481 relu_8" -> "484 conv2d_49" [label="(1, 144, 1, 1)", style=solid]; +"482 _param_constant130" -> "484 conv2d_49" [label="(576, 144, 1, 1)", style=solid]; +"483 _param_constant131_0_0" -> "484 conv2d_49" [label="(576,)", style=solid]; +"484 conv2d_49" -> "485 hardsigmoid_8" [label="(1, 576, 1, 1)", style=solid]; +"485 hardsigmoid_8" -> "486 quantize_per_tensor_default_43" [label="(1, 576, 1, 1)", style=solid]; +"486 quantize_per_tensor_default_43" -> "487 dequantize_per_tensor_default_58" [label="(1, 576, 1, 1)", style=solid]; +"487 dequantize_per_tensor_default_58" -> "488 mul_8" [label="(1, 576, 1, 1)", style=solid]; +"488 mul_8" -> "489 quantize_per_tensor_default_44" [label="(1, 576, 7, 7)", style=solid]; +"489 quantize_per_tensor_default_44" -> "490 dequantize_per_tensor_default_59" [label="(1, 576, 7, 7)", style=solid]; +"490 dequantize_per_tensor_default_59" -> "497 conv2d_50" [label="(1, 576, 7, 7)", style=solid]; +"491 _param_constant132" -> "494 quantize_per_channel_default_43" [label="(96, 576, 1, 1)", style=solid]; +"492 conv2d_50_scale_0" -> "494 quantize_per_channel_default_43" [label="(96,)", style=solid]; +"492 conv2d_50_scale_0" -> "495 dequantize_per_channel_default_43" [label="(96,)", style=solid]; +"493 conv2d_50_zero_point_0" -> "494 quantize_per_channel_default_43" [label="(96,)", style=solid]; +"493 conv2d_50_zero_point_0" -> "495 dequantize_per_channel_default_43" [label="(96,)", style=solid]; +"494 quantize_per_channel_default_43" -> "495 dequantize_per_channel_default_43" [label="(96, 576, 1, 1)", style=solid]; +"495 dequantize_per_channel_default_43" -> "497 conv2d_50" [label="(96, 576, 1, 1)", style=solid]; +"496 features_11_block_3_0_weight_bias_0_0" -> "497 conv2d_50" [label="(96,)", style=solid]; +"497 conv2d_50" -> "498 quantize_per_tensor_default_45" [label="(1, 96, 7, 7)", style=solid]; +"498 quantize_per_tensor_default_45" -> "499 dequantize_per_tensor_default_60" [label="(1, 96, 7, 7)", style=solid]; +"499 dequantize_per_tensor_default_60" -> "500 add__5" [label="(1, 96, 7, 7)", style=solid]; +"500 add__5" -> "501 quantize_per_tensor_default_46" [label="(1, 96, 7, 7)", style=solid]; +"501 quantize_per_tensor_default_46" -> "502 dequantize_per_tensor_default_61" [label="(1, 96, 7, 7)", style=solid]; +"502 dequantize_per_tensor_default_61" -> "509 conv2d_51" [label="(1, 96, 7, 7)", style=solid]; +"503 _param_constant135" -> "506 quantize_per_channel_default_44" [label="(576, 96, 1, 1)", style=solid]; +"504 conv2d_51_scale_0" -> "506 quantize_per_channel_default_44" [label="(576,)", style=solid]; +"504 conv2d_51_scale_0" -> "507 dequantize_per_channel_default_44" [label="(576,)", style=solid]; +"505 conv2d_51_zero_point_0" -> "506 quantize_per_channel_default_44" [label="(576,)", style=solid]; +"505 conv2d_51_zero_point_0" -> "507 dequantize_per_channel_default_44" [label="(576,)", style=solid]; +"506 quantize_per_channel_default_44" -> "507 dequantize_per_channel_default_44" [label="(576, 96, 1, 1)", style=solid]; +"507 dequantize_per_channel_default_44" -> "509 conv2d_51" [label="(576, 96, 1, 1)", style=solid]; +"508 features_12_0_weight_bias_0_0" -> "509 conv2d_51" [label="(576,)", style=solid]; +"509 conv2d_51" -> "510 hardswish__17" [label="(1, 576, 7, 7)", style=solid]; +"510 hardswish__17" -> "511 quantize_per_tensor_default_47" [label="(1, 576, 7, 7)", style=solid]; +"511 quantize_per_tensor_default_47" -> "512 dequantize_per_tensor_default_62" [label="(1, 576, 7, 7)", style=solid]; +"512 dequantize_per_tensor_default_62" -> "513 adaptive_avg_pool2d_9" [label="(1, 576, 7, 7)", style=solid]; +"513 adaptive_avg_pool2d_9" -> "514 quantize_per_tensor_default_48" [label="(1, 576, 1, 1)", style=solid]; +"514 quantize_per_tensor_default_48" -> "515 dequantize_per_tensor_default_63" [label="(1, 576, 1, 1)", style=solid]; +"515 dequantize_per_tensor_default_63" -> "516 flatten" [label="(1, 576, 1, 1)", style=solid]; +"516 flatten" -> "523 linear" [label="(1, 576)", style=solid]; +"517 _param_constant138" -> "520 quantize_per_channel_default_45" [label="(1024, 576)", style=solid]; +"518 linear_scale_0" -> "520 quantize_per_channel_default_45" [label="(1024,)", style=solid]; +"518 linear_scale_0" -> "521 dequantize_per_channel_default_45" [label="(1024,)", style=solid]; +"519 linear_zero_point_0" -> "520 quantize_per_channel_default_45" [label="(1024,)", style=solid]; +"519 linear_zero_point_0" -> "521 dequantize_per_channel_default_45" [label="(1024,)", style=solid]; +"520 quantize_per_channel_default_45" -> "521 dequantize_per_channel_default_45" [label="(1024, 576)", style=solid]; +"521 dequantize_per_channel_default_45" -> "523 linear" [label="(1024, 576)", style=solid]; +"522 _param_constant139_0_0" -> "523 linear" [label="(1024,)", style=solid]; +"523 linear" -> "524 hardswish__18" [label="(1, 1024)", style=solid]; +"524 hardswish__18" -> "525 quantize_per_tensor_default_49" [label="(1, 1024)", style=solid]; +"525 quantize_per_tensor_default_49" -> "526 dequantize_per_tensor_default_64" [label="(1, 1024)", style=solid]; +"526 dequantize_per_tensor_default_64" -> "527 dropout_" [label="(1, 1024)", style=solid]; +"527 dropout_" -> "534 linear_1" [label="(1, 1024)", style=solid]; +"528 _param_constant140" -> "531 quantize_per_channel_default_46" [label="(1000, 1024)", style=solid]; +"529 linear_1_scale_0" -> "531 quantize_per_channel_default_46" [label="(1000,)", style=solid]; +"529 linear_1_scale_0" -> "532 dequantize_per_channel_default_46" [label="(1000,)", style=solid]; +"530 linear_1_zero_point_0" -> "531 quantize_per_channel_default_46" [label="(1000,)", style=solid]; +"530 linear_1_zero_point_0" -> "532 dequantize_per_channel_default_46" [label="(1000,)", style=solid]; +"531 quantize_per_channel_default_46" -> "532 dequantize_per_channel_default_46" [label="(1000, 1024)", style=solid]; +"532 dequantize_per_channel_default_46" -> "534 linear_1" [label="(1000, 1024)", style=solid]; +"533 _param_constant141_0_0" -> "534 linear_1" [label="(1000,)", style=solid]; +"534 linear_1" -> "535 output" [label="(1, 1000)", style=solid]; +} diff --git a/tests/torch/data/fx/reference_graphs/quantized_graphs/resnet18.dot b/tests/torch/data/fx/reference_graphs/quantized_graphs/resnet18.dot new file mode 100644 index 00000000000..a2aab53280e --- /dev/null +++ b/tests/torch/data/fx/reference_graphs/quantized_graphs/resnet18.dot @@ -0,0 +1,539 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 quantize_per_tensor_default" [id=1, type=quantize_per_tensor]; +"2 dequantize_per_tensor_default" [id=2, type=dequantize_per_tensor]; +"3 _param_constant0" [id=3, type=get_attr]; +"4 conv2d_scale_0" [id=4, type=get_attr]; +"5 conv2d_zero_point_0" [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 conv1_weight_bias_0_0" [id=8, type=get_attr]; +"9 conv2d" [id=9, type=conv2d]; +"10 relu_" [id=10, type=relu_]; +"11 quantize_per_tensor_default_1" [id=11, type=quantize_per_tensor]; +"12 dequantize_per_tensor_default_1" [id=12, type=dequantize_per_tensor]; +"13 max_pool2d" [id=13, type=max_pool2d]; +"14 _param_constant3" [id=14, type=get_attr]; +"15 conv2d_1_scale_0" [id=15, type=get_attr]; +"16 conv2d_1_zero_point_0" [id=16, type=get_attr]; +"17 quantize_per_channel_default_1" [id=17, type=quantize_per_channel]; +"18 dequantize_per_channel_default_1" [id=18, type=dequantize_per_channel]; +"19 layer1_0_conv1_weight_bias_0_0" [id=19, type=get_attr]; +"20 conv2d_1" [id=20, type=conv2d]; +"21 relu__1" [id=21, type=relu_]; +"22 quantize_per_tensor_default_2" [id=22, type=quantize_per_tensor]; +"23 dequantize_per_tensor_default_2" [id=23, type=dequantize_per_tensor]; +"24 _param_constant6" [id=24, type=get_attr]; +"25 conv2d_2_scale_0" [id=25, type=get_attr]; +"26 conv2d_2_zero_point_0" [id=26, type=get_attr]; +"27 quantize_per_channel_default_2" [id=27, type=quantize_per_channel]; +"28 dequantize_per_channel_default_2" [id=28, type=dequantize_per_channel]; +"29 layer1_0_conv2_weight_bias_0_0" [id=29, type=get_attr]; +"30 conv2d_2" [id=30, type=conv2d]; +"31 quantize_per_tensor_default_3" [id=31, type=quantize_per_tensor]; +"32 dequantize_per_tensor_default_3" [id=32, type=dequantize_per_tensor]; +"33 add_" [id=33, type=add_]; +"34 relu__2" [id=34, type=relu_]; +"35 quantize_per_tensor_default_4" [id=35, type=quantize_per_tensor]; +"36 dequantize_per_tensor_default_5" [id=36, type=dequantize_per_tensor]; +"37 dequantize_per_tensor_default_4" [id=37, type=dequantize_per_tensor]; +"38 _param_constant9" [id=38, type=get_attr]; +"39 conv2d_3_scale_0" [id=39, type=get_attr]; +"40 conv2d_3_zero_point_0" [id=40, type=get_attr]; +"41 quantize_per_channel_default_3" [id=41, type=quantize_per_channel]; +"42 dequantize_per_channel_default_3" [id=42, type=dequantize_per_channel]; +"43 layer1_1_conv1_weight_bias_0_0" [id=43, type=get_attr]; +"44 conv2d_3" [id=44, type=conv2d]; +"45 relu__3" [id=45, type=relu_]; +"46 quantize_per_tensor_default_5" [id=46, type=quantize_per_tensor]; +"47 dequantize_per_tensor_default_6" [id=47, type=dequantize_per_tensor]; +"48 _param_constant12" [id=48, type=get_attr]; +"49 conv2d_4_scale_0" [id=49, type=get_attr]; +"50 conv2d_4_zero_point_0" [id=50, type=get_attr]; +"51 quantize_per_channel_default_4" [id=51, type=quantize_per_channel]; +"52 dequantize_per_channel_default_4" [id=52, type=dequantize_per_channel]; +"53 layer1_1_conv2_weight_bias_0_0" [id=53, type=get_attr]; +"54 conv2d_4" [id=54, type=conv2d]; +"55 quantize_per_tensor_default_6" [id=55, type=quantize_per_tensor]; +"56 dequantize_per_tensor_default_7" [id=56, type=dequantize_per_tensor]; +"57 add__1" [id=57, type=add_]; +"58 relu__4" [id=58, type=relu_]; +"59 quantize_per_tensor_default_7" [id=59, type=quantize_per_tensor]; +"60 dequantize_per_tensor_default_9" [id=60, type=dequantize_per_tensor]; +"61 dequantize_per_tensor_default_8" [id=61, type=dequantize_per_tensor]; +"62 _param_constant15" [id=62, type=get_attr]; +"63 conv2d_5_scale_0" [id=63, type=get_attr]; +"64 conv2d_5_zero_point_0" [id=64, type=get_attr]; +"65 quantize_per_channel_default_5" [id=65, type=quantize_per_channel]; +"66 dequantize_per_channel_default_5" [id=66, type=dequantize_per_channel]; +"67 layer2_0_conv1_weight_bias_0_0" [id=67, type=get_attr]; +"68 conv2d_5" [id=68, type=conv2d]; +"69 relu__5" [id=69, type=relu_]; +"70 quantize_per_tensor_default_8" [id=70, type=quantize_per_tensor]; +"71 dequantize_per_tensor_default_10" [id=71, type=dequantize_per_tensor]; +"72 _param_constant18" [id=72, type=get_attr]; +"73 conv2d_6_scale_0" [id=73, type=get_attr]; +"74 conv2d_6_zero_point_0" [id=74, type=get_attr]; +"75 quantize_per_channel_default_6" [id=75, type=quantize_per_channel]; +"76 dequantize_per_channel_default_6" [id=76, type=dequantize_per_channel]; +"77 layer2_0_conv2_weight_bias_0_0" [id=77, type=get_attr]; +"78 conv2d_6" [id=78, type=conv2d]; +"79 quantize_per_tensor_default_9" [id=79, type=quantize_per_tensor]; +"80 dequantize_per_tensor_default_11" [id=80, type=dequantize_per_tensor]; +"81 _param_constant21" [id=81, type=get_attr]; +"82 conv2d_7_scale_0" [id=82, type=get_attr]; +"83 conv2d_7_zero_point_0" [id=83, type=get_attr]; +"84 quantize_per_channel_default_7" [id=84, type=quantize_per_channel]; +"85 dequantize_per_channel_default_7" [id=85, type=dequantize_per_channel]; +"86 layer2_0_downsample_0_weight_bias_0_0" [id=86, type=get_attr]; +"87 conv2d_7" [id=87, type=conv2d]; +"88 quantize_per_tensor_default_10" [id=88, type=quantize_per_tensor]; +"89 dequantize_per_tensor_default_12" [id=89, type=dequantize_per_tensor]; +"90 add__2" [id=90, type=add_]; +"91 relu__6" [id=91, type=relu_]; +"92 quantize_per_tensor_default_11" [id=92, type=quantize_per_tensor]; +"93 dequantize_per_tensor_default_14" [id=93, type=dequantize_per_tensor]; +"94 dequantize_per_tensor_default_13" [id=94, type=dequantize_per_tensor]; +"95 _param_constant24" [id=95, type=get_attr]; +"96 conv2d_8_scale_0" [id=96, type=get_attr]; +"97 conv2d_8_zero_point_0" [id=97, type=get_attr]; +"98 quantize_per_channel_default_8" [id=98, type=quantize_per_channel]; +"99 dequantize_per_channel_default_8" [id=99, type=dequantize_per_channel]; +"100 layer2_1_conv1_weight_bias_0_0" [id=100, type=get_attr]; +"101 conv2d_8" [id=101, type=conv2d]; +"102 relu__7" [id=102, type=relu_]; +"103 quantize_per_tensor_default_12" [id=103, type=quantize_per_tensor]; +"104 dequantize_per_tensor_default_15" [id=104, type=dequantize_per_tensor]; +"105 _param_constant27" [id=105, type=get_attr]; +"106 conv2d_9_scale_0" [id=106, type=get_attr]; +"107 conv2d_9_zero_point_0" [id=107, type=get_attr]; +"108 quantize_per_channel_default_9" [id=108, type=quantize_per_channel]; +"109 dequantize_per_channel_default_9" [id=109, type=dequantize_per_channel]; +"110 layer2_1_conv2_weight_bias_0_0" [id=110, type=get_attr]; +"111 conv2d_9" [id=111, type=conv2d]; +"112 quantize_per_tensor_default_13" [id=112, type=quantize_per_tensor]; +"113 dequantize_per_tensor_default_16" [id=113, type=dequantize_per_tensor]; +"114 add__3" [id=114, type=add_]; +"115 relu__8" [id=115, type=relu_]; +"116 quantize_per_tensor_default_14" [id=116, type=quantize_per_tensor]; +"117 dequantize_per_tensor_default_18" [id=117, type=dequantize_per_tensor]; +"118 dequantize_per_tensor_default_17" [id=118, type=dequantize_per_tensor]; +"119 _param_constant30" [id=119, type=get_attr]; +"120 conv2d_10_scale_0" [id=120, type=get_attr]; +"121 conv2d_10_zero_point_0" [id=121, type=get_attr]; +"122 quantize_per_channel_default_10" [id=122, type=quantize_per_channel]; +"123 dequantize_per_channel_default_10" [id=123, type=dequantize_per_channel]; +"124 layer3_0_conv1_weight_bias_0_0" [id=124, type=get_attr]; +"125 conv2d_10" [id=125, type=conv2d]; +"126 relu__9" [id=126, type=relu_]; +"127 quantize_per_tensor_default_15" [id=127, type=quantize_per_tensor]; +"128 dequantize_per_tensor_default_19" [id=128, type=dequantize_per_tensor]; +"129 _param_constant33" [id=129, type=get_attr]; +"130 conv2d_11_scale_0" [id=130, type=get_attr]; +"131 conv2d_11_zero_point_0" [id=131, type=get_attr]; +"132 quantize_per_channel_default_11" [id=132, type=quantize_per_channel]; +"133 dequantize_per_channel_default_11" [id=133, type=dequantize_per_channel]; +"134 layer3_0_conv2_weight_bias_0_0" [id=134, type=get_attr]; +"135 conv2d_11" [id=135, type=conv2d]; +"136 quantize_per_tensor_default_16" [id=136, type=quantize_per_tensor]; +"137 dequantize_per_tensor_default_20" [id=137, type=dequantize_per_tensor]; +"138 _param_constant36" [id=138, type=get_attr]; +"139 conv2d_12_scale_0" [id=139, type=get_attr]; +"140 conv2d_12_zero_point_0" [id=140, type=get_attr]; +"141 quantize_per_channel_default_12" [id=141, type=quantize_per_channel]; +"142 dequantize_per_channel_default_12" [id=142, type=dequantize_per_channel]; +"143 layer3_0_downsample_0_weight_bias_0_0" [id=143, type=get_attr]; +"144 conv2d_12" [id=144, type=conv2d]; +"145 quantize_per_tensor_default_17" [id=145, type=quantize_per_tensor]; +"146 dequantize_per_tensor_default_21" [id=146, type=dequantize_per_tensor]; +"147 add__4" [id=147, type=add_]; +"148 relu__10" [id=148, type=relu_]; +"149 quantize_per_tensor_default_18" [id=149, type=quantize_per_tensor]; +"150 dequantize_per_tensor_default_23" [id=150, type=dequantize_per_tensor]; +"151 dequantize_per_tensor_default_22" [id=151, type=dequantize_per_tensor]; +"152 _param_constant39" [id=152, type=get_attr]; +"153 conv2d_13_scale_0" [id=153, type=get_attr]; +"154 conv2d_13_zero_point_0" [id=154, type=get_attr]; +"155 quantize_per_channel_default_13" [id=155, type=quantize_per_channel]; +"156 dequantize_per_channel_default_13" [id=156, type=dequantize_per_channel]; +"157 layer3_1_conv1_weight_bias_0_0" [id=157, type=get_attr]; +"158 conv2d_13" [id=158, type=conv2d]; +"159 relu__11" [id=159, type=relu_]; +"160 quantize_per_tensor_default_19" [id=160, type=quantize_per_tensor]; +"161 dequantize_per_tensor_default_24" [id=161, type=dequantize_per_tensor]; +"162 _param_constant42" [id=162, type=get_attr]; +"163 conv2d_14_scale_0" [id=163, type=get_attr]; +"164 conv2d_14_zero_point_0" [id=164, type=get_attr]; +"165 quantize_per_channel_default_14" [id=165, type=quantize_per_channel]; +"166 dequantize_per_channel_default_14" [id=166, type=dequantize_per_channel]; +"167 layer3_1_conv2_weight_bias_0_0" [id=167, type=get_attr]; +"168 conv2d_14" [id=168, type=conv2d]; +"169 quantize_per_tensor_default_20" [id=169, type=quantize_per_tensor]; +"170 dequantize_per_tensor_default_25" [id=170, type=dequantize_per_tensor]; +"171 add__5" [id=171, type=add_]; +"172 relu__12" [id=172, type=relu_]; +"173 quantize_per_tensor_default_21" [id=173, type=quantize_per_tensor]; +"174 dequantize_per_tensor_default_27" [id=174, type=dequantize_per_tensor]; +"175 dequantize_per_tensor_default_26" [id=175, type=dequantize_per_tensor]; +"176 _param_constant45" [id=176, type=get_attr]; +"177 conv2d_15_scale_0" [id=177, type=get_attr]; +"178 conv2d_15_zero_point_0" [id=178, type=get_attr]; +"179 quantize_per_channel_default_15" [id=179, type=quantize_per_channel]; +"180 dequantize_per_channel_default_15" [id=180, type=dequantize_per_channel]; +"181 layer4_0_conv1_weight_bias_0_0" [id=181, type=get_attr]; +"182 conv2d_15" [id=182, type=conv2d]; +"183 relu__13" [id=183, type=relu_]; +"184 quantize_per_tensor_default_22" [id=184, type=quantize_per_tensor]; +"185 dequantize_per_tensor_default_28" [id=185, type=dequantize_per_tensor]; +"186 _param_constant48" [id=186, type=get_attr]; +"187 conv2d_16_scale_0" [id=187, type=get_attr]; +"188 conv2d_16_zero_point_0" [id=188, type=get_attr]; +"189 quantize_per_channel_default_16" [id=189, type=quantize_per_channel]; +"190 dequantize_per_channel_default_16" [id=190, type=dequantize_per_channel]; +"191 layer4_0_conv2_weight_bias_0_0" [id=191, type=get_attr]; +"192 conv2d_16" [id=192, type=conv2d]; +"193 quantize_per_tensor_default_23" [id=193, type=quantize_per_tensor]; +"194 dequantize_per_tensor_default_29" [id=194, type=dequantize_per_tensor]; +"195 _param_constant51" [id=195, type=get_attr]; +"196 conv2d_17_scale_0" [id=196, type=get_attr]; +"197 conv2d_17_zero_point_0" [id=197, type=get_attr]; +"198 quantize_per_channel_default_17" [id=198, type=quantize_per_channel]; +"199 dequantize_per_channel_default_17" [id=199, type=dequantize_per_channel]; +"200 layer4_0_downsample_0_weight_bias_0_0" [id=200, type=get_attr]; +"201 conv2d_17" [id=201, type=conv2d]; +"202 quantize_per_tensor_default_24" [id=202, type=quantize_per_tensor]; +"203 dequantize_per_tensor_default_30" [id=203, type=dequantize_per_tensor]; +"204 add__6" [id=204, type=add_]; +"205 relu__14" [id=205, type=relu_]; +"206 quantize_per_tensor_default_25" [id=206, type=quantize_per_tensor]; +"207 dequantize_per_tensor_default_32" [id=207, type=dequantize_per_tensor]; +"208 dequantize_per_tensor_default_31" [id=208, type=dequantize_per_tensor]; +"209 _param_constant54" [id=209, type=get_attr]; +"210 conv2d_18_scale_0" [id=210, type=get_attr]; +"211 conv2d_18_zero_point_0" [id=211, type=get_attr]; +"212 quantize_per_channel_default_18" [id=212, type=quantize_per_channel]; +"213 dequantize_per_channel_default_18" [id=213, type=dequantize_per_channel]; +"214 layer4_1_conv1_weight_bias_0_0" [id=214, type=get_attr]; +"215 conv2d_18" [id=215, type=conv2d]; +"216 relu__15" [id=216, type=relu_]; +"217 quantize_per_tensor_default_26" [id=217, type=quantize_per_tensor]; +"218 dequantize_per_tensor_default_33" [id=218, type=dequantize_per_tensor]; +"219 _param_constant57" [id=219, type=get_attr]; +"220 conv2d_19_scale_0" [id=220, type=get_attr]; +"221 conv2d_19_zero_point_0" [id=221, type=get_attr]; +"222 quantize_per_channel_default_19" [id=222, type=quantize_per_channel]; +"223 dequantize_per_channel_default_19" [id=223, type=dequantize_per_channel]; +"224 layer4_1_conv2_weight_bias_0_0" [id=224, type=get_attr]; +"225 conv2d_19" [id=225, type=conv2d]; +"226 quantize_per_tensor_default_27" [id=226, type=quantize_per_tensor]; +"227 dequantize_per_tensor_default_34" [id=227, type=dequantize_per_tensor]; +"228 add__7" [id=228, type=add_]; +"229 relu__16" [id=229, type=relu_]; +"230 quantize_per_tensor_default_28" [id=230, type=quantize_per_tensor]; +"231 dequantize_per_tensor_default_35" [id=231, type=dequantize_per_tensor]; +"232 adaptive_avg_pool2d" [id=232, type=adaptive_avg_pool2d]; +"233 quantize_per_tensor_default_29" [id=233, type=quantize_per_tensor]; +"234 dequantize_per_tensor_default_36" [id=234, type=dequantize_per_tensor]; +"235 flatten" [id=235, type=flatten]; +"236 _param_constant60" [id=236, type=get_attr]; +"237 linear_scale_0" [id=237, type=get_attr]; +"238 linear_zero_point_0" [id=238, type=get_attr]; +"239 quantize_per_channel_default_20" [id=239, type=quantize_per_channel]; +"240 dequantize_per_channel_default_20" [id=240, type=dequantize_per_channel]; +"241 _param_constant61_0_0" [id=241, type=get_attr]; +"242 linear" [id=242, type=linear]; +"243 output" [id=243, type=output]; +"0 arg0_1" -> "1 quantize_per_tensor_default" [label="(1, 3, 224, 224)", style=solid]; +"1 quantize_per_tensor_default" -> "2 dequantize_per_tensor_default" [label="(1, 3, 224, 224)", style=solid]; +"2 dequantize_per_tensor_default" -> "9 conv2d" [label="(1, 3, 224, 224)", style=solid]; +"3 _param_constant0" -> "6 quantize_per_channel_default" [label="(64, 3, 7, 7)", style=solid]; +"4 conv2d_scale_0" -> "6 quantize_per_channel_default" [label="(64,)", style=solid]; +"4 conv2d_scale_0" -> "7 dequantize_per_channel_default" [label="(64,)", style=solid]; +"5 conv2d_zero_point_0" -> "6 quantize_per_channel_default" [label="(64,)", style=solid]; +"5 conv2d_zero_point_0" -> "7 dequantize_per_channel_default" [label="(64,)", style=solid]; +"6 quantize_per_channel_default" -> "7 dequantize_per_channel_default" [label="(64, 3, 7, 7)", style=solid]; +"7 dequantize_per_channel_default" -> "9 conv2d" [label="(64, 3, 7, 7)", style=solid]; +"8 conv1_weight_bias_0_0" -> "9 conv2d" [label="(64,)", style=solid]; +"9 conv2d" -> "10 relu_" [label="(1, 64, 112, 112)", style=solid]; +"10 relu_" -> "11 quantize_per_tensor_default_1" [label="(1, 64, 112, 112)", style=solid]; +"11 quantize_per_tensor_default_1" -> "12 dequantize_per_tensor_default_1" [label="(1, 64, 112, 112)", style=solid]; +"12 dequantize_per_tensor_default_1" -> "13 max_pool2d" [label="(1, 64, 112, 112)", style=solid]; +"13 max_pool2d" -> "20 conv2d_1" [label="(1, 64, 56, 56)", style=solid]; +"13 max_pool2d" -> "33 add_" [label="(1, 64, 56, 56)", style=solid]; +"14 _param_constant3" -> "17 quantize_per_channel_default_1" [label="(64, 64, 3, 3)", style=solid]; +"15 conv2d_1_scale_0" -> "17 quantize_per_channel_default_1" [label="(64,)", style=solid]; +"15 conv2d_1_scale_0" -> "18 dequantize_per_channel_default_1" [label="(64,)", style=solid]; +"16 conv2d_1_zero_point_0" -> "17 quantize_per_channel_default_1" [label="(64,)", style=solid]; +"16 conv2d_1_zero_point_0" -> "18 dequantize_per_channel_default_1" [label="(64,)", style=solid]; +"17 quantize_per_channel_default_1" -> "18 dequantize_per_channel_default_1" [label="(64, 64, 3, 3)", style=solid]; +"18 dequantize_per_channel_default_1" -> "20 conv2d_1" [label="(64, 64, 3, 3)", style=solid]; +"19 layer1_0_conv1_weight_bias_0_0" -> "20 conv2d_1" [label="(64,)", style=solid]; +"20 conv2d_1" -> "21 relu__1" [label="(1, 64, 56, 56)", style=solid]; +"21 relu__1" -> "22 quantize_per_tensor_default_2" [label="(1, 64, 56, 56)", style=solid]; +"22 quantize_per_tensor_default_2" -> "23 dequantize_per_tensor_default_2" [label="(1, 64, 56, 56)", style=solid]; +"23 dequantize_per_tensor_default_2" -> "30 conv2d_2" [label="(1, 64, 56, 56)", style=solid]; +"24 _param_constant6" -> "27 quantize_per_channel_default_2" [label="(64, 64, 3, 3)", style=solid]; +"25 conv2d_2_scale_0" -> "27 quantize_per_channel_default_2" [label="(64,)", style=solid]; +"25 conv2d_2_scale_0" -> "28 dequantize_per_channel_default_2" [label="(64,)", style=solid]; +"26 conv2d_2_zero_point_0" -> "27 quantize_per_channel_default_2" [label="(64,)", style=solid]; +"26 conv2d_2_zero_point_0" -> "28 dequantize_per_channel_default_2" [label="(64,)", style=solid]; +"27 quantize_per_channel_default_2" -> "28 dequantize_per_channel_default_2" [label="(64, 64, 3, 3)", style=solid]; +"28 dequantize_per_channel_default_2" -> "30 conv2d_2" [label="(64, 64, 3, 3)", style=solid]; +"29 layer1_0_conv2_weight_bias_0_0" -> "30 conv2d_2" [label="(64,)", style=solid]; +"30 conv2d_2" -> "31 quantize_per_tensor_default_3" [label="(1, 64, 56, 56)", style=solid]; +"31 quantize_per_tensor_default_3" -> "32 dequantize_per_tensor_default_3" [label="(1, 64, 56, 56)", style=solid]; +"32 dequantize_per_tensor_default_3" -> "33 add_" [label="(1, 64, 56, 56)", style=solid]; +"33 add_" -> "34 relu__2" [label="(1, 64, 56, 56)", style=solid]; +"34 relu__2" -> "35 quantize_per_tensor_default_4" [label="(1, 64, 56, 56)", style=solid]; +"35 quantize_per_tensor_default_4" -> "36 dequantize_per_tensor_default_5" [label="(1, 64, 56, 56)", style=solid]; +"35 quantize_per_tensor_default_4" -> "37 dequantize_per_tensor_default_4" [label="(1, 64, 56, 56)", style=solid]; +"36 dequantize_per_tensor_default_5" -> "57 add__1" [label="(1, 64, 56, 56)", style=solid]; +"37 dequantize_per_tensor_default_4" -> "44 conv2d_3" [label="(1, 64, 56, 56)", style=solid]; +"38 _param_constant9" -> "41 quantize_per_channel_default_3" [label="(64, 64, 3, 3)", style=solid]; +"39 conv2d_3_scale_0" -> "41 quantize_per_channel_default_3" [label="(64,)", style=solid]; +"39 conv2d_3_scale_0" -> "42 dequantize_per_channel_default_3" [label="(64,)", style=solid]; +"40 conv2d_3_zero_point_0" -> "41 quantize_per_channel_default_3" [label="(64,)", style=solid]; +"40 conv2d_3_zero_point_0" -> "42 dequantize_per_channel_default_3" [label="(64,)", style=solid]; +"41 quantize_per_channel_default_3" -> "42 dequantize_per_channel_default_3" [label="(64, 64, 3, 3)", style=solid]; +"42 dequantize_per_channel_default_3" -> "44 conv2d_3" [label="(64, 64, 3, 3)", style=solid]; +"43 layer1_1_conv1_weight_bias_0_0" -> "44 conv2d_3" [label="(64,)", style=solid]; +"44 conv2d_3" -> "45 relu__3" [label="(1, 64, 56, 56)", style=solid]; +"45 relu__3" -> "46 quantize_per_tensor_default_5" [label="(1, 64, 56, 56)", style=solid]; +"46 quantize_per_tensor_default_5" -> "47 dequantize_per_tensor_default_6" [label="(1, 64, 56, 56)", style=solid]; +"47 dequantize_per_tensor_default_6" -> "54 conv2d_4" [label="(1, 64, 56, 56)", style=solid]; +"48 _param_constant12" -> "51 quantize_per_channel_default_4" [label="(64, 64, 3, 3)", style=solid]; +"49 conv2d_4_scale_0" -> "51 quantize_per_channel_default_4" [label="(64,)", style=solid]; +"49 conv2d_4_scale_0" -> "52 dequantize_per_channel_default_4" [label="(64,)", style=solid]; +"50 conv2d_4_zero_point_0" -> "51 quantize_per_channel_default_4" [label="(64,)", style=solid]; +"50 conv2d_4_zero_point_0" -> "52 dequantize_per_channel_default_4" [label="(64,)", style=solid]; +"51 quantize_per_channel_default_4" -> "52 dequantize_per_channel_default_4" [label="(64, 64, 3, 3)", style=solid]; +"52 dequantize_per_channel_default_4" -> "54 conv2d_4" [label="(64, 64, 3, 3)", style=solid]; +"53 layer1_1_conv2_weight_bias_0_0" -> "54 conv2d_4" [label="(64,)", style=solid]; +"54 conv2d_4" -> "55 quantize_per_tensor_default_6" [label="(1, 64, 56, 56)", style=solid]; +"55 quantize_per_tensor_default_6" -> "56 dequantize_per_tensor_default_7" [label="(1, 64, 56, 56)", style=solid]; +"56 dequantize_per_tensor_default_7" -> "57 add__1" [label="(1, 64, 56, 56)", style=solid]; +"57 add__1" -> "58 relu__4" [label="(1, 64, 56, 56)", style=solid]; +"58 relu__4" -> "59 quantize_per_tensor_default_7" [label="(1, 64, 56, 56)", style=solid]; +"59 quantize_per_tensor_default_7" -> "60 dequantize_per_tensor_default_9" [label="(1, 64, 56, 56)", style=solid]; +"59 quantize_per_tensor_default_7" -> "61 dequantize_per_tensor_default_8" [label="(1, 64, 56, 56)", style=solid]; +"60 dequantize_per_tensor_default_9" -> "87 conv2d_7" [label="(1, 64, 56, 56)", style=solid]; +"61 dequantize_per_tensor_default_8" -> "68 conv2d_5" [label="(1, 64, 56, 56)", style=solid]; +"62 _param_constant15" -> "65 quantize_per_channel_default_5" [label="(128, 64, 3, 3)", style=solid]; +"63 conv2d_5_scale_0" -> "65 quantize_per_channel_default_5" [label="(128,)", style=solid]; +"63 conv2d_5_scale_0" -> "66 dequantize_per_channel_default_5" [label="(128,)", style=solid]; +"64 conv2d_5_zero_point_0" -> "65 quantize_per_channel_default_5" [label="(128,)", style=solid]; +"64 conv2d_5_zero_point_0" -> "66 dequantize_per_channel_default_5" [label="(128,)", style=solid]; +"65 quantize_per_channel_default_5" -> "66 dequantize_per_channel_default_5" [label="(128, 64, 3, 3)", style=solid]; +"66 dequantize_per_channel_default_5" -> "68 conv2d_5" [label="(128, 64, 3, 3)", style=solid]; +"67 layer2_0_conv1_weight_bias_0_0" -> "68 conv2d_5" [label="(128,)", style=solid]; +"68 conv2d_5" -> "69 relu__5" [label="(1, 128, 28, 28)", style=solid]; +"69 relu__5" -> "70 quantize_per_tensor_default_8" [label="(1, 128, 28, 28)", style=solid]; +"70 quantize_per_tensor_default_8" -> "71 dequantize_per_tensor_default_10" [label="(1, 128, 28, 28)", style=solid]; +"71 dequantize_per_tensor_default_10" -> "78 conv2d_6" [label="(1, 128, 28, 28)", style=solid]; +"72 _param_constant18" -> "75 quantize_per_channel_default_6" [label="(128, 128, 3, 3)", style=solid]; +"73 conv2d_6_scale_0" -> "75 quantize_per_channel_default_6" [label="(128,)", style=solid]; +"73 conv2d_6_scale_0" -> "76 dequantize_per_channel_default_6" [label="(128,)", style=solid]; +"74 conv2d_6_zero_point_0" -> "75 quantize_per_channel_default_6" [label="(128,)", style=solid]; +"74 conv2d_6_zero_point_0" -> "76 dequantize_per_channel_default_6" [label="(128,)", style=solid]; +"75 quantize_per_channel_default_6" -> "76 dequantize_per_channel_default_6" [label="(128, 128, 3, 3)", style=solid]; +"76 dequantize_per_channel_default_6" -> "78 conv2d_6" [label="(128, 128, 3, 3)", style=solid]; +"77 layer2_0_conv2_weight_bias_0_0" -> "78 conv2d_6" [label="(128,)", style=solid]; +"78 conv2d_6" -> "79 quantize_per_tensor_default_9" [label="(1, 128, 28, 28)", style=solid]; +"79 quantize_per_tensor_default_9" -> "80 dequantize_per_tensor_default_11" [label="(1, 128, 28, 28)", style=solid]; +"80 dequantize_per_tensor_default_11" -> "90 add__2" [label="(1, 128, 28, 28)", style=solid]; +"81 _param_constant21" -> "84 quantize_per_channel_default_7" [label="(128, 64, 1, 1)", style=solid]; +"82 conv2d_7_scale_0" -> "84 quantize_per_channel_default_7" [label="(128,)", style=solid]; +"82 conv2d_7_scale_0" -> "85 dequantize_per_channel_default_7" [label="(128,)", style=solid]; +"83 conv2d_7_zero_point_0" -> "84 quantize_per_channel_default_7" [label="(128,)", style=solid]; +"83 conv2d_7_zero_point_0" -> "85 dequantize_per_channel_default_7" [label="(128,)", style=solid]; +"84 quantize_per_channel_default_7" -> "85 dequantize_per_channel_default_7" [label="(128, 64, 1, 1)", style=solid]; +"85 dequantize_per_channel_default_7" -> "87 conv2d_7" [label="(128, 64, 1, 1)", style=solid]; +"86 layer2_0_downsample_0_weight_bias_0_0" -> "87 conv2d_7" [label="(128,)", style=solid]; +"87 conv2d_7" -> "88 quantize_per_tensor_default_10" [label="(1, 128, 28, 28)", style=solid]; +"88 quantize_per_tensor_default_10" -> "89 dequantize_per_tensor_default_12" [label="(1, 128, 28, 28)", style=solid]; +"89 dequantize_per_tensor_default_12" -> "90 add__2" [label="(1, 128, 28, 28)", style=solid]; +"90 add__2" -> "91 relu__6" [label="(1, 128, 28, 28)", style=solid]; +"91 relu__6" -> "92 quantize_per_tensor_default_11" [label="(1, 128, 28, 28)", style=solid]; +"92 quantize_per_tensor_default_11" -> "93 dequantize_per_tensor_default_14" [label="(1, 128, 28, 28)", style=solid]; +"92 quantize_per_tensor_default_11" -> "94 dequantize_per_tensor_default_13" [label="(1, 128, 28, 28)", style=solid]; +"93 dequantize_per_tensor_default_14" -> "114 add__3" [label="(1, 128, 28, 28)", style=solid]; +"94 dequantize_per_tensor_default_13" -> "101 conv2d_8" [label="(1, 128, 28, 28)", style=solid]; +"95 _param_constant24" -> "98 quantize_per_channel_default_8" [label="(128, 128, 3, 3)", style=solid]; +"96 conv2d_8_scale_0" -> "98 quantize_per_channel_default_8" [label="(128,)", style=solid]; +"96 conv2d_8_scale_0" -> "99 dequantize_per_channel_default_8" [label="(128,)", style=solid]; +"97 conv2d_8_zero_point_0" -> "98 quantize_per_channel_default_8" [label="(128,)", style=solid]; +"97 conv2d_8_zero_point_0" -> "99 dequantize_per_channel_default_8" [label="(128,)", style=solid]; +"98 quantize_per_channel_default_8" -> "99 dequantize_per_channel_default_8" [label="(128, 128, 3, 3)", style=solid]; +"99 dequantize_per_channel_default_8" -> "101 conv2d_8" [label="(128, 128, 3, 3)", style=solid]; +"100 layer2_1_conv1_weight_bias_0_0" -> "101 conv2d_8" [label="(128,)", style=solid]; +"101 conv2d_8" -> "102 relu__7" [label="(1, 128, 28, 28)", style=solid]; +"102 relu__7" -> "103 quantize_per_tensor_default_12" [label="(1, 128, 28, 28)", style=solid]; +"103 quantize_per_tensor_default_12" -> "104 dequantize_per_tensor_default_15" [label="(1, 128, 28, 28)", style=solid]; +"104 dequantize_per_tensor_default_15" -> "111 conv2d_9" [label="(1, 128, 28, 28)", style=solid]; +"105 _param_constant27" -> "108 quantize_per_channel_default_9" [label="(128, 128, 3, 3)", style=solid]; +"106 conv2d_9_scale_0" -> "108 quantize_per_channel_default_9" [label="(128,)", style=solid]; +"106 conv2d_9_scale_0" -> "109 dequantize_per_channel_default_9" [label="(128,)", style=solid]; +"107 conv2d_9_zero_point_0" -> "108 quantize_per_channel_default_9" [label="(128,)", style=solid]; +"107 conv2d_9_zero_point_0" -> "109 dequantize_per_channel_default_9" [label="(128,)", style=solid]; +"108 quantize_per_channel_default_9" -> "109 dequantize_per_channel_default_9" [label="(128, 128, 3, 3)", style=solid]; +"109 dequantize_per_channel_default_9" -> "111 conv2d_9" [label="(128, 128, 3, 3)", style=solid]; +"110 layer2_1_conv2_weight_bias_0_0" -> "111 conv2d_9" [label="(128,)", style=solid]; +"111 conv2d_9" -> "112 quantize_per_tensor_default_13" [label="(1, 128, 28, 28)", style=solid]; +"112 quantize_per_tensor_default_13" -> "113 dequantize_per_tensor_default_16" [label="(1, 128, 28, 28)", style=solid]; +"113 dequantize_per_tensor_default_16" -> "114 add__3" [label="(1, 128, 28, 28)", style=solid]; +"114 add__3" -> "115 relu__8" [label="(1, 128, 28, 28)", style=solid]; +"115 relu__8" -> "116 quantize_per_tensor_default_14" [label="(1, 128, 28, 28)", style=solid]; +"116 quantize_per_tensor_default_14" -> "117 dequantize_per_tensor_default_18" [label="(1, 128, 28, 28)", style=solid]; +"116 quantize_per_tensor_default_14" -> "118 dequantize_per_tensor_default_17" [label="(1, 128, 28, 28)", style=solid]; +"117 dequantize_per_tensor_default_18" -> "144 conv2d_12" [label="(1, 128, 28, 28)", style=solid]; +"118 dequantize_per_tensor_default_17" -> "125 conv2d_10" [label="(1, 128, 28, 28)", style=solid]; +"119 _param_constant30" -> "122 quantize_per_channel_default_10" [label="(256, 128, 3, 3)", style=solid]; +"120 conv2d_10_scale_0" -> "122 quantize_per_channel_default_10" [label="(256,)", style=solid]; +"120 conv2d_10_scale_0" -> "123 dequantize_per_channel_default_10" [label="(256,)", style=solid]; +"121 conv2d_10_zero_point_0" -> "122 quantize_per_channel_default_10" [label="(256,)", style=solid]; +"121 conv2d_10_zero_point_0" -> "123 dequantize_per_channel_default_10" [label="(256,)", style=solid]; +"122 quantize_per_channel_default_10" -> "123 dequantize_per_channel_default_10" [label="(256, 128, 3, 3)", style=solid]; +"123 dequantize_per_channel_default_10" -> "125 conv2d_10" [label="(256, 128, 3, 3)", style=solid]; +"124 layer3_0_conv1_weight_bias_0_0" -> "125 conv2d_10" [label="(256,)", style=solid]; +"125 conv2d_10" -> "126 relu__9" [label="(1, 256, 14, 14)", style=solid]; +"126 relu__9" -> "127 quantize_per_tensor_default_15" [label="(1, 256, 14, 14)", style=solid]; +"127 quantize_per_tensor_default_15" -> "128 dequantize_per_tensor_default_19" [label="(1, 256, 14, 14)", style=solid]; +"128 dequantize_per_tensor_default_19" -> "135 conv2d_11" [label="(1, 256, 14, 14)", style=solid]; +"129 _param_constant33" -> "132 quantize_per_channel_default_11" [label="(256, 256, 3, 3)", style=solid]; +"130 conv2d_11_scale_0" -> "132 quantize_per_channel_default_11" [label="(256,)", style=solid]; +"130 conv2d_11_scale_0" -> "133 dequantize_per_channel_default_11" [label="(256,)", style=solid]; +"131 conv2d_11_zero_point_0" -> "132 quantize_per_channel_default_11" [label="(256,)", style=solid]; +"131 conv2d_11_zero_point_0" -> "133 dequantize_per_channel_default_11" [label="(256,)", style=solid]; +"132 quantize_per_channel_default_11" -> "133 dequantize_per_channel_default_11" [label="(256, 256, 3, 3)", style=solid]; +"133 dequantize_per_channel_default_11" -> "135 conv2d_11" [label="(256, 256, 3, 3)", style=solid]; +"134 layer3_0_conv2_weight_bias_0_0" -> "135 conv2d_11" [label="(256,)", style=solid]; +"135 conv2d_11" -> "136 quantize_per_tensor_default_16" [label="(1, 256, 14, 14)", style=solid]; +"136 quantize_per_tensor_default_16" -> "137 dequantize_per_tensor_default_20" [label="(1, 256, 14, 14)", style=solid]; +"137 dequantize_per_tensor_default_20" -> "147 add__4" [label="(1, 256, 14, 14)", style=solid]; +"138 _param_constant36" -> "141 quantize_per_channel_default_12" [label="(256, 128, 1, 1)", style=solid]; +"139 conv2d_12_scale_0" -> "141 quantize_per_channel_default_12" [label="(256,)", style=solid]; +"139 conv2d_12_scale_0" -> "142 dequantize_per_channel_default_12" [label="(256,)", style=solid]; +"140 conv2d_12_zero_point_0" -> "141 quantize_per_channel_default_12" [label="(256,)", style=solid]; +"140 conv2d_12_zero_point_0" -> "142 dequantize_per_channel_default_12" [label="(256,)", style=solid]; +"141 quantize_per_channel_default_12" -> "142 dequantize_per_channel_default_12" [label="(256, 128, 1, 1)", style=solid]; +"142 dequantize_per_channel_default_12" -> "144 conv2d_12" [label="(256, 128, 1, 1)", style=solid]; +"143 layer3_0_downsample_0_weight_bias_0_0" -> "144 conv2d_12" [label="(256,)", style=solid]; +"144 conv2d_12" -> "145 quantize_per_tensor_default_17" [label="(1, 256, 14, 14)", style=solid]; +"145 quantize_per_tensor_default_17" -> "146 dequantize_per_tensor_default_21" [label="(1, 256, 14, 14)", style=solid]; +"146 dequantize_per_tensor_default_21" -> "147 add__4" [label="(1, 256, 14, 14)", style=solid]; +"147 add__4" -> "148 relu__10" [label="(1, 256, 14, 14)", style=solid]; +"148 relu__10" -> "149 quantize_per_tensor_default_18" [label="(1, 256, 14, 14)", style=solid]; +"149 quantize_per_tensor_default_18" -> "150 dequantize_per_tensor_default_23" [label="(1, 256, 14, 14)", style=solid]; +"149 quantize_per_tensor_default_18" -> "151 dequantize_per_tensor_default_22" [label="(1, 256, 14, 14)", style=solid]; +"150 dequantize_per_tensor_default_23" -> "171 add__5" [label="(1, 256, 14, 14)", style=solid]; +"151 dequantize_per_tensor_default_22" -> "158 conv2d_13" [label="(1, 256, 14, 14)", style=solid]; +"152 _param_constant39" -> "155 quantize_per_channel_default_13" [label="(256, 256, 3, 3)", style=solid]; +"153 conv2d_13_scale_0" -> "155 quantize_per_channel_default_13" [label="(256,)", style=solid]; +"153 conv2d_13_scale_0" -> "156 dequantize_per_channel_default_13" [label="(256,)", style=solid]; +"154 conv2d_13_zero_point_0" -> "155 quantize_per_channel_default_13" [label="(256,)", style=solid]; +"154 conv2d_13_zero_point_0" -> "156 dequantize_per_channel_default_13" [label="(256,)", style=solid]; +"155 quantize_per_channel_default_13" -> "156 dequantize_per_channel_default_13" [label="(256, 256, 3, 3)", style=solid]; +"156 dequantize_per_channel_default_13" -> "158 conv2d_13" [label="(256, 256, 3, 3)", style=solid]; +"157 layer3_1_conv1_weight_bias_0_0" -> "158 conv2d_13" [label="(256,)", style=solid]; +"158 conv2d_13" -> "159 relu__11" [label="(1, 256, 14, 14)", style=solid]; +"159 relu__11" -> "160 quantize_per_tensor_default_19" [label="(1, 256, 14, 14)", style=solid]; +"160 quantize_per_tensor_default_19" -> "161 dequantize_per_tensor_default_24" [label="(1, 256, 14, 14)", style=solid]; +"161 dequantize_per_tensor_default_24" -> "168 conv2d_14" [label="(1, 256, 14, 14)", style=solid]; +"162 _param_constant42" -> "165 quantize_per_channel_default_14" [label="(256, 256, 3, 3)", style=solid]; +"163 conv2d_14_scale_0" -> "165 quantize_per_channel_default_14" [label="(256,)", style=solid]; +"163 conv2d_14_scale_0" -> "166 dequantize_per_channel_default_14" [label="(256,)", style=solid]; +"164 conv2d_14_zero_point_0" -> "165 quantize_per_channel_default_14" [label="(256,)", style=solid]; +"164 conv2d_14_zero_point_0" -> "166 dequantize_per_channel_default_14" [label="(256,)", style=solid]; +"165 quantize_per_channel_default_14" -> "166 dequantize_per_channel_default_14" [label="(256, 256, 3, 3)", style=solid]; +"166 dequantize_per_channel_default_14" -> "168 conv2d_14" [label="(256, 256, 3, 3)", style=solid]; +"167 layer3_1_conv2_weight_bias_0_0" -> "168 conv2d_14" [label="(256,)", style=solid]; +"168 conv2d_14" -> "169 quantize_per_tensor_default_20" [label="(1, 256, 14, 14)", style=solid]; +"169 quantize_per_tensor_default_20" -> "170 dequantize_per_tensor_default_25" [label="(1, 256, 14, 14)", style=solid]; +"170 dequantize_per_tensor_default_25" -> "171 add__5" [label="(1, 256, 14, 14)", style=solid]; +"171 add__5" -> "172 relu__12" [label="(1, 256, 14, 14)", style=solid]; +"172 relu__12" -> "173 quantize_per_tensor_default_21" [label="(1, 256, 14, 14)", style=solid]; +"173 quantize_per_tensor_default_21" -> "174 dequantize_per_tensor_default_27" [label="(1, 256, 14, 14)", style=solid]; +"173 quantize_per_tensor_default_21" -> "175 dequantize_per_tensor_default_26" [label="(1, 256, 14, 14)", style=solid]; +"174 dequantize_per_tensor_default_27" -> "201 conv2d_17" [label="(1, 256, 14, 14)", style=solid]; +"175 dequantize_per_tensor_default_26" -> "182 conv2d_15" [label="(1, 256, 14, 14)", style=solid]; +"176 _param_constant45" -> "179 quantize_per_channel_default_15" [label="(512, 256, 3, 3)", style=solid]; +"177 conv2d_15_scale_0" -> "179 quantize_per_channel_default_15" [label="(512,)", style=solid]; +"177 conv2d_15_scale_0" -> "180 dequantize_per_channel_default_15" [label="(512,)", style=solid]; +"178 conv2d_15_zero_point_0" -> "179 quantize_per_channel_default_15" [label="(512,)", style=solid]; +"178 conv2d_15_zero_point_0" -> "180 dequantize_per_channel_default_15" [label="(512,)", style=solid]; +"179 quantize_per_channel_default_15" -> "180 dequantize_per_channel_default_15" [label="(512, 256, 3, 3)", style=solid]; +"180 dequantize_per_channel_default_15" -> "182 conv2d_15" [label="(512, 256, 3, 3)", style=solid]; +"181 layer4_0_conv1_weight_bias_0_0" -> "182 conv2d_15" [label="(512,)", style=solid]; +"182 conv2d_15" -> "183 relu__13" [label="(1, 512, 7, 7)", style=solid]; +"183 relu__13" -> "184 quantize_per_tensor_default_22" [label="(1, 512, 7, 7)", style=solid]; +"184 quantize_per_tensor_default_22" -> "185 dequantize_per_tensor_default_28" [label="(1, 512, 7, 7)", style=solid]; +"185 dequantize_per_tensor_default_28" -> "192 conv2d_16" [label="(1, 512, 7, 7)", style=solid]; +"186 _param_constant48" -> "189 quantize_per_channel_default_16" [label="(512, 512, 3, 3)", style=solid]; +"187 conv2d_16_scale_0" -> "189 quantize_per_channel_default_16" [label="(512,)", style=solid]; +"187 conv2d_16_scale_0" -> "190 dequantize_per_channel_default_16" [label="(512,)", style=solid]; +"188 conv2d_16_zero_point_0" -> "189 quantize_per_channel_default_16" [label="(512,)", style=solid]; +"188 conv2d_16_zero_point_0" -> "190 dequantize_per_channel_default_16" [label="(512,)", style=solid]; +"189 quantize_per_channel_default_16" -> "190 dequantize_per_channel_default_16" [label="(512, 512, 3, 3)", style=solid]; +"190 dequantize_per_channel_default_16" -> "192 conv2d_16" [label="(512, 512, 3, 3)", style=solid]; +"191 layer4_0_conv2_weight_bias_0_0" -> "192 conv2d_16" [label="(512,)", style=solid]; +"192 conv2d_16" -> "193 quantize_per_tensor_default_23" [label="(1, 512, 7, 7)", style=solid]; +"193 quantize_per_tensor_default_23" -> "194 dequantize_per_tensor_default_29" [label="(1, 512, 7, 7)", style=solid]; +"194 dequantize_per_tensor_default_29" -> "204 add__6" [label="(1, 512, 7, 7)", style=solid]; +"195 _param_constant51" -> "198 quantize_per_channel_default_17" [label="(512, 256, 1, 1)", style=solid]; +"196 conv2d_17_scale_0" -> "198 quantize_per_channel_default_17" [label="(512,)", style=solid]; +"196 conv2d_17_scale_0" -> "199 dequantize_per_channel_default_17" [label="(512,)", style=solid]; +"197 conv2d_17_zero_point_0" -> "198 quantize_per_channel_default_17" [label="(512,)", style=solid]; +"197 conv2d_17_zero_point_0" -> "199 dequantize_per_channel_default_17" [label="(512,)", style=solid]; +"198 quantize_per_channel_default_17" -> "199 dequantize_per_channel_default_17" [label="(512, 256, 1, 1)", style=solid]; +"199 dequantize_per_channel_default_17" -> "201 conv2d_17" [label="(512, 256, 1, 1)", style=solid]; +"200 layer4_0_downsample_0_weight_bias_0_0" -> "201 conv2d_17" [label="(512,)", style=solid]; +"201 conv2d_17" -> "202 quantize_per_tensor_default_24" [label="(1, 512, 7, 7)", style=solid]; +"202 quantize_per_tensor_default_24" -> "203 dequantize_per_tensor_default_30" [label="(1, 512, 7, 7)", style=solid]; +"203 dequantize_per_tensor_default_30" -> "204 add__6" [label="(1, 512, 7, 7)", style=solid]; +"204 add__6" -> "205 relu__14" [label="(1, 512, 7, 7)", style=solid]; +"205 relu__14" -> "206 quantize_per_tensor_default_25" [label="(1, 512, 7, 7)", style=solid]; +"206 quantize_per_tensor_default_25" -> "207 dequantize_per_tensor_default_32" [label="(1, 512, 7, 7)", style=solid]; +"206 quantize_per_tensor_default_25" -> "208 dequantize_per_tensor_default_31" [label="(1, 512, 7, 7)", style=solid]; +"207 dequantize_per_tensor_default_32" -> "228 add__7" [label="(1, 512, 7, 7)", style=solid]; +"208 dequantize_per_tensor_default_31" -> "215 conv2d_18" [label="(1, 512, 7, 7)", style=solid]; +"209 _param_constant54" -> "212 quantize_per_channel_default_18" [label="(512, 512, 3, 3)", style=solid]; +"210 conv2d_18_scale_0" -> "212 quantize_per_channel_default_18" [label="(512,)", style=solid]; +"210 conv2d_18_scale_0" -> "213 dequantize_per_channel_default_18" [label="(512,)", style=solid]; +"211 conv2d_18_zero_point_0" -> "212 quantize_per_channel_default_18" [label="(512,)", style=solid]; +"211 conv2d_18_zero_point_0" -> "213 dequantize_per_channel_default_18" [label="(512,)", style=solid]; +"212 quantize_per_channel_default_18" -> "213 dequantize_per_channel_default_18" [label="(512, 512, 3, 3)", style=solid]; +"213 dequantize_per_channel_default_18" -> "215 conv2d_18" [label="(512, 512, 3, 3)", style=solid]; +"214 layer4_1_conv1_weight_bias_0_0" -> "215 conv2d_18" [label="(512,)", style=solid]; +"215 conv2d_18" -> "216 relu__15" [label="(1, 512, 7, 7)", style=solid]; +"216 relu__15" -> "217 quantize_per_tensor_default_26" [label="(1, 512, 7, 7)", style=solid]; +"217 quantize_per_tensor_default_26" -> "218 dequantize_per_tensor_default_33" [label="(1, 512, 7, 7)", style=solid]; +"218 dequantize_per_tensor_default_33" -> "225 conv2d_19" [label="(1, 512, 7, 7)", style=solid]; +"219 _param_constant57" -> "222 quantize_per_channel_default_19" [label="(512, 512, 3, 3)", style=solid]; +"220 conv2d_19_scale_0" -> "222 quantize_per_channel_default_19" [label="(512,)", style=solid]; +"220 conv2d_19_scale_0" -> "223 dequantize_per_channel_default_19" [label="(512,)", style=solid]; +"221 conv2d_19_zero_point_0" -> "222 quantize_per_channel_default_19" [label="(512,)", style=solid]; +"221 conv2d_19_zero_point_0" -> "223 dequantize_per_channel_default_19" [label="(512,)", style=solid]; +"222 quantize_per_channel_default_19" -> "223 dequantize_per_channel_default_19" [label="(512, 512, 3, 3)", style=solid]; +"223 dequantize_per_channel_default_19" -> "225 conv2d_19" [label="(512, 512, 3, 3)", style=solid]; +"224 layer4_1_conv2_weight_bias_0_0" -> "225 conv2d_19" [label="(512,)", style=solid]; +"225 conv2d_19" -> "226 quantize_per_tensor_default_27" [label="(1, 512, 7, 7)", style=solid]; +"226 quantize_per_tensor_default_27" -> "227 dequantize_per_tensor_default_34" [label="(1, 512, 7, 7)", style=solid]; +"227 dequantize_per_tensor_default_34" -> "228 add__7" [label="(1, 512, 7, 7)", style=solid]; +"228 add__7" -> "229 relu__16" [label="(1, 512, 7, 7)", style=solid]; +"229 relu__16" -> "230 quantize_per_tensor_default_28" [label="(1, 512, 7, 7)", style=solid]; +"230 quantize_per_tensor_default_28" -> "231 dequantize_per_tensor_default_35" [label="(1, 512, 7, 7)", style=solid]; +"231 dequantize_per_tensor_default_35" -> "232 adaptive_avg_pool2d" [label="(1, 512, 7, 7)", style=solid]; +"232 adaptive_avg_pool2d" -> "233 quantize_per_tensor_default_29" [label="(1, 512, 1, 1)", style=solid]; +"233 quantize_per_tensor_default_29" -> "234 dequantize_per_tensor_default_36" [label="(1, 512, 1, 1)", style=solid]; +"234 dequantize_per_tensor_default_36" -> "235 flatten" [label="(1, 512, 1, 1)", style=solid]; +"235 flatten" -> "242 linear" [label="(1, 512)", style=solid]; +"236 _param_constant60" -> "239 quantize_per_channel_default_20" [label="(1000, 512)", style=solid]; +"237 linear_scale_0" -> "239 quantize_per_channel_default_20" [label="(1000,)", style=solid]; +"237 linear_scale_0" -> "240 dequantize_per_channel_default_20" [label="(1000,)", style=solid]; +"238 linear_zero_point_0" -> "239 quantize_per_channel_default_20" [label="(1000,)", style=solid]; +"238 linear_zero_point_0" -> "240 dequantize_per_channel_default_20" [label="(1000,)", style=solid]; +"239 quantize_per_channel_default_20" -> "240 dequantize_per_channel_default_20" [label="(1000, 512)", style=solid]; +"240 dequantize_per_channel_default_20" -> "242 linear" [label="(1000, 512)", style=solid]; +"241 _param_constant61_0_0" -> "242 linear" [label="(1000,)", style=solid]; +"242 linear" -> "243 output" [label="(1, 1000)", style=solid]; +} diff --git a/tests/torch/data/fx/reference_graphs/quantized_graphs/swin_v2_s.dot b/tests/torch/data/fx/reference_graphs/quantized_graphs/swin_v2_s.dot new file mode 100644 index 00000000000..a403c4bc8e3 --- /dev/null +++ b/tests/torch/data/fx/reference_graphs/quantized_graphs/swin_v2_s.dot @@ -0,0 +1,6858 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 quantize_per_tensor_default" [id=1, type=quantize_per_tensor]; +"2 dequantize_per_tensor_default" [id=2, type=dequantize_per_tensor]; +"3 _param_constant0" [id=3, type=get_attr]; +"4 conv2d_scale_0" [id=4, type=get_attr]; +"5 conv2d_zero_point_0" [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 _param_constant1_0_0" [id=8, type=get_attr]; +"9 conv2d" [id=9, type=conv2d]; +"10 permute" [id=10, type=permute]; +"11 _param_constant2" [id=11, type=get_attr]; +"12 _param_constant3" [id=12, type=get_attr]; +"13 layer_norm" [id=13, type=layer_norm]; +"14 _tensor_constant0" [id=14, type=get_attr]; +"15 linear_updated_constant0" [id=15, type=get_attr]; +"16 _tensor_constant0_0_0_nncf_smooth_quant_0" [id=16, type=call_module]; +"17 linear_scale_0" [id=17, type=get_attr]; +"18 linear_zero_point_0" [id=18, type=get_attr]; +"19 quantize_per_channel_default_1" [id=19, type=quantize_per_channel]; +"20 dequantize_per_channel_default_1" [id=20, type=dequantize_per_channel]; +"21 _param_constant5_0_0" [id=21, type=get_attr]; +"22 linear" [id=22, type=linear]; +"23 relu_" [id=23, type=relu_]; +"24 linear_1_updated_constant0" [id=24, type=get_attr]; +"25 relu__0_0_nncf_smooth_quant_0" [id=25, type=call_module]; +"26 linear_1_scale_0" [id=26, type=get_attr]; +"27 linear_1_zero_point_0" [id=27, type=get_attr]; +"28 quantize_per_channel_default_2" [id=28, type=quantize_per_channel]; +"29 dequantize_per_channel_default_2" [id=29, type=dequantize_per_channel]; +"30 linear_1" [id=30, type=linear]; +"31 view" [id=31, type=view]; +"32 _tensor_constant1" [id=32, type=get_attr]; +"33 index" [id=33, type=index]; +"34 view_1" [id=34, type=view]; +"35 permute_1" [id=35, type=permute]; +"36 contiguous" [id=36, type=contiguous]; +"37 unsqueeze" [id=37, type=unsqueeze]; +"38 sigmoid" [id=38, type=sigmoid]; +"39 mul" [id=39, type=mul]; +"40 pad" [id=40, type=pad]; +"41 view_2" [id=41, type=view]; +"42 permute_2" [id=42, type=permute]; +"43 reshape" [id=43, type=reshape]; +"44 linear_2_updated_constant0" [id=44, type=get_attr]; +"45 reshape_0_0_nncf_smooth_quant_0" [id=45, type=call_module]; +"46 quantize_per_tensor_default_1" [id=46, type=quantize_per_tensor]; +"47 dequantize_per_tensor_default_1" [id=47, type=dequantize_per_tensor]; +"48 linear_2_scale_0" [id=48, type=get_attr]; +"49 linear_2_zero_point_0" [id=49, type=get_attr]; +"50 quantize_per_channel_default_3" [id=50, type=quantize_per_channel]; +"51 dequantize_per_channel_default_3" [id=51, type=dequantize_per_channel]; +"52 _param_constant7_0_0" [id=52, type=get_attr]; +"53 linear_2" [id=53, type=linear]; +"54 reshape_1" [id=54, type=reshape]; +"55 permute_3" [id=55, type=permute]; +"56 select" [id=56, type=select]; +"57 select_1" [id=57, type=select]; +"58 select_2" [id=58, type=select]; +"59 linalg_vector_norm" [id=59, type=linalg_vector_norm]; +"60 clamp_min" [id=60, type=clamp_min]; +"61 expand_as" [id=61, type=expand_as]; +"62 div" [id=62, type=div]; +"63 quantize_per_tensor_default_2" [id=63, type=quantize_per_tensor]; +"64 dequantize_per_tensor_default_2" [id=64, type=dequantize_per_tensor]; +"65 linalg_vector_norm_1" [id=65, type=linalg_vector_norm]; +"66 clamp_min_1" [id=66, type=clamp_min]; +"67 expand_as_1" [id=67, type=expand_as]; +"68 div_1" [id=68, type=div]; +"69 quantize_per_tensor_default_3" [id=69, type=quantize_per_tensor]; +"70 dequantize_per_tensor_default_3" [id=70, type=dequantize_per_tensor]; +"71 transpose" [id=71, type=transpose]; +"72 matmul" [id=72, type=matmul]; +"73 _param_constant9" [id=73, type=get_attr]; +"74 clamp" [id=74, type=clamp]; +"75 exp" [id=75, type=exp]; +"76 mul_1" [id=76, type=mul]; +"77 add" [id=77, type=add]; +"78 softmax" [id=78, type=softmax]; +"79 dropout" [id=79, type=dropout]; +"80 matmul_1" [id=80, type=matmul]; +"81 transpose_1" [id=81, type=transpose]; +"82 reshape_2" [id=82, type=reshape]; +"83 linear_3_updated_constant0" [id=83, type=get_attr]; +"84 reshape_2_0_0_nncf_smooth_quant_0" [id=84, type=call_module]; +"85 quantize_per_tensor_default_4" [id=85, type=quantize_per_tensor]; +"86 dequantize_per_tensor_default_4" [id=86, type=dequantize_per_tensor]; +"87 linear_3_scale_0" [id=87, type=get_attr]; +"88 linear_3_zero_point_0" [id=88, type=get_attr]; +"89 quantize_per_channel_default_4" [id=89, type=quantize_per_channel]; +"90 dequantize_per_channel_default_4" [id=90, type=dequantize_per_channel]; +"91 _param_constant11_0_0" [id=91, type=get_attr]; +"92 linear_3" [id=92, type=linear]; +"93 dropout_1" [id=93, type=dropout]; +"94 view_3" [id=94, type=view]; +"95 permute_4" [id=95, type=permute]; +"96 reshape_3" [id=96, type=reshape]; +"97 slice_2" [id=97, type=slice]; +"98 slice_3" [id=98, type=slice]; +"99 _param_constant12" [id=99, type=get_attr]; +"100 _param_constant13" [id=100, type=get_attr]; +"101 layer_norm_1" [id=101, type=layer_norm]; +"102 add_1" [id=102, type=add]; +"103 linear_4_updated_constant0" [id=103, type=get_attr]; +"104 add_1_0_0_nncf_smooth_quant_0" [id=104, type=call_module]; +"105 quantize_per_tensor_default_5" [id=105, type=quantize_per_tensor]; +"106 dequantize_per_tensor_default_5" [id=106, type=dequantize_per_tensor]; +"107 linear_4_scale_0" [id=107, type=get_attr]; +"108 linear_4_zero_point_0" [id=108, type=get_attr]; +"109 quantize_per_channel_default_5" [id=109, type=quantize_per_channel]; +"110 dequantize_per_channel_default_5" [id=110, type=dequantize_per_channel]; +"111 _param_constant15_0_0" [id=111, type=get_attr]; +"112 linear_4" [id=112, type=linear]; +"113 gelu" [id=113, type=gelu]; +"114 dropout_2" [id=114, type=dropout]; +"115 linear_5_updated_constant0" [id=115, type=get_attr]; +"116 dropout_2_0_0_nncf_smooth_quant_0" [id=116, type=call_module]; +"117 quantize_per_tensor_default_6" [id=117, type=quantize_per_tensor]; +"118 dequantize_per_tensor_default_6" [id=118, type=dequantize_per_tensor]; +"119 linear_5_scale_0" [id=119, type=get_attr]; +"120 linear_5_zero_point_0" [id=120, type=get_attr]; +"121 quantize_per_channel_default_6" [id=121, type=quantize_per_channel]; +"122 dequantize_per_channel_default_6" [id=122, type=dequantize_per_channel]; +"123 _param_constant17_0_0" [id=123, type=get_attr]; +"124 linear_5" [id=124, type=linear]; +"125 dropout_3" [id=125, type=dropout]; +"126 _param_constant18" [id=126, type=get_attr]; +"127 _param_constant19" [id=127, type=get_attr]; +"128 layer_norm_2" [id=128, type=layer_norm]; +"129 add_2" [id=129, type=add]; +"130 _tensor_constant2" [id=130, type=get_attr]; +"131 linear_6_updated_constant0" [id=131, type=get_attr]; +"132 _tensor_constant2_0_0_nncf_smooth_quant_0" [id=132, type=call_module]; +"133 linear_6_scale_0" [id=133, type=get_attr]; +"134 linear_6_zero_point_0" [id=134, type=get_attr]; +"135 quantize_per_channel_default_7" [id=135, type=quantize_per_channel]; +"136 dequantize_per_channel_default_7" [id=136, type=dequantize_per_channel]; +"137 _param_constant21_0_0" [id=137, type=get_attr]; +"138 linear_6" [id=138, type=linear]; +"139 relu__1" [id=139, type=relu_]; +"140 linear_7_updated_constant0" [id=140, type=get_attr]; +"141 relu__1_0_0_nncf_smooth_quant_0" [id=141, type=call_module]; +"142 linear_7_scale_0" [id=142, type=get_attr]; +"143 linear_7_zero_point_0" [id=143, type=get_attr]; +"144 quantize_per_channel_default_8" [id=144, type=quantize_per_channel]; +"145 dequantize_per_channel_default_8" [id=145, type=dequantize_per_channel]; +"146 linear_7" [id=146, type=linear]; +"147 view_4" [id=147, type=view]; +"148 _tensor_constant3" [id=148, type=get_attr]; +"149 index_1" [id=149, type=index]; +"150 view_5" [id=150, type=view]; +"151 permute_5" [id=151, type=permute]; +"152 contiguous_1" [id=152, type=contiguous]; +"153 unsqueeze_1" [id=153, type=unsqueeze]; +"154 sigmoid_1" [id=154, type=sigmoid]; +"155 mul_2" [id=155, type=mul]; +"156 pad_1" [id=156, type=pad]; +"157 roll" [id=157, type=roll]; +"158 view_6" [id=158, type=view]; +"159 permute_6" [id=159, type=permute]; +"160 reshape_4" [id=160, type=reshape]; +"161 linear_8_updated_constant0" [id=161, type=get_attr]; +"162 reshape_4_0_0_nncf_smooth_quant_0" [id=162, type=call_module]; +"163 quantize_per_tensor_default_7" [id=163, type=quantize_per_tensor]; +"164 dequantize_per_tensor_default_7" [id=164, type=dequantize_per_tensor]; +"165 linear_8_scale_0" [id=165, type=get_attr]; +"166 linear_8_zero_point_0" [id=166, type=get_attr]; +"167 quantize_per_channel_default_9" [id=167, type=quantize_per_channel]; +"168 dequantize_per_channel_default_9" [id=168, type=dequantize_per_channel]; +"169 _param_constant23_0_0" [id=169, type=get_attr]; +"170 linear_8" [id=170, type=linear]; +"171 reshape_5" [id=171, type=reshape]; +"172 permute_7" [id=172, type=permute]; +"173 select_3" [id=173, type=select]; +"174 select_4" [id=174, type=select]; +"175 select_5" [id=175, type=select]; +"176 linalg_vector_norm_2" [id=176, type=linalg_vector_norm]; +"177 clamp_min_2" [id=177, type=clamp_min]; +"178 expand_as_2" [id=178, type=expand_as]; +"179 div_2" [id=179, type=div]; +"180 quantize_per_tensor_default_8" [id=180, type=quantize_per_tensor]; +"181 dequantize_per_tensor_default_8" [id=181, type=dequantize_per_tensor]; +"182 linalg_vector_norm_3" [id=182, type=linalg_vector_norm]; +"183 clamp_min_3" [id=183, type=clamp_min]; +"184 expand_as_3" [id=184, type=expand_as]; +"185 div_3" [id=185, type=div]; +"186 quantize_per_tensor_default_9" [id=186, type=quantize_per_tensor]; +"187 dequantize_per_tensor_default_9" [id=187, type=dequantize_per_tensor]; +"188 transpose_2" [id=188, type=transpose]; +"189 matmul_2" [id=189, type=matmul]; +"190 _param_constant25" [id=190, type=get_attr]; +"191 clamp_1" [id=191, type=clamp]; +"192 exp_1" [id=192, type=exp]; +"193 mul_3" [id=193, type=mul]; +"194 add_3" [id=194, type=add]; +"195 new_zeros" [id=195, type=new_zeros]; +"196 view_7" [id=196, type=view]; +"197 permute_8" [id=197, type=permute]; +"198 reshape_6" [id=198, type=reshape]; +"199 unsqueeze_2" [id=199, type=unsqueeze]; +"200 unsqueeze_3" [id=200, type=unsqueeze]; +"201 sub" [id=201, type=sub]; +"202 ne" [id=202, type=ne]; +"203 masked_fill" [id=203, type=masked_fill]; +"204 eq" [id=204, type=eq]; +"205 masked_fill_1" [id=205, type=masked_fill]; +"206 view_8" [id=206, type=view]; +"207 unsqueeze_4" [id=207, type=unsqueeze]; +"208 unsqueeze_5" [id=208, type=unsqueeze]; +"209 add_4" [id=209, type=add]; +"210 view_9" [id=210, type=view]; +"211 softmax_1" [id=211, type=softmax]; +"212 dropout_4" [id=212, type=dropout]; +"213 matmul_3" [id=213, type=matmul]; +"214 transpose_3" [id=214, type=transpose]; +"215 reshape_7" [id=215, type=reshape]; +"216 linear_9_updated_constant0" [id=216, type=get_attr]; +"217 reshape_7_0_0_nncf_smooth_quant_0" [id=217, type=call_module]; +"218 quantize_per_tensor_default_10" [id=218, type=quantize_per_tensor]; +"219 dequantize_per_tensor_default_10" [id=219, type=dequantize_per_tensor]; +"220 linear_9_scale_0" [id=220, type=get_attr]; +"221 linear_9_zero_point_0" [id=221, type=get_attr]; +"222 quantize_per_channel_default_10" [id=222, type=quantize_per_channel]; +"223 dequantize_per_channel_default_10" [id=223, type=dequantize_per_channel]; +"224 _param_constant27_0_0" [id=224, type=get_attr]; +"225 linear_9" [id=225, type=linear]; +"226 dropout_5" [id=226, type=dropout]; +"227 view_10" [id=227, type=view]; +"228 permute_9" [id=228, type=permute]; +"229 reshape_8" [id=229, type=reshape]; +"230 roll_1" [id=230, type=roll]; +"231 slice_23" [id=231, type=slice]; +"232 slice_24" [id=232, type=slice]; +"233 _param_constant28" [id=233, type=get_attr]; +"234 _param_constant29" [id=234, type=get_attr]; +"235 layer_norm_3" [id=235, type=layer_norm]; +"236 add_5" [id=236, type=add]; +"237 linear_10_updated_constant0" [id=237, type=get_attr]; +"238 add_5_0_0_nncf_smooth_quant_0" [id=238, type=call_module]; +"239 quantize_per_tensor_default_11" [id=239, type=quantize_per_tensor]; +"240 dequantize_per_tensor_default_11" [id=240, type=dequantize_per_tensor]; +"241 linear_10_scale_0" [id=241, type=get_attr]; +"242 linear_10_zero_point_0" [id=242, type=get_attr]; +"243 quantize_per_channel_default_11" [id=243, type=quantize_per_channel]; +"244 dequantize_per_channel_default_11" [id=244, type=dequantize_per_channel]; +"245 _param_constant31_0_0" [id=245, type=get_attr]; +"246 linear_10" [id=246, type=linear]; +"247 gelu_1" [id=247, type=gelu]; +"248 dropout_6" [id=248, type=dropout]; +"249 linear_11_updated_constant0" [id=249, type=get_attr]; +"250 dropout_6_0_0_nncf_smooth_quant_0" [id=250, type=call_module]; +"251 quantize_per_tensor_default_12" [id=251, type=quantize_per_tensor]; +"252 dequantize_per_tensor_default_12" [id=252, type=dequantize_per_tensor]; +"253 linear_11_scale_0" [id=253, type=get_attr]; +"254 linear_11_zero_point_0" [id=254, type=get_attr]; +"255 quantize_per_channel_default_12" [id=255, type=quantize_per_channel]; +"256 dequantize_per_channel_default_12" [id=256, type=dequantize_per_channel]; +"257 _param_constant33_0_0" [id=257, type=get_attr]; +"258 linear_11" [id=258, type=linear]; +"259 dropout_7" [id=259, type=dropout]; +"260 _param_constant34" [id=260, type=get_attr]; +"261 _param_constant35" [id=261, type=get_attr]; +"262 layer_norm_4" [id=262, type=layer_norm]; +"263 add_6" [id=263, type=add]; +"264 pad_2" [id=264, type=pad]; +"265 slice_25" [id=265, type=slice]; +"266 slice_26" [id=266, type=slice]; +"267 slice_27" [id=267, type=slice]; +"268 slice_28" [id=268, type=slice]; +"269 slice_29" [id=269, type=slice]; +"270 slice_30" [id=270, type=slice]; +"271 slice_31" [id=271, type=slice]; +"272 slice_32" [id=272, type=slice]; +"273 slice_33" [id=273, type=slice]; +"274 slice_34" [id=274, type=slice]; +"275 slice_35" [id=275, type=slice]; +"276 slice_36" [id=276, type=slice]; +"277 cat" [id=277, type=cat]; +"278 linear_12_updated_constant0" [id=278, type=get_attr]; +"279 cat_0_0_nncf_smooth_quant_0" [id=279, type=call_module]; +"280 quantize_per_tensor_default_13" [id=280, type=quantize_per_tensor]; +"281 dequantize_per_tensor_default_13" [id=281, type=dequantize_per_tensor]; +"282 linear_12_scale_0" [id=282, type=get_attr]; +"283 linear_12_zero_point_0" [id=283, type=get_attr]; +"284 quantize_per_channel_default_13" [id=284, type=quantize_per_channel]; +"285 dequantize_per_channel_default_13" [id=285, type=dequantize_per_channel]; +"286 linear_12" [id=286, type=linear]; +"287 _param_constant37" [id=287, type=get_attr]; +"288 _param_constant38" [id=288, type=get_attr]; +"289 layer_norm_5" [id=289, type=layer_norm]; +"290 _tensor_constant13" [id=290, type=get_attr]; +"291 linear_13_updated_constant0" [id=291, type=get_attr]; +"292 _tensor_constant13_0_0_nncf_smooth_quant_0" [id=292, type=call_module]; +"293 linear_13_scale_0" [id=293, type=get_attr]; +"294 linear_13_zero_point_0" [id=294, type=get_attr]; +"295 quantize_per_channel_default_14" [id=295, type=quantize_per_channel]; +"296 dequantize_per_channel_default_14" [id=296, type=dequantize_per_channel]; +"297 _param_constant40_0_0" [id=297, type=get_attr]; +"298 linear_13" [id=298, type=linear]; +"299 relu__2" [id=299, type=relu_]; +"300 linear_14_updated_constant0" [id=300, type=get_attr]; +"301 relu__2_0_0_nncf_smooth_quant_0" [id=301, type=call_module]; +"302 linear_14_scale_0" [id=302, type=get_attr]; +"303 linear_14_zero_point_0" [id=303, type=get_attr]; +"304 quantize_per_channel_default_15" [id=304, type=quantize_per_channel]; +"305 dequantize_per_channel_default_15" [id=305, type=dequantize_per_channel]; +"306 linear_14" [id=306, type=linear]; +"307 view_11" [id=307, type=view]; +"308 _tensor_constant14" [id=308, type=get_attr]; +"309 index_2" [id=309, type=index]; +"310 view_12" [id=310, type=view]; +"311 permute_10" [id=311, type=permute]; +"312 contiguous_2" [id=312, type=contiguous]; +"313 unsqueeze_6" [id=313, type=unsqueeze]; +"314 sigmoid_2" [id=314, type=sigmoid]; +"315 mul_4" [id=315, type=mul]; +"316 pad_3" [id=316, type=pad]; +"317 view_13" [id=317, type=view]; +"318 permute_11" [id=318, type=permute]; +"319 reshape_9" [id=319, type=reshape]; +"320 linear_15_updated_constant0" [id=320, type=get_attr]; +"321 reshape_9_0_0_nncf_smooth_quant_0" [id=321, type=call_module]; +"322 quantize_per_tensor_default_14" [id=322, type=quantize_per_tensor]; +"323 dequantize_per_tensor_default_14" [id=323, type=dequantize_per_tensor]; +"324 linear_15_scale_0" [id=324, type=get_attr]; +"325 linear_15_zero_point_0" [id=325, type=get_attr]; +"326 quantize_per_channel_default_16" [id=326, type=quantize_per_channel]; +"327 dequantize_per_channel_default_16" [id=327, type=dequantize_per_channel]; +"328 _param_constant42_0_0" [id=328, type=get_attr]; +"329 linear_15" [id=329, type=linear]; +"330 reshape_10" [id=330, type=reshape]; +"331 permute_12" [id=331, type=permute]; +"332 select_6" [id=332, type=select]; +"333 select_7" [id=333, type=select]; +"334 select_8" [id=334, type=select]; +"335 linalg_vector_norm_4" [id=335, type=linalg_vector_norm]; +"336 clamp_min_4" [id=336, type=clamp_min]; +"337 expand_as_4" [id=337, type=expand_as]; +"338 div_4" [id=338, type=div]; +"339 quantize_per_tensor_default_15" [id=339, type=quantize_per_tensor]; +"340 dequantize_per_tensor_default_15" [id=340, type=dequantize_per_tensor]; +"341 linalg_vector_norm_5" [id=341, type=linalg_vector_norm]; +"342 clamp_min_5" [id=342, type=clamp_min]; +"343 expand_as_5" [id=343, type=expand_as]; +"344 div_5" [id=344, type=div]; +"345 quantize_per_tensor_default_16" [id=345, type=quantize_per_tensor]; +"346 dequantize_per_tensor_default_16" [id=346, type=dequantize_per_tensor]; +"347 transpose_4" [id=347, type=transpose]; +"348 matmul_4" [id=348, type=matmul]; +"349 _param_constant44" [id=349, type=get_attr]; +"350 clamp_2" [id=350, type=clamp]; +"351 exp_2" [id=351, type=exp]; +"352 mul_5" [id=352, type=mul]; +"353 add_7" [id=353, type=add]; +"354 softmax_2" [id=354, type=softmax]; +"355 dropout_8" [id=355, type=dropout]; +"356 matmul_5" [id=356, type=matmul]; +"357 transpose_5" [id=357, type=transpose]; +"358 reshape_11" [id=358, type=reshape]; +"359 linear_16_updated_constant0" [id=359, type=get_attr]; +"360 reshape_11_0_0_nncf_smooth_quant_0" [id=360, type=call_module]; +"361 quantize_per_tensor_default_17" [id=361, type=quantize_per_tensor]; +"362 dequantize_per_tensor_default_17" [id=362, type=dequantize_per_tensor]; +"363 linear_16_scale_0" [id=363, type=get_attr]; +"364 linear_16_zero_point_0" [id=364, type=get_attr]; +"365 quantize_per_channel_default_17" [id=365, type=quantize_per_channel]; +"366 dequantize_per_channel_default_17" [id=366, type=dequantize_per_channel]; +"367 _param_constant46_0_0" [id=367, type=get_attr]; +"368 linear_16" [id=368, type=linear]; +"369 dropout_9" [id=369, type=dropout]; +"370 view_14" [id=370, type=view]; +"371 permute_13" [id=371, type=permute]; +"372 reshape_12" [id=372, type=reshape]; +"373 slice_38" [id=373, type=slice]; +"374 slice_39" [id=374, type=slice]; +"375 slice_40" [id=375, type=slice]; +"376 slice_41" [id=376, type=slice]; +"377 contiguous_3" [id=377, type=contiguous]; +"378 _param_constant47" [id=378, type=get_attr]; +"379 _param_constant48" [id=379, type=get_attr]; +"380 layer_norm_6" [id=380, type=layer_norm]; +"381 add_8" [id=381, type=add]; +"382 linear_17_updated_constant0" [id=382, type=get_attr]; +"383 add_8_0_0_nncf_smooth_quant_0" [id=383, type=call_module]; +"384 quantize_per_tensor_default_18" [id=384, type=quantize_per_tensor]; +"385 dequantize_per_tensor_default_18" [id=385, type=dequantize_per_tensor]; +"386 linear_17_scale_0" [id=386, type=get_attr]; +"387 linear_17_zero_point_0" [id=387, type=get_attr]; +"388 quantize_per_channel_default_18" [id=388, type=quantize_per_channel]; +"389 dequantize_per_channel_default_18" [id=389, type=dequantize_per_channel]; +"390 _param_constant50_0_0" [id=390, type=get_attr]; +"391 linear_17" [id=391, type=linear]; +"392 gelu_2" [id=392, type=gelu]; +"393 dropout_10" [id=393, type=dropout]; +"394 linear_18_updated_constant0" [id=394, type=get_attr]; +"395 dropout_10_0_0_nncf_smooth_quant_0" [id=395, type=call_module]; +"396 quantize_per_tensor_default_19" [id=396, type=quantize_per_tensor]; +"397 dequantize_per_tensor_default_19" [id=397, type=dequantize_per_tensor]; +"398 linear_18_scale_0" [id=398, type=get_attr]; +"399 linear_18_zero_point_0" [id=399, type=get_attr]; +"400 quantize_per_channel_default_19" [id=400, type=quantize_per_channel]; +"401 dequantize_per_channel_default_19" [id=401, type=dequantize_per_channel]; +"402 _param_constant52_0_0" [id=402, type=get_attr]; +"403 linear_18" [id=403, type=linear]; +"404 dropout_11" [id=404, type=dropout]; +"405 _param_constant53" [id=405, type=get_attr]; +"406 _param_constant54" [id=406, type=get_attr]; +"407 layer_norm_7" [id=407, type=layer_norm]; +"408 add_9" [id=408, type=add]; +"409 _tensor_constant15" [id=409, type=get_attr]; +"410 linear_19_updated_constant0" [id=410, type=get_attr]; +"411 _tensor_constant15_0_0_nncf_smooth_quant_0" [id=411, type=call_module]; +"412 linear_19_scale_0" [id=412, type=get_attr]; +"413 linear_19_zero_point_0" [id=413, type=get_attr]; +"414 quantize_per_channel_default_20" [id=414, type=quantize_per_channel]; +"415 dequantize_per_channel_default_20" [id=415, type=dequantize_per_channel]; +"416 _param_constant56_0_0" [id=416, type=get_attr]; +"417 linear_19" [id=417, type=linear]; +"418 relu__3" [id=418, type=relu_]; +"419 linear_20_updated_constant0" [id=419, type=get_attr]; +"420 relu__3_0_0_nncf_smooth_quant_0" [id=420, type=call_module]; +"421 linear_20_scale_0" [id=421, type=get_attr]; +"422 linear_20_zero_point_0" [id=422, type=get_attr]; +"423 quantize_per_channel_default_21" [id=423, type=quantize_per_channel]; +"424 dequantize_per_channel_default_21" [id=424, type=dequantize_per_channel]; +"425 linear_20" [id=425, type=linear]; +"426 view_15" [id=426, type=view]; +"427 _tensor_constant16" [id=427, type=get_attr]; +"428 index_3" [id=428, type=index]; +"429 view_16" [id=429, type=view]; +"430 permute_14" [id=430, type=permute]; +"431 contiguous_4" [id=431, type=contiguous]; +"432 unsqueeze_7" [id=432, type=unsqueeze]; +"433 sigmoid_3" [id=433, type=sigmoid]; +"434 mul_6" [id=434, type=mul]; +"435 pad_4" [id=435, type=pad]; +"436 roll_2" [id=436, type=roll]; +"437 view_17" [id=437, type=view]; +"438 permute_15" [id=438, type=permute]; +"439 reshape_13" [id=439, type=reshape]; +"440 linear_21_updated_constant0" [id=440, type=get_attr]; +"441 reshape_13_0_0_nncf_smooth_quant_0" [id=441, type=call_module]; +"442 quantize_per_tensor_default_20" [id=442, type=quantize_per_tensor]; +"443 dequantize_per_tensor_default_20" [id=443, type=dequantize_per_tensor]; +"444 linear_21_scale_0" [id=444, type=get_attr]; +"445 linear_21_zero_point_0" [id=445, type=get_attr]; +"446 quantize_per_channel_default_22" [id=446, type=quantize_per_channel]; +"447 dequantize_per_channel_default_22" [id=447, type=dequantize_per_channel]; +"448 _param_constant58_0_0" [id=448, type=get_attr]; +"449 linear_21" [id=449, type=linear]; +"450 reshape_14" [id=450, type=reshape]; +"451 permute_16" [id=451, type=permute]; +"452 select_9" [id=452, type=select]; +"453 select_10" [id=453, type=select]; +"454 select_11" [id=454, type=select]; +"455 linalg_vector_norm_6" [id=455, type=linalg_vector_norm]; +"456 clamp_min_6" [id=456, type=clamp_min]; +"457 expand_as_6" [id=457, type=expand_as]; +"458 div_6" [id=458, type=div]; +"459 quantize_per_tensor_default_21" [id=459, type=quantize_per_tensor]; +"460 dequantize_per_tensor_default_21" [id=460, type=dequantize_per_tensor]; +"461 linalg_vector_norm_7" [id=461, type=linalg_vector_norm]; +"462 clamp_min_7" [id=462, type=clamp_min]; +"463 expand_as_7" [id=463, type=expand_as]; +"464 div_7" [id=464, type=div]; +"465 quantize_per_tensor_default_22" [id=465, type=quantize_per_tensor]; +"466 dequantize_per_tensor_default_22" [id=466, type=dequantize_per_tensor]; +"467 transpose_6" [id=467, type=transpose]; +"468 matmul_6" [id=468, type=matmul]; +"469 _param_constant60" [id=469, type=get_attr]; +"470 clamp_3" [id=470, type=clamp]; +"471 exp_3" [id=471, type=exp]; +"472 mul_7" [id=472, type=mul]; +"473 add_10" [id=473, type=add]; +"474 new_zeros_1" [id=474, type=new_zeros]; +"475 view_18" [id=475, type=view]; +"476 permute_17" [id=476, type=permute]; +"477 reshape_15" [id=477, type=reshape]; +"478 unsqueeze_8" [id=478, type=unsqueeze]; +"479 unsqueeze_9" [id=479, type=unsqueeze]; +"480 sub_1" [id=480, type=sub]; +"481 ne_1" [id=481, type=ne]; +"482 masked_fill_2" [id=482, type=masked_fill]; +"483 eq_1" [id=483, type=eq]; +"484 masked_fill_3" [id=484, type=masked_fill]; +"485 view_19" [id=485, type=view]; +"486 unsqueeze_10" [id=486, type=unsqueeze]; +"487 unsqueeze_11" [id=487, type=unsqueeze]; +"488 add_11" [id=488, type=add]; +"489 view_20" [id=489, type=view]; +"490 softmax_3" [id=490, type=softmax]; +"491 dropout_12" [id=491, type=dropout]; +"492 matmul_7" [id=492, type=matmul]; +"493 transpose_7" [id=493, type=transpose]; +"494 reshape_16" [id=494, type=reshape]; +"495 linear_22_updated_constant0" [id=495, type=get_attr]; +"496 reshape_16_0_0_nncf_smooth_quant_0" [id=496, type=call_module]; +"497 quantize_per_tensor_default_23" [id=497, type=quantize_per_tensor]; +"498 dequantize_per_tensor_default_23" [id=498, type=dequantize_per_tensor]; +"499 linear_22_scale_0" [id=499, type=get_attr]; +"500 linear_22_zero_point_0" [id=500, type=get_attr]; +"501 quantize_per_channel_default_23" [id=501, type=quantize_per_channel]; +"502 dequantize_per_channel_default_23" [id=502, type=dequantize_per_channel]; +"503 _param_constant62_0_0" [id=503, type=get_attr]; +"504 linear_22" [id=504, type=linear]; +"505 dropout_13" [id=505, type=dropout]; +"506 view_21" [id=506, type=view]; +"507 permute_18" [id=507, type=permute]; +"508 reshape_17" [id=508, type=reshape]; +"509 roll_3" [id=509, type=roll]; +"510 slice_61" [id=510, type=slice]; +"511 slice_62" [id=511, type=slice]; +"512 slice_63" [id=512, type=slice]; +"513 slice_64" [id=513, type=slice]; +"514 contiguous_5" [id=514, type=contiguous]; +"515 _param_constant63" [id=515, type=get_attr]; +"516 _param_constant64" [id=516, type=get_attr]; +"517 layer_norm_8" [id=517, type=layer_norm]; +"518 add_12" [id=518, type=add]; +"519 linear_23_updated_constant0" [id=519, type=get_attr]; +"520 add_12_0_0_nncf_smooth_quant_0" [id=520, type=call_module]; +"521 quantize_per_tensor_default_24" [id=521, type=quantize_per_tensor]; +"522 dequantize_per_tensor_default_24" [id=522, type=dequantize_per_tensor]; +"523 linear_23_scale_0" [id=523, type=get_attr]; +"524 linear_23_zero_point_0" [id=524, type=get_attr]; +"525 quantize_per_channel_default_24" [id=525, type=quantize_per_channel]; +"526 dequantize_per_channel_default_24" [id=526, type=dequantize_per_channel]; +"527 _param_constant66_0_0" [id=527, type=get_attr]; +"528 linear_23" [id=528, type=linear]; +"529 gelu_3" [id=529, type=gelu]; +"530 dropout_14" [id=530, type=dropout]; +"531 linear_24_updated_constant0" [id=531, type=get_attr]; +"532 dropout_14_0_0_nncf_smooth_quant_0" [id=532, type=call_module]; +"533 quantize_per_tensor_default_25" [id=533, type=quantize_per_tensor]; +"534 dequantize_per_tensor_default_25" [id=534, type=dequantize_per_tensor]; +"535 linear_24_scale_0" [id=535, type=get_attr]; +"536 linear_24_zero_point_0" [id=536, type=get_attr]; +"537 quantize_per_channel_default_25" [id=537, type=quantize_per_channel]; +"538 dequantize_per_channel_default_25" [id=538, type=dequantize_per_channel]; +"539 _param_constant68_0_0" [id=539, type=get_attr]; +"540 linear_24" [id=540, type=linear]; +"541 dropout_15" [id=541, type=dropout]; +"542 _param_constant69" [id=542, type=get_attr]; +"543 _param_constant70" [id=543, type=get_attr]; +"544 layer_norm_9" [id=544, type=layer_norm]; +"545 add_13" [id=545, type=add]; +"546 pad_5" [id=546, type=pad]; +"547 slice_65" [id=547, type=slice]; +"548 slice_66" [id=548, type=slice]; +"549 slice_67" [id=549, type=slice]; +"550 slice_68" [id=550, type=slice]; +"551 slice_69" [id=551, type=slice]; +"552 slice_70" [id=552, type=slice]; +"553 slice_71" [id=553, type=slice]; +"554 slice_72" [id=554, type=slice]; +"555 slice_73" [id=555, type=slice]; +"556 slice_74" [id=556, type=slice]; +"557 slice_75" [id=557, type=slice]; +"558 slice_76" [id=558, type=slice]; +"559 cat_1" [id=559, type=cat]; +"560 linear_25_updated_constant0" [id=560, type=get_attr]; +"561 cat_1_0_0_nncf_smooth_quant_0" [id=561, type=call_module]; +"562 quantize_per_tensor_default_26" [id=562, type=quantize_per_tensor]; +"563 dequantize_per_tensor_default_26" [id=563, type=dequantize_per_tensor]; +"564 linear_25_scale_0" [id=564, type=get_attr]; +"565 linear_25_zero_point_0" [id=565, type=get_attr]; +"566 quantize_per_channel_default_26" [id=566, type=quantize_per_channel]; +"567 dequantize_per_channel_default_26" [id=567, type=dequantize_per_channel]; +"568 linear_25" [id=568, type=linear]; +"569 _param_constant72" [id=569, type=get_attr]; +"570 _param_constant73" [id=570, type=get_attr]; +"571 layer_norm_10" [id=571, type=layer_norm]; +"572 _tensor_constant26" [id=572, type=get_attr]; +"573 linear_26_updated_constant0" [id=573, type=get_attr]; +"574 _tensor_constant26_0_0_nncf_smooth_quant_0" [id=574, type=call_module]; +"575 linear_26_scale_0" [id=575, type=get_attr]; +"576 linear_26_zero_point_0" [id=576, type=get_attr]; +"577 quantize_per_channel_default_27" [id=577, type=quantize_per_channel]; +"578 dequantize_per_channel_default_27" [id=578, type=dequantize_per_channel]; +"579 _param_constant75_0_0" [id=579, type=get_attr]; +"580 linear_26" [id=580, type=linear]; +"581 relu__4" [id=581, type=relu_]; +"582 linear_27_updated_constant0" [id=582, type=get_attr]; +"583 relu__4_0_0_nncf_smooth_quant_0" [id=583, type=call_module]; +"584 linear_27_scale_0" [id=584, type=get_attr]; +"585 linear_27_zero_point_0" [id=585, type=get_attr]; +"586 quantize_per_channel_default_28" [id=586, type=quantize_per_channel]; +"587 dequantize_per_channel_default_28" [id=587, type=dequantize_per_channel]; +"588 linear_27" [id=588, type=linear]; +"589 view_22" [id=589, type=view]; +"590 _tensor_constant27" [id=590, type=get_attr]; +"591 index_4" [id=591, type=index]; +"592 view_23" [id=592, type=view]; +"593 permute_19" [id=593, type=permute]; +"594 contiguous_6" [id=594, type=contiguous]; +"595 unsqueeze_12" [id=595, type=unsqueeze]; +"596 sigmoid_4" [id=596, type=sigmoid]; +"597 mul_8" [id=597, type=mul]; +"598 pad_6" [id=598, type=pad]; +"599 view_24" [id=599, type=view]; +"600 permute_20" [id=600, type=permute]; +"601 reshape_18" [id=601, type=reshape]; +"602 linear_28_updated_constant0" [id=602, type=get_attr]; +"603 reshape_18_0_0_nncf_smooth_quant_0" [id=603, type=call_module]; +"604 quantize_per_tensor_default_27" [id=604, type=quantize_per_tensor]; +"605 dequantize_per_tensor_default_27" [id=605, type=dequantize_per_tensor]; +"606 linear_28_scale_0" [id=606, type=get_attr]; +"607 linear_28_zero_point_0" [id=607, type=get_attr]; +"608 quantize_per_channel_default_29" [id=608, type=quantize_per_channel]; +"609 dequantize_per_channel_default_29" [id=609, type=dequantize_per_channel]; +"610 _param_constant77_0_0" [id=610, type=get_attr]; +"611 linear_28" [id=611, type=linear]; +"612 reshape_19" [id=612, type=reshape]; +"613 permute_21" [id=613, type=permute]; +"614 select_12" [id=614, type=select]; +"615 select_13" [id=615, type=select]; +"616 select_14" [id=616, type=select]; +"617 linalg_vector_norm_8" [id=617, type=linalg_vector_norm]; +"618 clamp_min_8" [id=618, type=clamp_min]; +"619 expand_as_8" [id=619, type=expand_as]; +"620 div_8" [id=620, type=div]; +"621 quantize_per_tensor_default_28" [id=621, type=quantize_per_tensor]; +"622 dequantize_per_tensor_default_28" [id=622, type=dequantize_per_tensor]; +"623 linalg_vector_norm_9" [id=623, type=linalg_vector_norm]; +"624 clamp_min_9" [id=624, type=clamp_min]; +"625 expand_as_9" [id=625, type=expand_as]; +"626 div_9" [id=626, type=div]; +"627 quantize_per_tensor_default_29" [id=627, type=quantize_per_tensor]; +"628 dequantize_per_tensor_default_29" [id=628, type=dequantize_per_tensor]; +"629 transpose_8" [id=629, type=transpose]; +"630 matmul_8" [id=630, type=matmul]; +"631 _param_constant79" [id=631, type=get_attr]; +"632 clamp_4" [id=632, type=clamp]; +"633 exp_4" [id=633, type=exp]; +"634 mul_9" [id=634, type=mul]; +"635 add_14" [id=635, type=add]; +"636 softmax_4" [id=636, type=softmax]; +"637 dropout_16" [id=637, type=dropout]; +"638 matmul_9" [id=638, type=matmul]; +"639 transpose_9" [id=639, type=transpose]; +"640 reshape_20" [id=640, type=reshape]; +"641 linear_29_updated_constant0" [id=641, type=get_attr]; +"642 reshape_20_0_0_nncf_smooth_quant_0" [id=642, type=call_module]; +"643 quantize_per_tensor_default_30" [id=643, type=quantize_per_tensor]; +"644 dequantize_per_tensor_default_30" [id=644, type=dequantize_per_tensor]; +"645 linear_29_scale_0" [id=645, type=get_attr]; +"646 linear_29_zero_point_0" [id=646, type=get_attr]; +"647 quantize_per_channel_default_30" [id=647, type=quantize_per_channel]; +"648 dequantize_per_channel_default_30" [id=648, type=dequantize_per_channel]; +"649 _param_constant81_0_0" [id=649, type=get_attr]; +"650 linear_29" [id=650, type=linear]; +"651 dropout_17" [id=651, type=dropout]; +"652 view_25" [id=652, type=view]; +"653 permute_22" [id=653, type=permute]; +"654 reshape_21" [id=654, type=reshape]; +"655 slice_78" [id=655, type=slice]; +"656 slice_79" [id=656, type=slice]; +"657 slice_80" [id=657, type=slice]; +"658 slice_81" [id=658, type=slice]; +"659 contiguous_7" [id=659, type=contiguous]; +"660 _param_constant82" [id=660, type=get_attr]; +"661 _param_constant83" [id=661, type=get_attr]; +"662 layer_norm_11" [id=662, type=layer_norm]; +"663 add_15" [id=663, type=add]; +"664 linear_30_updated_constant0" [id=664, type=get_attr]; +"665 add_15_0_0_nncf_smooth_quant_0" [id=665, type=call_module]; +"666 quantize_per_tensor_default_31" [id=666, type=quantize_per_tensor]; +"667 dequantize_per_tensor_default_31" [id=667, type=dequantize_per_tensor]; +"668 linear_30_scale_0" [id=668, type=get_attr]; +"669 linear_30_zero_point_0" [id=669, type=get_attr]; +"670 quantize_per_channel_default_31" [id=670, type=quantize_per_channel]; +"671 dequantize_per_channel_default_31" [id=671, type=dequantize_per_channel]; +"672 _param_constant85_0_0" [id=672, type=get_attr]; +"673 linear_30" [id=673, type=linear]; +"674 gelu_4" [id=674, type=gelu]; +"675 dropout_18" [id=675, type=dropout]; +"676 linear_31_updated_constant0" [id=676, type=get_attr]; +"677 dropout_18_0_0_nncf_smooth_quant_0" [id=677, type=call_module]; +"678 quantize_per_tensor_default_32" [id=678, type=quantize_per_tensor]; +"679 dequantize_per_tensor_default_32" [id=679, type=dequantize_per_tensor]; +"680 linear_31_scale_0" [id=680, type=get_attr]; +"681 linear_31_zero_point_0" [id=681, type=get_attr]; +"682 quantize_per_channel_default_32" [id=682, type=quantize_per_channel]; +"683 dequantize_per_channel_default_32" [id=683, type=dequantize_per_channel]; +"684 _param_constant87_0_0" [id=684, type=get_attr]; +"685 linear_31" [id=685, type=linear]; +"686 dropout_19" [id=686, type=dropout]; +"687 _param_constant88" [id=687, type=get_attr]; +"688 _param_constant89" [id=688, type=get_attr]; +"689 layer_norm_12" [id=689, type=layer_norm]; +"690 add_16" [id=690, type=add]; +"691 _tensor_constant28" [id=691, type=get_attr]; +"692 linear_32_updated_constant0" [id=692, type=get_attr]; +"693 _tensor_constant28_0_0_nncf_smooth_quant_0" [id=693, type=call_module]; +"694 linear_32_scale_0" [id=694, type=get_attr]; +"695 linear_32_zero_point_0" [id=695, type=get_attr]; +"696 quantize_per_channel_default_33" [id=696, type=quantize_per_channel]; +"697 dequantize_per_channel_default_33" [id=697, type=dequantize_per_channel]; +"698 _param_constant91_0_0" [id=698, type=get_attr]; +"699 linear_32" [id=699, type=linear]; +"700 relu__5" [id=700, type=relu_]; +"701 linear_33_updated_constant0" [id=701, type=get_attr]; +"702 relu__5_0_0_nncf_smooth_quant_0" [id=702, type=call_module]; +"703 linear_33_scale_0" [id=703, type=get_attr]; +"704 linear_33_zero_point_0" [id=704, type=get_attr]; +"705 quantize_per_channel_default_34" [id=705, type=quantize_per_channel]; +"706 dequantize_per_channel_default_34" [id=706, type=dequantize_per_channel]; +"707 linear_33" [id=707, type=linear]; +"708 view_26" [id=708, type=view]; +"709 _tensor_constant29" [id=709, type=get_attr]; +"710 index_5" [id=710, type=index]; +"711 view_27" [id=711, type=view]; +"712 permute_23" [id=712, type=permute]; +"713 contiguous_8" [id=713, type=contiguous]; +"714 unsqueeze_13" [id=714, type=unsqueeze]; +"715 sigmoid_5" [id=715, type=sigmoid]; +"716 mul_10" [id=716, type=mul]; +"717 pad_7" [id=717, type=pad]; +"718 roll_4" [id=718, type=roll]; +"719 view_28" [id=719, type=view]; +"720 permute_24" [id=720, type=permute]; +"721 reshape_22" [id=721, type=reshape]; +"722 linear_34_updated_constant0" [id=722, type=get_attr]; +"723 reshape_22_0_0_nncf_smooth_quant_0" [id=723, type=call_module]; +"724 quantize_per_tensor_default_33" [id=724, type=quantize_per_tensor]; +"725 dequantize_per_tensor_default_33" [id=725, type=dequantize_per_tensor]; +"726 linear_34_scale_0" [id=726, type=get_attr]; +"727 linear_34_zero_point_0" [id=727, type=get_attr]; +"728 quantize_per_channel_default_35" [id=728, type=quantize_per_channel]; +"729 dequantize_per_channel_default_35" [id=729, type=dequantize_per_channel]; +"730 _param_constant93_0_0" [id=730, type=get_attr]; +"731 linear_34" [id=731, type=linear]; +"732 reshape_23" [id=732, type=reshape]; +"733 permute_25" [id=733, type=permute]; +"734 select_15" [id=734, type=select]; +"735 select_16" [id=735, type=select]; +"736 select_17" [id=736, type=select]; +"737 linalg_vector_norm_10" [id=737, type=linalg_vector_norm]; +"738 clamp_min_10" [id=738, type=clamp_min]; +"739 expand_as_10" [id=739, type=expand_as]; +"740 div_10" [id=740, type=div]; +"741 quantize_per_tensor_default_34" [id=741, type=quantize_per_tensor]; +"742 dequantize_per_tensor_default_34" [id=742, type=dequantize_per_tensor]; +"743 linalg_vector_norm_11" [id=743, type=linalg_vector_norm]; +"744 clamp_min_11" [id=744, type=clamp_min]; +"745 expand_as_11" [id=745, type=expand_as]; +"746 div_11" [id=746, type=div]; +"747 quantize_per_tensor_default_35" [id=747, type=quantize_per_tensor]; +"748 dequantize_per_tensor_default_35" [id=748, type=dequantize_per_tensor]; +"749 transpose_10" [id=749, type=transpose]; +"750 matmul_10" [id=750, type=matmul]; +"751 _param_constant95" [id=751, type=get_attr]; +"752 clamp_5" [id=752, type=clamp]; +"753 exp_5" [id=753, type=exp]; +"754 mul_11" [id=754, type=mul]; +"755 add_17" [id=755, type=add]; +"756 new_zeros_2" [id=756, type=new_zeros]; +"757 view_29" [id=757, type=view]; +"758 permute_26" [id=758, type=permute]; +"759 reshape_24" [id=759, type=reshape]; +"760 unsqueeze_14" [id=760, type=unsqueeze]; +"761 unsqueeze_15" [id=761, type=unsqueeze]; +"762 sub_2" [id=762, type=sub]; +"763 ne_2" [id=763, type=ne]; +"764 masked_fill_4" [id=764, type=masked_fill]; +"765 eq_2" [id=765, type=eq]; +"766 masked_fill_5" [id=766, type=masked_fill]; +"767 view_30" [id=767, type=view]; +"768 unsqueeze_16" [id=768, type=unsqueeze]; +"769 unsqueeze_17" [id=769, type=unsqueeze]; +"770 add_18" [id=770, type=add]; +"771 view_31" [id=771, type=view]; +"772 softmax_5" [id=772, type=softmax]; +"773 dropout_20" [id=773, type=dropout]; +"774 matmul_11" [id=774, type=matmul]; +"775 transpose_11" [id=775, type=transpose]; +"776 reshape_25" [id=776, type=reshape]; +"777 linear_35_updated_constant0" [id=777, type=get_attr]; +"778 reshape_25_0_0_nncf_smooth_quant_0" [id=778, type=call_module]; +"779 quantize_per_tensor_default_36" [id=779, type=quantize_per_tensor]; +"780 dequantize_per_tensor_default_36" [id=780, type=dequantize_per_tensor]; +"781 linear_35_scale_0" [id=781, type=get_attr]; +"782 linear_35_zero_point_0" [id=782, type=get_attr]; +"783 quantize_per_channel_default_36" [id=783, type=quantize_per_channel]; +"784 dequantize_per_channel_default_36" [id=784, type=dequantize_per_channel]; +"785 _param_constant97_0_0" [id=785, type=get_attr]; +"786 linear_35" [id=786, type=linear]; +"787 dropout_21" [id=787, type=dropout]; +"788 view_32" [id=788, type=view]; +"789 permute_27" [id=789, type=permute]; +"790 reshape_26" [id=790, type=reshape]; +"791 roll_5" [id=791, type=roll]; +"792 slice_101" [id=792, type=slice]; +"793 slice_102" [id=793, type=slice]; +"794 slice_103" [id=794, type=slice]; +"795 slice_104" [id=795, type=slice]; +"796 contiguous_9" [id=796, type=contiguous]; +"797 _param_constant98" [id=797, type=get_attr]; +"798 _param_constant99" [id=798, type=get_attr]; +"799 layer_norm_13" [id=799, type=layer_norm]; +"800 add_19" [id=800, type=add]; +"801 linear_36_updated_constant0" [id=801, type=get_attr]; +"802 add_19_0_0_nncf_smooth_quant_0" [id=802, type=call_module]; +"803 quantize_per_tensor_default_37" [id=803, type=quantize_per_tensor]; +"804 dequantize_per_tensor_default_37" [id=804, type=dequantize_per_tensor]; +"805 linear_36_scale_0" [id=805, type=get_attr]; +"806 linear_36_zero_point_0" [id=806, type=get_attr]; +"807 quantize_per_channel_default_37" [id=807, type=quantize_per_channel]; +"808 dequantize_per_channel_default_37" [id=808, type=dequantize_per_channel]; +"809 _param_constant101_0_0" [id=809, type=get_attr]; +"810 linear_36" [id=810, type=linear]; +"811 gelu_5" [id=811, type=gelu]; +"812 dropout_22" [id=812, type=dropout]; +"813 linear_37_updated_constant0" [id=813, type=get_attr]; +"814 dropout_22_0_0_nncf_smooth_quant_0" [id=814, type=call_module]; +"815 quantize_per_tensor_default_38" [id=815, type=quantize_per_tensor]; +"816 dequantize_per_tensor_default_38" [id=816, type=dequantize_per_tensor]; +"817 linear_37_scale_0" [id=817, type=get_attr]; +"818 linear_37_zero_point_0" [id=818, type=get_attr]; +"819 quantize_per_channel_default_38" [id=819, type=quantize_per_channel]; +"820 dequantize_per_channel_default_38" [id=820, type=dequantize_per_channel]; +"821 _param_constant103_0_0" [id=821, type=get_attr]; +"822 linear_37" [id=822, type=linear]; +"823 dropout_23" [id=823, type=dropout]; +"824 _param_constant104" [id=824, type=get_attr]; +"825 _param_constant105" [id=825, type=get_attr]; +"826 layer_norm_14" [id=826, type=layer_norm]; +"827 add_20" [id=827, type=add]; +"828 _tensor_constant39" [id=828, type=get_attr]; +"829 linear_38_updated_constant0" [id=829, type=get_attr]; +"830 _tensor_constant39_0_0_nncf_smooth_quant_0" [id=830, type=call_module]; +"831 linear_38_scale_0" [id=831, type=get_attr]; +"832 linear_38_zero_point_0" [id=832, type=get_attr]; +"833 quantize_per_channel_default_39" [id=833, type=quantize_per_channel]; +"834 dequantize_per_channel_default_39" [id=834, type=dequantize_per_channel]; +"835 _param_constant107_0_0" [id=835, type=get_attr]; +"836 linear_38" [id=836, type=linear]; +"837 relu__6" [id=837, type=relu_]; +"838 linear_39_updated_constant0" [id=838, type=get_attr]; +"839 relu__6_0_0_nncf_smooth_quant_0" [id=839, type=call_module]; +"840 linear_39_scale_0" [id=840, type=get_attr]; +"841 linear_39_zero_point_0" [id=841, type=get_attr]; +"842 quantize_per_channel_default_40" [id=842, type=quantize_per_channel]; +"843 dequantize_per_channel_default_40" [id=843, type=dequantize_per_channel]; +"844 linear_39" [id=844, type=linear]; +"845 view_33" [id=845, type=view]; +"846 _tensor_constant40" [id=846, type=get_attr]; +"847 index_6" [id=847, type=index]; +"848 view_34" [id=848, type=view]; +"849 permute_28" [id=849, type=permute]; +"850 contiguous_10" [id=850, type=contiguous]; +"851 unsqueeze_18" [id=851, type=unsqueeze]; +"852 sigmoid_6" [id=852, type=sigmoid]; +"853 mul_12" [id=853, type=mul]; +"854 pad_8" [id=854, type=pad]; +"855 view_35" [id=855, type=view]; +"856 permute_29" [id=856, type=permute]; +"857 reshape_27" [id=857, type=reshape]; +"858 linear_40_updated_constant0" [id=858, type=get_attr]; +"859 reshape_27_0_0_nncf_smooth_quant_0" [id=859, type=call_module]; +"860 quantize_per_tensor_default_39" [id=860, type=quantize_per_tensor]; +"861 dequantize_per_tensor_default_39" [id=861, type=dequantize_per_tensor]; +"862 linear_40_scale_0" [id=862, type=get_attr]; +"863 linear_40_zero_point_0" [id=863, type=get_attr]; +"864 quantize_per_channel_default_41" [id=864, type=quantize_per_channel]; +"865 dequantize_per_channel_default_41" [id=865, type=dequantize_per_channel]; +"866 _param_constant109_0_0" [id=866, type=get_attr]; +"867 linear_40" [id=867, type=linear]; +"868 reshape_28" [id=868, type=reshape]; +"869 permute_30" [id=869, type=permute]; +"870 select_18" [id=870, type=select]; +"871 select_19" [id=871, type=select]; +"872 select_20" [id=872, type=select]; +"873 linalg_vector_norm_12" [id=873, type=linalg_vector_norm]; +"874 clamp_min_12" [id=874, type=clamp_min]; +"875 expand_as_12" [id=875, type=expand_as]; +"876 div_12" [id=876, type=div]; +"877 quantize_per_tensor_default_40" [id=877, type=quantize_per_tensor]; +"878 dequantize_per_tensor_default_40" [id=878, type=dequantize_per_tensor]; +"879 linalg_vector_norm_13" [id=879, type=linalg_vector_norm]; +"880 clamp_min_13" [id=880, type=clamp_min]; +"881 expand_as_13" [id=881, type=expand_as]; +"882 div_13" [id=882, type=div]; +"883 quantize_per_tensor_default_41" [id=883, type=quantize_per_tensor]; +"884 dequantize_per_tensor_default_41" [id=884, type=dequantize_per_tensor]; +"885 transpose_12" [id=885, type=transpose]; +"886 matmul_12" [id=886, type=matmul]; +"887 _param_constant111" [id=887, type=get_attr]; +"888 clamp_6" [id=888, type=clamp]; +"889 exp_6" [id=889, type=exp]; +"890 mul_13" [id=890, type=mul]; +"891 add_21" [id=891, type=add]; +"892 softmax_6" [id=892, type=softmax]; +"893 dropout_24" [id=893, type=dropout]; +"894 matmul_13" [id=894, type=matmul]; +"895 transpose_13" [id=895, type=transpose]; +"896 reshape_29" [id=896, type=reshape]; +"897 linear_41_updated_constant0" [id=897, type=get_attr]; +"898 reshape_29_0_0_nncf_smooth_quant_0" [id=898, type=call_module]; +"899 quantize_per_tensor_default_42" [id=899, type=quantize_per_tensor]; +"900 dequantize_per_tensor_default_42" [id=900, type=dequantize_per_tensor]; +"901 linear_41_scale_0" [id=901, type=get_attr]; +"902 linear_41_zero_point_0" [id=902, type=get_attr]; +"903 quantize_per_channel_default_42" [id=903, type=quantize_per_channel]; +"904 dequantize_per_channel_default_42" [id=904, type=dequantize_per_channel]; +"905 _param_constant113_0_0" [id=905, type=get_attr]; +"906 linear_41" [id=906, type=linear]; +"907 dropout_25" [id=907, type=dropout]; +"908 view_36" [id=908, type=view]; +"909 permute_31" [id=909, type=permute]; +"910 reshape_30" [id=910, type=reshape]; +"911 slice_106" [id=911, type=slice]; +"912 slice_107" [id=912, type=slice]; +"913 slice_108" [id=913, type=slice]; +"914 slice_109" [id=914, type=slice]; +"915 contiguous_11" [id=915, type=contiguous]; +"916 _param_constant114" [id=916, type=get_attr]; +"917 _param_constant115" [id=917, type=get_attr]; +"918 layer_norm_15" [id=918, type=layer_norm]; +"919 add_22" [id=919, type=add]; +"920 linear_42_updated_constant0" [id=920, type=get_attr]; +"921 add_22_0_0_nncf_smooth_quant_0" [id=921, type=call_module]; +"922 quantize_per_tensor_default_43" [id=922, type=quantize_per_tensor]; +"923 dequantize_per_tensor_default_43" [id=923, type=dequantize_per_tensor]; +"924 linear_42_scale_0" [id=924, type=get_attr]; +"925 linear_42_zero_point_0" [id=925, type=get_attr]; +"926 quantize_per_channel_default_43" [id=926, type=quantize_per_channel]; +"927 dequantize_per_channel_default_43" [id=927, type=dequantize_per_channel]; +"928 _param_constant117_0_0" [id=928, type=get_attr]; +"929 linear_42" [id=929, type=linear]; +"930 gelu_6" [id=930, type=gelu]; +"931 dropout_26" [id=931, type=dropout]; +"932 linear_43_updated_constant0" [id=932, type=get_attr]; +"933 dropout_26_0_0_nncf_smooth_quant_0" [id=933, type=call_module]; +"934 quantize_per_tensor_default_44" [id=934, type=quantize_per_tensor]; +"935 dequantize_per_tensor_default_44" [id=935, type=dequantize_per_tensor]; +"936 linear_43_scale_0" [id=936, type=get_attr]; +"937 linear_43_zero_point_0" [id=937, type=get_attr]; +"938 quantize_per_channel_default_44" [id=938, type=quantize_per_channel]; +"939 dequantize_per_channel_default_44" [id=939, type=dequantize_per_channel]; +"940 _param_constant119_0_0" [id=940, type=get_attr]; +"941 linear_43" [id=941, type=linear]; +"942 dropout_27" [id=942, type=dropout]; +"943 _param_constant120" [id=943, type=get_attr]; +"944 _param_constant121" [id=944, type=get_attr]; +"945 layer_norm_16" [id=945, type=layer_norm]; +"946 add_23" [id=946, type=add]; +"947 _tensor_constant41" [id=947, type=get_attr]; +"948 linear_44_updated_constant0" [id=948, type=get_attr]; +"949 _tensor_constant41_0_0_nncf_smooth_quant_0" [id=949, type=call_module]; +"950 linear_44_scale_0" [id=950, type=get_attr]; +"951 linear_44_zero_point_0" [id=951, type=get_attr]; +"952 quantize_per_channel_default_45" [id=952, type=quantize_per_channel]; +"953 dequantize_per_channel_default_45" [id=953, type=dequantize_per_channel]; +"954 _param_constant123_0_0" [id=954, type=get_attr]; +"955 linear_44" [id=955, type=linear]; +"956 relu__7" [id=956, type=relu_]; +"957 linear_45_updated_constant0" [id=957, type=get_attr]; +"958 relu__7_0_0_nncf_smooth_quant_0" [id=958, type=call_module]; +"959 linear_45_scale_0" [id=959, type=get_attr]; +"960 linear_45_zero_point_0" [id=960, type=get_attr]; +"961 quantize_per_channel_default_46" [id=961, type=quantize_per_channel]; +"962 dequantize_per_channel_default_46" [id=962, type=dequantize_per_channel]; +"963 linear_45" [id=963, type=linear]; +"964 view_37" [id=964, type=view]; +"965 _tensor_constant42" [id=965, type=get_attr]; +"966 index_7" [id=966, type=index]; +"967 view_38" [id=967, type=view]; +"968 permute_32" [id=968, type=permute]; +"969 contiguous_12" [id=969, type=contiguous]; +"970 unsqueeze_19" [id=970, type=unsqueeze]; +"971 sigmoid_7" [id=971, type=sigmoid]; +"972 mul_14" [id=972, type=mul]; +"973 pad_9" [id=973, type=pad]; +"974 roll_6" [id=974, type=roll]; +"975 view_39" [id=975, type=view]; +"976 permute_33" [id=976, type=permute]; +"977 reshape_31" [id=977, type=reshape]; +"978 linear_46_updated_constant0" [id=978, type=get_attr]; +"979 reshape_31_0_0_nncf_smooth_quant_0" [id=979, type=call_module]; +"980 quantize_per_tensor_default_45" [id=980, type=quantize_per_tensor]; +"981 dequantize_per_tensor_default_45" [id=981, type=dequantize_per_tensor]; +"982 linear_46_scale_0" [id=982, type=get_attr]; +"983 linear_46_zero_point_0" [id=983, type=get_attr]; +"984 quantize_per_channel_default_47" [id=984, type=quantize_per_channel]; +"985 dequantize_per_channel_default_47" [id=985, type=dequantize_per_channel]; +"986 _param_constant125_0_0" [id=986, type=get_attr]; +"987 linear_46" [id=987, type=linear]; +"988 reshape_32" [id=988, type=reshape]; +"989 permute_34" [id=989, type=permute]; +"990 select_21" [id=990, type=select]; +"991 select_22" [id=991, type=select]; +"992 select_23" [id=992, type=select]; +"993 linalg_vector_norm_14" [id=993, type=linalg_vector_norm]; +"994 clamp_min_14" [id=994, type=clamp_min]; +"995 expand_as_14" [id=995, type=expand_as]; +"996 div_14" [id=996, type=div]; +"997 quantize_per_tensor_default_46" [id=997, type=quantize_per_tensor]; +"998 dequantize_per_tensor_default_46" [id=998, type=dequantize_per_tensor]; +"999 linalg_vector_norm_15" [id=999, type=linalg_vector_norm]; +"1000 clamp_min_15" [id=1000, type=clamp_min]; +"1001 expand_as_15" [id=1001, type=expand_as]; +"1002 div_15" [id=1002, type=div]; +"1003 quantize_per_tensor_default_47" [id=1003, type=quantize_per_tensor]; +"1004 dequantize_per_tensor_default_47" [id=1004, type=dequantize_per_tensor]; +"1005 transpose_14" [id=1005, type=transpose]; +"1006 matmul_14" [id=1006, type=matmul]; +"1007 _param_constant127" [id=1007, type=get_attr]; +"1008 clamp_7" [id=1008, type=clamp]; +"1009 exp_7" [id=1009, type=exp]; +"1010 mul_15" [id=1010, type=mul]; +"1011 add_24" [id=1011, type=add]; +"1012 new_zeros_3" [id=1012, type=new_zeros]; +"1013 view_40" [id=1013, type=view]; +"1014 permute_35" [id=1014, type=permute]; +"1015 reshape_33" [id=1015, type=reshape]; +"1016 unsqueeze_20" [id=1016, type=unsqueeze]; +"1017 unsqueeze_21" [id=1017, type=unsqueeze]; +"1018 sub_3" [id=1018, type=sub]; +"1019 ne_3" [id=1019, type=ne]; +"1020 masked_fill_6" [id=1020, type=masked_fill]; +"1021 eq_3" [id=1021, type=eq]; +"1022 masked_fill_7" [id=1022, type=masked_fill]; +"1023 view_41" [id=1023, type=view]; +"1024 unsqueeze_22" [id=1024, type=unsqueeze]; +"1025 unsqueeze_23" [id=1025, type=unsqueeze]; +"1026 add_25" [id=1026, type=add]; +"1027 view_42" [id=1027, type=view]; +"1028 softmax_7" [id=1028, type=softmax]; +"1029 dropout_28" [id=1029, type=dropout]; +"1030 matmul_15" [id=1030, type=matmul]; +"1031 transpose_15" [id=1031, type=transpose]; +"1032 reshape_34" [id=1032, type=reshape]; +"1033 linear_47_updated_constant0" [id=1033, type=get_attr]; +"1034 reshape_34_0_0_nncf_smooth_quant_0" [id=1034, type=call_module]; +"1035 quantize_per_tensor_default_48" [id=1035, type=quantize_per_tensor]; +"1036 dequantize_per_tensor_default_48" [id=1036, type=dequantize_per_tensor]; +"1037 linear_47_scale_0" [id=1037, type=get_attr]; +"1038 linear_47_zero_point_0" [id=1038, type=get_attr]; +"1039 quantize_per_channel_default_48" [id=1039, type=quantize_per_channel]; +"1040 dequantize_per_channel_default_48" [id=1040, type=dequantize_per_channel]; +"1041 _param_constant129_0_0" [id=1041, type=get_attr]; +"1042 linear_47" [id=1042, type=linear]; +"1043 dropout_29" [id=1043, type=dropout]; +"1044 view_43" [id=1044, type=view]; +"1045 permute_36" [id=1045, type=permute]; +"1046 reshape_35" [id=1046, type=reshape]; +"1047 roll_7" [id=1047, type=roll]; +"1048 slice_129" [id=1048, type=slice]; +"1049 slice_130" [id=1049, type=slice]; +"1050 slice_131" [id=1050, type=slice]; +"1051 slice_132" [id=1051, type=slice]; +"1052 contiguous_13" [id=1052, type=contiguous]; +"1053 _param_constant130" [id=1053, type=get_attr]; +"1054 _param_constant131" [id=1054, type=get_attr]; +"1055 layer_norm_17" [id=1055, type=layer_norm]; +"1056 add_26" [id=1056, type=add]; +"1057 linear_48_updated_constant0" [id=1057, type=get_attr]; +"1058 add_26_0_0_nncf_smooth_quant_0" [id=1058, type=call_module]; +"1059 quantize_per_tensor_default_49" [id=1059, type=quantize_per_tensor]; +"1060 dequantize_per_tensor_default_49" [id=1060, type=dequantize_per_tensor]; +"1061 linear_48_scale_0" [id=1061, type=get_attr]; +"1062 linear_48_zero_point_0" [id=1062, type=get_attr]; +"1063 quantize_per_channel_default_49" [id=1063, type=quantize_per_channel]; +"1064 dequantize_per_channel_default_49" [id=1064, type=dequantize_per_channel]; +"1065 _param_constant133_0_0" [id=1065, type=get_attr]; +"1066 linear_48" [id=1066, type=linear]; +"1067 gelu_7" [id=1067, type=gelu]; +"1068 dropout_30" [id=1068, type=dropout]; +"1069 linear_49_updated_constant0" [id=1069, type=get_attr]; +"1070 dropout_30_0_0_nncf_smooth_quant_0" [id=1070, type=call_module]; +"1071 quantize_per_tensor_default_50" [id=1071, type=quantize_per_tensor]; +"1072 dequantize_per_tensor_default_50" [id=1072, type=dequantize_per_tensor]; +"1073 linear_49_scale_0" [id=1073, type=get_attr]; +"1074 linear_49_zero_point_0" [id=1074, type=get_attr]; +"1075 quantize_per_channel_default_50" [id=1075, type=quantize_per_channel]; +"1076 dequantize_per_channel_default_50" [id=1076, type=dequantize_per_channel]; +"1077 _param_constant135_0_0" [id=1077, type=get_attr]; +"1078 linear_49" [id=1078, type=linear]; +"1079 dropout_31" [id=1079, type=dropout]; +"1080 _param_constant136" [id=1080, type=get_attr]; +"1081 _param_constant137" [id=1081, type=get_attr]; +"1082 layer_norm_18" [id=1082, type=layer_norm]; +"1083 add_27" [id=1083, type=add]; +"1084 _tensor_constant52" [id=1084, type=get_attr]; +"1085 linear_50_updated_constant0" [id=1085, type=get_attr]; +"1086 _tensor_constant52_0_0_nncf_smooth_quant_0" [id=1086, type=call_module]; +"1087 linear_50_scale_0" [id=1087, type=get_attr]; +"1088 linear_50_zero_point_0" [id=1088, type=get_attr]; +"1089 quantize_per_channel_default_51" [id=1089, type=quantize_per_channel]; +"1090 dequantize_per_channel_default_51" [id=1090, type=dequantize_per_channel]; +"1091 _param_constant139_0_0" [id=1091, type=get_attr]; +"1092 linear_50" [id=1092, type=linear]; +"1093 relu__8" [id=1093, type=relu_]; +"1094 linear_51_updated_constant0" [id=1094, type=get_attr]; +"1095 relu__8_0_0_nncf_smooth_quant_0" [id=1095, type=call_module]; +"1096 linear_51_scale_0" [id=1096, type=get_attr]; +"1097 linear_51_zero_point_0" [id=1097, type=get_attr]; +"1098 quantize_per_channel_default_52" [id=1098, type=quantize_per_channel]; +"1099 dequantize_per_channel_default_52" [id=1099, type=dequantize_per_channel]; +"1100 linear_51" [id=1100, type=linear]; +"1101 view_44" [id=1101, type=view]; +"1102 _tensor_constant53" [id=1102, type=get_attr]; +"1103 index_8" [id=1103, type=index]; +"1104 view_45" [id=1104, type=view]; +"1105 permute_37" [id=1105, type=permute]; +"1106 contiguous_14" [id=1106, type=contiguous]; +"1107 unsqueeze_24" [id=1107, type=unsqueeze]; +"1108 sigmoid_8" [id=1108, type=sigmoid]; +"1109 mul_16" [id=1109, type=mul]; +"1110 pad_10" [id=1110, type=pad]; +"1111 view_46" [id=1111, type=view]; +"1112 permute_38" [id=1112, type=permute]; +"1113 reshape_36" [id=1113, type=reshape]; +"1114 linear_52_updated_constant0" [id=1114, type=get_attr]; +"1115 reshape_36_0_0_nncf_smooth_quant_0" [id=1115, type=call_module]; +"1116 quantize_per_tensor_default_51" [id=1116, type=quantize_per_tensor]; +"1117 dequantize_per_tensor_default_51" [id=1117, type=dequantize_per_tensor]; +"1118 linear_52_scale_0" [id=1118, type=get_attr]; +"1119 linear_52_zero_point_0" [id=1119, type=get_attr]; +"1120 quantize_per_channel_default_53" [id=1120, type=quantize_per_channel]; +"1121 dequantize_per_channel_default_53" [id=1121, type=dequantize_per_channel]; +"1122 _param_constant141_0_0" [id=1122, type=get_attr]; +"1123 linear_52" [id=1123, type=linear]; +"1124 reshape_37" [id=1124, type=reshape]; +"1125 permute_39" [id=1125, type=permute]; +"1126 select_24" [id=1126, type=select]; +"1127 select_25" [id=1127, type=select]; +"1128 select_26" [id=1128, type=select]; +"1129 linalg_vector_norm_16" [id=1129, type=linalg_vector_norm]; +"1130 clamp_min_16" [id=1130, type=clamp_min]; +"1131 expand_as_16" [id=1131, type=expand_as]; +"1132 div_16" [id=1132, type=div]; +"1133 quantize_per_tensor_default_52" [id=1133, type=quantize_per_tensor]; +"1134 dequantize_per_tensor_default_52" [id=1134, type=dequantize_per_tensor]; +"1135 linalg_vector_norm_17" [id=1135, type=linalg_vector_norm]; +"1136 clamp_min_17" [id=1136, type=clamp_min]; +"1137 expand_as_17" [id=1137, type=expand_as]; +"1138 div_17" [id=1138, type=div]; +"1139 quantize_per_tensor_default_53" [id=1139, type=quantize_per_tensor]; +"1140 dequantize_per_tensor_default_53" [id=1140, type=dequantize_per_tensor]; +"1141 transpose_16" [id=1141, type=transpose]; +"1142 matmul_16" [id=1142, type=matmul]; +"1143 _param_constant143" [id=1143, type=get_attr]; +"1144 clamp_8" [id=1144, type=clamp]; +"1145 exp_8" [id=1145, type=exp]; +"1146 mul_17" [id=1146, type=mul]; +"1147 add_28" [id=1147, type=add]; +"1148 softmax_8" [id=1148, type=softmax]; +"1149 dropout_32" [id=1149, type=dropout]; +"1150 matmul_17" [id=1150, type=matmul]; +"1151 transpose_17" [id=1151, type=transpose]; +"1152 reshape_38" [id=1152, type=reshape]; +"1153 linear_53_updated_constant0" [id=1153, type=get_attr]; +"1154 reshape_38_0_0_nncf_smooth_quant_0" [id=1154, type=call_module]; +"1155 quantize_per_tensor_default_54" [id=1155, type=quantize_per_tensor]; +"1156 dequantize_per_tensor_default_54" [id=1156, type=dequantize_per_tensor]; +"1157 linear_53_scale_0" [id=1157, type=get_attr]; +"1158 linear_53_zero_point_0" [id=1158, type=get_attr]; +"1159 quantize_per_channel_default_54" [id=1159, type=quantize_per_channel]; +"1160 dequantize_per_channel_default_54" [id=1160, type=dequantize_per_channel]; +"1161 _param_constant145_0_0" [id=1161, type=get_attr]; +"1162 linear_53" [id=1162, type=linear]; +"1163 dropout_33" [id=1163, type=dropout]; +"1164 view_47" [id=1164, type=view]; +"1165 permute_40" [id=1165, type=permute]; +"1166 reshape_39" [id=1166, type=reshape]; +"1167 slice_134" [id=1167, type=slice]; +"1168 slice_135" [id=1168, type=slice]; +"1169 slice_136" [id=1169, type=slice]; +"1170 slice_137" [id=1170, type=slice]; +"1171 contiguous_15" [id=1171, type=contiguous]; +"1172 _param_constant146" [id=1172, type=get_attr]; +"1173 _param_constant147" [id=1173, type=get_attr]; +"1174 layer_norm_19" [id=1174, type=layer_norm]; +"1175 add_29" [id=1175, type=add]; +"1176 linear_54_updated_constant0" [id=1176, type=get_attr]; +"1177 add_29_0_0_nncf_smooth_quant_0" [id=1177, type=call_module]; +"1178 quantize_per_tensor_default_55" [id=1178, type=quantize_per_tensor]; +"1179 dequantize_per_tensor_default_55" [id=1179, type=dequantize_per_tensor]; +"1180 linear_54_scale_0" [id=1180, type=get_attr]; +"1181 linear_54_zero_point_0" [id=1181, type=get_attr]; +"1182 quantize_per_channel_default_55" [id=1182, type=quantize_per_channel]; +"1183 dequantize_per_channel_default_55" [id=1183, type=dequantize_per_channel]; +"1184 _param_constant149_0_0" [id=1184, type=get_attr]; +"1185 linear_54" [id=1185, type=linear]; +"1186 gelu_8" [id=1186, type=gelu]; +"1187 dropout_34" [id=1187, type=dropout]; +"1188 linear_55_updated_constant0" [id=1188, type=get_attr]; +"1189 dropout_34_0_0_nncf_smooth_quant_0" [id=1189, type=call_module]; +"1190 quantize_per_tensor_default_56" [id=1190, type=quantize_per_tensor]; +"1191 dequantize_per_tensor_default_56" [id=1191, type=dequantize_per_tensor]; +"1192 linear_55_scale_0" [id=1192, type=get_attr]; +"1193 linear_55_zero_point_0" [id=1193, type=get_attr]; +"1194 quantize_per_channel_default_56" [id=1194, type=quantize_per_channel]; +"1195 dequantize_per_channel_default_56" [id=1195, type=dequantize_per_channel]; +"1196 _param_constant151_0_0" [id=1196, type=get_attr]; +"1197 linear_55" [id=1197, type=linear]; +"1198 dropout_35" [id=1198, type=dropout]; +"1199 _param_constant152" [id=1199, type=get_attr]; +"1200 _param_constant153" [id=1200, type=get_attr]; +"1201 layer_norm_20" [id=1201, type=layer_norm]; +"1202 add_30" [id=1202, type=add]; +"1203 _tensor_constant54" [id=1203, type=get_attr]; +"1204 linear_56_updated_constant0" [id=1204, type=get_attr]; +"1205 _tensor_constant54_0_0_nncf_smooth_quant_0" [id=1205, type=call_module]; +"1206 linear_56_scale_0" [id=1206, type=get_attr]; +"1207 linear_56_zero_point_0" [id=1207, type=get_attr]; +"1208 quantize_per_channel_default_57" [id=1208, type=quantize_per_channel]; +"1209 dequantize_per_channel_default_57" [id=1209, type=dequantize_per_channel]; +"1210 _param_constant155_0_0" [id=1210, type=get_attr]; +"1211 linear_56" [id=1211, type=linear]; +"1212 relu__9" [id=1212, type=relu_]; +"1213 linear_57_updated_constant0" [id=1213, type=get_attr]; +"1214 relu__9_0_0_nncf_smooth_quant_0" [id=1214, type=call_module]; +"1215 linear_57_scale_0" [id=1215, type=get_attr]; +"1216 linear_57_zero_point_0" [id=1216, type=get_attr]; +"1217 quantize_per_channel_default_58" [id=1217, type=quantize_per_channel]; +"1218 dequantize_per_channel_default_58" [id=1218, type=dequantize_per_channel]; +"1219 linear_57" [id=1219, type=linear]; +"1220 view_48" [id=1220, type=view]; +"1221 _tensor_constant55" [id=1221, type=get_attr]; +"1222 index_9" [id=1222, type=index]; +"1223 view_49" [id=1223, type=view]; +"1224 permute_41" [id=1224, type=permute]; +"1225 contiguous_16" [id=1225, type=contiguous]; +"1226 unsqueeze_25" [id=1226, type=unsqueeze]; +"1227 sigmoid_9" [id=1227, type=sigmoid]; +"1228 mul_18" [id=1228, type=mul]; +"1229 pad_11" [id=1229, type=pad]; +"1230 roll_8" [id=1230, type=roll]; +"1231 view_50" [id=1231, type=view]; +"1232 permute_42" [id=1232, type=permute]; +"1233 reshape_40" [id=1233, type=reshape]; +"1234 linear_58_updated_constant0" [id=1234, type=get_attr]; +"1235 reshape_40_0_0_nncf_smooth_quant_0" [id=1235, type=call_module]; +"1236 quantize_per_tensor_default_57" [id=1236, type=quantize_per_tensor]; +"1237 dequantize_per_tensor_default_57" [id=1237, type=dequantize_per_tensor]; +"1238 linear_58_scale_0" [id=1238, type=get_attr]; +"1239 linear_58_zero_point_0" [id=1239, type=get_attr]; +"1240 quantize_per_channel_default_59" [id=1240, type=quantize_per_channel]; +"1241 dequantize_per_channel_default_59" [id=1241, type=dequantize_per_channel]; +"1242 _param_constant157_0_0" [id=1242, type=get_attr]; +"1243 linear_58" [id=1243, type=linear]; +"1244 reshape_41" [id=1244, type=reshape]; +"1245 permute_43" [id=1245, type=permute]; +"1246 select_27" [id=1246, type=select]; +"1247 select_28" [id=1247, type=select]; +"1248 select_29" [id=1248, type=select]; +"1249 linalg_vector_norm_18" [id=1249, type=linalg_vector_norm]; +"1250 clamp_min_18" [id=1250, type=clamp_min]; +"1251 expand_as_18" [id=1251, type=expand_as]; +"1252 div_18" [id=1252, type=div]; +"1253 quantize_per_tensor_default_58" [id=1253, type=quantize_per_tensor]; +"1254 dequantize_per_tensor_default_58" [id=1254, type=dequantize_per_tensor]; +"1255 linalg_vector_norm_19" [id=1255, type=linalg_vector_norm]; +"1256 clamp_min_19" [id=1256, type=clamp_min]; +"1257 expand_as_19" [id=1257, type=expand_as]; +"1258 div_19" [id=1258, type=div]; +"1259 quantize_per_tensor_default_59" [id=1259, type=quantize_per_tensor]; +"1260 dequantize_per_tensor_default_59" [id=1260, type=dequantize_per_tensor]; +"1261 transpose_18" [id=1261, type=transpose]; +"1262 matmul_18" [id=1262, type=matmul]; +"1263 _param_constant159" [id=1263, type=get_attr]; +"1264 clamp_9" [id=1264, type=clamp]; +"1265 exp_9" [id=1265, type=exp]; +"1266 mul_19" [id=1266, type=mul]; +"1267 add_31" [id=1267, type=add]; +"1268 new_zeros_4" [id=1268, type=new_zeros]; +"1269 view_51" [id=1269, type=view]; +"1270 permute_44" [id=1270, type=permute]; +"1271 reshape_42" [id=1271, type=reshape]; +"1272 unsqueeze_26" [id=1272, type=unsqueeze]; +"1273 unsqueeze_27" [id=1273, type=unsqueeze]; +"1274 sub_4" [id=1274, type=sub]; +"1275 ne_4" [id=1275, type=ne]; +"1276 masked_fill_8" [id=1276, type=masked_fill]; +"1277 eq_4" [id=1277, type=eq]; +"1278 masked_fill_9" [id=1278, type=masked_fill]; +"1279 view_52" [id=1279, type=view]; +"1280 unsqueeze_28" [id=1280, type=unsqueeze]; +"1281 unsqueeze_29" [id=1281, type=unsqueeze]; +"1282 add_32" [id=1282, type=add]; +"1283 view_53" [id=1283, type=view]; +"1284 softmax_9" [id=1284, type=softmax]; +"1285 dropout_36" [id=1285, type=dropout]; +"1286 matmul_19" [id=1286, type=matmul]; +"1287 transpose_19" [id=1287, type=transpose]; +"1288 reshape_43" [id=1288, type=reshape]; +"1289 linear_59_updated_constant0" [id=1289, type=get_attr]; +"1290 reshape_43_0_0_nncf_smooth_quant_0" [id=1290, type=call_module]; +"1291 quantize_per_tensor_default_60" [id=1291, type=quantize_per_tensor]; +"1292 dequantize_per_tensor_default_60" [id=1292, type=dequantize_per_tensor]; +"1293 linear_59_scale_0" [id=1293, type=get_attr]; +"1294 linear_59_zero_point_0" [id=1294, type=get_attr]; +"1295 quantize_per_channel_default_60" [id=1295, type=quantize_per_channel]; +"1296 dequantize_per_channel_default_60" [id=1296, type=dequantize_per_channel]; +"1297 _param_constant161_0_0" [id=1297, type=get_attr]; +"1298 linear_59" [id=1298, type=linear]; +"1299 dropout_37" [id=1299, type=dropout]; +"1300 view_54" [id=1300, type=view]; +"1301 permute_45" [id=1301, type=permute]; +"1302 reshape_44" [id=1302, type=reshape]; +"1303 roll_9" [id=1303, type=roll]; +"1304 slice_157" [id=1304, type=slice]; +"1305 slice_158" [id=1305, type=slice]; +"1306 slice_159" [id=1306, type=slice]; +"1307 slice_160" [id=1307, type=slice]; +"1308 contiguous_17" [id=1308, type=contiguous]; +"1309 _param_constant162" [id=1309, type=get_attr]; +"1310 _param_constant163" [id=1310, type=get_attr]; +"1311 layer_norm_21" [id=1311, type=layer_norm]; +"1312 add_33" [id=1312, type=add]; +"1313 linear_60_updated_constant0" [id=1313, type=get_attr]; +"1314 add_33_0_0_nncf_smooth_quant_0" [id=1314, type=call_module]; +"1315 quantize_per_tensor_default_61" [id=1315, type=quantize_per_tensor]; +"1316 dequantize_per_tensor_default_61" [id=1316, type=dequantize_per_tensor]; +"1317 linear_60_scale_0" [id=1317, type=get_attr]; +"1318 linear_60_zero_point_0" [id=1318, type=get_attr]; +"1319 quantize_per_channel_default_61" [id=1319, type=quantize_per_channel]; +"1320 dequantize_per_channel_default_61" [id=1320, type=dequantize_per_channel]; +"1321 _param_constant165_0_0" [id=1321, type=get_attr]; +"1322 linear_60" [id=1322, type=linear]; +"1323 gelu_9" [id=1323, type=gelu]; +"1324 dropout_38" [id=1324, type=dropout]; +"1325 linear_61_updated_constant0" [id=1325, type=get_attr]; +"1326 dropout_38_0_0_nncf_smooth_quant_0" [id=1326, type=call_module]; +"1327 quantize_per_tensor_default_62" [id=1327, type=quantize_per_tensor]; +"1328 dequantize_per_tensor_default_62" [id=1328, type=dequantize_per_tensor]; +"1329 linear_61_scale_0" [id=1329, type=get_attr]; +"1330 linear_61_zero_point_0" [id=1330, type=get_attr]; +"1331 quantize_per_channel_default_62" [id=1331, type=quantize_per_channel]; +"1332 dequantize_per_channel_default_62" [id=1332, type=dequantize_per_channel]; +"1333 _param_constant167_0_0" [id=1333, type=get_attr]; +"1334 linear_61" [id=1334, type=linear]; +"1335 dropout_39" [id=1335, type=dropout]; +"1336 _param_constant168" [id=1336, type=get_attr]; +"1337 _param_constant169" [id=1337, type=get_attr]; +"1338 layer_norm_22" [id=1338, type=layer_norm]; +"1339 add_34" [id=1339, type=add]; +"1340 _tensor_constant65" [id=1340, type=get_attr]; +"1341 linear_62_updated_constant0" [id=1341, type=get_attr]; +"1342 _tensor_constant65_0_0_nncf_smooth_quant_0" [id=1342, type=call_module]; +"1343 linear_62_scale_0" [id=1343, type=get_attr]; +"1344 linear_62_zero_point_0" [id=1344, type=get_attr]; +"1345 quantize_per_channel_default_63" [id=1345, type=quantize_per_channel]; +"1346 dequantize_per_channel_default_63" [id=1346, type=dequantize_per_channel]; +"1347 _param_constant171_0_0" [id=1347, type=get_attr]; +"1348 linear_62" [id=1348, type=linear]; +"1349 relu__10" [id=1349, type=relu_]; +"1350 linear_63_updated_constant0" [id=1350, type=get_attr]; +"1351 relu__10_0_0_nncf_smooth_quant_0" [id=1351, type=call_module]; +"1352 linear_63_scale_0" [id=1352, type=get_attr]; +"1353 linear_63_zero_point_0" [id=1353, type=get_attr]; +"1354 quantize_per_channel_default_64" [id=1354, type=quantize_per_channel]; +"1355 dequantize_per_channel_default_64" [id=1355, type=dequantize_per_channel]; +"1356 linear_63" [id=1356, type=linear]; +"1357 view_55" [id=1357, type=view]; +"1358 _tensor_constant66" [id=1358, type=get_attr]; +"1359 index_10" [id=1359, type=index]; +"1360 view_56" [id=1360, type=view]; +"1361 permute_46" [id=1361, type=permute]; +"1362 contiguous_18" [id=1362, type=contiguous]; +"1363 unsqueeze_30" [id=1363, type=unsqueeze]; +"1364 sigmoid_10" [id=1364, type=sigmoid]; +"1365 mul_20" [id=1365, type=mul]; +"1366 pad_12" [id=1366, type=pad]; +"1367 view_57" [id=1367, type=view]; +"1368 permute_47" [id=1368, type=permute]; +"1369 reshape_45" [id=1369, type=reshape]; +"1370 linear_64_updated_constant0" [id=1370, type=get_attr]; +"1371 reshape_45_0_0_nncf_smooth_quant_0" [id=1371, type=call_module]; +"1372 quantize_per_tensor_default_63" [id=1372, type=quantize_per_tensor]; +"1373 dequantize_per_tensor_default_63" [id=1373, type=dequantize_per_tensor]; +"1374 linear_64_scale_0" [id=1374, type=get_attr]; +"1375 linear_64_zero_point_0" [id=1375, type=get_attr]; +"1376 quantize_per_channel_default_65" [id=1376, type=quantize_per_channel]; +"1377 dequantize_per_channel_default_65" [id=1377, type=dequantize_per_channel]; +"1378 _param_constant173_0_0" [id=1378, type=get_attr]; +"1379 linear_64" [id=1379, type=linear]; +"1380 reshape_46" [id=1380, type=reshape]; +"1381 permute_48" [id=1381, type=permute]; +"1382 select_30" [id=1382, type=select]; +"1383 select_31" [id=1383, type=select]; +"1384 select_32" [id=1384, type=select]; +"1385 linalg_vector_norm_20" [id=1385, type=linalg_vector_norm]; +"1386 clamp_min_20" [id=1386, type=clamp_min]; +"1387 expand_as_20" [id=1387, type=expand_as]; +"1388 div_20" [id=1388, type=div]; +"1389 quantize_per_tensor_default_64" [id=1389, type=quantize_per_tensor]; +"1390 dequantize_per_tensor_default_64" [id=1390, type=dequantize_per_tensor]; +"1391 linalg_vector_norm_21" [id=1391, type=linalg_vector_norm]; +"1392 clamp_min_21" [id=1392, type=clamp_min]; +"1393 expand_as_21" [id=1393, type=expand_as]; +"1394 div_21" [id=1394, type=div]; +"1395 quantize_per_tensor_default_65" [id=1395, type=quantize_per_tensor]; +"1396 dequantize_per_tensor_default_65" [id=1396, type=dequantize_per_tensor]; +"1397 transpose_20" [id=1397, type=transpose]; +"1398 matmul_20" [id=1398, type=matmul]; +"1399 _param_constant175" [id=1399, type=get_attr]; +"1400 clamp_10" [id=1400, type=clamp]; +"1401 exp_10" [id=1401, type=exp]; +"1402 mul_21" [id=1402, type=mul]; +"1403 add_35" [id=1403, type=add]; +"1404 softmax_10" [id=1404, type=softmax]; +"1405 dropout_40" [id=1405, type=dropout]; +"1406 matmul_21" [id=1406, type=matmul]; +"1407 transpose_21" [id=1407, type=transpose]; +"1408 reshape_47" [id=1408, type=reshape]; +"1409 linear_65_updated_constant0" [id=1409, type=get_attr]; +"1410 reshape_47_0_0_nncf_smooth_quant_0" [id=1410, type=call_module]; +"1411 quantize_per_tensor_default_66" [id=1411, type=quantize_per_tensor]; +"1412 dequantize_per_tensor_default_66" [id=1412, type=dequantize_per_tensor]; +"1413 linear_65_scale_0" [id=1413, type=get_attr]; +"1414 linear_65_zero_point_0" [id=1414, type=get_attr]; +"1415 quantize_per_channel_default_66" [id=1415, type=quantize_per_channel]; +"1416 dequantize_per_channel_default_66" [id=1416, type=dequantize_per_channel]; +"1417 _param_constant177_0_0" [id=1417, type=get_attr]; +"1418 linear_65" [id=1418, type=linear]; +"1419 dropout_41" [id=1419, type=dropout]; +"1420 view_58" [id=1420, type=view]; +"1421 permute_49" [id=1421, type=permute]; +"1422 reshape_48" [id=1422, type=reshape]; +"1423 slice_162" [id=1423, type=slice]; +"1424 slice_163" [id=1424, type=slice]; +"1425 slice_164" [id=1425, type=slice]; +"1426 slice_165" [id=1426, type=slice]; +"1427 contiguous_19" [id=1427, type=contiguous]; +"1428 _param_constant178" [id=1428, type=get_attr]; +"1429 _param_constant179" [id=1429, type=get_attr]; +"1430 layer_norm_23" [id=1430, type=layer_norm]; +"1431 add_36" [id=1431, type=add]; +"1432 linear_66_updated_constant0" [id=1432, type=get_attr]; +"1433 add_36_0_0_nncf_smooth_quant_0" [id=1433, type=call_module]; +"1434 quantize_per_tensor_default_67" [id=1434, type=quantize_per_tensor]; +"1435 dequantize_per_tensor_default_67" [id=1435, type=dequantize_per_tensor]; +"1436 linear_66_scale_0" [id=1436, type=get_attr]; +"1437 linear_66_zero_point_0" [id=1437, type=get_attr]; +"1438 quantize_per_channel_default_67" [id=1438, type=quantize_per_channel]; +"1439 dequantize_per_channel_default_67" [id=1439, type=dequantize_per_channel]; +"1440 _param_constant181_0_0" [id=1440, type=get_attr]; +"1441 linear_66" [id=1441, type=linear]; +"1442 gelu_10" [id=1442, type=gelu]; +"1443 dropout_42" [id=1443, type=dropout]; +"1444 linear_67_updated_constant0" [id=1444, type=get_attr]; +"1445 dropout_42_0_0_nncf_smooth_quant_0" [id=1445, type=call_module]; +"1446 quantize_per_tensor_default_68" [id=1446, type=quantize_per_tensor]; +"1447 dequantize_per_tensor_default_68" [id=1447, type=dequantize_per_tensor]; +"1448 linear_67_scale_0" [id=1448, type=get_attr]; +"1449 linear_67_zero_point_0" [id=1449, type=get_attr]; +"1450 quantize_per_channel_default_68" [id=1450, type=quantize_per_channel]; +"1451 dequantize_per_channel_default_68" [id=1451, type=dequantize_per_channel]; +"1452 _param_constant183_0_0" [id=1452, type=get_attr]; +"1453 linear_67" [id=1453, type=linear]; +"1454 dropout_43" [id=1454, type=dropout]; +"1455 _param_constant184" [id=1455, type=get_attr]; +"1456 _param_constant185" [id=1456, type=get_attr]; +"1457 layer_norm_24" [id=1457, type=layer_norm]; +"1458 add_37" [id=1458, type=add]; +"1459 _tensor_constant67" [id=1459, type=get_attr]; +"1460 linear_68_updated_constant0" [id=1460, type=get_attr]; +"1461 _tensor_constant67_0_0_nncf_smooth_quant_0" [id=1461, type=call_module]; +"1462 linear_68_scale_0" [id=1462, type=get_attr]; +"1463 linear_68_zero_point_0" [id=1463, type=get_attr]; +"1464 quantize_per_channel_default_69" [id=1464, type=quantize_per_channel]; +"1465 dequantize_per_channel_default_69" [id=1465, type=dequantize_per_channel]; +"1466 _param_constant187_0_0" [id=1466, type=get_attr]; +"1467 linear_68" [id=1467, type=linear]; +"1468 relu__11" [id=1468, type=relu_]; +"1469 linear_69_updated_constant0" [id=1469, type=get_attr]; +"1470 relu__11_0_0_nncf_smooth_quant_0" [id=1470, type=call_module]; +"1471 linear_69_scale_0" [id=1471, type=get_attr]; +"1472 linear_69_zero_point_0" [id=1472, type=get_attr]; +"1473 quantize_per_channel_default_70" [id=1473, type=quantize_per_channel]; +"1474 dequantize_per_channel_default_70" [id=1474, type=dequantize_per_channel]; +"1475 linear_69" [id=1475, type=linear]; +"1476 view_59" [id=1476, type=view]; +"1477 _tensor_constant68" [id=1477, type=get_attr]; +"1478 index_11" [id=1478, type=index]; +"1479 view_60" [id=1479, type=view]; +"1480 permute_50" [id=1480, type=permute]; +"1481 contiguous_20" [id=1481, type=contiguous]; +"1482 unsqueeze_31" [id=1482, type=unsqueeze]; +"1483 sigmoid_11" [id=1483, type=sigmoid]; +"1484 mul_22" [id=1484, type=mul]; +"1485 pad_13" [id=1485, type=pad]; +"1486 roll_10" [id=1486, type=roll]; +"1487 view_61" [id=1487, type=view]; +"1488 permute_51" [id=1488, type=permute]; +"1489 reshape_49" [id=1489, type=reshape]; +"1490 linear_70_updated_constant0" [id=1490, type=get_attr]; +"1491 reshape_49_0_0_nncf_smooth_quant_0" [id=1491, type=call_module]; +"1492 quantize_per_tensor_default_69" [id=1492, type=quantize_per_tensor]; +"1493 dequantize_per_tensor_default_69" [id=1493, type=dequantize_per_tensor]; +"1494 linear_70_scale_0" [id=1494, type=get_attr]; +"1495 linear_70_zero_point_0" [id=1495, type=get_attr]; +"1496 quantize_per_channel_default_71" [id=1496, type=quantize_per_channel]; +"1497 dequantize_per_channel_default_71" [id=1497, type=dequantize_per_channel]; +"1498 _param_constant189_0_0" [id=1498, type=get_attr]; +"1499 linear_70" [id=1499, type=linear]; +"1500 reshape_50" [id=1500, type=reshape]; +"1501 permute_52" [id=1501, type=permute]; +"1502 select_33" [id=1502, type=select]; +"1503 select_34" [id=1503, type=select]; +"1504 select_35" [id=1504, type=select]; +"1505 linalg_vector_norm_22" [id=1505, type=linalg_vector_norm]; +"1506 clamp_min_22" [id=1506, type=clamp_min]; +"1507 expand_as_22" [id=1507, type=expand_as]; +"1508 div_22" [id=1508, type=div]; +"1509 quantize_per_tensor_default_70" [id=1509, type=quantize_per_tensor]; +"1510 dequantize_per_tensor_default_70" [id=1510, type=dequantize_per_tensor]; +"1511 linalg_vector_norm_23" [id=1511, type=linalg_vector_norm]; +"1512 clamp_min_23" [id=1512, type=clamp_min]; +"1513 expand_as_23" [id=1513, type=expand_as]; +"1514 div_23" [id=1514, type=div]; +"1515 quantize_per_tensor_default_71" [id=1515, type=quantize_per_tensor]; +"1516 dequantize_per_tensor_default_71" [id=1516, type=dequantize_per_tensor]; +"1517 transpose_22" [id=1517, type=transpose]; +"1518 matmul_22" [id=1518, type=matmul]; +"1519 _param_constant191" [id=1519, type=get_attr]; +"1520 clamp_11" [id=1520, type=clamp]; +"1521 exp_11" [id=1521, type=exp]; +"1522 mul_23" [id=1522, type=mul]; +"1523 add_38" [id=1523, type=add]; +"1524 new_zeros_5" [id=1524, type=new_zeros]; +"1525 view_62" [id=1525, type=view]; +"1526 permute_53" [id=1526, type=permute]; +"1527 reshape_51" [id=1527, type=reshape]; +"1528 unsqueeze_32" [id=1528, type=unsqueeze]; +"1529 unsqueeze_33" [id=1529, type=unsqueeze]; +"1530 sub_5" [id=1530, type=sub]; +"1531 ne_5" [id=1531, type=ne]; +"1532 masked_fill_10" [id=1532, type=masked_fill]; +"1533 eq_5" [id=1533, type=eq]; +"1534 masked_fill_11" [id=1534, type=masked_fill]; +"1535 view_63" [id=1535, type=view]; +"1536 unsqueeze_34" [id=1536, type=unsqueeze]; +"1537 unsqueeze_35" [id=1537, type=unsqueeze]; +"1538 add_39" [id=1538, type=add]; +"1539 view_64" [id=1539, type=view]; +"1540 softmax_11" [id=1540, type=softmax]; +"1541 dropout_44" [id=1541, type=dropout]; +"1542 matmul_23" [id=1542, type=matmul]; +"1543 transpose_23" [id=1543, type=transpose]; +"1544 reshape_52" [id=1544, type=reshape]; +"1545 linear_71_updated_constant0" [id=1545, type=get_attr]; +"1546 reshape_52_0_0_nncf_smooth_quant_0" [id=1546, type=call_module]; +"1547 quantize_per_tensor_default_72" [id=1547, type=quantize_per_tensor]; +"1548 dequantize_per_tensor_default_72" [id=1548, type=dequantize_per_tensor]; +"1549 linear_71_scale_0" [id=1549, type=get_attr]; +"1550 linear_71_zero_point_0" [id=1550, type=get_attr]; +"1551 quantize_per_channel_default_72" [id=1551, type=quantize_per_channel]; +"1552 dequantize_per_channel_default_72" [id=1552, type=dequantize_per_channel]; +"1553 _param_constant193_0_0" [id=1553, type=get_attr]; +"1554 linear_71" [id=1554, type=linear]; +"1555 dropout_45" [id=1555, type=dropout]; +"1556 view_65" [id=1556, type=view]; +"1557 permute_54" [id=1557, type=permute]; +"1558 reshape_53" [id=1558, type=reshape]; +"1559 roll_11" [id=1559, type=roll]; +"1560 slice_185" [id=1560, type=slice]; +"1561 slice_186" [id=1561, type=slice]; +"1562 slice_187" [id=1562, type=slice]; +"1563 slice_188" [id=1563, type=slice]; +"1564 contiguous_21" [id=1564, type=contiguous]; +"1565 _param_constant194" [id=1565, type=get_attr]; +"1566 _param_constant195" [id=1566, type=get_attr]; +"1567 layer_norm_25" [id=1567, type=layer_norm]; +"1568 add_40" [id=1568, type=add]; +"1569 linear_72_updated_constant0" [id=1569, type=get_attr]; +"1570 add_40_0_0_nncf_smooth_quant_0" [id=1570, type=call_module]; +"1571 quantize_per_tensor_default_73" [id=1571, type=quantize_per_tensor]; +"1572 dequantize_per_tensor_default_73" [id=1572, type=dequantize_per_tensor]; +"1573 linear_72_scale_0" [id=1573, type=get_attr]; +"1574 linear_72_zero_point_0" [id=1574, type=get_attr]; +"1575 quantize_per_channel_default_73" [id=1575, type=quantize_per_channel]; +"1576 dequantize_per_channel_default_73" [id=1576, type=dequantize_per_channel]; +"1577 _param_constant197_0_0" [id=1577, type=get_attr]; +"1578 linear_72" [id=1578, type=linear]; +"1579 gelu_11" [id=1579, type=gelu]; +"1580 dropout_46" [id=1580, type=dropout]; +"1581 linear_73_updated_constant0" [id=1581, type=get_attr]; +"1582 dropout_46_0_0_nncf_smooth_quant_0" [id=1582, type=call_module]; +"1583 quantize_per_tensor_default_74" [id=1583, type=quantize_per_tensor]; +"1584 dequantize_per_tensor_default_74" [id=1584, type=dequantize_per_tensor]; +"1585 linear_73_scale_0" [id=1585, type=get_attr]; +"1586 linear_73_zero_point_0" [id=1586, type=get_attr]; +"1587 quantize_per_channel_default_74" [id=1587, type=quantize_per_channel]; +"1588 dequantize_per_channel_default_74" [id=1588, type=dequantize_per_channel]; +"1589 _param_constant199_0_0" [id=1589, type=get_attr]; +"1590 linear_73" [id=1590, type=linear]; +"1591 dropout_47" [id=1591, type=dropout]; +"1592 _param_constant200" [id=1592, type=get_attr]; +"1593 _param_constant201" [id=1593, type=get_attr]; +"1594 layer_norm_26" [id=1594, type=layer_norm]; +"1595 add_41" [id=1595, type=add]; +"1596 _tensor_constant78" [id=1596, type=get_attr]; +"1597 linear_74_updated_constant0" [id=1597, type=get_attr]; +"1598 _tensor_constant78_0_0_nncf_smooth_quant_0" [id=1598, type=call_module]; +"1599 linear_74_scale_0" [id=1599, type=get_attr]; +"1600 linear_74_zero_point_0" [id=1600, type=get_attr]; +"1601 quantize_per_channel_default_75" [id=1601, type=quantize_per_channel]; +"1602 dequantize_per_channel_default_75" [id=1602, type=dequantize_per_channel]; +"1603 _param_constant203_0_0" [id=1603, type=get_attr]; +"1604 linear_74" [id=1604, type=linear]; +"1605 relu__12" [id=1605, type=relu_]; +"1606 linear_75_updated_constant0" [id=1606, type=get_attr]; +"1607 relu__12_0_0_nncf_smooth_quant_0" [id=1607, type=call_module]; +"1608 linear_75_scale_0" [id=1608, type=get_attr]; +"1609 linear_75_zero_point_0" [id=1609, type=get_attr]; +"1610 quantize_per_channel_default_76" [id=1610, type=quantize_per_channel]; +"1611 dequantize_per_channel_default_76" [id=1611, type=dequantize_per_channel]; +"1612 linear_75" [id=1612, type=linear]; +"1613 view_66" [id=1613, type=view]; +"1614 _tensor_constant79" [id=1614, type=get_attr]; +"1615 index_12" [id=1615, type=index]; +"1616 view_67" [id=1616, type=view]; +"1617 permute_55" [id=1617, type=permute]; +"1618 contiguous_22" [id=1618, type=contiguous]; +"1619 unsqueeze_36" [id=1619, type=unsqueeze]; +"1620 sigmoid_12" [id=1620, type=sigmoid]; +"1621 mul_24" [id=1621, type=mul]; +"1622 pad_14" [id=1622, type=pad]; +"1623 view_68" [id=1623, type=view]; +"1624 permute_56" [id=1624, type=permute]; +"1625 reshape_54" [id=1625, type=reshape]; +"1626 linear_76_updated_constant0" [id=1626, type=get_attr]; +"1627 reshape_54_0_0_nncf_smooth_quant_0" [id=1627, type=call_module]; +"1628 quantize_per_tensor_default_75" [id=1628, type=quantize_per_tensor]; +"1629 dequantize_per_tensor_default_75" [id=1629, type=dequantize_per_tensor]; +"1630 linear_76_scale_0" [id=1630, type=get_attr]; +"1631 linear_76_zero_point_0" [id=1631, type=get_attr]; +"1632 quantize_per_channel_default_77" [id=1632, type=quantize_per_channel]; +"1633 dequantize_per_channel_default_77" [id=1633, type=dequantize_per_channel]; +"1634 _param_constant205_0_0" [id=1634, type=get_attr]; +"1635 linear_76" [id=1635, type=linear]; +"1636 reshape_55" [id=1636, type=reshape]; +"1637 permute_57" [id=1637, type=permute]; +"1638 select_36" [id=1638, type=select]; +"1639 select_37" [id=1639, type=select]; +"1640 select_38" [id=1640, type=select]; +"1641 linalg_vector_norm_24" [id=1641, type=linalg_vector_norm]; +"1642 clamp_min_24" [id=1642, type=clamp_min]; +"1643 expand_as_24" [id=1643, type=expand_as]; +"1644 div_24" [id=1644, type=div]; +"1645 quantize_per_tensor_default_76" [id=1645, type=quantize_per_tensor]; +"1646 dequantize_per_tensor_default_76" [id=1646, type=dequantize_per_tensor]; +"1647 linalg_vector_norm_25" [id=1647, type=linalg_vector_norm]; +"1648 clamp_min_25" [id=1648, type=clamp_min]; +"1649 expand_as_25" [id=1649, type=expand_as]; +"1650 div_25" [id=1650, type=div]; +"1651 quantize_per_tensor_default_77" [id=1651, type=quantize_per_tensor]; +"1652 dequantize_per_tensor_default_77" [id=1652, type=dequantize_per_tensor]; +"1653 transpose_24" [id=1653, type=transpose]; +"1654 matmul_24" [id=1654, type=matmul]; +"1655 _param_constant207" [id=1655, type=get_attr]; +"1656 clamp_12" [id=1656, type=clamp]; +"1657 exp_12" [id=1657, type=exp]; +"1658 mul_25" [id=1658, type=mul]; +"1659 add_42" [id=1659, type=add]; +"1660 softmax_12" [id=1660, type=softmax]; +"1661 dropout_48" [id=1661, type=dropout]; +"1662 matmul_25" [id=1662, type=matmul]; +"1663 transpose_25" [id=1663, type=transpose]; +"1664 reshape_56" [id=1664, type=reshape]; +"1665 linear_77_updated_constant0" [id=1665, type=get_attr]; +"1666 reshape_56_0_0_nncf_smooth_quant_0" [id=1666, type=call_module]; +"1667 quantize_per_tensor_default_78" [id=1667, type=quantize_per_tensor]; +"1668 dequantize_per_tensor_default_78" [id=1668, type=dequantize_per_tensor]; +"1669 linear_77_scale_0" [id=1669, type=get_attr]; +"1670 linear_77_zero_point_0" [id=1670, type=get_attr]; +"1671 quantize_per_channel_default_78" [id=1671, type=quantize_per_channel]; +"1672 dequantize_per_channel_default_78" [id=1672, type=dequantize_per_channel]; +"1673 _param_constant209_0_0" [id=1673, type=get_attr]; +"1674 linear_77" [id=1674, type=linear]; +"1675 dropout_49" [id=1675, type=dropout]; +"1676 view_69" [id=1676, type=view]; +"1677 permute_58" [id=1677, type=permute]; +"1678 reshape_57" [id=1678, type=reshape]; +"1679 slice_190" [id=1679, type=slice]; +"1680 slice_191" [id=1680, type=slice]; +"1681 slice_192" [id=1681, type=slice]; +"1682 slice_193" [id=1682, type=slice]; +"1683 contiguous_23" [id=1683, type=contiguous]; +"1684 _param_constant210" [id=1684, type=get_attr]; +"1685 _param_constant211" [id=1685, type=get_attr]; +"1686 layer_norm_27" [id=1686, type=layer_norm]; +"1687 add_43" [id=1687, type=add]; +"1688 linear_78_updated_constant0" [id=1688, type=get_attr]; +"1689 add_43_0_0_nncf_smooth_quant_0" [id=1689, type=call_module]; +"1690 quantize_per_tensor_default_79" [id=1690, type=quantize_per_tensor]; +"1691 dequantize_per_tensor_default_79" [id=1691, type=dequantize_per_tensor]; +"1692 linear_78_scale_0" [id=1692, type=get_attr]; +"1693 linear_78_zero_point_0" [id=1693, type=get_attr]; +"1694 quantize_per_channel_default_79" [id=1694, type=quantize_per_channel]; +"1695 dequantize_per_channel_default_79" [id=1695, type=dequantize_per_channel]; +"1696 _param_constant213_0_0" [id=1696, type=get_attr]; +"1697 linear_78" [id=1697, type=linear]; +"1698 gelu_12" [id=1698, type=gelu]; +"1699 dropout_50" [id=1699, type=dropout]; +"1700 linear_79_updated_constant0" [id=1700, type=get_attr]; +"1701 dropout_50_0_0_nncf_smooth_quant_0" [id=1701, type=call_module]; +"1702 quantize_per_tensor_default_80" [id=1702, type=quantize_per_tensor]; +"1703 dequantize_per_tensor_default_80" [id=1703, type=dequantize_per_tensor]; +"1704 linear_79_scale_0" [id=1704, type=get_attr]; +"1705 linear_79_zero_point_0" [id=1705, type=get_attr]; +"1706 quantize_per_channel_default_80" [id=1706, type=quantize_per_channel]; +"1707 dequantize_per_channel_default_80" [id=1707, type=dequantize_per_channel]; +"1708 _param_constant215_0_0" [id=1708, type=get_attr]; +"1709 linear_79" [id=1709, type=linear]; +"1710 dropout_51" [id=1710, type=dropout]; +"1711 _param_constant216" [id=1711, type=get_attr]; +"1712 _param_constant217" [id=1712, type=get_attr]; +"1713 layer_norm_28" [id=1713, type=layer_norm]; +"1714 add_44" [id=1714, type=add]; +"1715 _tensor_constant80" [id=1715, type=get_attr]; +"1716 linear_80_updated_constant0" [id=1716, type=get_attr]; +"1717 _tensor_constant80_0_0_nncf_smooth_quant_0" [id=1717, type=call_module]; +"1718 linear_80_scale_0" [id=1718, type=get_attr]; +"1719 linear_80_zero_point_0" [id=1719, type=get_attr]; +"1720 quantize_per_channel_default_81" [id=1720, type=quantize_per_channel]; +"1721 dequantize_per_channel_default_81" [id=1721, type=dequantize_per_channel]; +"1722 _param_constant219_0_0" [id=1722, type=get_attr]; +"1723 linear_80" [id=1723, type=linear]; +"1724 relu__13" [id=1724, type=relu_]; +"1725 linear_81_updated_constant0" [id=1725, type=get_attr]; +"1726 relu__13_0_0_nncf_smooth_quant_0" [id=1726, type=call_module]; +"1727 linear_81_scale_0" [id=1727, type=get_attr]; +"1728 linear_81_zero_point_0" [id=1728, type=get_attr]; +"1729 quantize_per_channel_default_82" [id=1729, type=quantize_per_channel]; +"1730 dequantize_per_channel_default_82" [id=1730, type=dequantize_per_channel]; +"1731 linear_81" [id=1731, type=linear]; +"1732 view_70" [id=1732, type=view]; +"1733 _tensor_constant81" [id=1733, type=get_attr]; +"1734 index_13" [id=1734, type=index]; +"1735 view_71" [id=1735, type=view]; +"1736 permute_59" [id=1736, type=permute]; +"1737 contiguous_24" [id=1737, type=contiguous]; +"1738 unsqueeze_37" [id=1738, type=unsqueeze]; +"1739 sigmoid_13" [id=1739, type=sigmoid]; +"1740 mul_26" [id=1740, type=mul]; +"1741 pad_15" [id=1741, type=pad]; +"1742 roll_12" [id=1742, type=roll]; +"1743 view_72" [id=1743, type=view]; +"1744 permute_60" [id=1744, type=permute]; +"1745 reshape_58" [id=1745, type=reshape]; +"1746 linear_82_updated_constant0" [id=1746, type=get_attr]; +"1747 reshape_58_0_0_nncf_smooth_quant_0" [id=1747, type=call_module]; +"1748 quantize_per_tensor_default_81" [id=1748, type=quantize_per_tensor]; +"1749 dequantize_per_tensor_default_81" [id=1749, type=dequantize_per_tensor]; +"1750 linear_82_scale_0" [id=1750, type=get_attr]; +"1751 linear_82_zero_point_0" [id=1751, type=get_attr]; +"1752 quantize_per_channel_default_83" [id=1752, type=quantize_per_channel]; +"1753 dequantize_per_channel_default_83" [id=1753, type=dequantize_per_channel]; +"1754 _param_constant221_0_0" [id=1754, type=get_attr]; +"1755 linear_82" [id=1755, type=linear]; +"1756 reshape_59" [id=1756, type=reshape]; +"1757 permute_61" [id=1757, type=permute]; +"1758 select_39" [id=1758, type=select]; +"1759 select_40" [id=1759, type=select]; +"1760 select_41" [id=1760, type=select]; +"1761 linalg_vector_norm_26" [id=1761, type=linalg_vector_norm]; +"1762 clamp_min_26" [id=1762, type=clamp_min]; +"1763 expand_as_26" [id=1763, type=expand_as]; +"1764 div_26" [id=1764, type=div]; +"1765 quantize_per_tensor_default_82" [id=1765, type=quantize_per_tensor]; +"1766 dequantize_per_tensor_default_82" [id=1766, type=dequantize_per_tensor]; +"1767 linalg_vector_norm_27" [id=1767, type=linalg_vector_norm]; +"1768 clamp_min_27" [id=1768, type=clamp_min]; +"1769 expand_as_27" [id=1769, type=expand_as]; +"1770 div_27" [id=1770, type=div]; +"1771 quantize_per_tensor_default_83" [id=1771, type=quantize_per_tensor]; +"1772 dequantize_per_tensor_default_83" [id=1772, type=dequantize_per_tensor]; +"1773 transpose_26" [id=1773, type=transpose]; +"1774 matmul_26" [id=1774, type=matmul]; +"1775 _param_constant223" [id=1775, type=get_attr]; +"1776 clamp_13" [id=1776, type=clamp]; +"1777 exp_13" [id=1777, type=exp]; +"1778 mul_27" [id=1778, type=mul]; +"1779 add_45" [id=1779, type=add]; +"1780 new_zeros_6" [id=1780, type=new_zeros]; +"1781 view_73" [id=1781, type=view]; +"1782 permute_62" [id=1782, type=permute]; +"1783 reshape_60" [id=1783, type=reshape]; +"1784 unsqueeze_38" [id=1784, type=unsqueeze]; +"1785 unsqueeze_39" [id=1785, type=unsqueeze]; +"1786 sub_6" [id=1786, type=sub]; +"1787 ne_6" [id=1787, type=ne]; +"1788 masked_fill_12" [id=1788, type=masked_fill]; +"1789 eq_6" [id=1789, type=eq]; +"1790 masked_fill_13" [id=1790, type=masked_fill]; +"1791 view_74" [id=1791, type=view]; +"1792 unsqueeze_40" [id=1792, type=unsqueeze]; +"1793 unsqueeze_41" [id=1793, type=unsqueeze]; +"1794 add_46" [id=1794, type=add]; +"1795 view_75" [id=1795, type=view]; +"1796 softmax_13" [id=1796, type=softmax]; +"1797 dropout_52" [id=1797, type=dropout]; +"1798 matmul_27" [id=1798, type=matmul]; +"1799 transpose_27" [id=1799, type=transpose]; +"1800 reshape_61" [id=1800, type=reshape]; +"1801 linear_83_updated_constant0" [id=1801, type=get_attr]; +"1802 reshape_61_0_0_nncf_smooth_quant_0" [id=1802, type=call_module]; +"1803 quantize_per_tensor_default_84" [id=1803, type=quantize_per_tensor]; +"1804 dequantize_per_tensor_default_84" [id=1804, type=dequantize_per_tensor]; +"1805 linear_83_scale_0" [id=1805, type=get_attr]; +"1806 linear_83_zero_point_0" [id=1806, type=get_attr]; +"1807 quantize_per_channel_default_84" [id=1807, type=quantize_per_channel]; +"1808 dequantize_per_channel_default_84" [id=1808, type=dequantize_per_channel]; +"1809 _param_constant225_0_0" [id=1809, type=get_attr]; +"1810 linear_83" [id=1810, type=linear]; +"1811 dropout_53" [id=1811, type=dropout]; +"1812 view_76" [id=1812, type=view]; +"1813 permute_63" [id=1813, type=permute]; +"1814 reshape_62" [id=1814, type=reshape]; +"1815 roll_13" [id=1815, type=roll]; +"1816 slice_213" [id=1816, type=slice]; +"1817 slice_214" [id=1817, type=slice]; +"1818 slice_215" [id=1818, type=slice]; +"1819 slice_216" [id=1819, type=slice]; +"1820 contiguous_25" [id=1820, type=contiguous]; +"1821 _param_constant226" [id=1821, type=get_attr]; +"1822 _param_constant227" [id=1822, type=get_attr]; +"1823 layer_norm_29" [id=1823, type=layer_norm]; +"1824 add_47" [id=1824, type=add]; +"1825 linear_84_updated_constant0" [id=1825, type=get_attr]; +"1826 add_47_0_0_nncf_smooth_quant_0" [id=1826, type=call_module]; +"1827 quantize_per_tensor_default_85" [id=1827, type=quantize_per_tensor]; +"1828 dequantize_per_tensor_default_85" [id=1828, type=dequantize_per_tensor]; +"1829 linear_84_scale_0" [id=1829, type=get_attr]; +"1830 linear_84_zero_point_0" [id=1830, type=get_attr]; +"1831 quantize_per_channel_default_85" [id=1831, type=quantize_per_channel]; +"1832 dequantize_per_channel_default_85" [id=1832, type=dequantize_per_channel]; +"1833 _param_constant229_0_0" [id=1833, type=get_attr]; +"1834 linear_84" [id=1834, type=linear]; +"1835 gelu_13" [id=1835, type=gelu]; +"1836 dropout_54" [id=1836, type=dropout]; +"1837 linear_85_updated_constant0" [id=1837, type=get_attr]; +"1838 dropout_54_0_0_nncf_smooth_quant_0" [id=1838, type=call_module]; +"1839 quantize_per_tensor_default_86" [id=1839, type=quantize_per_tensor]; +"1840 dequantize_per_tensor_default_86" [id=1840, type=dequantize_per_tensor]; +"1841 linear_85_scale_0" [id=1841, type=get_attr]; +"1842 linear_85_zero_point_0" [id=1842, type=get_attr]; +"1843 quantize_per_channel_default_86" [id=1843, type=quantize_per_channel]; +"1844 dequantize_per_channel_default_86" [id=1844, type=dequantize_per_channel]; +"1845 _param_constant231_0_0" [id=1845, type=get_attr]; +"1846 linear_85" [id=1846, type=linear]; +"1847 dropout_55" [id=1847, type=dropout]; +"1848 _param_constant232" [id=1848, type=get_attr]; +"1849 _param_constant233" [id=1849, type=get_attr]; +"1850 layer_norm_30" [id=1850, type=layer_norm]; +"1851 add_48" [id=1851, type=add]; +"1852 _tensor_constant91" [id=1852, type=get_attr]; +"1853 linear_86_updated_constant0" [id=1853, type=get_attr]; +"1854 _tensor_constant91_0_0_nncf_smooth_quant_0" [id=1854, type=call_module]; +"1855 linear_86_scale_0" [id=1855, type=get_attr]; +"1856 linear_86_zero_point_0" [id=1856, type=get_attr]; +"1857 quantize_per_channel_default_87" [id=1857, type=quantize_per_channel]; +"1858 dequantize_per_channel_default_87" [id=1858, type=dequantize_per_channel]; +"1859 _param_constant235_0_0" [id=1859, type=get_attr]; +"1860 linear_86" [id=1860, type=linear]; +"1861 relu__14" [id=1861, type=relu_]; +"1862 linear_87_updated_constant0" [id=1862, type=get_attr]; +"1863 relu__14_0_0_nncf_smooth_quant_0" [id=1863, type=call_module]; +"1864 linear_87_scale_0" [id=1864, type=get_attr]; +"1865 linear_87_zero_point_0" [id=1865, type=get_attr]; +"1866 quantize_per_channel_default_88" [id=1866, type=quantize_per_channel]; +"1867 dequantize_per_channel_default_88" [id=1867, type=dequantize_per_channel]; +"1868 linear_87" [id=1868, type=linear]; +"1869 view_77" [id=1869, type=view]; +"1870 _tensor_constant92" [id=1870, type=get_attr]; +"1871 index_14" [id=1871, type=index]; +"1872 view_78" [id=1872, type=view]; +"1873 permute_64" [id=1873, type=permute]; +"1874 contiguous_26" [id=1874, type=contiguous]; +"1875 unsqueeze_42" [id=1875, type=unsqueeze]; +"1876 sigmoid_14" [id=1876, type=sigmoid]; +"1877 mul_28" [id=1877, type=mul]; +"1878 pad_16" [id=1878, type=pad]; +"1879 view_79" [id=1879, type=view]; +"1880 permute_65" [id=1880, type=permute]; +"1881 reshape_63" [id=1881, type=reshape]; +"1882 linear_88_updated_constant0" [id=1882, type=get_attr]; +"1883 reshape_63_0_0_nncf_smooth_quant_0" [id=1883, type=call_module]; +"1884 quantize_per_tensor_default_87" [id=1884, type=quantize_per_tensor]; +"1885 dequantize_per_tensor_default_87" [id=1885, type=dequantize_per_tensor]; +"1886 linear_88_scale_0" [id=1886, type=get_attr]; +"1887 linear_88_zero_point_0" [id=1887, type=get_attr]; +"1888 quantize_per_channel_default_89" [id=1888, type=quantize_per_channel]; +"1889 dequantize_per_channel_default_89" [id=1889, type=dequantize_per_channel]; +"1890 _param_constant237_0_0" [id=1890, type=get_attr]; +"1891 linear_88" [id=1891, type=linear]; +"1892 reshape_64" [id=1892, type=reshape]; +"1893 permute_66" [id=1893, type=permute]; +"1894 select_42" [id=1894, type=select]; +"1895 select_43" [id=1895, type=select]; +"1896 select_44" [id=1896, type=select]; +"1897 linalg_vector_norm_28" [id=1897, type=linalg_vector_norm]; +"1898 clamp_min_28" [id=1898, type=clamp_min]; +"1899 expand_as_28" [id=1899, type=expand_as]; +"1900 div_28" [id=1900, type=div]; +"1901 quantize_per_tensor_default_88" [id=1901, type=quantize_per_tensor]; +"1902 dequantize_per_tensor_default_88" [id=1902, type=dequantize_per_tensor]; +"1903 linalg_vector_norm_29" [id=1903, type=linalg_vector_norm]; +"1904 clamp_min_29" [id=1904, type=clamp_min]; +"1905 expand_as_29" [id=1905, type=expand_as]; +"1906 div_29" [id=1906, type=div]; +"1907 quantize_per_tensor_default_89" [id=1907, type=quantize_per_tensor]; +"1908 dequantize_per_tensor_default_89" [id=1908, type=dequantize_per_tensor]; +"1909 transpose_28" [id=1909, type=transpose]; +"1910 matmul_28" [id=1910, type=matmul]; +"1911 _param_constant239" [id=1911, type=get_attr]; +"1912 clamp_14" [id=1912, type=clamp]; +"1913 exp_14" [id=1913, type=exp]; +"1914 mul_29" [id=1914, type=mul]; +"1915 add_49" [id=1915, type=add]; +"1916 softmax_14" [id=1916, type=softmax]; +"1917 dropout_56" [id=1917, type=dropout]; +"1918 matmul_29" [id=1918, type=matmul]; +"1919 transpose_29" [id=1919, type=transpose]; +"1920 reshape_65" [id=1920, type=reshape]; +"1921 linear_89_updated_constant0" [id=1921, type=get_attr]; +"1922 reshape_65_0_0_nncf_smooth_quant_0" [id=1922, type=call_module]; +"1923 quantize_per_tensor_default_90" [id=1923, type=quantize_per_tensor]; +"1924 dequantize_per_tensor_default_90" [id=1924, type=dequantize_per_tensor]; +"1925 linear_89_scale_0" [id=1925, type=get_attr]; +"1926 linear_89_zero_point_0" [id=1926, type=get_attr]; +"1927 quantize_per_channel_default_90" [id=1927, type=quantize_per_channel]; +"1928 dequantize_per_channel_default_90" [id=1928, type=dequantize_per_channel]; +"1929 _param_constant241_0_0" [id=1929, type=get_attr]; +"1930 linear_89" [id=1930, type=linear]; +"1931 dropout_57" [id=1931, type=dropout]; +"1932 view_80" [id=1932, type=view]; +"1933 permute_67" [id=1933, type=permute]; +"1934 reshape_66" [id=1934, type=reshape]; +"1935 slice_218" [id=1935, type=slice]; +"1936 slice_219" [id=1936, type=slice]; +"1937 slice_220" [id=1937, type=slice]; +"1938 slice_221" [id=1938, type=slice]; +"1939 contiguous_27" [id=1939, type=contiguous]; +"1940 _param_constant242" [id=1940, type=get_attr]; +"1941 _param_constant243" [id=1941, type=get_attr]; +"1942 layer_norm_31" [id=1942, type=layer_norm]; +"1943 add_50" [id=1943, type=add]; +"1944 linear_90_updated_constant0" [id=1944, type=get_attr]; +"1945 add_50_0_0_nncf_smooth_quant_0" [id=1945, type=call_module]; +"1946 quantize_per_tensor_default_91" [id=1946, type=quantize_per_tensor]; +"1947 dequantize_per_tensor_default_91" [id=1947, type=dequantize_per_tensor]; +"1948 linear_90_scale_0" [id=1948, type=get_attr]; +"1949 linear_90_zero_point_0" [id=1949, type=get_attr]; +"1950 quantize_per_channel_default_91" [id=1950, type=quantize_per_channel]; +"1951 dequantize_per_channel_default_91" [id=1951, type=dequantize_per_channel]; +"1952 _param_constant245_0_0" [id=1952, type=get_attr]; +"1953 linear_90" [id=1953, type=linear]; +"1954 gelu_14" [id=1954, type=gelu]; +"1955 dropout_58" [id=1955, type=dropout]; +"1956 linear_91_updated_constant0" [id=1956, type=get_attr]; +"1957 dropout_58_0_0_nncf_smooth_quant_0" [id=1957, type=call_module]; +"1958 quantize_per_tensor_default_92" [id=1958, type=quantize_per_tensor]; +"1959 dequantize_per_tensor_default_92" [id=1959, type=dequantize_per_tensor]; +"1960 linear_91_scale_0" [id=1960, type=get_attr]; +"1961 linear_91_zero_point_0" [id=1961, type=get_attr]; +"1962 quantize_per_channel_default_92" [id=1962, type=quantize_per_channel]; +"1963 dequantize_per_channel_default_92" [id=1963, type=dequantize_per_channel]; +"1964 _param_constant247_0_0" [id=1964, type=get_attr]; +"1965 linear_91" [id=1965, type=linear]; +"1966 dropout_59" [id=1966, type=dropout]; +"1967 _param_constant248" [id=1967, type=get_attr]; +"1968 _param_constant249" [id=1968, type=get_attr]; +"1969 layer_norm_32" [id=1969, type=layer_norm]; +"1970 add_51" [id=1970, type=add]; +"1971 _tensor_constant93" [id=1971, type=get_attr]; +"1972 linear_92_updated_constant0" [id=1972, type=get_attr]; +"1973 _tensor_constant93_0_0_nncf_smooth_quant_0" [id=1973, type=call_module]; +"1974 linear_92_scale_0" [id=1974, type=get_attr]; +"1975 linear_92_zero_point_0" [id=1975, type=get_attr]; +"1976 quantize_per_channel_default_93" [id=1976, type=quantize_per_channel]; +"1977 dequantize_per_channel_default_93" [id=1977, type=dequantize_per_channel]; +"1978 _param_constant251_0_0" [id=1978, type=get_attr]; +"1979 linear_92" [id=1979, type=linear]; +"1980 relu__15" [id=1980, type=relu_]; +"1981 linear_93_updated_constant0" [id=1981, type=get_attr]; +"1982 relu__15_0_0_nncf_smooth_quant_0" [id=1982, type=call_module]; +"1983 linear_93_scale_0" [id=1983, type=get_attr]; +"1984 linear_93_zero_point_0" [id=1984, type=get_attr]; +"1985 quantize_per_channel_default_94" [id=1985, type=quantize_per_channel]; +"1986 dequantize_per_channel_default_94" [id=1986, type=dequantize_per_channel]; +"1987 linear_93" [id=1987, type=linear]; +"1988 view_81" [id=1988, type=view]; +"1989 _tensor_constant94" [id=1989, type=get_attr]; +"1990 index_15" [id=1990, type=index]; +"1991 view_82" [id=1991, type=view]; +"1992 permute_68" [id=1992, type=permute]; +"1993 contiguous_28" [id=1993, type=contiguous]; +"1994 unsqueeze_43" [id=1994, type=unsqueeze]; +"1995 sigmoid_15" [id=1995, type=sigmoid]; +"1996 mul_30" [id=1996, type=mul]; +"1997 pad_17" [id=1997, type=pad]; +"1998 roll_14" [id=1998, type=roll]; +"1999 view_83" [id=1999, type=view]; +"2000 permute_69" [id=2000, type=permute]; +"2001 reshape_67" [id=2001, type=reshape]; +"2002 linear_94_updated_constant0" [id=2002, type=get_attr]; +"2003 reshape_67_0_0_nncf_smooth_quant_0" [id=2003, type=call_module]; +"2004 quantize_per_tensor_default_93" [id=2004, type=quantize_per_tensor]; +"2005 dequantize_per_tensor_default_93" [id=2005, type=dequantize_per_tensor]; +"2006 linear_94_scale_0" [id=2006, type=get_attr]; +"2007 linear_94_zero_point_0" [id=2007, type=get_attr]; +"2008 quantize_per_channel_default_95" [id=2008, type=quantize_per_channel]; +"2009 dequantize_per_channel_default_95" [id=2009, type=dequantize_per_channel]; +"2010 _param_constant253_0_0" [id=2010, type=get_attr]; +"2011 linear_94" [id=2011, type=linear]; +"2012 reshape_68" [id=2012, type=reshape]; +"2013 permute_70" [id=2013, type=permute]; +"2014 select_45" [id=2014, type=select]; +"2015 select_46" [id=2015, type=select]; +"2016 select_47" [id=2016, type=select]; +"2017 linalg_vector_norm_30" [id=2017, type=linalg_vector_norm]; +"2018 clamp_min_30" [id=2018, type=clamp_min]; +"2019 expand_as_30" [id=2019, type=expand_as]; +"2020 div_30" [id=2020, type=div]; +"2021 quantize_per_tensor_default_94" [id=2021, type=quantize_per_tensor]; +"2022 dequantize_per_tensor_default_94" [id=2022, type=dequantize_per_tensor]; +"2023 linalg_vector_norm_31" [id=2023, type=linalg_vector_norm]; +"2024 clamp_min_31" [id=2024, type=clamp_min]; +"2025 expand_as_31" [id=2025, type=expand_as]; +"2026 div_31" [id=2026, type=div]; +"2027 quantize_per_tensor_default_95" [id=2027, type=quantize_per_tensor]; +"2028 dequantize_per_tensor_default_95" [id=2028, type=dequantize_per_tensor]; +"2029 transpose_30" [id=2029, type=transpose]; +"2030 matmul_30" [id=2030, type=matmul]; +"2031 _param_constant255" [id=2031, type=get_attr]; +"2032 clamp_15" [id=2032, type=clamp]; +"2033 exp_15" [id=2033, type=exp]; +"2034 mul_31" [id=2034, type=mul]; +"2035 add_52" [id=2035, type=add]; +"2036 new_zeros_7" [id=2036, type=new_zeros]; +"2037 view_84" [id=2037, type=view]; +"2038 permute_71" [id=2038, type=permute]; +"2039 reshape_69" [id=2039, type=reshape]; +"2040 unsqueeze_44" [id=2040, type=unsqueeze]; +"2041 unsqueeze_45" [id=2041, type=unsqueeze]; +"2042 sub_7" [id=2042, type=sub]; +"2043 ne_7" [id=2043, type=ne]; +"2044 masked_fill_14" [id=2044, type=masked_fill]; +"2045 eq_7" [id=2045, type=eq]; +"2046 masked_fill_15" [id=2046, type=masked_fill]; +"2047 view_85" [id=2047, type=view]; +"2048 unsqueeze_46" [id=2048, type=unsqueeze]; +"2049 unsqueeze_47" [id=2049, type=unsqueeze]; +"2050 add_53" [id=2050, type=add]; +"2051 view_86" [id=2051, type=view]; +"2052 softmax_15" [id=2052, type=softmax]; +"2053 dropout_60" [id=2053, type=dropout]; +"2054 matmul_31" [id=2054, type=matmul]; +"2055 transpose_31" [id=2055, type=transpose]; +"2056 reshape_70" [id=2056, type=reshape]; +"2057 linear_95_updated_constant0" [id=2057, type=get_attr]; +"2058 reshape_70_0_0_nncf_smooth_quant_0" [id=2058, type=call_module]; +"2059 quantize_per_tensor_default_96" [id=2059, type=quantize_per_tensor]; +"2060 dequantize_per_tensor_default_96" [id=2060, type=dequantize_per_tensor]; +"2061 linear_95_scale_0" [id=2061, type=get_attr]; +"2062 linear_95_zero_point_0" [id=2062, type=get_attr]; +"2063 quantize_per_channel_default_96" [id=2063, type=quantize_per_channel]; +"2064 dequantize_per_channel_default_96" [id=2064, type=dequantize_per_channel]; +"2065 _param_constant257_0_0" [id=2065, type=get_attr]; +"2066 linear_95" [id=2066, type=linear]; +"2067 dropout_61" [id=2067, type=dropout]; +"2068 view_87" [id=2068, type=view]; +"2069 permute_72" [id=2069, type=permute]; +"2070 reshape_71" [id=2070, type=reshape]; +"2071 roll_15" [id=2071, type=roll]; +"2072 slice_241" [id=2072, type=slice]; +"2073 slice_242" [id=2073, type=slice]; +"2074 slice_243" [id=2074, type=slice]; +"2075 slice_244" [id=2075, type=slice]; +"2076 contiguous_29" [id=2076, type=contiguous]; +"2077 _param_constant258" [id=2077, type=get_attr]; +"2078 _param_constant259" [id=2078, type=get_attr]; +"2079 layer_norm_33" [id=2079, type=layer_norm]; +"2080 add_54" [id=2080, type=add]; +"2081 linear_96_updated_constant0" [id=2081, type=get_attr]; +"2082 add_54_0_0_nncf_smooth_quant_0" [id=2082, type=call_module]; +"2083 quantize_per_tensor_default_97" [id=2083, type=quantize_per_tensor]; +"2084 dequantize_per_tensor_default_97" [id=2084, type=dequantize_per_tensor]; +"2085 linear_96_scale_0" [id=2085, type=get_attr]; +"2086 linear_96_zero_point_0" [id=2086, type=get_attr]; +"2087 quantize_per_channel_default_97" [id=2087, type=quantize_per_channel]; +"2088 dequantize_per_channel_default_97" [id=2088, type=dequantize_per_channel]; +"2089 _param_constant261_0_0" [id=2089, type=get_attr]; +"2090 linear_96" [id=2090, type=linear]; +"2091 gelu_15" [id=2091, type=gelu]; +"2092 dropout_62" [id=2092, type=dropout]; +"2093 linear_97_updated_constant0" [id=2093, type=get_attr]; +"2094 dropout_62_0_0_nncf_smooth_quant_0" [id=2094, type=call_module]; +"2095 quantize_per_tensor_default_98" [id=2095, type=quantize_per_tensor]; +"2096 dequantize_per_tensor_default_98" [id=2096, type=dequantize_per_tensor]; +"2097 linear_97_scale_0" [id=2097, type=get_attr]; +"2098 linear_97_zero_point_0" [id=2098, type=get_attr]; +"2099 quantize_per_channel_default_98" [id=2099, type=quantize_per_channel]; +"2100 dequantize_per_channel_default_98" [id=2100, type=dequantize_per_channel]; +"2101 _param_constant263_0_0" [id=2101, type=get_attr]; +"2102 linear_97" [id=2102, type=linear]; +"2103 dropout_63" [id=2103, type=dropout]; +"2104 _param_constant264" [id=2104, type=get_attr]; +"2105 _param_constant265" [id=2105, type=get_attr]; +"2106 layer_norm_34" [id=2106, type=layer_norm]; +"2107 add_55" [id=2107, type=add]; +"2108 _tensor_constant104" [id=2108, type=get_attr]; +"2109 linear_98_updated_constant0" [id=2109, type=get_attr]; +"2110 _tensor_constant104_0_0_nncf_smooth_quant_0" [id=2110, type=call_module]; +"2111 linear_98_scale_0" [id=2111, type=get_attr]; +"2112 linear_98_zero_point_0" [id=2112, type=get_attr]; +"2113 quantize_per_channel_default_99" [id=2113, type=quantize_per_channel]; +"2114 dequantize_per_channel_default_99" [id=2114, type=dequantize_per_channel]; +"2115 _param_constant267_0_0" [id=2115, type=get_attr]; +"2116 linear_98" [id=2116, type=linear]; +"2117 relu__16" [id=2117, type=relu_]; +"2118 linear_99_updated_constant0" [id=2118, type=get_attr]; +"2119 relu__16_0_0_nncf_smooth_quant_0" [id=2119, type=call_module]; +"2120 linear_99_scale_0" [id=2120, type=get_attr]; +"2121 linear_99_zero_point_0" [id=2121, type=get_attr]; +"2122 quantize_per_channel_default_100" [id=2122, type=quantize_per_channel]; +"2123 dequantize_per_channel_default_100" [id=2123, type=dequantize_per_channel]; +"2124 linear_99" [id=2124, type=linear]; +"2125 view_88" [id=2125, type=view]; +"2126 _tensor_constant105" [id=2126, type=get_attr]; +"2127 index_16" [id=2127, type=index]; +"2128 view_89" [id=2128, type=view]; +"2129 permute_73" [id=2129, type=permute]; +"2130 contiguous_30" [id=2130, type=contiguous]; +"2131 unsqueeze_48" [id=2131, type=unsqueeze]; +"2132 sigmoid_16" [id=2132, type=sigmoid]; +"2133 mul_32" [id=2133, type=mul]; +"2134 pad_18" [id=2134, type=pad]; +"2135 view_90" [id=2135, type=view]; +"2136 permute_74" [id=2136, type=permute]; +"2137 reshape_72" [id=2137, type=reshape]; +"2138 linear_100_updated_constant0" [id=2138, type=get_attr]; +"2139 reshape_72_0_0_nncf_smooth_quant_0" [id=2139, type=call_module]; +"2140 quantize_per_tensor_default_99" [id=2140, type=quantize_per_tensor]; +"2141 dequantize_per_tensor_default_99" [id=2141, type=dequantize_per_tensor]; +"2142 linear_100_scale_0" [id=2142, type=get_attr]; +"2143 linear_100_zero_point_0" [id=2143, type=get_attr]; +"2144 quantize_per_channel_default_101" [id=2144, type=quantize_per_channel]; +"2145 dequantize_per_channel_default_101" [id=2145, type=dequantize_per_channel]; +"2146 _param_constant269_0_0" [id=2146, type=get_attr]; +"2147 linear_100" [id=2147, type=linear]; +"2148 reshape_73" [id=2148, type=reshape]; +"2149 permute_75" [id=2149, type=permute]; +"2150 select_48" [id=2150, type=select]; +"2151 select_49" [id=2151, type=select]; +"2152 select_50" [id=2152, type=select]; +"2153 linalg_vector_norm_32" [id=2153, type=linalg_vector_norm]; +"2154 clamp_min_32" [id=2154, type=clamp_min]; +"2155 expand_as_32" [id=2155, type=expand_as]; +"2156 div_32" [id=2156, type=div]; +"2157 quantize_per_tensor_default_100" [id=2157, type=quantize_per_tensor]; +"2158 dequantize_per_tensor_default_100" [id=2158, type=dequantize_per_tensor]; +"2159 linalg_vector_norm_33" [id=2159, type=linalg_vector_norm]; +"2160 clamp_min_33" [id=2160, type=clamp_min]; +"2161 expand_as_33" [id=2161, type=expand_as]; +"2162 div_33" [id=2162, type=div]; +"2163 quantize_per_tensor_default_101" [id=2163, type=quantize_per_tensor]; +"2164 dequantize_per_tensor_default_101" [id=2164, type=dequantize_per_tensor]; +"2165 transpose_32" [id=2165, type=transpose]; +"2166 matmul_32" [id=2166, type=matmul]; +"2167 _param_constant271" [id=2167, type=get_attr]; +"2168 clamp_16" [id=2168, type=clamp]; +"2169 exp_16" [id=2169, type=exp]; +"2170 mul_33" [id=2170, type=mul]; +"2171 add_56" [id=2171, type=add]; +"2172 softmax_16" [id=2172, type=softmax]; +"2173 dropout_64" [id=2173, type=dropout]; +"2174 matmul_33" [id=2174, type=matmul]; +"2175 transpose_33" [id=2175, type=transpose]; +"2176 reshape_74" [id=2176, type=reshape]; +"2177 linear_101_updated_constant0" [id=2177, type=get_attr]; +"2178 reshape_74_0_0_nncf_smooth_quant_0" [id=2178, type=call_module]; +"2179 quantize_per_tensor_default_102" [id=2179, type=quantize_per_tensor]; +"2180 dequantize_per_tensor_default_102" [id=2180, type=dequantize_per_tensor]; +"2181 linear_101_scale_0" [id=2181, type=get_attr]; +"2182 linear_101_zero_point_0" [id=2182, type=get_attr]; +"2183 quantize_per_channel_default_102" [id=2183, type=quantize_per_channel]; +"2184 dequantize_per_channel_default_102" [id=2184, type=dequantize_per_channel]; +"2185 _param_constant273_0_0" [id=2185, type=get_attr]; +"2186 linear_101" [id=2186, type=linear]; +"2187 dropout_65" [id=2187, type=dropout]; +"2188 view_91" [id=2188, type=view]; +"2189 permute_76" [id=2189, type=permute]; +"2190 reshape_75" [id=2190, type=reshape]; +"2191 slice_246" [id=2191, type=slice]; +"2192 slice_247" [id=2192, type=slice]; +"2193 slice_248" [id=2193, type=slice]; +"2194 slice_249" [id=2194, type=slice]; +"2195 contiguous_31" [id=2195, type=contiguous]; +"2196 _param_constant274" [id=2196, type=get_attr]; +"2197 _param_constant275" [id=2197, type=get_attr]; +"2198 layer_norm_35" [id=2198, type=layer_norm]; +"2199 add_57" [id=2199, type=add]; +"2200 linear_102_updated_constant0" [id=2200, type=get_attr]; +"2201 add_57_0_0_nncf_smooth_quant_0" [id=2201, type=call_module]; +"2202 quantize_per_tensor_default_103" [id=2202, type=quantize_per_tensor]; +"2203 dequantize_per_tensor_default_103" [id=2203, type=dequantize_per_tensor]; +"2204 linear_102_scale_0" [id=2204, type=get_attr]; +"2205 linear_102_zero_point_0" [id=2205, type=get_attr]; +"2206 quantize_per_channel_default_103" [id=2206, type=quantize_per_channel]; +"2207 dequantize_per_channel_default_103" [id=2207, type=dequantize_per_channel]; +"2208 _param_constant277_0_0" [id=2208, type=get_attr]; +"2209 linear_102" [id=2209, type=linear]; +"2210 gelu_16" [id=2210, type=gelu]; +"2211 dropout_66" [id=2211, type=dropout]; +"2212 linear_103_updated_constant0" [id=2212, type=get_attr]; +"2213 dropout_66_0_0_nncf_smooth_quant_0" [id=2213, type=call_module]; +"2214 quantize_per_tensor_default_104" [id=2214, type=quantize_per_tensor]; +"2215 dequantize_per_tensor_default_104" [id=2215, type=dequantize_per_tensor]; +"2216 linear_103_scale_0" [id=2216, type=get_attr]; +"2217 linear_103_zero_point_0" [id=2217, type=get_attr]; +"2218 quantize_per_channel_default_104" [id=2218, type=quantize_per_channel]; +"2219 dequantize_per_channel_default_104" [id=2219, type=dequantize_per_channel]; +"2220 _param_constant279_0_0" [id=2220, type=get_attr]; +"2221 linear_103" [id=2221, type=linear]; +"2222 dropout_67" [id=2222, type=dropout]; +"2223 _param_constant280" [id=2223, type=get_attr]; +"2224 _param_constant281" [id=2224, type=get_attr]; +"2225 layer_norm_36" [id=2225, type=layer_norm]; +"2226 add_58" [id=2226, type=add]; +"2227 _tensor_constant106" [id=2227, type=get_attr]; +"2228 linear_104_updated_constant0" [id=2228, type=get_attr]; +"2229 _tensor_constant106_0_0_nncf_smooth_quant_0" [id=2229, type=call_module]; +"2230 linear_104_scale_0" [id=2230, type=get_attr]; +"2231 linear_104_zero_point_0" [id=2231, type=get_attr]; +"2232 quantize_per_channel_default_105" [id=2232, type=quantize_per_channel]; +"2233 dequantize_per_channel_default_105" [id=2233, type=dequantize_per_channel]; +"2234 _param_constant283_0_0" [id=2234, type=get_attr]; +"2235 linear_104" [id=2235, type=linear]; +"2236 relu__17" [id=2236, type=relu_]; +"2237 linear_105_updated_constant0" [id=2237, type=get_attr]; +"2238 relu__17_0_0_nncf_smooth_quant_0" [id=2238, type=call_module]; +"2239 linear_105_scale_0" [id=2239, type=get_attr]; +"2240 linear_105_zero_point_0" [id=2240, type=get_attr]; +"2241 quantize_per_channel_default_106" [id=2241, type=quantize_per_channel]; +"2242 dequantize_per_channel_default_106" [id=2242, type=dequantize_per_channel]; +"2243 linear_105" [id=2243, type=linear]; +"2244 view_92" [id=2244, type=view]; +"2245 _tensor_constant107" [id=2245, type=get_attr]; +"2246 index_17" [id=2246, type=index]; +"2247 view_93" [id=2247, type=view]; +"2248 permute_77" [id=2248, type=permute]; +"2249 contiguous_32" [id=2249, type=contiguous]; +"2250 unsqueeze_49" [id=2250, type=unsqueeze]; +"2251 sigmoid_17" [id=2251, type=sigmoid]; +"2252 mul_34" [id=2252, type=mul]; +"2253 pad_19" [id=2253, type=pad]; +"2254 roll_16" [id=2254, type=roll]; +"2255 view_94" [id=2255, type=view]; +"2256 permute_78" [id=2256, type=permute]; +"2257 reshape_76" [id=2257, type=reshape]; +"2258 linear_106_updated_constant0" [id=2258, type=get_attr]; +"2259 reshape_76_0_0_nncf_smooth_quant_0" [id=2259, type=call_module]; +"2260 quantize_per_tensor_default_105" [id=2260, type=quantize_per_tensor]; +"2261 dequantize_per_tensor_default_105" [id=2261, type=dequantize_per_tensor]; +"2262 linear_106_scale_0" [id=2262, type=get_attr]; +"2263 linear_106_zero_point_0" [id=2263, type=get_attr]; +"2264 quantize_per_channel_default_107" [id=2264, type=quantize_per_channel]; +"2265 dequantize_per_channel_default_107" [id=2265, type=dequantize_per_channel]; +"2266 _param_constant285_0_0" [id=2266, type=get_attr]; +"2267 linear_106" [id=2267, type=linear]; +"2268 reshape_77" [id=2268, type=reshape]; +"2269 permute_79" [id=2269, type=permute]; +"2270 select_51" [id=2270, type=select]; +"2271 select_52" [id=2271, type=select]; +"2272 select_53" [id=2272, type=select]; +"2273 linalg_vector_norm_34" [id=2273, type=linalg_vector_norm]; +"2274 clamp_min_34" [id=2274, type=clamp_min]; +"2275 expand_as_34" [id=2275, type=expand_as]; +"2276 div_34" [id=2276, type=div]; +"2277 quantize_per_tensor_default_106" [id=2277, type=quantize_per_tensor]; +"2278 dequantize_per_tensor_default_106" [id=2278, type=dequantize_per_tensor]; +"2279 linalg_vector_norm_35" [id=2279, type=linalg_vector_norm]; +"2280 clamp_min_35" [id=2280, type=clamp_min]; +"2281 expand_as_35" [id=2281, type=expand_as]; +"2282 div_35" [id=2282, type=div]; +"2283 quantize_per_tensor_default_107" [id=2283, type=quantize_per_tensor]; +"2284 dequantize_per_tensor_default_107" [id=2284, type=dequantize_per_tensor]; +"2285 transpose_34" [id=2285, type=transpose]; +"2286 matmul_34" [id=2286, type=matmul]; +"2287 _param_constant287" [id=2287, type=get_attr]; +"2288 clamp_17" [id=2288, type=clamp]; +"2289 exp_17" [id=2289, type=exp]; +"2290 mul_35" [id=2290, type=mul]; +"2291 add_59" [id=2291, type=add]; +"2292 new_zeros_8" [id=2292, type=new_zeros]; +"2293 view_95" [id=2293, type=view]; +"2294 permute_80" [id=2294, type=permute]; +"2295 reshape_78" [id=2295, type=reshape]; +"2296 unsqueeze_50" [id=2296, type=unsqueeze]; +"2297 unsqueeze_51" [id=2297, type=unsqueeze]; +"2298 sub_8" [id=2298, type=sub]; +"2299 ne_8" [id=2299, type=ne]; +"2300 masked_fill_16" [id=2300, type=masked_fill]; +"2301 eq_8" [id=2301, type=eq]; +"2302 masked_fill_17" [id=2302, type=masked_fill]; +"2303 view_96" [id=2303, type=view]; +"2304 unsqueeze_52" [id=2304, type=unsqueeze]; +"2305 unsqueeze_53" [id=2305, type=unsqueeze]; +"2306 add_60" [id=2306, type=add]; +"2307 view_97" [id=2307, type=view]; +"2308 softmax_17" [id=2308, type=softmax]; +"2309 dropout_68" [id=2309, type=dropout]; +"2310 matmul_35" [id=2310, type=matmul]; +"2311 transpose_35" [id=2311, type=transpose]; +"2312 reshape_79" [id=2312, type=reshape]; +"2313 linear_107_updated_constant0" [id=2313, type=get_attr]; +"2314 reshape_79_0_0_nncf_smooth_quant_0" [id=2314, type=call_module]; +"2315 quantize_per_tensor_default_108" [id=2315, type=quantize_per_tensor]; +"2316 dequantize_per_tensor_default_108" [id=2316, type=dequantize_per_tensor]; +"2317 linear_107_scale_0" [id=2317, type=get_attr]; +"2318 linear_107_zero_point_0" [id=2318, type=get_attr]; +"2319 quantize_per_channel_default_108" [id=2319, type=quantize_per_channel]; +"2320 dequantize_per_channel_default_108" [id=2320, type=dequantize_per_channel]; +"2321 _param_constant289_0_0" [id=2321, type=get_attr]; +"2322 linear_107" [id=2322, type=linear]; +"2323 dropout_69" [id=2323, type=dropout]; +"2324 view_98" [id=2324, type=view]; +"2325 permute_81" [id=2325, type=permute]; +"2326 reshape_80" [id=2326, type=reshape]; +"2327 roll_17" [id=2327, type=roll]; +"2328 slice_269" [id=2328, type=slice]; +"2329 slice_270" [id=2329, type=slice]; +"2330 slice_271" [id=2330, type=slice]; +"2331 slice_272" [id=2331, type=slice]; +"2332 contiguous_33" [id=2332, type=contiguous]; +"2333 _param_constant290" [id=2333, type=get_attr]; +"2334 _param_constant291" [id=2334, type=get_attr]; +"2335 layer_norm_37" [id=2335, type=layer_norm]; +"2336 add_61" [id=2336, type=add]; +"2337 linear_108_updated_constant0" [id=2337, type=get_attr]; +"2338 add_61_0_0_nncf_smooth_quant_0" [id=2338, type=call_module]; +"2339 quantize_per_tensor_default_109" [id=2339, type=quantize_per_tensor]; +"2340 dequantize_per_tensor_default_109" [id=2340, type=dequantize_per_tensor]; +"2341 linear_108_scale_0" [id=2341, type=get_attr]; +"2342 linear_108_zero_point_0" [id=2342, type=get_attr]; +"2343 quantize_per_channel_default_109" [id=2343, type=quantize_per_channel]; +"2344 dequantize_per_channel_default_109" [id=2344, type=dequantize_per_channel]; +"2345 _param_constant293_0_0" [id=2345, type=get_attr]; +"2346 linear_108" [id=2346, type=linear]; +"2347 gelu_17" [id=2347, type=gelu]; +"2348 dropout_70" [id=2348, type=dropout]; +"2349 linear_109_updated_constant0" [id=2349, type=get_attr]; +"2350 dropout_70_0_0_nncf_smooth_quant_0" [id=2350, type=call_module]; +"2351 quantize_per_tensor_default_110" [id=2351, type=quantize_per_tensor]; +"2352 dequantize_per_tensor_default_110" [id=2352, type=dequantize_per_tensor]; +"2353 linear_109_scale_0" [id=2353, type=get_attr]; +"2354 linear_109_zero_point_0" [id=2354, type=get_attr]; +"2355 quantize_per_channel_default_110" [id=2355, type=quantize_per_channel]; +"2356 dequantize_per_channel_default_110" [id=2356, type=dequantize_per_channel]; +"2357 _param_constant295_0_0" [id=2357, type=get_attr]; +"2358 linear_109" [id=2358, type=linear]; +"2359 dropout_71" [id=2359, type=dropout]; +"2360 _param_constant296" [id=2360, type=get_attr]; +"2361 _param_constant297" [id=2361, type=get_attr]; +"2362 layer_norm_38" [id=2362, type=layer_norm]; +"2363 add_62" [id=2363, type=add]; +"2364 _tensor_constant117" [id=2364, type=get_attr]; +"2365 linear_110_updated_constant0" [id=2365, type=get_attr]; +"2366 _tensor_constant117_0_0_nncf_smooth_quant_0" [id=2366, type=call_module]; +"2367 linear_110_scale_0" [id=2367, type=get_attr]; +"2368 linear_110_zero_point_0" [id=2368, type=get_attr]; +"2369 quantize_per_channel_default_111" [id=2369, type=quantize_per_channel]; +"2370 dequantize_per_channel_default_111" [id=2370, type=dequantize_per_channel]; +"2371 _param_constant299_0_0" [id=2371, type=get_attr]; +"2372 linear_110" [id=2372, type=linear]; +"2373 relu__18" [id=2373, type=relu_]; +"2374 linear_111_updated_constant0" [id=2374, type=get_attr]; +"2375 relu__18_0_0_nncf_smooth_quant_0" [id=2375, type=call_module]; +"2376 linear_111_scale_0" [id=2376, type=get_attr]; +"2377 linear_111_zero_point_0" [id=2377, type=get_attr]; +"2378 quantize_per_channel_default_112" [id=2378, type=quantize_per_channel]; +"2379 dequantize_per_channel_default_112" [id=2379, type=dequantize_per_channel]; +"2380 linear_111" [id=2380, type=linear]; +"2381 view_99" [id=2381, type=view]; +"2382 _tensor_constant118" [id=2382, type=get_attr]; +"2383 index_18" [id=2383, type=index]; +"2384 view_100" [id=2384, type=view]; +"2385 permute_82" [id=2385, type=permute]; +"2386 contiguous_34" [id=2386, type=contiguous]; +"2387 unsqueeze_54" [id=2387, type=unsqueeze]; +"2388 sigmoid_18" [id=2388, type=sigmoid]; +"2389 mul_36" [id=2389, type=mul]; +"2390 pad_20" [id=2390, type=pad]; +"2391 view_101" [id=2391, type=view]; +"2392 permute_83" [id=2392, type=permute]; +"2393 reshape_81" [id=2393, type=reshape]; +"2394 linear_112_updated_constant0" [id=2394, type=get_attr]; +"2395 reshape_81_0_0_nncf_smooth_quant_0" [id=2395, type=call_module]; +"2396 quantize_per_tensor_default_111" [id=2396, type=quantize_per_tensor]; +"2397 dequantize_per_tensor_default_111" [id=2397, type=dequantize_per_tensor]; +"2398 linear_112_scale_0" [id=2398, type=get_attr]; +"2399 linear_112_zero_point_0" [id=2399, type=get_attr]; +"2400 quantize_per_channel_default_113" [id=2400, type=quantize_per_channel]; +"2401 dequantize_per_channel_default_113" [id=2401, type=dequantize_per_channel]; +"2402 _param_constant301_0_0" [id=2402, type=get_attr]; +"2403 linear_112" [id=2403, type=linear]; +"2404 reshape_82" [id=2404, type=reshape]; +"2405 permute_84" [id=2405, type=permute]; +"2406 select_54" [id=2406, type=select]; +"2407 select_55" [id=2407, type=select]; +"2408 select_56" [id=2408, type=select]; +"2409 linalg_vector_norm_36" [id=2409, type=linalg_vector_norm]; +"2410 clamp_min_36" [id=2410, type=clamp_min]; +"2411 expand_as_36" [id=2411, type=expand_as]; +"2412 div_36" [id=2412, type=div]; +"2413 quantize_per_tensor_default_112" [id=2413, type=quantize_per_tensor]; +"2414 dequantize_per_tensor_default_112" [id=2414, type=dequantize_per_tensor]; +"2415 linalg_vector_norm_37" [id=2415, type=linalg_vector_norm]; +"2416 clamp_min_37" [id=2416, type=clamp_min]; +"2417 expand_as_37" [id=2417, type=expand_as]; +"2418 div_37" [id=2418, type=div]; +"2419 quantize_per_tensor_default_113" [id=2419, type=quantize_per_tensor]; +"2420 dequantize_per_tensor_default_113" [id=2420, type=dequantize_per_tensor]; +"2421 transpose_36" [id=2421, type=transpose]; +"2422 matmul_36" [id=2422, type=matmul]; +"2423 _param_constant303" [id=2423, type=get_attr]; +"2424 clamp_18" [id=2424, type=clamp]; +"2425 exp_18" [id=2425, type=exp]; +"2426 mul_37" [id=2426, type=mul]; +"2427 add_63" [id=2427, type=add]; +"2428 softmax_18" [id=2428, type=softmax]; +"2429 dropout_72" [id=2429, type=dropout]; +"2430 matmul_37" [id=2430, type=matmul]; +"2431 transpose_37" [id=2431, type=transpose]; +"2432 reshape_83" [id=2432, type=reshape]; +"2433 linear_113_updated_constant0" [id=2433, type=get_attr]; +"2434 reshape_83_0_0_nncf_smooth_quant_0" [id=2434, type=call_module]; +"2435 quantize_per_tensor_default_114" [id=2435, type=quantize_per_tensor]; +"2436 dequantize_per_tensor_default_114" [id=2436, type=dequantize_per_tensor]; +"2437 linear_113_scale_0" [id=2437, type=get_attr]; +"2438 linear_113_zero_point_0" [id=2438, type=get_attr]; +"2439 quantize_per_channel_default_114" [id=2439, type=quantize_per_channel]; +"2440 dequantize_per_channel_default_114" [id=2440, type=dequantize_per_channel]; +"2441 _param_constant305_0_0" [id=2441, type=get_attr]; +"2442 linear_113" [id=2442, type=linear]; +"2443 dropout_73" [id=2443, type=dropout]; +"2444 view_102" [id=2444, type=view]; +"2445 permute_85" [id=2445, type=permute]; +"2446 reshape_84" [id=2446, type=reshape]; +"2447 slice_274" [id=2447, type=slice]; +"2448 slice_275" [id=2448, type=slice]; +"2449 slice_276" [id=2449, type=slice]; +"2450 slice_277" [id=2450, type=slice]; +"2451 contiguous_35" [id=2451, type=contiguous]; +"2452 _param_constant306" [id=2452, type=get_attr]; +"2453 _param_constant307" [id=2453, type=get_attr]; +"2454 layer_norm_39" [id=2454, type=layer_norm]; +"2455 add_64" [id=2455, type=add]; +"2456 linear_114_updated_constant0" [id=2456, type=get_attr]; +"2457 add_64_0_0_nncf_smooth_quant_0" [id=2457, type=call_module]; +"2458 quantize_per_tensor_default_115" [id=2458, type=quantize_per_tensor]; +"2459 dequantize_per_tensor_default_115" [id=2459, type=dequantize_per_tensor]; +"2460 linear_114_scale_0" [id=2460, type=get_attr]; +"2461 linear_114_zero_point_0" [id=2461, type=get_attr]; +"2462 quantize_per_channel_default_115" [id=2462, type=quantize_per_channel]; +"2463 dequantize_per_channel_default_115" [id=2463, type=dequantize_per_channel]; +"2464 _param_constant309_0_0" [id=2464, type=get_attr]; +"2465 linear_114" [id=2465, type=linear]; +"2466 gelu_18" [id=2466, type=gelu]; +"2467 dropout_74" [id=2467, type=dropout]; +"2468 linear_115_updated_constant0" [id=2468, type=get_attr]; +"2469 dropout_74_0_0_nncf_smooth_quant_0" [id=2469, type=call_module]; +"2470 quantize_per_tensor_default_116" [id=2470, type=quantize_per_tensor]; +"2471 dequantize_per_tensor_default_116" [id=2471, type=dequantize_per_tensor]; +"2472 linear_115_scale_0" [id=2472, type=get_attr]; +"2473 linear_115_zero_point_0" [id=2473, type=get_attr]; +"2474 quantize_per_channel_default_116" [id=2474, type=quantize_per_channel]; +"2475 dequantize_per_channel_default_116" [id=2475, type=dequantize_per_channel]; +"2476 _param_constant311_0_0" [id=2476, type=get_attr]; +"2477 linear_115" [id=2477, type=linear]; +"2478 dropout_75" [id=2478, type=dropout]; +"2479 _param_constant312" [id=2479, type=get_attr]; +"2480 _param_constant313" [id=2480, type=get_attr]; +"2481 layer_norm_40" [id=2481, type=layer_norm]; +"2482 add_65" [id=2482, type=add]; +"2483 _tensor_constant119" [id=2483, type=get_attr]; +"2484 linear_116_updated_constant0" [id=2484, type=get_attr]; +"2485 _tensor_constant119_0_0_nncf_smooth_quant_0" [id=2485, type=call_module]; +"2486 linear_116_scale_0" [id=2486, type=get_attr]; +"2487 linear_116_zero_point_0" [id=2487, type=get_attr]; +"2488 quantize_per_channel_default_117" [id=2488, type=quantize_per_channel]; +"2489 dequantize_per_channel_default_117" [id=2489, type=dequantize_per_channel]; +"2490 _param_constant315_0_0" [id=2490, type=get_attr]; +"2491 linear_116" [id=2491, type=linear]; +"2492 relu__19" [id=2492, type=relu_]; +"2493 linear_117_updated_constant0" [id=2493, type=get_attr]; +"2494 relu__19_0_0_nncf_smooth_quant_0" [id=2494, type=call_module]; +"2495 linear_117_scale_0" [id=2495, type=get_attr]; +"2496 linear_117_zero_point_0" [id=2496, type=get_attr]; +"2497 quantize_per_channel_default_118" [id=2497, type=quantize_per_channel]; +"2498 dequantize_per_channel_default_118" [id=2498, type=dequantize_per_channel]; +"2499 linear_117" [id=2499, type=linear]; +"2500 view_103" [id=2500, type=view]; +"2501 _tensor_constant120" [id=2501, type=get_attr]; +"2502 index_19" [id=2502, type=index]; +"2503 view_104" [id=2503, type=view]; +"2504 permute_86" [id=2504, type=permute]; +"2505 contiguous_36" [id=2505, type=contiguous]; +"2506 unsqueeze_55" [id=2506, type=unsqueeze]; +"2507 sigmoid_19" [id=2507, type=sigmoid]; +"2508 mul_38" [id=2508, type=mul]; +"2509 pad_21" [id=2509, type=pad]; +"2510 roll_18" [id=2510, type=roll]; +"2511 view_105" [id=2511, type=view]; +"2512 permute_87" [id=2512, type=permute]; +"2513 reshape_85" [id=2513, type=reshape]; +"2514 linear_118_updated_constant0" [id=2514, type=get_attr]; +"2515 reshape_85_0_0_nncf_smooth_quant_0" [id=2515, type=call_module]; +"2516 quantize_per_tensor_default_117" [id=2516, type=quantize_per_tensor]; +"2517 dequantize_per_tensor_default_117" [id=2517, type=dequantize_per_tensor]; +"2518 linear_118_scale_0" [id=2518, type=get_attr]; +"2519 linear_118_zero_point_0" [id=2519, type=get_attr]; +"2520 quantize_per_channel_default_119" [id=2520, type=quantize_per_channel]; +"2521 dequantize_per_channel_default_119" [id=2521, type=dequantize_per_channel]; +"2522 _param_constant317_0_0" [id=2522, type=get_attr]; +"2523 linear_118" [id=2523, type=linear]; +"2524 reshape_86" [id=2524, type=reshape]; +"2525 permute_88" [id=2525, type=permute]; +"2526 select_57" [id=2526, type=select]; +"2527 select_58" [id=2527, type=select]; +"2528 select_59" [id=2528, type=select]; +"2529 linalg_vector_norm_38" [id=2529, type=linalg_vector_norm]; +"2530 clamp_min_38" [id=2530, type=clamp_min]; +"2531 expand_as_38" [id=2531, type=expand_as]; +"2532 div_38" [id=2532, type=div]; +"2533 quantize_per_tensor_default_118" [id=2533, type=quantize_per_tensor]; +"2534 dequantize_per_tensor_default_118" [id=2534, type=dequantize_per_tensor]; +"2535 linalg_vector_norm_39" [id=2535, type=linalg_vector_norm]; +"2536 clamp_min_39" [id=2536, type=clamp_min]; +"2537 expand_as_39" [id=2537, type=expand_as]; +"2538 div_39" [id=2538, type=div]; +"2539 quantize_per_tensor_default_119" [id=2539, type=quantize_per_tensor]; +"2540 dequantize_per_tensor_default_119" [id=2540, type=dequantize_per_tensor]; +"2541 transpose_38" [id=2541, type=transpose]; +"2542 matmul_38" [id=2542, type=matmul]; +"2543 _param_constant319" [id=2543, type=get_attr]; +"2544 clamp_19" [id=2544, type=clamp]; +"2545 exp_19" [id=2545, type=exp]; +"2546 mul_39" [id=2546, type=mul]; +"2547 add_66" [id=2547, type=add]; +"2548 new_zeros_9" [id=2548, type=new_zeros]; +"2549 view_106" [id=2549, type=view]; +"2550 permute_89" [id=2550, type=permute]; +"2551 reshape_87" [id=2551, type=reshape]; +"2552 unsqueeze_56" [id=2552, type=unsqueeze]; +"2553 unsqueeze_57" [id=2553, type=unsqueeze]; +"2554 sub_9" [id=2554, type=sub]; +"2555 ne_9" [id=2555, type=ne]; +"2556 masked_fill_18" [id=2556, type=masked_fill]; +"2557 eq_9" [id=2557, type=eq]; +"2558 masked_fill_19" [id=2558, type=masked_fill]; +"2559 view_107" [id=2559, type=view]; +"2560 unsqueeze_58" [id=2560, type=unsqueeze]; +"2561 unsqueeze_59" [id=2561, type=unsqueeze]; +"2562 add_67" [id=2562, type=add]; +"2563 view_108" [id=2563, type=view]; +"2564 softmax_19" [id=2564, type=softmax]; +"2565 dropout_76" [id=2565, type=dropout]; +"2566 matmul_39" [id=2566, type=matmul]; +"2567 transpose_39" [id=2567, type=transpose]; +"2568 reshape_88" [id=2568, type=reshape]; +"2569 linear_119_updated_constant0" [id=2569, type=get_attr]; +"2570 reshape_88_0_0_nncf_smooth_quant_0" [id=2570, type=call_module]; +"2571 quantize_per_tensor_default_120" [id=2571, type=quantize_per_tensor]; +"2572 dequantize_per_tensor_default_120" [id=2572, type=dequantize_per_tensor]; +"2573 linear_119_scale_0" [id=2573, type=get_attr]; +"2574 linear_119_zero_point_0" [id=2574, type=get_attr]; +"2575 quantize_per_channel_default_120" [id=2575, type=quantize_per_channel]; +"2576 dequantize_per_channel_default_120" [id=2576, type=dequantize_per_channel]; +"2577 _param_constant321_0_0" [id=2577, type=get_attr]; +"2578 linear_119" [id=2578, type=linear]; +"2579 dropout_77" [id=2579, type=dropout]; +"2580 view_109" [id=2580, type=view]; +"2581 permute_90" [id=2581, type=permute]; +"2582 reshape_89" [id=2582, type=reshape]; +"2583 roll_19" [id=2583, type=roll]; +"2584 slice_297" [id=2584, type=slice]; +"2585 slice_298" [id=2585, type=slice]; +"2586 slice_299" [id=2586, type=slice]; +"2587 slice_300" [id=2587, type=slice]; +"2588 contiguous_37" [id=2588, type=contiguous]; +"2589 _param_constant322" [id=2589, type=get_attr]; +"2590 _param_constant323" [id=2590, type=get_attr]; +"2591 layer_norm_41" [id=2591, type=layer_norm]; +"2592 add_68" [id=2592, type=add]; +"2593 linear_120_updated_constant0" [id=2593, type=get_attr]; +"2594 add_68_0_0_nncf_smooth_quant_0" [id=2594, type=call_module]; +"2595 quantize_per_tensor_default_121" [id=2595, type=quantize_per_tensor]; +"2596 dequantize_per_tensor_default_121" [id=2596, type=dequantize_per_tensor]; +"2597 linear_120_scale_0" [id=2597, type=get_attr]; +"2598 linear_120_zero_point_0" [id=2598, type=get_attr]; +"2599 quantize_per_channel_default_121" [id=2599, type=quantize_per_channel]; +"2600 dequantize_per_channel_default_121" [id=2600, type=dequantize_per_channel]; +"2601 _param_constant325_0_0" [id=2601, type=get_attr]; +"2602 linear_120" [id=2602, type=linear]; +"2603 gelu_19" [id=2603, type=gelu]; +"2604 dropout_78" [id=2604, type=dropout]; +"2605 linear_121_updated_constant0" [id=2605, type=get_attr]; +"2606 dropout_78_0_0_nncf_smooth_quant_0" [id=2606, type=call_module]; +"2607 quantize_per_tensor_default_122" [id=2607, type=quantize_per_tensor]; +"2608 dequantize_per_tensor_default_122" [id=2608, type=dequantize_per_tensor]; +"2609 linear_121_scale_0" [id=2609, type=get_attr]; +"2610 linear_121_zero_point_0" [id=2610, type=get_attr]; +"2611 quantize_per_channel_default_122" [id=2611, type=quantize_per_channel]; +"2612 dequantize_per_channel_default_122" [id=2612, type=dequantize_per_channel]; +"2613 _param_constant327_0_0" [id=2613, type=get_attr]; +"2614 linear_121" [id=2614, type=linear]; +"2615 dropout_79" [id=2615, type=dropout]; +"2616 _param_constant328" [id=2616, type=get_attr]; +"2617 _param_constant329" [id=2617, type=get_attr]; +"2618 layer_norm_42" [id=2618, type=layer_norm]; +"2619 add_69" [id=2619, type=add]; +"2620 _tensor_constant130" [id=2620, type=get_attr]; +"2621 linear_122_updated_constant0" [id=2621, type=get_attr]; +"2622 _tensor_constant130_0_0_nncf_smooth_quant_0" [id=2622, type=call_module]; +"2623 linear_122_scale_0" [id=2623, type=get_attr]; +"2624 linear_122_zero_point_0" [id=2624, type=get_attr]; +"2625 quantize_per_channel_default_123" [id=2625, type=quantize_per_channel]; +"2626 dequantize_per_channel_default_123" [id=2626, type=dequantize_per_channel]; +"2627 _param_constant331_0_0" [id=2627, type=get_attr]; +"2628 linear_122" [id=2628, type=linear]; +"2629 relu__20" [id=2629, type=relu_]; +"2630 linear_123_updated_constant0" [id=2630, type=get_attr]; +"2631 relu__20_0_0_nncf_smooth_quant_0" [id=2631, type=call_module]; +"2632 linear_123_scale_0" [id=2632, type=get_attr]; +"2633 linear_123_zero_point_0" [id=2633, type=get_attr]; +"2634 quantize_per_channel_default_124" [id=2634, type=quantize_per_channel]; +"2635 dequantize_per_channel_default_124" [id=2635, type=dequantize_per_channel]; +"2636 linear_123" [id=2636, type=linear]; +"2637 view_110" [id=2637, type=view]; +"2638 _tensor_constant131" [id=2638, type=get_attr]; +"2639 index_20" [id=2639, type=index]; +"2640 view_111" [id=2640, type=view]; +"2641 permute_91" [id=2641, type=permute]; +"2642 contiguous_38" [id=2642, type=contiguous]; +"2643 unsqueeze_60" [id=2643, type=unsqueeze]; +"2644 sigmoid_20" [id=2644, type=sigmoid]; +"2645 mul_40" [id=2645, type=mul]; +"2646 pad_22" [id=2646, type=pad]; +"2647 view_112" [id=2647, type=view]; +"2648 permute_92" [id=2648, type=permute]; +"2649 reshape_90" [id=2649, type=reshape]; +"2650 linear_124_updated_constant0" [id=2650, type=get_attr]; +"2651 reshape_90_0_0_nncf_smooth_quant_0" [id=2651, type=call_module]; +"2652 quantize_per_tensor_default_123" [id=2652, type=quantize_per_tensor]; +"2653 dequantize_per_tensor_default_123" [id=2653, type=dequantize_per_tensor]; +"2654 linear_124_scale_0" [id=2654, type=get_attr]; +"2655 linear_124_zero_point_0" [id=2655, type=get_attr]; +"2656 quantize_per_channel_default_125" [id=2656, type=quantize_per_channel]; +"2657 dequantize_per_channel_default_125" [id=2657, type=dequantize_per_channel]; +"2658 _param_constant333_0_0" [id=2658, type=get_attr]; +"2659 linear_124" [id=2659, type=linear]; +"2660 reshape_91" [id=2660, type=reshape]; +"2661 permute_93" [id=2661, type=permute]; +"2662 select_60" [id=2662, type=select]; +"2663 select_61" [id=2663, type=select]; +"2664 select_62" [id=2664, type=select]; +"2665 linalg_vector_norm_40" [id=2665, type=linalg_vector_norm]; +"2666 clamp_min_40" [id=2666, type=clamp_min]; +"2667 expand_as_40" [id=2667, type=expand_as]; +"2668 div_40" [id=2668, type=div]; +"2669 quantize_per_tensor_default_124" [id=2669, type=quantize_per_tensor]; +"2670 dequantize_per_tensor_default_124" [id=2670, type=dequantize_per_tensor]; +"2671 linalg_vector_norm_41" [id=2671, type=linalg_vector_norm]; +"2672 clamp_min_41" [id=2672, type=clamp_min]; +"2673 expand_as_41" [id=2673, type=expand_as]; +"2674 div_41" [id=2674, type=div]; +"2675 quantize_per_tensor_default_125" [id=2675, type=quantize_per_tensor]; +"2676 dequantize_per_tensor_default_125" [id=2676, type=dequantize_per_tensor]; +"2677 transpose_40" [id=2677, type=transpose]; +"2678 matmul_40" [id=2678, type=matmul]; +"2679 _param_constant335" [id=2679, type=get_attr]; +"2680 clamp_20" [id=2680, type=clamp]; +"2681 exp_20" [id=2681, type=exp]; +"2682 mul_41" [id=2682, type=mul]; +"2683 add_70" [id=2683, type=add]; +"2684 softmax_20" [id=2684, type=softmax]; +"2685 dropout_80" [id=2685, type=dropout]; +"2686 matmul_41" [id=2686, type=matmul]; +"2687 transpose_41" [id=2687, type=transpose]; +"2688 reshape_92" [id=2688, type=reshape]; +"2689 linear_125_updated_constant0" [id=2689, type=get_attr]; +"2690 reshape_92_0_0_nncf_smooth_quant_0" [id=2690, type=call_module]; +"2691 quantize_per_tensor_default_126" [id=2691, type=quantize_per_tensor]; +"2692 dequantize_per_tensor_default_126" [id=2692, type=dequantize_per_tensor]; +"2693 linear_125_scale_0" [id=2693, type=get_attr]; +"2694 linear_125_zero_point_0" [id=2694, type=get_attr]; +"2695 quantize_per_channel_default_126" [id=2695, type=quantize_per_channel]; +"2696 dequantize_per_channel_default_126" [id=2696, type=dequantize_per_channel]; +"2697 _param_constant337_0_0" [id=2697, type=get_attr]; +"2698 linear_125" [id=2698, type=linear]; +"2699 dropout_81" [id=2699, type=dropout]; +"2700 view_113" [id=2700, type=view]; +"2701 permute_94" [id=2701, type=permute]; +"2702 reshape_93" [id=2702, type=reshape]; +"2703 slice_302" [id=2703, type=slice]; +"2704 slice_303" [id=2704, type=slice]; +"2705 slice_304" [id=2705, type=slice]; +"2706 slice_305" [id=2706, type=slice]; +"2707 contiguous_39" [id=2707, type=contiguous]; +"2708 _param_constant338" [id=2708, type=get_attr]; +"2709 _param_constant339" [id=2709, type=get_attr]; +"2710 layer_norm_43" [id=2710, type=layer_norm]; +"2711 add_71" [id=2711, type=add]; +"2712 linear_126_updated_constant0" [id=2712, type=get_attr]; +"2713 add_71_0_0_nncf_smooth_quant_0" [id=2713, type=call_module]; +"2714 quantize_per_tensor_default_127" [id=2714, type=quantize_per_tensor]; +"2715 dequantize_per_tensor_default_127" [id=2715, type=dequantize_per_tensor]; +"2716 linear_126_scale_0" [id=2716, type=get_attr]; +"2717 linear_126_zero_point_0" [id=2717, type=get_attr]; +"2718 quantize_per_channel_default_127" [id=2718, type=quantize_per_channel]; +"2719 dequantize_per_channel_default_127" [id=2719, type=dequantize_per_channel]; +"2720 _param_constant341_0_0" [id=2720, type=get_attr]; +"2721 linear_126" [id=2721, type=linear]; +"2722 gelu_20" [id=2722, type=gelu]; +"2723 dropout_82" [id=2723, type=dropout]; +"2724 linear_127_updated_constant0" [id=2724, type=get_attr]; +"2725 dropout_82_0_0_nncf_smooth_quant_0" [id=2725, type=call_module]; +"2726 quantize_per_tensor_default_128" [id=2726, type=quantize_per_tensor]; +"2727 dequantize_per_tensor_default_128" [id=2727, type=dequantize_per_tensor]; +"2728 linear_127_scale_0" [id=2728, type=get_attr]; +"2729 linear_127_zero_point_0" [id=2729, type=get_attr]; +"2730 quantize_per_channel_default_128" [id=2730, type=quantize_per_channel]; +"2731 dequantize_per_channel_default_128" [id=2731, type=dequantize_per_channel]; +"2732 _param_constant343_0_0" [id=2732, type=get_attr]; +"2733 linear_127" [id=2733, type=linear]; +"2734 dropout_83" [id=2734, type=dropout]; +"2735 _param_constant344" [id=2735, type=get_attr]; +"2736 _param_constant345" [id=2736, type=get_attr]; +"2737 layer_norm_44" [id=2737, type=layer_norm]; +"2738 add_72" [id=2738, type=add]; +"2739 _tensor_constant132" [id=2739, type=get_attr]; +"2740 linear_128_updated_constant0" [id=2740, type=get_attr]; +"2741 _tensor_constant132_0_0_nncf_smooth_quant_0" [id=2741, type=call_module]; +"2742 linear_128_scale_0" [id=2742, type=get_attr]; +"2743 linear_128_zero_point_0" [id=2743, type=get_attr]; +"2744 quantize_per_channel_default_129" [id=2744, type=quantize_per_channel]; +"2745 dequantize_per_channel_default_129" [id=2745, type=dequantize_per_channel]; +"2746 _param_constant347_0_0" [id=2746, type=get_attr]; +"2747 linear_128" [id=2747, type=linear]; +"2748 relu__21" [id=2748, type=relu_]; +"2749 linear_129_updated_constant0" [id=2749, type=get_attr]; +"2750 relu__21_0_0_nncf_smooth_quant_0" [id=2750, type=call_module]; +"2751 linear_129_scale_0" [id=2751, type=get_attr]; +"2752 linear_129_zero_point_0" [id=2752, type=get_attr]; +"2753 quantize_per_channel_default_130" [id=2753, type=quantize_per_channel]; +"2754 dequantize_per_channel_default_130" [id=2754, type=dequantize_per_channel]; +"2755 linear_129" [id=2755, type=linear]; +"2756 view_114" [id=2756, type=view]; +"2757 _tensor_constant133" [id=2757, type=get_attr]; +"2758 index_21" [id=2758, type=index]; +"2759 view_115" [id=2759, type=view]; +"2760 permute_95" [id=2760, type=permute]; +"2761 contiguous_40" [id=2761, type=contiguous]; +"2762 unsqueeze_61" [id=2762, type=unsqueeze]; +"2763 sigmoid_21" [id=2763, type=sigmoid]; +"2764 mul_42" [id=2764, type=mul]; +"2765 pad_23" [id=2765, type=pad]; +"2766 roll_20" [id=2766, type=roll]; +"2767 view_116" [id=2767, type=view]; +"2768 permute_96" [id=2768, type=permute]; +"2769 reshape_94" [id=2769, type=reshape]; +"2770 linear_130_updated_constant0" [id=2770, type=get_attr]; +"2771 reshape_94_0_0_nncf_smooth_quant_0" [id=2771, type=call_module]; +"2772 quantize_per_tensor_default_129" [id=2772, type=quantize_per_tensor]; +"2773 dequantize_per_tensor_default_129" [id=2773, type=dequantize_per_tensor]; +"2774 linear_130_scale_0" [id=2774, type=get_attr]; +"2775 linear_130_zero_point_0" [id=2775, type=get_attr]; +"2776 quantize_per_channel_default_131" [id=2776, type=quantize_per_channel]; +"2777 dequantize_per_channel_default_131" [id=2777, type=dequantize_per_channel]; +"2778 _param_constant349_0_0" [id=2778, type=get_attr]; +"2779 linear_130" [id=2779, type=linear]; +"2780 reshape_95" [id=2780, type=reshape]; +"2781 permute_97" [id=2781, type=permute]; +"2782 select_63" [id=2782, type=select]; +"2783 select_64" [id=2783, type=select]; +"2784 select_65" [id=2784, type=select]; +"2785 linalg_vector_norm_42" [id=2785, type=linalg_vector_norm]; +"2786 clamp_min_42" [id=2786, type=clamp_min]; +"2787 expand_as_42" [id=2787, type=expand_as]; +"2788 div_42" [id=2788, type=div]; +"2789 quantize_per_tensor_default_130" [id=2789, type=quantize_per_tensor]; +"2790 dequantize_per_tensor_default_130" [id=2790, type=dequantize_per_tensor]; +"2791 linalg_vector_norm_43" [id=2791, type=linalg_vector_norm]; +"2792 clamp_min_43" [id=2792, type=clamp_min]; +"2793 expand_as_43" [id=2793, type=expand_as]; +"2794 div_43" [id=2794, type=div]; +"2795 quantize_per_tensor_default_131" [id=2795, type=quantize_per_tensor]; +"2796 dequantize_per_tensor_default_131" [id=2796, type=dequantize_per_tensor]; +"2797 transpose_42" [id=2797, type=transpose]; +"2798 matmul_42" [id=2798, type=matmul]; +"2799 _param_constant351" [id=2799, type=get_attr]; +"2800 clamp_21" [id=2800, type=clamp]; +"2801 exp_21" [id=2801, type=exp]; +"2802 mul_43" [id=2802, type=mul]; +"2803 add_73" [id=2803, type=add]; +"2804 new_zeros_10" [id=2804, type=new_zeros]; +"2805 view_117" [id=2805, type=view]; +"2806 permute_98" [id=2806, type=permute]; +"2807 reshape_96" [id=2807, type=reshape]; +"2808 unsqueeze_62" [id=2808, type=unsqueeze]; +"2809 unsqueeze_63" [id=2809, type=unsqueeze]; +"2810 sub_10" [id=2810, type=sub]; +"2811 ne_10" [id=2811, type=ne]; +"2812 masked_fill_20" [id=2812, type=masked_fill]; +"2813 eq_10" [id=2813, type=eq]; +"2814 masked_fill_21" [id=2814, type=masked_fill]; +"2815 view_118" [id=2815, type=view]; +"2816 unsqueeze_64" [id=2816, type=unsqueeze]; +"2817 unsqueeze_65" [id=2817, type=unsqueeze]; +"2818 add_74" [id=2818, type=add]; +"2819 view_119" [id=2819, type=view]; +"2820 softmax_21" [id=2820, type=softmax]; +"2821 dropout_84" [id=2821, type=dropout]; +"2822 matmul_43" [id=2822, type=matmul]; +"2823 transpose_43" [id=2823, type=transpose]; +"2824 reshape_97" [id=2824, type=reshape]; +"2825 linear_131_updated_constant0" [id=2825, type=get_attr]; +"2826 reshape_97_0_0_nncf_smooth_quant_0" [id=2826, type=call_module]; +"2827 quantize_per_tensor_default_132" [id=2827, type=quantize_per_tensor]; +"2828 dequantize_per_tensor_default_132" [id=2828, type=dequantize_per_tensor]; +"2829 linear_131_scale_0" [id=2829, type=get_attr]; +"2830 linear_131_zero_point_0" [id=2830, type=get_attr]; +"2831 quantize_per_channel_default_132" [id=2831, type=quantize_per_channel]; +"2832 dequantize_per_channel_default_132" [id=2832, type=dequantize_per_channel]; +"2833 _param_constant353_0_0" [id=2833, type=get_attr]; +"2834 linear_131" [id=2834, type=linear]; +"2835 dropout_85" [id=2835, type=dropout]; +"2836 view_120" [id=2836, type=view]; +"2837 permute_99" [id=2837, type=permute]; +"2838 reshape_98" [id=2838, type=reshape]; +"2839 roll_21" [id=2839, type=roll]; +"2840 slice_325" [id=2840, type=slice]; +"2841 slice_326" [id=2841, type=slice]; +"2842 slice_327" [id=2842, type=slice]; +"2843 slice_328" [id=2843, type=slice]; +"2844 contiguous_41" [id=2844, type=contiguous]; +"2845 _param_constant354" [id=2845, type=get_attr]; +"2846 _param_constant355" [id=2846, type=get_attr]; +"2847 layer_norm_45" [id=2847, type=layer_norm]; +"2848 add_75" [id=2848, type=add]; +"2849 linear_132_updated_constant0" [id=2849, type=get_attr]; +"2850 add_75_0_0_nncf_smooth_quant_0" [id=2850, type=call_module]; +"2851 quantize_per_tensor_default_133" [id=2851, type=quantize_per_tensor]; +"2852 dequantize_per_tensor_default_133" [id=2852, type=dequantize_per_tensor]; +"2853 linear_132_scale_0" [id=2853, type=get_attr]; +"2854 linear_132_zero_point_0" [id=2854, type=get_attr]; +"2855 quantize_per_channel_default_133" [id=2855, type=quantize_per_channel]; +"2856 dequantize_per_channel_default_133" [id=2856, type=dequantize_per_channel]; +"2857 _param_constant357_0_0" [id=2857, type=get_attr]; +"2858 linear_132" [id=2858, type=linear]; +"2859 gelu_21" [id=2859, type=gelu]; +"2860 dropout_86" [id=2860, type=dropout]; +"2861 linear_133_updated_constant0" [id=2861, type=get_attr]; +"2862 dropout_86_0_0_nncf_smooth_quant_0" [id=2862, type=call_module]; +"2863 quantize_per_tensor_default_134" [id=2863, type=quantize_per_tensor]; +"2864 dequantize_per_tensor_default_134" [id=2864, type=dequantize_per_tensor]; +"2865 linear_133_scale_0" [id=2865, type=get_attr]; +"2866 linear_133_zero_point_0" [id=2866, type=get_attr]; +"2867 quantize_per_channel_default_134" [id=2867, type=quantize_per_channel]; +"2868 dequantize_per_channel_default_134" [id=2868, type=dequantize_per_channel]; +"2869 _param_constant359_0_0" [id=2869, type=get_attr]; +"2870 linear_133" [id=2870, type=linear]; +"2871 dropout_87" [id=2871, type=dropout]; +"2872 _param_constant360" [id=2872, type=get_attr]; +"2873 _param_constant361" [id=2873, type=get_attr]; +"2874 layer_norm_46" [id=2874, type=layer_norm]; +"2875 add_76" [id=2875, type=add]; +"2876 pad_24" [id=2876, type=pad]; +"2877 slice_329" [id=2877, type=slice]; +"2878 slice_330" [id=2878, type=slice]; +"2879 slice_331" [id=2879, type=slice]; +"2880 slice_332" [id=2880, type=slice]; +"2881 slice_333" [id=2881, type=slice]; +"2882 slice_334" [id=2882, type=slice]; +"2883 slice_335" [id=2883, type=slice]; +"2884 slice_336" [id=2884, type=slice]; +"2885 slice_337" [id=2885, type=slice]; +"2886 slice_338" [id=2886, type=slice]; +"2887 slice_339" [id=2887, type=slice]; +"2888 slice_340" [id=2888, type=slice]; +"2889 cat_2" [id=2889, type=cat]; +"2890 linear_134_updated_constant0" [id=2890, type=get_attr]; +"2891 cat_2_0_0_nncf_smooth_quant_0" [id=2891, type=call_module]; +"2892 quantize_per_tensor_default_135" [id=2892, type=quantize_per_tensor]; +"2893 dequantize_per_tensor_default_135" [id=2893, type=dequantize_per_tensor]; +"2894 linear_134_scale_0" [id=2894, type=get_attr]; +"2895 linear_134_zero_point_0" [id=2895, type=get_attr]; +"2896 quantize_per_channel_default_135" [id=2896, type=quantize_per_channel]; +"2897 dequantize_per_channel_default_135" [id=2897, type=dequantize_per_channel]; +"2898 linear_134" [id=2898, type=linear]; +"2899 _param_constant363" [id=2899, type=get_attr]; +"2900 _param_constant364" [id=2900, type=get_attr]; +"2901 layer_norm_47" [id=2901, type=layer_norm]; +"2902 _tensor_constant143" [id=2902, type=get_attr]; +"2903 linear_135_updated_constant0" [id=2903, type=get_attr]; +"2904 _tensor_constant143_0_0_nncf_smooth_quant_0" [id=2904, type=call_module]; +"2905 linear_135_scale_0" [id=2905, type=get_attr]; +"2906 linear_135_zero_point_0" [id=2906, type=get_attr]; +"2907 quantize_per_channel_default_136" [id=2907, type=quantize_per_channel]; +"2908 dequantize_per_channel_default_136" [id=2908, type=dequantize_per_channel]; +"2909 _param_constant366_0_0" [id=2909, type=get_attr]; +"2910 linear_135" [id=2910, type=linear]; +"2911 relu__22" [id=2911, type=relu_]; +"2912 linear_136_updated_constant0" [id=2912, type=get_attr]; +"2913 relu__22_0_0_nncf_smooth_quant_0" [id=2913, type=call_module]; +"2914 linear_136_scale_0" [id=2914, type=get_attr]; +"2915 linear_136_zero_point_0" [id=2915, type=get_attr]; +"2916 quantize_per_channel_default_137" [id=2916, type=quantize_per_channel]; +"2917 dequantize_per_channel_default_137" [id=2917, type=dequantize_per_channel]; +"2918 linear_136" [id=2918, type=linear]; +"2919 view_121" [id=2919, type=view]; +"2920 _tensor_constant144" [id=2920, type=get_attr]; +"2921 index_22" [id=2921, type=index]; +"2922 view_122" [id=2922, type=view]; +"2923 permute_100" [id=2923, type=permute]; +"2924 contiguous_42" [id=2924, type=contiguous]; +"2925 unsqueeze_66" [id=2925, type=unsqueeze]; +"2926 sigmoid_22" [id=2926, type=sigmoid]; +"2927 mul_44" [id=2927, type=mul]; +"2928 pad_25" [id=2928, type=pad]; +"2929 view_123" [id=2929, type=view]; +"2930 permute_101" [id=2930, type=permute]; +"2931 reshape_99" [id=2931, type=reshape]; +"2932 linear_137_updated_constant0" [id=2932, type=get_attr]; +"2933 reshape_99_0_0_nncf_smooth_quant_0" [id=2933, type=call_module]; +"2934 quantize_per_tensor_default_136" [id=2934, type=quantize_per_tensor]; +"2935 dequantize_per_tensor_default_136" [id=2935, type=dequantize_per_tensor]; +"2936 linear_137_scale_0" [id=2936, type=get_attr]; +"2937 linear_137_zero_point_0" [id=2937, type=get_attr]; +"2938 quantize_per_channel_default_138" [id=2938, type=quantize_per_channel]; +"2939 dequantize_per_channel_default_138" [id=2939, type=dequantize_per_channel]; +"2940 _param_constant368_0_0" [id=2940, type=get_attr]; +"2941 linear_137" [id=2941, type=linear]; +"2942 reshape_100" [id=2942, type=reshape]; +"2943 permute_102" [id=2943, type=permute]; +"2944 select_66" [id=2944, type=select]; +"2945 select_67" [id=2945, type=select]; +"2946 select_68" [id=2946, type=select]; +"2947 linalg_vector_norm_44" [id=2947, type=linalg_vector_norm]; +"2948 clamp_min_44" [id=2948, type=clamp_min]; +"2949 expand_as_44" [id=2949, type=expand_as]; +"2950 div_44" [id=2950, type=div]; +"2951 quantize_per_tensor_default_137" [id=2951, type=quantize_per_tensor]; +"2952 dequantize_per_tensor_default_137" [id=2952, type=dequantize_per_tensor]; +"2953 linalg_vector_norm_45" [id=2953, type=linalg_vector_norm]; +"2954 clamp_min_45" [id=2954, type=clamp_min]; +"2955 expand_as_45" [id=2955, type=expand_as]; +"2956 div_45" [id=2956, type=div]; +"2957 quantize_per_tensor_default_138" [id=2957, type=quantize_per_tensor]; +"2958 dequantize_per_tensor_default_138" [id=2958, type=dequantize_per_tensor]; +"2959 transpose_44" [id=2959, type=transpose]; +"2960 matmul_44" [id=2960, type=matmul]; +"2961 _param_constant370" [id=2961, type=get_attr]; +"2962 clamp_22" [id=2962, type=clamp]; +"2963 exp_22" [id=2963, type=exp]; +"2964 mul_45" [id=2964, type=mul]; +"2965 add_77" [id=2965, type=add]; +"2966 softmax_22" [id=2966, type=softmax]; +"2967 dropout_88" [id=2967, type=dropout]; +"2968 matmul_45" [id=2968, type=matmul]; +"2969 transpose_45" [id=2969, type=transpose]; +"2970 reshape_101" [id=2970, type=reshape]; +"2971 linear_138_updated_constant0" [id=2971, type=get_attr]; +"2972 reshape_101_0_0_nncf_smooth_quant_0" [id=2972, type=call_module]; +"2973 quantize_per_tensor_default_139" [id=2973, type=quantize_per_tensor]; +"2974 dequantize_per_tensor_default_139" [id=2974, type=dequantize_per_tensor]; +"2975 linear_138_scale_0" [id=2975, type=get_attr]; +"2976 linear_138_zero_point_0" [id=2976, type=get_attr]; +"2977 quantize_per_channel_default_139" [id=2977, type=quantize_per_channel]; +"2978 dequantize_per_channel_default_139" [id=2978, type=dequantize_per_channel]; +"2979 _param_constant372_0_0" [id=2979, type=get_attr]; +"2980 linear_138" [id=2980, type=linear]; +"2981 dropout_89" [id=2981, type=dropout]; +"2982 view_124" [id=2982, type=view]; +"2983 permute_103" [id=2983, type=permute]; +"2984 reshape_102" [id=2984, type=reshape]; +"2985 slice_342" [id=2985, type=slice]; +"2986 slice_343" [id=2986, type=slice]; +"2987 slice_344" [id=2987, type=slice]; +"2988 slice_345" [id=2988, type=slice]; +"2989 contiguous_43" [id=2989, type=contiguous]; +"2990 _param_constant373" [id=2990, type=get_attr]; +"2991 _param_constant374" [id=2991, type=get_attr]; +"2992 layer_norm_48" [id=2992, type=layer_norm]; +"2993 add_78" [id=2993, type=add]; +"2994 linear_139_updated_constant0" [id=2994, type=get_attr]; +"2995 add_78_0_0_nncf_smooth_quant_0" [id=2995, type=call_module]; +"2996 quantize_per_tensor_default_140" [id=2996, type=quantize_per_tensor]; +"2997 dequantize_per_tensor_default_140" [id=2997, type=dequantize_per_tensor]; +"2998 linear_139_scale_0" [id=2998, type=get_attr]; +"2999 linear_139_zero_point_0" [id=2999, type=get_attr]; +"3000 quantize_per_channel_default_140" [id=3000, type=quantize_per_channel]; +"3001 dequantize_per_channel_default_140" [id=3001, type=dequantize_per_channel]; +"3002 _param_constant376_0_0" [id=3002, type=get_attr]; +"3003 linear_139" [id=3003, type=linear]; +"3004 gelu_22" [id=3004, type=gelu]; +"3005 dropout_90" [id=3005, type=dropout]; +"3006 linear_140_updated_constant0" [id=3006, type=get_attr]; +"3007 dropout_90_0_0_nncf_smooth_quant_0" [id=3007, type=call_module]; +"3008 quantize_per_tensor_default_141" [id=3008, type=quantize_per_tensor]; +"3009 dequantize_per_tensor_default_141" [id=3009, type=dequantize_per_tensor]; +"3010 linear_140_scale_0" [id=3010, type=get_attr]; +"3011 linear_140_zero_point_0" [id=3011, type=get_attr]; +"3012 quantize_per_channel_default_141" [id=3012, type=quantize_per_channel]; +"3013 dequantize_per_channel_default_141" [id=3013, type=dequantize_per_channel]; +"3014 _param_constant378_0_0" [id=3014, type=get_attr]; +"3015 linear_140" [id=3015, type=linear]; +"3016 dropout_91" [id=3016, type=dropout]; +"3017 _param_constant379" [id=3017, type=get_attr]; +"3018 _param_constant380" [id=3018, type=get_attr]; +"3019 layer_norm_49" [id=3019, type=layer_norm]; +"3020 add_79" [id=3020, type=add]; +"3021 _tensor_constant145" [id=3021, type=get_attr]; +"3022 linear_141_updated_constant0" [id=3022, type=get_attr]; +"3023 _tensor_constant145_0_0_nncf_smooth_quant_0" [id=3023, type=call_module]; +"3024 linear_141_scale_0" [id=3024, type=get_attr]; +"3025 linear_141_zero_point_0" [id=3025, type=get_attr]; +"3026 quantize_per_channel_default_142" [id=3026, type=quantize_per_channel]; +"3027 dequantize_per_channel_default_142" [id=3027, type=dequantize_per_channel]; +"3028 _param_constant382_0_0" [id=3028, type=get_attr]; +"3029 linear_141" [id=3029, type=linear]; +"3030 relu__23" [id=3030, type=relu_]; +"3031 linear_142_updated_constant0" [id=3031, type=get_attr]; +"3032 relu__23_0_0_nncf_smooth_quant_0" [id=3032, type=call_module]; +"3033 linear_142_scale_0" [id=3033, type=get_attr]; +"3034 linear_142_zero_point_0" [id=3034, type=get_attr]; +"3035 quantize_per_channel_default_143" [id=3035, type=quantize_per_channel]; +"3036 dequantize_per_channel_default_143" [id=3036, type=dequantize_per_channel]; +"3037 linear_142" [id=3037, type=linear]; +"3038 view_125" [id=3038, type=view]; +"3039 _tensor_constant146" [id=3039, type=get_attr]; +"3040 index_23" [id=3040, type=index]; +"3041 view_126" [id=3041, type=view]; +"3042 permute_104" [id=3042, type=permute]; +"3043 contiguous_44" [id=3043, type=contiguous]; +"3044 unsqueeze_67" [id=3044, type=unsqueeze]; +"3045 sigmoid_23" [id=3045, type=sigmoid]; +"3046 mul_46" [id=3046, type=mul]; +"3047 pad_26" [id=3047, type=pad]; +"3048 view_127" [id=3048, type=view]; +"3049 permute_105" [id=3049, type=permute]; +"3050 reshape_103" [id=3050, type=reshape]; +"3051 linear_143_updated_constant0" [id=3051, type=get_attr]; +"3052 reshape_103_0_0_nncf_smooth_quant_0" [id=3052, type=call_module]; +"3053 quantize_per_tensor_default_142" [id=3053, type=quantize_per_tensor]; +"3054 dequantize_per_tensor_default_142" [id=3054, type=dequantize_per_tensor]; +"3055 linear_143_scale_0" [id=3055, type=get_attr]; +"3056 linear_143_zero_point_0" [id=3056, type=get_attr]; +"3057 quantize_per_channel_default_144" [id=3057, type=quantize_per_channel]; +"3058 dequantize_per_channel_default_144" [id=3058, type=dequantize_per_channel]; +"3059 _param_constant384_0_0" [id=3059, type=get_attr]; +"3060 linear_143" [id=3060, type=linear]; +"3061 reshape_104" [id=3061, type=reshape]; +"3062 permute_106" [id=3062, type=permute]; +"3063 select_69" [id=3063, type=select]; +"3064 select_70" [id=3064, type=select]; +"3065 select_71" [id=3065, type=select]; +"3066 linalg_vector_norm_46" [id=3066, type=linalg_vector_norm]; +"3067 clamp_min_46" [id=3067, type=clamp_min]; +"3068 expand_as_46" [id=3068, type=expand_as]; +"3069 div_46" [id=3069, type=div]; +"3070 quantize_per_tensor_default_143" [id=3070, type=quantize_per_tensor]; +"3071 dequantize_per_tensor_default_143" [id=3071, type=dequantize_per_tensor]; +"3072 linalg_vector_norm_47" [id=3072, type=linalg_vector_norm]; +"3073 clamp_min_47" [id=3073, type=clamp_min]; +"3074 expand_as_47" [id=3074, type=expand_as]; +"3075 div_47" [id=3075, type=div]; +"3076 quantize_per_tensor_default_144" [id=3076, type=quantize_per_tensor]; +"3077 dequantize_per_tensor_default_144" [id=3077, type=dequantize_per_tensor]; +"3078 transpose_46" [id=3078, type=transpose]; +"3079 matmul_46" [id=3079, type=matmul]; +"3080 _param_constant386" [id=3080, type=get_attr]; +"3081 clamp_23" [id=3081, type=clamp]; +"3082 exp_23" [id=3082, type=exp]; +"3083 mul_47" [id=3083, type=mul]; +"3084 add_80" [id=3084, type=add]; +"3085 softmax_23" [id=3085, type=softmax]; +"3086 dropout_92" [id=3086, type=dropout]; +"3087 matmul_47" [id=3087, type=matmul]; +"3088 transpose_47" [id=3088, type=transpose]; +"3089 reshape_105" [id=3089, type=reshape]; +"3090 linear_144_updated_constant0" [id=3090, type=get_attr]; +"3091 reshape_105_0_0_nncf_smooth_quant_0" [id=3091, type=call_module]; +"3092 quantize_per_tensor_default_145" [id=3092, type=quantize_per_tensor]; +"3093 dequantize_per_tensor_default_145" [id=3093, type=dequantize_per_tensor]; +"3094 linear_144_scale_0" [id=3094, type=get_attr]; +"3095 linear_144_zero_point_0" [id=3095, type=get_attr]; +"3096 quantize_per_channel_default_145" [id=3096, type=quantize_per_channel]; +"3097 dequantize_per_channel_default_145" [id=3097, type=dequantize_per_channel]; +"3098 _param_constant388_0_0" [id=3098, type=get_attr]; +"3099 linear_144" [id=3099, type=linear]; +"3100 dropout_93" [id=3100, type=dropout]; +"3101 view_128" [id=3101, type=view]; +"3102 permute_107" [id=3102, type=permute]; +"3103 reshape_106" [id=3103, type=reshape]; +"3104 slice_347" [id=3104, type=slice]; +"3105 slice_348" [id=3105, type=slice]; +"3106 slice_349" [id=3106, type=slice]; +"3107 slice_350" [id=3107, type=slice]; +"3108 contiguous_45" [id=3108, type=contiguous]; +"3109 _param_constant389" [id=3109, type=get_attr]; +"3110 _param_constant390" [id=3110, type=get_attr]; +"3111 layer_norm_50" [id=3111, type=layer_norm]; +"3112 add_81" [id=3112, type=add]; +"3113 linear_145_updated_constant0" [id=3113, type=get_attr]; +"3114 add_81_0_0_nncf_smooth_quant_0" [id=3114, type=call_module]; +"3115 quantize_per_tensor_default_146" [id=3115, type=quantize_per_tensor]; +"3116 dequantize_per_tensor_default_146" [id=3116, type=dequantize_per_tensor]; +"3117 linear_145_scale_0" [id=3117, type=get_attr]; +"3118 linear_145_zero_point_0" [id=3118, type=get_attr]; +"3119 quantize_per_channel_default_146" [id=3119, type=quantize_per_channel]; +"3120 dequantize_per_channel_default_146" [id=3120, type=dequantize_per_channel]; +"3121 _param_constant392_0_0" [id=3121, type=get_attr]; +"3122 linear_145" [id=3122, type=linear]; +"3123 gelu_23" [id=3123, type=gelu]; +"3124 dropout_94" [id=3124, type=dropout]; +"3125 linear_146_updated_constant0" [id=3125, type=get_attr]; +"3126 dropout_94_0_0_nncf_smooth_quant_0" [id=3126, type=call_module]; +"3127 quantize_per_tensor_default_147" [id=3127, type=quantize_per_tensor]; +"3128 dequantize_per_tensor_default_147" [id=3128, type=dequantize_per_tensor]; +"3129 linear_146_scale_0" [id=3129, type=get_attr]; +"3130 linear_146_zero_point_0" [id=3130, type=get_attr]; +"3131 quantize_per_channel_default_147" [id=3131, type=quantize_per_channel]; +"3132 dequantize_per_channel_default_147" [id=3132, type=dequantize_per_channel]; +"3133 _param_constant394_0_0" [id=3133, type=get_attr]; +"3134 linear_146" [id=3134, type=linear]; +"3135 dropout_95" [id=3135, type=dropout]; +"3136 _param_constant395" [id=3136, type=get_attr]; +"3137 _param_constant396" [id=3137, type=get_attr]; +"3138 layer_norm_51" [id=3138, type=layer_norm]; +"3139 add_82" [id=3139, type=add]; +"3140 _param_constant397" [id=3140, type=get_attr]; +"3141 _param_constant398" [id=3141, type=get_attr]; +"3142 layer_norm_52" [id=3142, type=layer_norm]; +"3143 permute_108" [id=3143, type=permute]; +"3144 adaptive_avg_pool2d" [id=3144, type=adaptive_avg_pool2d]; +"3145 flatten" [id=3145, type=flatten]; +"3146 linear_147_updated_constant0" [id=3146, type=get_attr]; +"3147 flatten_0_0_nncf_smooth_quant_0" [id=3147, type=call_module]; +"3148 quantize_per_tensor_default_148" [id=3148, type=quantize_per_tensor]; +"3149 dequantize_per_tensor_default_148" [id=3149, type=dequantize_per_tensor]; +"3150 linear_147_scale_0" [id=3150, type=get_attr]; +"3151 linear_147_zero_point_0" [id=3151, type=get_attr]; +"3152 quantize_per_channel_default_148" [id=3152, type=quantize_per_channel]; +"3153 dequantize_per_channel_default_148" [id=3153, type=dequantize_per_channel]; +"3154 _param_constant400_0_0" [id=3154, type=get_attr]; +"3155 linear_147" [id=3155, type=linear]; +"3156 output" [id=3156, type=output]; +"0 arg0_1" -> "1 quantize_per_tensor_default" [label="(1, 3, 224, 224)", style=solid]; +"1 quantize_per_tensor_default" -> "2 dequantize_per_tensor_default" [label="(1, 3, 224, 224)", style=solid]; +"2 dequantize_per_tensor_default" -> "9 conv2d" [label="(1, 3, 224, 224)", style=solid]; +"3 _param_constant0" -> "6 quantize_per_channel_default" [label="(96, 3, 4, 4)", style=solid]; +"4 conv2d_scale_0" -> "6 quantize_per_channel_default" [label="(96,)", style=solid]; +"4 conv2d_scale_0" -> "7 dequantize_per_channel_default" [label="(96,)", style=solid]; +"5 conv2d_zero_point_0" -> "6 quantize_per_channel_default" [label="(96,)", style=solid]; +"5 conv2d_zero_point_0" -> "7 dequantize_per_channel_default" [label="(96,)", style=solid]; +"6 quantize_per_channel_default" -> "7 dequantize_per_channel_default" [label="(96, 3, 4, 4)", style=solid]; +"7 dequantize_per_channel_default" -> "9 conv2d" [label="(96, 3, 4, 4)", style=solid]; +"8 _param_constant1_0_0" -> "9 conv2d" [label="(96,)", style=solid]; +"9 conv2d" -> "10 permute" [label="(1, 96, 56, 56)", style=solid]; +"10 permute" -> "13 layer_norm" [label="(1, 56, 56, 96)", style=solid]; +"11 _param_constant2" -> "13 layer_norm" [label="(96,)", style=solid]; +"12 _param_constant3" -> "13 layer_norm" [label="(96,)", style=solid]; +"13 layer_norm" -> "40 pad" [label="(1, 56, 56, 96)", style=solid]; +"13 layer_norm" -> "102 add_1" [label="(1, 56, 56, 96)", style=solid]; +"14 _tensor_constant0" -> "16 _tensor_constant0_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; +"15 linear_updated_constant0" -> "19 quantize_per_channel_default_1" [label="(512, 2)", style=solid]; +"16 _tensor_constant0_0_0_nncf_smooth_quant_0" -> "22 linear" [label="(1, 15, 15, 2)", style=solid]; +"17 linear_scale_0" -> "19 quantize_per_channel_default_1" [label="(512,)", style=solid]; +"17 linear_scale_0" -> "20 dequantize_per_channel_default_1" [label="(512,)", style=solid]; +"18 linear_zero_point_0" -> "19 quantize_per_channel_default_1" [label="(512,)", style=solid]; +"18 linear_zero_point_0" -> "20 dequantize_per_channel_default_1" [label="(512,)", style=solid]; +"19 quantize_per_channel_default_1" -> "20 dequantize_per_channel_default_1" [label="(512, 2)", style=solid]; +"20 dequantize_per_channel_default_1" -> "22 linear" [label="(512, 2)", style=solid]; +"21 _param_constant5_0_0" -> "22 linear" [label="(512,)", style=solid]; +"22 linear" -> "23 relu_" [label="(1, 15, 15, 512)", style=solid]; +"23 relu_" -> "25 relu__0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; +"24 linear_1_updated_constant0" -> "28 quantize_per_channel_default_2" [label="(3, 512)", style=solid]; +"25 relu__0_0_nncf_smooth_quant_0" -> "30 linear_1" [label="(1, 15, 15, 512)", style=solid]; +"26 linear_1_scale_0" -> "28 quantize_per_channel_default_2" [label="(3,)", style=solid]; +"26 linear_1_scale_0" -> "29 dequantize_per_channel_default_2" [label="(3,)", style=solid]; +"27 linear_1_zero_point_0" -> "28 quantize_per_channel_default_2" [label="(3,)", style=solid]; +"27 linear_1_zero_point_0" -> "29 dequantize_per_channel_default_2" [label="(3,)", style=solid]; +"28 quantize_per_channel_default_2" -> "29 dequantize_per_channel_default_2" [label="(3, 512)", style=solid]; +"29 dequantize_per_channel_default_2" -> "30 linear_1" [label="(3, 512)", style=solid]; +"30 linear_1" -> "31 view" [label="(1, 15, 15, 3)", style=solid]; +"31 view" -> "33 index" [label="(225, 3)", style=solid]; +"32 _tensor_constant1" -> "33 index" [label="(4096,)", style=solid]; +"33 index" -> "34 view_1" [label="(4096, 3)", style=solid]; +"34 view_1" -> "35 permute_1" [label="(64, 64, 3)", style=solid]; +"35 permute_1" -> "36 contiguous" [label="(3, 64, 64)", style=solid]; +"36 contiguous" -> "37 unsqueeze" [label="(3, 64, 64)", style=solid]; +"37 unsqueeze" -> "38 sigmoid" [label="(1, 3, 64, 64)", style=solid]; +"38 sigmoid" -> "39 mul" [label="(1, 3, 64, 64)", style=solid]; +"39 mul" -> "77 add" [label="(1, 3, 64, 64)", style=solid]; +"40 pad" -> "41 view_2" [label="(1, 56, 56, 96)", style=solid]; +"41 view_2" -> "42 permute_2" [label="(1, 7, 8, 7, 8, 96)", style=solid]; +"42 permute_2" -> "43 reshape" [label="(1, 7, 7, 8, 8, 96)", style=solid]; +"43 reshape" -> "45 reshape_0_0_nncf_smooth_quant_0" [label="(49, 64, 96)", style=solid]; +"44 linear_2_updated_constant0" -> "50 quantize_per_channel_default_3" [label="(288, 96)", style=solid]; +"45 reshape_0_0_nncf_smooth_quant_0" -> "46 quantize_per_tensor_default_1" [label="(49, 64, 96)", style=solid]; +"46 quantize_per_tensor_default_1" -> "47 dequantize_per_tensor_default_1" [label="(49, 64, 96)", style=solid]; +"47 dequantize_per_tensor_default_1" -> "53 linear_2" [label="(49, 64, 96)", style=solid]; +"48 linear_2_scale_0" -> "50 quantize_per_channel_default_3" [label="(288,)", style=solid]; +"48 linear_2_scale_0" -> "51 dequantize_per_channel_default_3" [label="(288,)", style=solid]; +"49 linear_2_zero_point_0" -> "50 quantize_per_channel_default_3" [label="(288,)", style=solid]; +"49 linear_2_zero_point_0" -> "51 dequantize_per_channel_default_3" [label="(288,)", style=solid]; +"50 quantize_per_channel_default_3" -> "51 dequantize_per_channel_default_3" [label="(288, 96)", style=solid]; +"51 dequantize_per_channel_default_3" -> "53 linear_2" [label="(288, 96)", style=solid]; +"52 _param_constant7_0_0" -> "53 linear_2" [label="(288,)", style=solid]; +"53 linear_2" -> "54 reshape_1" [label="(49, 64, 288)", style=solid]; +"54 reshape_1" -> "55 permute_3" [label="(49, 64, 3, 3, 32)", style=solid]; +"55 permute_3" -> "56 select" [label="(3, 49, 3, 64, 32)", style=solid]; +"55 permute_3" -> "57 select_1" [label="(3, 49, 3, 64, 32)", style=solid]; +"55 permute_3" -> "58 select_2" [label="(3, 49, 3, 64, 32)", style=solid]; +"56 select" -> "59 linalg_vector_norm" [label="(49, 3, 64, 32)", style=solid]; +"56 select" -> "61 expand_as" [label="(49, 3, 64, 32)", style=solid]; +"56 select" -> "62 div" [label="(49, 3, 64, 32)", style=solid]; +"57 select_1" -> "65 linalg_vector_norm_1" [label="(49, 3, 64, 32)", style=solid]; +"57 select_1" -> "67 expand_as_1" [label="(49, 3, 64, 32)", style=solid]; +"57 select_1" -> "68 div_1" [label="(49, 3, 64, 32)", style=solid]; +"58 select_2" -> "80 matmul_1" [label="(49, 3, 64, 32)", style=solid]; +"59 linalg_vector_norm" -> "60 clamp_min" [label="(49, 3, 64, 1)", style=solid]; +"60 clamp_min" -> "61 expand_as" [label="(49, 3, 64, 1)", style=solid]; +"61 expand_as" -> "62 div" [label="(49, 3, 64, 32)", style=solid]; +"62 div" -> "63 quantize_per_tensor_default_2" [label="(49, 3, 64, 32)", style=solid]; +"63 quantize_per_tensor_default_2" -> "64 dequantize_per_tensor_default_2" [label="(49, 3, 64, 32)", style=solid]; +"64 dequantize_per_tensor_default_2" -> "72 matmul" [label="(49, 3, 64, 32)", style=solid]; +"65 linalg_vector_norm_1" -> "66 clamp_min_1" [label="(49, 3, 64, 1)", style=solid]; +"66 clamp_min_1" -> "67 expand_as_1" [label="(49, 3, 64, 1)", style=solid]; +"67 expand_as_1" -> "68 div_1" [label="(49, 3, 64, 32)", style=solid]; +"68 div_1" -> "69 quantize_per_tensor_default_3" [label="(49, 3, 64, 32)", style=solid]; +"69 quantize_per_tensor_default_3" -> "70 dequantize_per_tensor_default_3" [label="(49, 3, 64, 32)", style=solid]; +"70 dequantize_per_tensor_default_3" -> "71 transpose" [label="(49, 3, 64, 32)", style=solid]; +"71 transpose" -> "72 matmul" [label="(49, 3, 32, 64)", style=solid]; +"72 matmul" -> "76 mul_1" [label="(49, 3, 64, 64)", style=solid]; +"73 _param_constant9" -> "74 clamp" [label="(3, 1, 1)", style=solid]; +"74 clamp" -> "75 exp" [label="(3, 1, 1)", style=solid]; +"75 exp" -> "76 mul_1" [label="(3, 1, 1)", style=solid]; +"76 mul_1" -> "77 add" [label="(49, 3, 64, 64)", style=solid]; +"77 add" -> "78 softmax" [label="(49, 3, 64, 64)", style=solid]; +"78 softmax" -> "79 dropout" [label="(49, 3, 64, 64)", style=solid]; +"79 dropout" -> "80 matmul_1" [label="(49, 3, 64, 64)", style=solid]; +"80 matmul_1" -> "81 transpose_1" [label="(49, 3, 64, 32)", style=solid]; +"81 transpose_1" -> "82 reshape_2" [label="(49, 64, 3, 32)", style=solid]; +"82 reshape_2" -> "84 reshape_2_0_0_nncf_smooth_quant_0" [label="(49, 64, 96)", style=solid]; +"83 linear_3_updated_constant0" -> "89 quantize_per_channel_default_4" [label="(96, 96)", style=solid]; +"84 reshape_2_0_0_nncf_smooth_quant_0" -> "85 quantize_per_tensor_default_4" [label="(49, 64, 96)", style=solid]; +"85 quantize_per_tensor_default_4" -> "86 dequantize_per_tensor_default_4" [label="(49, 64, 96)", style=solid]; +"86 dequantize_per_tensor_default_4" -> "92 linear_3" [label="(49, 64, 96)", style=solid]; +"87 linear_3_scale_0" -> "89 quantize_per_channel_default_4" [label="(96,)", style=solid]; +"87 linear_3_scale_0" -> "90 dequantize_per_channel_default_4" [label="(96,)", style=solid]; +"88 linear_3_zero_point_0" -> "89 quantize_per_channel_default_4" [label="(96,)", style=solid]; +"88 linear_3_zero_point_0" -> "90 dequantize_per_channel_default_4" [label="(96,)", style=solid]; +"89 quantize_per_channel_default_4" -> "90 dequantize_per_channel_default_4" [label="(96, 96)", style=solid]; +"90 dequantize_per_channel_default_4" -> "92 linear_3" [label="(96, 96)", style=solid]; +"91 _param_constant11_0_0" -> "92 linear_3" [label="(96,)", style=solid]; +"92 linear_3" -> "93 dropout_1" [label="(49, 64, 96)", style=solid]; +"93 dropout_1" -> "94 view_3" [label="(49, 64, 96)", style=solid]; +"94 view_3" -> "95 permute_4" [label="(1, 7, 7, 8, 8, 96)", style=solid]; +"95 permute_4" -> "96 reshape_3" [label="(1, 7, 8, 7, 8, 96)", style=solid]; +"96 reshape_3" -> "97 slice_2" [label="(1, 56, 56, 96)", style=solid]; +"97 slice_2" -> "98 slice_3" [label="(1, 56, 56, 96)", style=solid]; +"98 slice_3" -> "101 layer_norm_1" [label="(1, 56, 56, 96)", style=solid]; +"99 _param_constant12" -> "101 layer_norm_1" [label="(96,)", style=solid]; +"100 _param_constant13" -> "101 layer_norm_1" [label="(96,)", style=solid]; +"101 layer_norm_1" -> "102 add_1" [label="(1, 56, 56, 96)", style=solid]; +"102 add_1" -> "104 add_1_0_0_nncf_smooth_quant_0" [label="(1, 56, 56, 96)", style=solid]; +"102 add_1" -> "129 add_2" [label="(1, 56, 56, 96)", style=solid]; +"103 linear_4_updated_constant0" -> "109 quantize_per_channel_default_5" [label="(384, 96)", style=solid]; +"104 add_1_0_0_nncf_smooth_quant_0" -> "105 quantize_per_tensor_default_5" [label="(1, 56, 56, 96)", style=solid]; +"105 quantize_per_tensor_default_5" -> "106 dequantize_per_tensor_default_5" [label="(1, 56, 56, 96)", style=solid]; +"106 dequantize_per_tensor_default_5" -> "112 linear_4" [label="(1, 56, 56, 96)", style=solid]; +"107 linear_4_scale_0" -> "109 quantize_per_channel_default_5" [label="(384,)", style=solid]; +"107 linear_4_scale_0" -> "110 dequantize_per_channel_default_5" [label="(384,)", style=solid]; +"108 linear_4_zero_point_0" -> "109 quantize_per_channel_default_5" [label="(384,)", style=solid]; +"108 linear_4_zero_point_0" -> "110 dequantize_per_channel_default_5" [label="(384,)", style=solid]; +"109 quantize_per_channel_default_5" -> "110 dequantize_per_channel_default_5" [label="(384, 96)", style=solid]; +"110 dequantize_per_channel_default_5" -> "112 linear_4" [label="(384, 96)", style=solid]; +"111 _param_constant15_0_0" -> "112 linear_4" [label="(384,)", style=solid]; +"112 linear_4" -> "113 gelu" [label="(1, 56, 56, 384)", style=solid]; +"113 gelu" -> "114 dropout_2" [label="(1, 56, 56, 384)", style=solid]; +"114 dropout_2" -> "116 dropout_2_0_0_nncf_smooth_quant_0" [label="(1, 56, 56, 384)", style=solid]; +"115 linear_5_updated_constant0" -> "121 quantize_per_channel_default_6" [label="(96, 384)", style=solid]; +"116 dropout_2_0_0_nncf_smooth_quant_0" -> "117 quantize_per_tensor_default_6" [label="(1, 56, 56, 384)", style=solid]; +"117 quantize_per_tensor_default_6" -> "118 dequantize_per_tensor_default_6" [label="(1, 56, 56, 384)", style=solid]; +"118 dequantize_per_tensor_default_6" -> "124 linear_5" [label="(1, 56, 56, 384)", style=solid]; +"119 linear_5_scale_0" -> "121 quantize_per_channel_default_6" [label="(96,)", style=solid]; +"119 linear_5_scale_0" -> "122 dequantize_per_channel_default_6" [label="(96,)", style=solid]; +"120 linear_5_zero_point_0" -> "121 quantize_per_channel_default_6" [label="(96,)", style=solid]; +"120 linear_5_zero_point_0" -> "122 dequantize_per_channel_default_6" [label="(96,)", style=solid]; +"121 quantize_per_channel_default_6" -> "122 dequantize_per_channel_default_6" [label="(96, 384)", style=solid]; +"122 dequantize_per_channel_default_6" -> "124 linear_5" [label="(96, 384)", style=solid]; +"123 _param_constant17_0_0" -> "124 linear_5" [label="(96,)", style=solid]; +"124 linear_5" -> "125 dropout_3" [label="(1, 56, 56, 96)", style=solid]; +"125 dropout_3" -> "128 layer_norm_2" [label="(1, 56, 56, 96)", style=solid]; +"126 _param_constant18" -> "128 layer_norm_2" [label="(96,)", style=solid]; +"127 _param_constant19" -> "128 layer_norm_2" [label="(96,)", style=solid]; +"128 layer_norm_2" -> "129 add_2" [label="(1, 56, 56, 96)", style=solid]; +"129 add_2" -> "156 pad_1" [label="(1, 56, 56, 96)", style=solid]; +"129 add_2" -> "236 add_5" [label="(1, 56, 56, 96)", style=solid]; +"130 _tensor_constant2" -> "132 _tensor_constant2_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; +"131 linear_6_updated_constant0" -> "135 quantize_per_channel_default_7" [label="(512, 2)", style=solid]; +"132 _tensor_constant2_0_0_nncf_smooth_quant_0" -> "138 linear_6" [label="(1, 15, 15, 2)", style=solid]; +"133 linear_6_scale_0" -> "135 quantize_per_channel_default_7" [label="(512,)", style=solid]; +"133 linear_6_scale_0" -> "136 dequantize_per_channel_default_7" [label="(512,)", style=solid]; +"134 linear_6_zero_point_0" -> "135 quantize_per_channel_default_7" [label="(512,)", style=solid]; +"134 linear_6_zero_point_0" -> "136 dequantize_per_channel_default_7" [label="(512,)", style=solid]; +"135 quantize_per_channel_default_7" -> "136 dequantize_per_channel_default_7" [label="(512, 2)", style=solid]; +"136 dequantize_per_channel_default_7" -> "138 linear_6" [label="(512, 2)", style=solid]; +"137 _param_constant21_0_0" -> "138 linear_6" [label="(512,)", style=solid]; +"138 linear_6" -> "139 relu__1" [label="(1, 15, 15, 512)", style=solid]; +"139 relu__1" -> "141 relu__1_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; +"140 linear_7_updated_constant0" -> "144 quantize_per_channel_default_8" [label="(3, 512)", style=solid]; +"141 relu__1_0_0_nncf_smooth_quant_0" -> "146 linear_7" [label="(1, 15, 15, 512)", style=solid]; +"142 linear_7_scale_0" -> "144 quantize_per_channel_default_8" [label="(3,)", style=solid]; +"142 linear_7_scale_0" -> "145 dequantize_per_channel_default_8" [label="(3,)", style=solid]; +"143 linear_7_zero_point_0" -> "144 quantize_per_channel_default_8" [label="(3,)", style=solid]; +"143 linear_7_zero_point_0" -> "145 dequantize_per_channel_default_8" [label="(3,)", style=solid]; +"144 quantize_per_channel_default_8" -> "145 dequantize_per_channel_default_8" [label="(3, 512)", style=solid]; +"145 dequantize_per_channel_default_8" -> "146 linear_7" [label="(3, 512)", style=solid]; +"146 linear_7" -> "147 view_4" [label="(1, 15, 15, 3)", style=solid]; +"147 view_4" -> "149 index_1" [label="(225, 3)", style=solid]; +"148 _tensor_constant3" -> "149 index_1" [label="(4096,)", style=solid]; +"149 index_1" -> "150 view_5" [label="(4096, 3)", style=solid]; +"150 view_5" -> "151 permute_5" [label="(64, 64, 3)", style=solid]; +"151 permute_5" -> "152 contiguous_1" [label="(3, 64, 64)", style=solid]; +"152 contiguous_1" -> "153 unsqueeze_1" [label="(3, 64, 64)", style=solid]; +"153 unsqueeze_1" -> "154 sigmoid_1" [label="(1, 3, 64, 64)", style=solid]; +"154 sigmoid_1" -> "155 mul_2" [label="(1, 3, 64, 64)", style=solid]; +"155 mul_2" -> "194 add_3" [label="(1, 3, 64, 64)", style=solid]; +"156 pad_1" -> "157 roll" [label="(1, 56, 56, 96)", style=solid]; +"157 roll" -> "158 view_6" [label="(1, 56, 56, 96)", style=solid]; +"158 view_6" -> "159 permute_6" [label="(1, 7, 8, 7, 8, 96)", style=solid]; +"159 permute_6" -> "160 reshape_4" [label="(1, 7, 7, 8, 8, 96)", style=solid]; +"160 reshape_4" -> "162 reshape_4_0_0_nncf_smooth_quant_0" [label="(49, 64, 96)", style=solid]; +"160 reshape_4" -> "195 new_zeros" [label="(49, 64, 96)", style=solid]; +"161 linear_8_updated_constant0" -> "167 quantize_per_channel_default_9" [label="(288, 96)", style=solid]; +"162 reshape_4_0_0_nncf_smooth_quant_0" -> "163 quantize_per_tensor_default_7" [label="(49, 64, 96)", style=solid]; +"163 quantize_per_tensor_default_7" -> "164 dequantize_per_tensor_default_7" [label="(49, 64, 96)", style=solid]; +"164 dequantize_per_tensor_default_7" -> "170 linear_8" [label="(49, 64, 96)", style=solid]; +"165 linear_8_scale_0" -> "167 quantize_per_channel_default_9" [label="(288,)", style=solid]; +"165 linear_8_scale_0" -> "168 dequantize_per_channel_default_9" [label="(288,)", style=solid]; +"166 linear_8_zero_point_0" -> "167 quantize_per_channel_default_9" [label="(288,)", style=solid]; +"166 linear_8_zero_point_0" -> "168 dequantize_per_channel_default_9" [label="(288,)", style=solid]; +"167 quantize_per_channel_default_9" -> "168 dequantize_per_channel_default_9" [label="(288, 96)", style=solid]; +"168 dequantize_per_channel_default_9" -> "170 linear_8" [label="(288, 96)", style=solid]; +"169 _param_constant23_0_0" -> "170 linear_8" [label="(288,)", style=solid]; +"170 linear_8" -> "171 reshape_5" [label="(49, 64, 288)", style=solid]; +"171 reshape_5" -> "172 permute_7" [label="(49, 64, 3, 3, 32)", style=solid]; +"172 permute_7" -> "173 select_3" [label="(3, 49, 3, 64, 32)", style=solid]; +"172 permute_7" -> "174 select_4" [label="(3, 49, 3, 64, 32)", style=solid]; +"172 permute_7" -> "175 select_5" [label="(3, 49, 3, 64, 32)", style=solid]; +"173 select_3" -> "176 linalg_vector_norm_2" [label="(49, 3, 64, 32)", style=solid]; +"173 select_3" -> "178 expand_as_2" [label="(49, 3, 64, 32)", style=solid]; +"173 select_3" -> "179 div_2" [label="(49, 3, 64, 32)", style=solid]; +"174 select_4" -> "182 linalg_vector_norm_3" [label="(49, 3, 64, 32)", style=solid]; +"174 select_4" -> "184 expand_as_3" [label="(49, 3, 64, 32)", style=solid]; +"174 select_4" -> "185 div_3" [label="(49, 3, 64, 32)", style=solid]; +"175 select_5" -> "213 matmul_3" [label="(49, 3, 64, 32)", style=solid]; +"176 linalg_vector_norm_2" -> "177 clamp_min_2" [label="(49, 3, 64, 1)", style=solid]; +"177 clamp_min_2" -> "178 expand_as_2" [label="(49, 3, 64, 1)", style=solid]; +"178 expand_as_2" -> "179 div_2" [label="(49, 3, 64, 32)", style=solid]; +"179 div_2" -> "180 quantize_per_tensor_default_8" [label="(49, 3, 64, 32)", style=solid]; +"180 quantize_per_tensor_default_8" -> "181 dequantize_per_tensor_default_8" [label="(49, 3, 64, 32)", style=solid]; +"181 dequantize_per_tensor_default_8" -> "189 matmul_2" [label="(49, 3, 64, 32)", style=solid]; +"182 linalg_vector_norm_3" -> "183 clamp_min_3" [label="(49, 3, 64, 1)", style=solid]; +"183 clamp_min_3" -> "184 expand_as_3" [label="(49, 3, 64, 1)", style=solid]; +"184 expand_as_3" -> "185 div_3" [label="(49, 3, 64, 32)", style=solid]; +"185 div_3" -> "186 quantize_per_tensor_default_9" [label="(49, 3, 64, 32)", style=solid]; +"186 quantize_per_tensor_default_9" -> "187 dequantize_per_tensor_default_9" [label="(49, 3, 64, 32)", style=solid]; +"187 dequantize_per_tensor_default_9" -> "188 transpose_2" [label="(49, 3, 64, 32)", style=solid]; +"188 transpose_2" -> "189 matmul_2" [label="(49, 3, 32, 64)", style=solid]; +"189 matmul_2" -> "193 mul_3" [label="(49, 3, 64, 64)", style=solid]; +"190 _param_constant25" -> "191 clamp_1" [label="(3, 1, 1)", style=solid]; +"191 clamp_1" -> "192 exp_1" [label="(3, 1, 1)", style=solid]; +"192 exp_1" -> "193 mul_3" [label="(3, 1, 1)", style=solid]; +"193 mul_3" -> "194 add_3" [label="(49, 3, 64, 64)", style=solid]; +"194 add_3" -> "206 view_8" [label="(49, 3, 64, 64)", style=solid]; +"195 new_zeros" -> "196 view_7" [label="(56, 56)", style=solid]; +"196 view_7" -> "197 permute_8" [label="(7, 8, 7, 8)", style=solid]; +"197 permute_8" -> "198 reshape_6" [label="(7, 7, 8, 8)", style=solid]; +"198 reshape_6" -> "199 unsqueeze_2" [label="(49, 64)", style=solid]; +"198 reshape_6" -> "200 unsqueeze_3" [label="(49, 64)", style=solid]; +"199 unsqueeze_2" -> "201 sub" [label="(49, 1, 64)", style=solid]; +"200 unsqueeze_3" -> "201 sub" [label="(49, 64, 1)", style=solid]; +"201 sub" -> "202 ne" [label="(49, 64, 64)", style=solid]; +"201 sub" -> "203 masked_fill" [label="(49, 64, 64)", style=solid]; +"201 sub" -> "204 eq" [label="(49, 64, 64)", style=solid]; +"202 ne" -> "203 masked_fill" [label="(49, 64, 64)", style=solid]; +"203 masked_fill" -> "205 masked_fill_1" [label="(49, 64, 64)", style=solid]; +"204 eq" -> "205 masked_fill_1" [label="(49, 64, 64)", style=solid]; +"205 masked_fill_1" -> "207 unsqueeze_4" [label="(49, 64, 64)", style=solid]; +"206 view_8" -> "209 add_4" [label="(1, 49, 3, 64, 64)", style=solid]; +"207 unsqueeze_4" -> "208 unsqueeze_5" [label="(49, 1, 64, 64)", style=solid]; +"208 unsqueeze_5" -> "209 add_4" [label="(1, 49, 1, 64, 64)", style=solid]; +"209 add_4" -> "210 view_9" [label="(1, 49, 3, 64, 64)", style=solid]; +"210 view_9" -> "211 softmax_1" [label="(49, 3, 64, 64)", style=solid]; +"211 softmax_1" -> "212 dropout_4" [label="(49, 3, 64, 64)", style=solid]; +"212 dropout_4" -> "213 matmul_3" [label="(49, 3, 64, 64)", style=solid]; +"213 matmul_3" -> "214 transpose_3" [label="(49, 3, 64, 32)", style=solid]; +"214 transpose_3" -> "215 reshape_7" [label="(49, 64, 3, 32)", style=solid]; +"215 reshape_7" -> "217 reshape_7_0_0_nncf_smooth_quant_0" [label="(49, 64, 96)", style=solid]; +"216 linear_9_updated_constant0" -> "222 quantize_per_channel_default_10" [label="(96, 96)", style=solid]; +"217 reshape_7_0_0_nncf_smooth_quant_0" -> "218 quantize_per_tensor_default_10" [label="(49, 64, 96)", style=solid]; +"218 quantize_per_tensor_default_10" -> "219 dequantize_per_tensor_default_10" [label="(49, 64, 96)", style=solid]; +"219 dequantize_per_tensor_default_10" -> "225 linear_9" [label="(49, 64, 96)", style=solid]; +"220 linear_9_scale_0" -> "222 quantize_per_channel_default_10" [label="(96,)", style=solid]; +"220 linear_9_scale_0" -> "223 dequantize_per_channel_default_10" [label="(96,)", style=solid]; +"221 linear_9_zero_point_0" -> "222 quantize_per_channel_default_10" [label="(96,)", style=solid]; +"221 linear_9_zero_point_0" -> "223 dequantize_per_channel_default_10" [label="(96,)", style=solid]; +"222 quantize_per_channel_default_10" -> "223 dequantize_per_channel_default_10" [label="(96, 96)", style=solid]; +"223 dequantize_per_channel_default_10" -> "225 linear_9" [label="(96, 96)", style=solid]; +"224 _param_constant27_0_0" -> "225 linear_9" [label="(96,)", style=solid]; +"225 linear_9" -> "226 dropout_5" [label="(49, 64, 96)", style=solid]; +"226 dropout_5" -> "227 view_10" [label="(49, 64, 96)", style=solid]; +"227 view_10" -> "228 permute_9" [label="(1, 7, 7, 8, 8, 96)", style=solid]; +"228 permute_9" -> "229 reshape_8" [label="(1, 7, 8, 7, 8, 96)", style=solid]; +"229 reshape_8" -> "230 roll_1" [label="(1, 56, 56, 96)", style=solid]; +"230 roll_1" -> "231 slice_23" [label="(1, 56, 56, 96)", style=solid]; +"231 slice_23" -> "232 slice_24" [label="(1, 56, 56, 96)", style=solid]; +"232 slice_24" -> "235 layer_norm_3" [label="(1, 56, 56, 96)", style=solid]; +"233 _param_constant28" -> "235 layer_norm_3" [label="(96,)", style=solid]; +"234 _param_constant29" -> "235 layer_norm_3" [label="(96,)", style=solid]; +"235 layer_norm_3" -> "236 add_5" [label="(1, 56, 56, 96)", style=solid]; +"236 add_5" -> "238 add_5_0_0_nncf_smooth_quant_0" [label="(1, 56, 56, 96)", style=solid]; +"236 add_5" -> "263 add_6" [label="(1, 56, 56, 96)", style=solid]; +"237 linear_10_updated_constant0" -> "243 quantize_per_channel_default_11" [label="(384, 96)", style=solid]; +"238 add_5_0_0_nncf_smooth_quant_0" -> "239 quantize_per_tensor_default_11" [label="(1, 56, 56, 96)", style=solid]; +"239 quantize_per_tensor_default_11" -> "240 dequantize_per_tensor_default_11" [label="(1, 56, 56, 96)", style=solid]; +"240 dequantize_per_tensor_default_11" -> "246 linear_10" [label="(1, 56, 56, 96)", style=solid]; +"241 linear_10_scale_0" -> "243 quantize_per_channel_default_11" [label="(384,)", style=solid]; +"241 linear_10_scale_0" -> "244 dequantize_per_channel_default_11" [label="(384,)", style=solid]; +"242 linear_10_zero_point_0" -> "243 quantize_per_channel_default_11" [label="(384,)", style=solid]; +"242 linear_10_zero_point_0" -> "244 dequantize_per_channel_default_11" [label="(384,)", style=solid]; +"243 quantize_per_channel_default_11" -> "244 dequantize_per_channel_default_11" [label="(384, 96)", style=solid]; +"244 dequantize_per_channel_default_11" -> "246 linear_10" [label="(384, 96)", style=solid]; +"245 _param_constant31_0_0" -> "246 linear_10" [label="(384,)", style=solid]; +"246 linear_10" -> "247 gelu_1" [label="(1, 56, 56, 384)", style=solid]; +"247 gelu_1" -> "248 dropout_6" [label="(1, 56, 56, 384)", style=solid]; +"248 dropout_6" -> "250 dropout_6_0_0_nncf_smooth_quant_0" [label="(1, 56, 56, 384)", style=solid]; +"249 linear_11_updated_constant0" -> "255 quantize_per_channel_default_12" [label="(96, 384)", style=solid]; +"250 dropout_6_0_0_nncf_smooth_quant_0" -> "251 quantize_per_tensor_default_12" [label="(1, 56, 56, 384)", style=solid]; +"251 quantize_per_tensor_default_12" -> "252 dequantize_per_tensor_default_12" [label="(1, 56, 56, 384)", style=solid]; +"252 dequantize_per_tensor_default_12" -> "258 linear_11" [label="(1, 56, 56, 384)", style=solid]; +"253 linear_11_scale_0" -> "255 quantize_per_channel_default_12" [label="(96,)", style=solid]; +"253 linear_11_scale_0" -> "256 dequantize_per_channel_default_12" [label="(96,)", style=solid]; +"254 linear_11_zero_point_0" -> "255 quantize_per_channel_default_12" [label="(96,)", style=solid]; +"254 linear_11_zero_point_0" -> "256 dequantize_per_channel_default_12" [label="(96,)", style=solid]; +"255 quantize_per_channel_default_12" -> "256 dequantize_per_channel_default_12" [label="(96, 384)", style=solid]; +"256 dequantize_per_channel_default_12" -> "258 linear_11" [label="(96, 384)", style=solid]; +"257 _param_constant33_0_0" -> "258 linear_11" [label="(96,)", style=solid]; +"258 linear_11" -> "259 dropout_7" [label="(1, 56, 56, 96)", style=solid]; +"259 dropout_7" -> "262 layer_norm_4" [label="(1, 56, 56, 96)", style=solid]; +"260 _param_constant34" -> "262 layer_norm_4" [label="(96,)", style=solid]; +"261 _param_constant35" -> "262 layer_norm_4" [label="(96,)", style=solid]; +"262 layer_norm_4" -> "263 add_6" [label="(1, 56, 56, 96)", style=solid]; +"263 add_6" -> "264 pad_2" [label="(1, 56, 56, 96)", style=solid]; +"264 pad_2" -> "265 slice_25" [label="(1, 56, 56, 96)", style=solid]; +"264 pad_2" -> "268 slice_28" [label="(1, 56, 56, 96)", style=solid]; +"264 pad_2" -> "271 slice_31" [label="(1, 56, 56, 96)", style=solid]; +"264 pad_2" -> "274 slice_34" [label="(1, 56, 56, 96)", style=solid]; +"265 slice_25" -> "266 slice_26" [label="(1, 28, 56, 96)", style=solid]; +"266 slice_26" -> "267 slice_27" [label="(1, 28, 28, 96)", style=solid]; +"267 slice_27" -> "277 cat" [label="(1, 28, 28, 96)", style=solid]; +"268 slice_28" -> "269 slice_29" [label="(1, 28, 56, 96)", style=solid]; +"269 slice_29" -> "270 slice_30" [label="(1, 28, 28, 96)", style=solid]; +"270 slice_30" -> "277 cat" [label="(1, 28, 28, 96)", style=solid]; +"271 slice_31" -> "272 slice_32" [label="(1, 28, 56, 96)", style=solid]; +"272 slice_32" -> "273 slice_33" [label="(1, 28, 28, 96)", style=solid]; +"273 slice_33" -> "277 cat" [label="(1, 28, 28, 96)", style=solid]; +"274 slice_34" -> "275 slice_35" [label="(1, 28, 56, 96)", style=solid]; +"275 slice_35" -> "276 slice_36" [label="(1, 28, 28, 96)", style=solid]; +"276 slice_36" -> "277 cat" [label="(1, 28, 28, 96)", style=solid]; +"277 cat" -> "279 cat_0_0_nncf_smooth_quant_0" [label="(1, 28, 28, 384)", style=solid]; +"278 linear_12_updated_constant0" -> "284 quantize_per_channel_default_13" [label="(192, 384)", style=solid]; +"279 cat_0_0_nncf_smooth_quant_0" -> "280 quantize_per_tensor_default_13" [label="(1, 28, 28, 384)", style=solid]; +"280 quantize_per_tensor_default_13" -> "281 dequantize_per_tensor_default_13" [label="(1, 28, 28, 384)", style=solid]; +"281 dequantize_per_tensor_default_13" -> "286 linear_12" [label="(1, 28, 28, 384)", style=solid]; +"282 linear_12_scale_0" -> "284 quantize_per_channel_default_13" [label="(192,)", style=solid]; +"282 linear_12_scale_0" -> "285 dequantize_per_channel_default_13" [label="(192,)", style=solid]; +"283 linear_12_zero_point_0" -> "284 quantize_per_channel_default_13" [label="(192,)", style=solid]; +"283 linear_12_zero_point_0" -> "285 dequantize_per_channel_default_13" [label="(192,)", style=solid]; +"284 quantize_per_channel_default_13" -> "285 dequantize_per_channel_default_13" [label="(192, 384)", style=solid]; +"285 dequantize_per_channel_default_13" -> "286 linear_12" [label="(192, 384)", style=solid]; +"286 linear_12" -> "289 layer_norm_5" [label="(1, 28, 28, 192)", style=solid]; +"287 _param_constant37" -> "289 layer_norm_5" [label="(192,)", style=solid]; +"288 _param_constant38" -> "289 layer_norm_5" [label="(192,)", style=solid]; +"289 layer_norm_5" -> "316 pad_3" [label="(1, 28, 28, 192)", style=solid]; +"289 layer_norm_5" -> "381 add_8" [label="(1, 28, 28, 192)", style=solid]; +"290 _tensor_constant13" -> "292 _tensor_constant13_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; +"291 linear_13_updated_constant0" -> "295 quantize_per_channel_default_14" [label="(512, 2)", style=solid]; +"292 _tensor_constant13_0_0_nncf_smooth_quant_0" -> "298 linear_13" [label="(1, 15, 15, 2)", style=solid]; +"293 linear_13_scale_0" -> "295 quantize_per_channel_default_14" [label="(512,)", style=solid]; +"293 linear_13_scale_0" -> "296 dequantize_per_channel_default_14" [label="(512,)", style=solid]; +"294 linear_13_zero_point_0" -> "295 quantize_per_channel_default_14" [label="(512,)", style=solid]; +"294 linear_13_zero_point_0" -> "296 dequantize_per_channel_default_14" [label="(512,)", style=solid]; +"295 quantize_per_channel_default_14" -> "296 dequantize_per_channel_default_14" [label="(512, 2)", style=solid]; +"296 dequantize_per_channel_default_14" -> "298 linear_13" [label="(512, 2)", style=solid]; +"297 _param_constant40_0_0" -> "298 linear_13" [label="(512,)", style=solid]; +"298 linear_13" -> "299 relu__2" [label="(1, 15, 15, 512)", style=solid]; +"299 relu__2" -> "301 relu__2_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; +"300 linear_14_updated_constant0" -> "304 quantize_per_channel_default_15" [label="(6, 512)", style=solid]; +"301 relu__2_0_0_nncf_smooth_quant_0" -> "306 linear_14" [label="(1, 15, 15, 512)", style=solid]; +"302 linear_14_scale_0" -> "304 quantize_per_channel_default_15" [label="(6,)", style=solid]; +"302 linear_14_scale_0" -> "305 dequantize_per_channel_default_15" [label="(6,)", style=solid]; +"303 linear_14_zero_point_0" -> "304 quantize_per_channel_default_15" [label="(6,)", style=solid]; +"303 linear_14_zero_point_0" -> "305 dequantize_per_channel_default_15" [label="(6,)", style=solid]; +"304 quantize_per_channel_default_15" -> "305 dequantize_per_channel_default_15" [label="(6, 512)", style=solid]; +"305 dequantize_per_channel_default_15" -> "306 linear_14" [label="(6, 512)", style=solid]; +"306 linear_14" -> "307 view_11" [label="(1, 15, 15, 6)", style=solid]; +"307 view_11" -> "309 index_2" [label="(225, 6)", style=solid]; +"308 _tensor_constant14" -> "309 index_2" [label="(4096,)", style=solid]; +"309 index_2" -> "310 view_12" [label="(4096, 6)", style=solid]; +"310 view_12" -> "311 permute_10" [label="(64, 64, 6)", style=solid]; +"311 permute_10" -> "312 contiguous_2" [label="(6, 64, 64)", style=solid]; +"312 contiguous_2" -> "313 unsqueeze_6" [label="(6, 64, 64)", style=solid]; +"313 unsqueeze_6" -> "314 sigmoid_2" [label="(1, 6, 64, 64)", style=solid]; +"314 sigmoid_2" -> "315 mul_4" [label="(1, 6, 64, 64)", style=solid]; +"315 mul_4" -> "353 add_7" [label="(1, 6, 64, 64)", style=solid]; +"316 pad_3" -> "317 view_13" [label="(1, 32, 32, 192)", style=solid]; +"317 view_13" -> "318 permute_11" [label="(1, 4, 8, 4, 8, 192)", style=solid]; +"318 permute_11" -> "319 reshape_9" [label="(1, 4, 4, 8, 8, 192)", style=solid]; +"319 reshape_9" -> "321 reshape_9_0_0_nncf_smooth_quant_0" [label="(16, 64, 192)", style=solid]; +"320 linear_15_updated_constant0" -> "326 quantize_per_channel_default_16" [label="(576, 192)", style=solid]; +"321 reshape_9_0_0_nncf_smooth_quant_0" -> "322 quantize_per_tensor_default_14" [label="(16, 64, 192)", style=solid]; +"322 quantize_per_tensor_default_14" -> "323 dequantize_per_tensor_default_14" [label="(16, 64, 192)", style=solid]; +"323 dequantize_per_tensor_default_14" -> "329 linear_15" [label="(16, 64, 192)", style=solid]; +"324 linear_15_scale_0" -> "326 quantize_per_channel_default_16" [label="(576,)", style=solid]; +"324 linear_15_scale_0" -> "327 dequantize_per_channel_default_16" [label="(576,)", style=solid]; +"325 linear_15_zero_point_0" -> "326 quantize_per_channel_default_16" [label="(576,)", style=solid]; +"325 linear_15_zero_point_0" -> "327 dequantize_per_channel_default_16" [label="(576,)", style=solid]; +"326 quantize_per_channel_default_16" -> "327 dequantize_per_channel_default_16" [label="(576, 192)", style=solid]; +"327 dequantize_per_channel_default_16" -> "329 linear_15" [label="(576, 192)", style=solid]; +"328 _param_constant42_0_0" -> "329 linear_15" [label="(576,)", style=solid]; +"329 linear_15" -> "330 reshape_10" [label="(16, 64, 576)", style=solid]; +"330 reshape_10" -> "331 permute_12" [label="(16, 64, 3, 6, 32)", style=solid]; +"331 permute_12" -> "332 select_6" [label="(3, 16, 6, 64, 32)", style=solid]; +"331 permute_12" -> "333 select_7" [label="(3, 16, 6, 64, 32)", style=solid]; +"331 permute_12" -> "334 select_8" [label="(3, 16, 6, 64, 32)", style=solid]; +"332 select_6" -> "335 linalg_vector_norm_4" [label="(16, 6, 64, 32)", style=solid]; +"332 select_6" -> "337 expand_as_4" [label="(16, 6, 64, 32)", style=solid]; +"332 select_6" -> "338 div_4" [label="(16, 6, 64, 32)", style=solid]; +"333 select_7" -> "341 linalg_vector_norm_5" [label="(16, 6, 64, 32)", style=solid]; +"333 select_7" -> "343 expand_as_5" [label="(16, 6, 64, 32)", style=solid]; +"333 select_7" -> "344 div_5" [label="(16, 6, 64, 32)", style=solid]; +"334 select_8" -> "356 matmul_5" [label="(16, 6, 64, 32)", style=solid]; +"335 linalg_vector_norm_4" -> "336 clamp_min_4" [label="(16, 6, 64, 1)", style=solid]; +"336 clamp_min_4" -> "337 expand_as_4" [label="(16, 6, 64, 1)", style=solid]; +"337 expand_as_4" -> "338 div_4" [label="(16, 6, 64, 32)", style=solid]; +"338 div_4" -> "339 quantize_per_tensor_default_15" [label="(16, 6, 64, 32)", style=solid]; +"339 quantize_per_tensor_default_15" -> "340 dequantize_per_tensor_default_15" [label="(16, 6, 64, 32)", style=solid]; +"340 dequantize_per_tensor_default_15" -> "348 matmul_4" [label="(16, 6, 64, 32)", style=solid]; +"341 linalg_vector_norm_5" -> "342 clamp_min_5" [label="(16, 6, 64, 1)", style=solid]; +"342 clamp_min_5" -> "343 expand_as_5" [label="(16, 6, 64, 1)", style=solid]; +"343 expand_as_5" -> "344 div_5" [label="(16, 6, 64, 32)", style=solid]; +"344 div_5" -> "345 quantize_per_tensor_default_16" [label="(16, 6, 64, 32)", style=solid]; +"345 quantize_per_tensor_default_16" -> "346 dequantize_per_tensor_default_16" [label="(16, 6, 64, 32)", style=solid]; +"346 dequantize_per_tensor_default_16" -> "347 transpose_4" [label="(16, 6, 64, 32)", style=solid]; +"347 transpose_4" -> "348 matmul_4" [label="(16, 6, 32, 64)", style=solid]; +"348 matmul_4" -> "352 mul_5" [label="(16, 6, 64, 64)", style=solid]; +"349 _param_constant44" -> "350 clamp_2" [label="(6, 1, 1)", style=solid]; +"350 clamp_2" -> "351 exp_2" [label="(6, 1, 1)", style=solid]; +"351 exp_2" -> "352 mul_5" [label="(6, 1, 1)", style=solid]; +"352 mul_5" -> "353 add_7" [label="(16, 6, 64, 64)", style=solid]; +"353 add_7" -> "354 softmax_2" [label="(16, 6, 64, 64)", style=solid]; +"354 softmax_2" -> "355 dropout_8" [label="(16, 6, 64, 64)", style=solid]; +"355 dropout_8" -> "356 matmul_5" [label="(16, 6, 64, 64)", style=solid]; +"356 matmul_5" -> "357 transpose_5" [label="(16, 6, 64, 32)", style=solid]; +"357 transpose_5" -> "358 reshape_11" [label="(16, 64, 6, 32)", style=solid]; +"358 reshape_11" -> "360 reshape_11_0_0_nncf_smooth_quant_0" [label="(16, 64, 192)", style=solid]; +"359 linear_16_updated_constant0" -> "365 quantize_per_channel_default_17" [label="(192, 192)", style=solid]; +"360 reshape_11_0_0_nncf_smooth_quant_0" -> "361 quantize_per_tensor_default_17" [label="(16, 64, 192)", style=solid]; +"361 quantize_per_tensor_default_17" -> "362 dequantize_per_tensor_default_17" [label="(16, 64, 192)", style=solid]; +"362 dequantize_per_tensor_default_17" -> "368 linear_16" [label="(16, 64, 192)", style=solid]; +"363 linear_16_scale_0" -> "365 quantize_per_channel_default_17" [label="(192,)", style=solid]; +"363 linear_16_scale_0" -> "366 dequantize_per_channel_default_17" [label="(192,)", style=solid]; +"364 linear_16_zero_point_0" -> "365 quantize_per_channel_default_17" [label="(192,)", style=solid]; +"364 linear_16_zero_point_0" -> "366 dequantize_per_channel_default_17" [label="(192,)", style=solid]; +"365 quantize_per_channel_default_17" -> "366 dequantize_per_channel_default_17" [label="(192, 192)", style=solid]; +"366 dequantize_per_channel_default_17" -> "368 linear_16" [label="(192, 192)", style=solid]; +"367 _param_constant46_0_0" -> "368 linear_16" [label="(192,)", style=solid]; +"368 linear_16" -> "369 dropout_9" [label="(16, 64, 192)", style=solid]; +"369 dropout_9" -> "370 view_14" [label="(16, 64, 192)", style=solid]; +"370 view_14" -> "371 permute_13" [label="(1, 4, 4, 8, 8, 192)", style=solid]; +"371 permute_13" -> "372 reshape_12" [label="(1, 4, 8, 4, 8, 192)", style=solid]; +"372 reshape_12" -> "373 slice_38" [label="(1, 32, 32, 192)", style=solid]; +"373 slice_38" -> "374 slice_39" [label="(1, 32, 32, 192)", style=solid]; +"374 slice_39" -> "375 slice_40" [label="(1, 28, 32, 192)", style=solid]; +"375 slice_40" -> "376 slice_41" [label="(1, 28, 28, 192)", style=solid]; +"376 slice_41" -> "377 contiguous_3" [label="(1, 28, 28, 192)", style=solid]; +"377 contiguous_3" -> "380 layer_norm_6" [label="(1, 28, 28, 192)", style=solid]; +"378 _param_constant47" -> "380 layer_norm_6" [label="(192,)", style=solid]; +"379 _param_constant48" -> "380 layer_norm_6" [label="(192,)", style=solid]; +"380 layer_norm_6" -> "381 add_8" [label="(1, 28, 28, 192)", style=solid]; +"381 add_8" -> "383 add_8_0_0_nncf_smooth_quant_0" [label="(1, 28, 28, 192)", style=solid]; +"381 add_8" -> "408 add_9" [label="(1, 28, 28, 192)", style=solid]; +"382 linear_17_updated_constant0" -> "388 quantize_per_channel_default_18" [label="(768, 192)", style=solid]; +"383 add_8_0_0_nncf_smooth_quant_0" -> "384 quantize_per_tensor_default_18" [label="(1, 28, 28, 192)", style=solid]; +"384 quantize_per_tensor_default_18" -> "385 dequantize_per_tensor_default_18" [label="(1, 28, 28, 192)", style=solid]; +"385 dequantize_per_tensor_default_18" -> "391 linear_17" [label="(1, 28, 28, 192)", style=solid]; +"386 linear_17_scale_0" -> "388 quantize_per_channel_default_18" [label="(768,)", style=solid]; +"386 linear_17_scale_0" -> "389 dequantize_per_channel_default_18" [label="(768,)", style=solid]; +"387 linear_17_zero_point_0" -> "388 quantize_per_channel_default_18" [label="(768,)", style=solid]; +"387 linear_17_zero_point_0" -> "389 dequantize_per_channel_default_18" [label="(768,)", style=solid]; +"388 quantize_per_channel_default_18" -> "389 dequantize_per_channel_default_18" [label="(768, 192)", style=solid]; +"389 dequantize_per_channel_default_18" -> "391 linear_17" [label="(768, 192)", style=solid]; +"390 _param_constant50_0_0" -> "391 linear_17" [label="(768,)", style=solid]; +"391 linear_17" -> "392 gelu_2" [label="(1, 28, 28, 768)", style=solid]; +"392 gelu_2" -> "393 dropout_10" [label="(1, 28, 28, 768)", style=solid]; +"393 dropout_10" -> "395 dropout_10_0_0_nncf_smooth_quant_0" [label="(1, 28, 28, 768)", style=solid]; +"394 linear_18_updated_constant0" -> "400 quantize_per_channel_default_19" [label="(192, 768)", style=solid]; +"395 dropout_10_0_0_nncf_smooth_quant_0" -> "396 quantize_per_tensor_default_19" [label="(1, 28, 28, 768)", style=solid]; +"396 quantize_per_tensor_default_19" -> "397 dequantize_per_tensor_default_19" [label="(1, 28, 28, 768)", style=solid]; +"397 dequantize_per_tensor_default_19" -> "403 linear_18" [label="(1, 28, 28, 768)", style=solid]; +"398 linear_18_scale_0" -> "400 quantize_per_channel_default_19" [label="(192,)", style=solid]; +"398 linear_18_scale_0" -> "401 dequantize_per_channel_default_19" [label="(192,)", style=solid]; +"399 linear_18_zero_point_0" -> "400 quantize_per_channel_default_19" [label="(192,)", style=solid]; +"399 linear_18_zero_point_0" -> "401 dequantize_per_channel_default_19" [label="(192,)", style=solid]; +"400 quantize_per_channel_default_19" -> "401 dequantize_per_channel_default_19" [label="(192, 768)", style=solid]; +"401 dequantize_per_channel_default_19" -> "403 linear_18" [label="(192, 768)", style=solid]; +"402 _param_constant52_0_0" -> "403 linear_18" [label="(192,)", style=solid]; +"403 linear_18" -> "404 dropout_11" [label="(1, 28, 28, 192)", style=solid]; +"404 dropout_11" -> "407 layer_norm_7" [label="(1, 28, 28, 192)", style=solid]; +"405 _param_constant53" -> "407 layer_norm_7" [label="(192,)", style=solid]; +"406 _param_constant54" -> "407 layer_norm_7" [label="(192,)", style=solid]; +"407 layer_norm_7" -> "408 add_9" [label="(1, 28, 28, 192)", style=solid]; +"408 add_9" -> "435 pad_4" [label="(1, 28, 28, 192)", style=solid]; +"408 add_9" -> "518 add_12" [label="(1, 28, 28, 192)", style=solid]; +"409 _tensor_constant15" -> "411 _tensor_constant15_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; +"410 linear_19_updated_constant0" -> "414 quantize_per_channel_default_20" [label="(512, 2)", style=solid]; +"411 _tensor_constant15_0_0_nncf_smooth_quant_0" -> "417 linear_19" [label="(1, 15, 15, 2)", style=solid]; +"412 linear_19_scale_0" -> "414 quantize_per_channel_default_20" [label="(512,)", style=solid]; +"412 linear_19_scale_0" -> "415 dequantize_per_channel_default_20" [label="(512,)", style=solid]; +"413 linear_19_zero_point_0" -> "414 quantize_per_channel_default_20" [label="(512,)", style=solid]; +"413 linear_19_zero_point_0" -> "415 dequantize_per_channel_default_20" [label="(512,)", style=solid]; +"414 quantize_per_channel_default_20" -> "415 dequantize_per_channel_default_20" [label="(512, 2)", style=solid]; +"415 dequantize_per_channel_default_20" -> "417 linear_19" [label="(512, 2)", style=solid]; +"416 _param_constant56_0_0" -> "417 linear_19" [label="(512,)", style=solid]; +"417 linear_19" -> "418 relu__3" [label="(1, 15, 15, 512)", style=solid]; +"418 relu__3" -> "420 relu__3_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; +"419 linear_20_updated_constant0" -> "423 quantize_per_channel_default_21" [label="(6, 512)", style=solid]; +"420 relu__3_0_0_nncf_smooth_quant_0" -> "425 linear_20" [label="(1, 15, 15, 512)", style=solid]; +"421 linear_20_scale_0" -> "423 quantize_per_channel_default_21" [label="(6,)", style=solid]; +"421 linear_20_scale_0" -> "424 dequantize_per_channel_default_21" [label="(6,)", style=solid]; +"422 linear_20_zero_point_0" -> "423 quantize_per_channel_default_21" [label="(6,)", style=solid]; +"422 linear_20_zero_point_0" -> "424 dequantize_per_channel_default_21" [label="(6,)", style=solid]; +"423 quantize_per_channel_default_21" -> "424 dequantize_per_channel_default_21" [label="(6, 512)", style=solid]; +"424 dequantize_per_channel_default_21" -> "425 linear_20" [label="(6, 512)", style=solid]; +"425 linear_20" -> "426 view_15" [label="(1, 15, 15, 6)", style=solid]; +"426 view_15" -> "428 index_3" [label="(225, 6)", style=solid]; +"427 _tensor_constant16" -> "428 index_3" [label="(4096,)", style=solid]; +"428 index_3" -> "429 view_16" [label="(4096, 6)", style=solid]; +"429 view_16" -> "430 permute_14" [label="(64, 64, 6)", style=solid]; +"430 permute_14" -> "431 contiguous_4" [label="(6, 64, 64)", style=solid]; +"431 contiguous_4" -> "432 unsqueeze_7" [label="(6, 64, 64)", style=solid]; +"432 unsqueeze_7" -> "433 sigmoid_3" [label="(1, 6, 64, 64)", style=solid]; +"433 sigmoid_3" -> "434 mul_6" [label="(1, 6, 64, 64)", style=solid]; +"434 mul_6" -> "473 add_10" [label="(1, 6, 64, 64)", style=solid]; +"435 pad_4" -> "436 roll_2" [label="(1, 32, 32, 192)", style=solid]; +"436 roll_2" -> "437 view_17" [label="(1, 32, 32, 192)", style=solid]; +"437 view_17" -> "438 permute_15" [label="(1, 4, 8, 4, 8, 192)", style=solid]; +"438 permute_15" -> "439 reshape_13" [label="(1, 4, 4, 8, 8, 192)", style=solid]; +"439 reshape_13" -> "441 reshape_13_0_0_nncf_smooth_quant_0" [label="(16, 64, 192)", style=solid]; +"439 reshape_13" -> "474 new_zeros_1" [label="(16, 64, 192)", style=solid]; +"440 linear_21_updated_constant0" -> "446 quantize_per_channel_default_22" [label="(576, 192)", style=solid]; +"441 reshape_13_0_0_nncf_smooth_quant_0" -> "442 quantize_per_tensor_default_20" [label="(16, 64, 192)", style=solid]; +"442 quantize_per_tensor_default_20" -> "443 dequantize_per_tensor_default_20" [label="(16, 64, 192)", style=solid]; +"443 dequantize_per_tensor_default_20" -> "449 linear_21" [label="(16, 64, 192)", style=solid]; +"444 linear_21_scale_0" -> "446 quantize_per_channel_default_22" [label="(576,)", style=solid]; +"444 linear_21_scale_0" -> "447 dequantize_per_channel_default_22" [label="(576,)", style=solid]; +"445 linear_21_zero_point_0" -> "446 quantize_per_channel_default_22" [label="(576,)", style=solid]; +"445 linear_21_zero_point_0" -> "447 dequantize_per_channel_default_22" [label="(576,)", style=solid]; +"446 quantize_per_channel_default_22" -> "447 dequantize_per_channel_default_22" [label="(576, 192)", style=solid]; +"447 dequantize_per_channel_default_22" -> "449 linear_21" [label="(576, 192)", style=solid]; +"448 _param_constant58_0_0" -> "449 linear_21" [label="(576,)", style=solid]; +"449 linear_21" -> "450 reshape_14" [label="(16, 64, 576)", style=solid]; +"450 reshape_14" -> "451 permute_16" [label="(16, 64, 3, 6, 32)", style=solid]; +"451 permute_16" -> "452 select_9" [label="(3, 16, 6, 64, 32)", style=solid]; +"451 permute_16" -> "453 select_10" [label="(3, 16, 6, 64, 32)", style=solid]; +"451 permute_16" -> "454 select_11" [label="(3, 16, 6, 64, 32)", style=solid]; +"452 select_9" -> "455 linalg_vector_norm_6" [label="(16, 6, 64, 32)", style=solid]; +"452 select_9" -> "457 expand_as_6" [label="(16, 6, 64, 32)", style=solid]; +"452 select_9" -> "458 div_6" [label="(16, 6, 64, 32)", style=solid]; +"453 select_10" -> "461 linalg_vector_norm_7" [label="(16, 6, 64, 32)", style=solid]; +"453 select_10" -> "463 expand_as_7" [label="(16, 6, 64, 32)", style=solid]; +"453 select_10" -> "464 div_7" [label="(16, 6, 64, 32)", style=solid]; +"454 select_11" -> "492 matmul_7" [label="(16, 6, 64, 32)", style=solid]; +"455 linalg_vector_norm_6" -> "456 clamp_min_6" [label="(16, 6, 64, 1)", style=solid]; +"456 clamp_min_6" -> "457 expand_as_6" [label="(16, 6, 64, 1)", style=solid]; +"457 expand_as_6" -> "458 div_6" [label="(16, 6, 64, 32)", style=solid]; +"458 div_6" -> "459 quantize_per_tensor_default_21" [label="(16, 6, 64, 32)", style=solid]; +"459 quantize_per_tensor_default_21" -> "460 dequantize_per_tensor_default_21" [label="(16, 6, 64, 32)", style=solid]; +"460 dequantize_per_tensor_default_21" -> "468 matmul_6" [label="(16, 6, 64, 32)", style=solid]; +"461 linalg_vector_norm_7" -> "462 clamp_min_7" [label="(16, 6, 64, 1)", style=solid]; +"462 clamp_min_7" -> "463 expand_as_7" [label="(16, 6, 64, 1)", style=solid]; +"463 expand_as_7" -> "464 div_7" [label="(16, 6, 64, 32)", style=solid]; +"464 div_7" -> "465 quantize_per_tensor_default_22" [label="(16, 6, 64, 32)", style=solid]; +"465 quantize_per_tensor_default_22" -> "466 dequantize_per_tensor_default_22" [label="(16, 6, 64, 32)", style=solid]; +"466 dequantize_per_tensor_default_22" -> "467 transpose_6" [label="(16, 6, 64, 32)", style=solid]; +"467 transpose_6" -> "468 matmul_6" [label="(16, 6, 32, 64)", style=solid]; +"468 matmul_6" -> "472 mul_7" [label="(16, 6, 64, 64)", style=solid]; +"469 _param_constant60" -> "470 clamp_3" [label="(6, 1, 1)", style=solid]; +"470 clamp_3" -> "471 exp_3" [label="(6, 1, 1)", style=solid]; +"471 exp_3" -> "472 mul_7" [label="(6, 1, 1)", style=solid]; +"472 mul_7" -> "473 add_10" [label="(16, 6, 64, 64)", style=solid]; +"473 add_10" -> "485 view_19" [label="(16, 6, 64, 64)", style=solid]; +"474 new_zeros_1" -> "475 view_18" [label="(32, 32)", style=solid]; +"475 view_18" -> "476 permute_17" [label="(4, 8, 4, 8)", style=solid]; +"476 permute_17" -> "477 reshape_15" [label="(4, 4, 8, 8)", style=solid]; +"477 reshape_15" -> "478 unsqueeze_8" [label="(16, 64)", style=solid]; +"477 reshape_15" -> "479 unsqueeze_9" [label="(16, 64)", style=solid]; +"478 unsqueeze_8" -> "480 sub_1" [label="(16, 1, 64)", style=solid]; +"479 unsqueeze_9" -> "480 sub_1" [label="(16, 64, 1)", style=solid]; +"480 sub_1" -> "481 ne_1" [label="(16, 64, 64)", style=solid]; +"480 sub_1" -> "482 masked_fill_2" [label="(16, 64, 64)", style=solid]; +"480 sub_1" -> "483 eq_1" [label="(16, 64, 64)", style=solid]; +"481 ne_1" -> "482 masked_fill_2" [label="(16, 64, 64)", style=solid]; +"482 masked_fill_2" -> "484 masked_fill_3" [label="(16, 64, 64)", style=solid]; +"483 eq_1" -> "484 masked_fill_3" [label="(16, 64, 64)", style=solid]; +"484 masked_fill_3" -> "486 unsqueeze_10" [label="(16, 64, 64)", style=solid]; +"485 view_19" -> "488 add_11" [label="(1, 16, 6, 64, 64)", style=solid]; +"486 unsqueeze_10" -> "487 unsqueeze_11" [label="(16, 1, 64, 64)", style=solid]; +"487 unsqueeze_11" -> "488 add_11" [label="(1, 16, 1, 64, 64)", style=solid]; +"488 add_11" -> "489 view_20" [label="(1, 16, 6, 64, 64)", style=solid]; +"489 view_20" -> "490 softmax_3" [label="(16, 6, 64, 64)", style=solid]; +"490 softmax_3" -> "491 dropout_12" [label="(16, 6, 64, 64)", style=solid]; +"491 dropout_12" -> "492 matmul_7" [label="(16, 6, 64, 64)", style=solid]; +"492 matmul_7" -> "493 transpose_7" [label="(16, 6, 64, 32)", style=solid]; +"493 transpose_7" -> "494 reshape_16" [label="(16, 64, 6, 32)", style=solid]; +"494 reshape_16" -> "496 reshape_16_0_0_nncf_smooth_quant_0" [label="(16, 64, 192)", style=solid]; +"495 linear_22_updated_constant0" -> "501 quantize_per_channel_default_23" [label="(192, 192)", style=solid]; +"496 reshape_16_0_0_nncf_smooth_quant_0" -> "497 quantize_per_tensor_default_23" [label="(16, 64, 192)", style=solid]; +"497 quantize_per_tensor_default_23" -> "498 dequantize_per_tensor_default_23" [label="(16, 64, 192)", style=solid]; +"498 dequantize_per_tensor_default_23" -> "504 linear_22" [label="(16, 64, 192)", style=solid]; +"499 linear_22_scale_0" -> "501 quantize_per_channel_default_23" [label="(192,)", style=solid]; +"499 linear_22_scale_0" -> "502 dequantize_per_channel_default_23" [label="(192,)", style=solid]; +"500 linear_22_zero_point_0" -> "501 quantize_per_channel_default_23" [label="(192,)", style=solid]; +"500 linear_22_zero_point_0" -> "502 dequantize_per_channel_default_23" [label="(192,)", style=solid]; +"501 quantize_per_channel_default_23" -> "502 dequantize_per_channel_default_23" [label="(192, 192)", style=solid]; +"502 dequantize_per_channel_default_23" -> "504 linear_22" [label="(192, 192)", style=solid]; +"503 _param_constant62_0_0" -> "504 linear_22" [label="(192,)", style=solid]; +"504 linear_22" -> "505 dropout_13" [label="(16, 64, 192)", style=solid]; +"505 dropout_13" -> "506 view_21" [label="(16, 64, 192)", style=solid]; +"506 view_21" -> "507 permute_18" [label="(1, 4, 4, 8, 8, 192)", style=solid]; +"507 permute_18" -> "508 reshape_17" [label="(1, 4, 8, 4, 8, 192)", style=solid]; +"508 reshape_17" -> "509 roll_3" [label="(1, 32, 32, 192)", style=solid]; +"509 roll_3" -> "510 slice_61" [label="(1, 32, 32, 192)", style=solid]; +"510 slice_61" -> "511 slice_62" [label="(1, 32, 32, 192)", style=solid]; +"511 slice_62" -> "512 slice_63" [label="(1, 28, 32, 192)", style=solid]; +"512 slice_63" -> "513 slice_64" [label="(1, 28, 28, 192)", style=solid]; +"513 slice_64" -> "514 contiguous_5" [label="(1, 28, 28, 192)", style=solid]; +"514 contiguous_5" -> "517 layer_norm_8" [label="(1, 28, 28, 192)", style=solid]; +"515 _param_constant63" -> "517 layer_norm_8" [label="(192,)", style=solid]; +"516 _param_constant64" -> "517 layer_norm_8" [label="(192,)", style=solid]; +"517 layer_norm_8" -> "518 add_12" [label="(1, 28, 28, 192)", style=solid]; +"518 add_12" -> "520 add_12_0_0_nncf_smooth_quant_0" [label="(1, 28, 28, 192)", style=solid]; +"518 add_12" -> "545 add_13" [label="(1, 28, 28, 192)", style=solid]; +"519 linear_23_updated_constant0" -> "525 quantize_per_channel_default_24" [label="(768, 192)", style=solid]; +"520 add_12_0_0_nncf_smooth_quant_0" -> "521 quantize_per_tensor_default_24" [label="(1, 28, 28, 192)", style=solid]; +"521 quantize_per_tensor_default_24" -> "522 dequantize_per_tensor_default_24" [label="(1, 28, 28, 192)", style=solid]; +"522 dequantize_per_tensor_default_24" -> "528 linear_23" [label="(1, 28, 28, 192)", style=solid]; +"523 linear_23_scale_0" -> "525 quantize_per_channel_default_24" [label="(768,)", style=solid]; +"523 linear_23_scale_0" -> "526 dequantize_per_channel_default_24" [label="(768,)", style=solid]; +"524 linear_23_zero_point_0" -> "525 quantize_per_channel_default_24" [label="(768,)", style=solid]; +"524 linear_23_zero_point_0" -> "526 dequantize_per_channel_default_24" [label="(768,)", style=solid]; +"525 quantize_per_channel_default_24" -> "526 dequantize_per_channel_default_24" [label="(768, 192)", style=solid]; +"526 dequantize_per_channel_default_24" -> "528 linear_23" [label="(768, 192)", style=solid]; +"527 _param_constant66_0_0" -> "528 linear_23" [label="(768,)", style=solid]; +"528 linear_23" -> "529 gelu_3" [label="(1, 28, 28, 768)", style=solid]; +"529 gelu_3" -> "530 dropout_14" [label="(1, 28, 28, 768)", style=solid]; +"530 dropout_14" -> "532 dropout_14_0_0_nncf_smooth_quant_0" [label="(1, 28, 28, 768)", style=solid]; +"531 linear_24_updated_constant0" -> "537 quantize_per_channel_default_25" [label="(192, 768)", style=solid]; +"532 dropout_14_0_0_nncf_smooth_quant_0" -> "533 quantize_per_tensor_default_25" [label="(1, 28, 28, 768)", style=solid]; +"533 quantize_per_tensor_default_25" -> "534 dequantize_per_tensor_default_25" [label="(1, 28, 28, 768)", style=solid]; +"534 dequantize_per_tensor_default_25" -> "540 linear_24" [label="(1, 28, 28, 768)", style=solid]; +"535 linear_24_scale_0" -> "537 quantize_per_channel_default_25" [label="(192,)", style=solid]; +"535 linear_24_scale_0" -> "538 dequantize_per_channel_default_25" [label="(192,)", style=solid]; +"536 linear_24_zero_point_0" -> "537 quantize_per_channel_default_25" [label="(192,)", style=solid]; +"536 linear_24_zero_point_0" -> "538 dequantize_per_channel_default_25" [label="(192,)", style=solid]; +"537 quantize_per_channel_default_25" -> "538 dequantize_per_channel_default_25" [label="(192, 768)", style=solid]; +"538 dequantize_per_channel_default_25" -> "540 linear_24" [label="(192, 768)", style=solid]; +"539 _param_constant68_0_0" -> "540 linear_24" [label="(192,)", style=solid]; +"540 linear_24" -> "541 dropout_15" [label="(1, 28, 28, 192)", style=solid]; +"541 dropout_15" -> "544 layer_norm_9" [label="(1, 28, 28, 192)", style=solid]; +"542 _param_constant69" -> "544 layer_norm_9" [label="(192,)", style=solid]; +"543 _param_constant70" -> "544 layer_norm_9" [label="(192,)", style=solid]; +"544 layer_norm_9" -> "545 add_13" [label="(1, 28, 28, 192)", style=solid]; +"545 add_13" -> "546 pad_5" [label="(1, 28, 28, 192)", style=solid]; +"546 pad_5" -> "547 slice_65" [label="(1, 28, 28, 192)", style=solid]; +"546 pad_5" -> "550 slice_68" [label="(1, 28, 28, 192)", style=solid]; +"546 pad_5" -> "553 slice_71" [label="(1, 28, 28, 192)", style=solid]; +"546 pad_5" -> "556 slice_74" [label="(1, 28, 28, 192)", style=solid]; +"547 slice_65" -> "548 slice_66" [label="(1, 14, 28, 192)", style=solid]; +"548 slice_66" -> "549 slice_67" [label="(1, 14, 14, 192)", style=solid]; +"549 slice_67" -> "559 cat_1" [label="(1, 14, 14, 192)", style=solid]; +"550 slice_68" -> "551 slice_69" [label="(1, 14, 28, 192)", style=solid]; +"551 slice_69" -> "552 slice_70" [label="(1, 14, 14, 192)", style=solid]; +"552 slice_70" -> "559 cat_1" [label="(1, 14, 14, 192)", style=solid]; +"553 slice_71" -> "554 slice_72" [label="(1, 14, 28, 192)", style=solid]; +"554 slice_72" -> "555 slice_73" [label="(1, 14, 14, 192)", style=solid]; +"555 slice_73" -> "559 cat_1" [label="(1, 14, 14, 192)", style=solid]; +"556 slice_74" -> "557 slice_75" [label="(1, 14, 28, 192)", style=solid]; +"557 slice_75" -> "558 slice_76" [label="(1, 14, 14, 192)", style=solid]; +"558 slice_76" -> "559 cat_1" [label="(1, 14, 14, 192)", style=solid]; +"559 cat_1" -> "561 cat_1_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 768)", style=solid]; +"560 linear_25_updated_constant0" -> "566 quantize_per_channel_default_26" [label="(384, 768)", style=solid]; +"561 cat_1_0_0_nncf_smooth_quant_0" -> "562 quantize_per_tensor_default_26" [label="(1, 14, 14, 768)", style=solid]; +"562 quantize_per_tensor_default_26" -> "563 dequantize_per_tensor_default_26" [label="(1, 14, 14, 768)", style=solid]; +"563 dequantize_per_tensor_default_26" -> "568 linear_25" [label="(1, 14, 14, 768)", style=solid]; +"564 linear_25_scale_0" -> "566 quantize_per_channel_default_26" [label="(384,)", style=solid]; +"564 linear_25_scale_0" -> "567 dequantize_per_channel_default_26" [label="(384,)", style=solid]; +"565 linear_25_zero_point_0" -> "566 quantize_per_channel_default_26" [label="(384,)", style=solid]; +"565 linear_25_zero_point_0" -> "567 dequantize_per_channel_default_26" [label="(384,)", style=solid]; +"566 quantize_per_channel_default_26" -> "567 dequantize_per_channel_default_26" [label="(384, 768)", style=solid]; +"567 dequantize_per_channel_default_26" -> "568 linear_25" [label="(384, 768)", style=solid]; +"568 linear_25" -> "571 layer_norm_10" [label="(1, 14, 14, 384)", style=solid]; +"569 _param_constant72" -> "571 layer_norm_10" [label="(384,)", style=solid]; +"570 _param_constant73" -> "571 layer_norm_10" [label="(384,)", style=solid]; +"571 layer_norm_10" -> "598 pad_6" [label="(1, 14, 14, 384)", style=solid]; +"571 layer_norm_10" -> "663 add_15" [label="(1, 14, 14, 384)", style=solid]; +"572 _tensor_constant26" -> "574 _tensor_constant26_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; +"573 linear_26_updated_constant0" -> "577 quantize_per_channel_default_27" [label="(512, 2)", style=solid]; +"574 _tensor_constant26_0_0_nncf_smooth_quant_0" -> "580 linear_26" [label="(1, 15, 15, 2)", style=solid]; +"575 linear_26_scale_0" -> "577 quantize_per_channel_default_27" [label="(512,)", style=solid]; +"575 linear_26_scale_0" -> "578 dequantize_per_channel_default_27" [label="(512,)", style=solid]; +"576 linear_26_zero_point_0" -> "577 quantize_per_channel_default_27" [label="(512,)", style=solid]; +"576 linear_26_zero_point_0" -> "578 dequantize_per_channel_default_27" [label="(512,)", style=solid]; +"577 quantize_per_channel_default_27" -> "578 dequantize_per_channel_default_27" [label="(512, 2)", style=solid]; +"578 dequantize_per_channel_default_27" -> "580 linear_26" [label="(512, 2)", style=solid]; +"579 _param_constant75_0_0" -> "580 linear_26" [label="(512,)", style=solid]; +"580 linear_26" -> "581 relu__4" [label="(1, 15, 15, 512)", style=solid]; +"581 relu__4" -> "583 relu__4_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; +"582 linear_27_updated_constant0" -> "586 quantize_per_channel_default_28" [label="(12, 512)", style=solid]; +"583 relu__4_0_0_nncf_smooth_quant_0" -> "588 linear_27" [label="(1, 15, 15, 512)", style=solid]; +"584 linear_27_scale_0" -> "586 quantize_per_channel_default_28" [label="(12,)", style=solid]; +"584 linear_27_scale_0" -> "587 dequantize_per_channel_default_28" [label="(12,)", style=solid]; +"585 linear_27_zero_point_0" -> "586 quantize_per_channel_default_28" [label="(12,)", style=solid]; +"585 linear_27_zero_point_0" -> "587 dequantize_per_channel_default_28" [label="(12,)", style=solid]; +"586 quantize_per_channel_default_28" -> "587 dequantize_per_channel_default_28" [label="(12, 512)", style=solid]; +"587 dequantize_per_channel_default_28" -> "588 linear_27" [label="(12, 512)", style=solid]; +"588 linear_27" -> "589 view_22" [label="(1, 15, 15, 12)", style=solid]; +"589 view_22" -> "591 index_4" [label="(225, 12)", style=solid]; +"590 _tensor_constant27" -> "591 index_4" [label="(4096,)", style=solid]; +"591 index_4" -> "592 view_23" [label="(4096, 12)", style=solid]; +"592 view_23" -> "593 permute_19" [label="(64, 64, 12)", style=solid]; +"593 permute_19" -> "594 contiguous_6" [label="(12, 64, 64)", style=solid]; +"594 contiguous_6" -> "595 unsqueeze_12" [label="(12, 64, 64)", style=solid]; +"595 unsqueeze_12" -> "596 sigmoid_4" [label="(1, 12, 64, 64)", style=solid]; +"596 sigmoid_4" -> "597 mul_8" [label="(1, 12, 64, 64)", style=solid]; +"597 mul_8" -> "635 add_14" [label="(1, 12, 64, 64)", style=solid]; +"598 pad_6" -> "599 view_24" [label="(1, 16, 16, 384)", style=solid]; +"599 view_24" -> "600 permute_20" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"600 permute_20" -> "601 reshape_18" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"601 reshape_18" -> "603 reshape_18_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"602 linear_28_updated_constant0" -> "608 quantize_per_channel_default_29" [label="(1152, 384)", style=solid]; +"603 reshape_18_0_0_nncf_smooth_quant_0" -> "604 quantize_per_tensor_default_27" [label="(4, 64, 384)", style=solid]; +"604 quantize_per_tensor_default_27" -> "605 dequantize_per_tensor_default_27" [label="(4, 64, 384)", style=solid]; +"605 dequantize_per_tensor_default_27" -> "611 linear_28" [label="(4, 64, 384)", style=solid]; +"606 linear_28_scale_0" -> "608 quantize_per_channel_default_29" [label="(1152,)", style=solid]; +"606 linear_28_scale_0" -> "609 dequantize_per_channel_default_29" [label="(1152,)", style=solid]; +"607 linear_28_zero_point_0" -> "608 quantize_per_channel_default_29" [label="(1152,)", style=solid]; +"607 linear_28_zero_point_0" -> "609 dequantize_per_channel_default_29" [label="(1152,)", style=solid]; +"608 quantize_per_channel_default_29" -> "609 dequantize_per_channel_default_29" [label="(1152, 384)", style=solid]; +"609 dequantize_per_channel_default_29" -> "611 linear_28" [label="(1152, 384)", style=solid]; +"610 _param_constant77_0_0" -> "611 linear_28" [label="(1152,)", style=solid]; +"611 linear_28" -> "612 reshape_19" [label="(4, 64, 1152)", style=solid]; +"612 reshape_19" -> "613 permute_21" [label="(4, 64, 3, 12, 32)", style=solid]; +"613 permute_21" -> "614 select_12" [label="(3, 4, 12, 64, 32)", style=solid]; +"613 permute_21" -> "615 select_13" [label="(3, 4, 12, 64, 32)", style=solid]; +"613 permute_21" -> "616 select_14" [label="(3, 4, 12, 64, 32)", style=solid]; +"614 select_12" -> "617 linalg_vector_norm_8" [label="(4, 12, 64, 32)", style=solid]; +"614 select_12" -> "619 expand_as_8" [label="(4, 12, 64, 32)", style=solid]; +"614 select_12" -> "620 div_8" [label="(4, 12, 64, 32)", style=solid]; +"615 select_13" -> "623 linalg_vector_norm_9" [label="(4, 12, 64, 32)", style=solid]; +"615 select_13" -> "625 expand_as_9" [label="(4, 12, 64, 32)", style=solid]; +"615 select_13" -> "626 div_9" [label="(4, 12, 64, 32)", style=solid]; +"616 select_14" -> "638 matmul_9" [label="(4, 12, 64, 32)", style=solid]; +"617 linalg_vector_norm_8" -> "618 clamp_min_8" [label="(4, 12, 64, 1)", style=solid]; +"618 clamp_min_8" -> "619 expand_as_8" [label="(4, 12, 64, 1)", style=solid]; +"619 expand_as_8" -> "620 div_8" [label="(4, 12, 64, 32)", style=solid]; +"620 div_8" -> "621 quantize_per_tensor_default_28" [label="(4, 12, 64, 32)", style=solid]; +"621 quantize_per_tensor_default_28" -> "622 dequantize_per_tensor_default_28" [label="(4, 12, 64, 32)", style=solid]; +"622 dequantize_per_tensor_default_28" -> "630 matmul_8" [label="(4, 12, 64, 32)", style=solid]; +"623 linalg_vector_norm_9" -> "624 clamp_min_9" [label="(4, 12, 64, 1)", style=solid]; +"624 clamp_min_9" -> "625 expand_as_9" [label="(4, 12, 64, 1)", style=solid]; +"625 expand_as_9" -> "626 div_9" [label="(4, 12, 64, 32)", style=solid]; +"626 div_9" -> "627 quantize_per_tensor_default_29" [label="(4, 12, 64, 32)", style=solid]; +"627 quantize_per_tensor_default_29" -> "628 dequantize_per_tensor_default_29" [label="(4, 12, 64, 32)", style=solid]; +"628 dequantize_per_tensor_default_29" -> "629 transpose_8" [label="(4, 12, 64, 32)", style=solid]; +"629 transpose_8" -> "630 matmul_8" [label="(4, 12, 32, 64)", style=solid]; +"630 matmul_8" -> "634 mul_9" [label="(4, 12, 64, 64)", style=solid]; +"631 _param_constant79" -> "632 clamp_4" [label="(12, 1, 1)", style=solid]; +"632 clamp_4" -> "633 exp_4" [label="(12, 1, 1)", style=solid]; +"633 exp_4" -> "634 mul_9" [label="(12, 1, 1)", style=solid]; +"634 mul_9" -> "635 add_14" [label="(4, 12, 64, 64)", style=solid]; +"635 add_14" -> "636 softmax_4" [label="(4, 12, 64, 64)", style=solid]; +"636 softmax_4" -> "637 dropout_16" [label="(4, 12, 64, 64)", style=solid]; +"637 dropout_16" -> "638 matmul_9" [label="(4, 12, 64, 64)", style=solid]; +"638 matmul_9" -> "639 transpose_9" [label="(4, 12, 64, 32)", style=solid]; +"639 transpose_9" -> "640 reshape_20" [label="(4, 64, 12, 32)", style=solid]; +"640 reshape_20" -> "642 reshape_20_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"641 linear_29_updated_constant0" -> "647 quantize_per_channel_default_30" [label="(384, 384)", style=solid]; +"642 reshape_20_0_0_nncf_smooth_quant_0" -> "643 quantize_per_tensor_default_30" [label="(4, 64, 384)", style=solid]; +"643 quantize_per_tensor_default_30" -> "644 dequantize_per_tensor_default_30" [label="(4, 64, 384)", style=solid]; +"644 dequantize_per_tensor_default_30" -> "650 linear_29" [label="(4, 64, 384)", style=solid]; +"645 linear_29_scale_0" -> "647 quantize_per_channel_default_30" [label="(384,)", style=solid]; +"645 linear_29_scale_0" -> "648 dequantize_per_channel_default_30" [label="(384,)", style=solid]; +"646 linear_29_zero_point_0" -> "647 quantize_per_channel_default_30" [label="(384,)", style=solid]; +"646 linear_29_zero_point_0" -> "648 dequantize_per_channel_default_30" [label="(384,)", style=solid]; +"647 quantize_per_channel_default_30" -> "648 dequantize_per_channel_default_30" [label="(384, 384)", style=solid]; +"648 dequantize_per_channel_default_30" -> "650 linear_29" [label="(384, 384)", style=solid]; +"649 _param_constant81_0_0" -> "650 linear_29" [label="(384,)", style=solid]; +"650 linear_29" -> "651 dropout_17" [label="(4, 64, 384)", style=solid]; +"651 dropout_17" -> "652 view_25" [label="(4, 64, 384)", style=solid]; +"652 view_25" -> "653 permute_22" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"653 permute_22" -> "654 reshape_21" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"654 reshape_21" -> "655 slice_78" [label="(1, 16, 16, 384)", style=solid]; +"655 slice_78" -> "656 slice_79" [label="(1, 16, 16, 384)", style=solid]; +"656 slice_79" -> "657 slice_80" [label="(1, 14, 16, 384)", style=solid]; +"657 slice_80" -> "658 slice_81" [label="(1, 14, 14, 384)", style=solid]; +"658 slice_81" -> "659 contiguous_7" [label="(1, 14, 14, 384)", style=solid]; +"659 contiguous_7" -> "662 layer_norm_11" [label="(1, 14, 14, 384)", style=solid]; +"660 _param_constant82" -> "662 layer_norm_11" [label="(384,)", style=solid]; +"661 _param_constant83" -> "662 layer_norm_11" [label="(384,)", style=solid]; +"662 layer_norm_11" -> "663 add_15" [label="(1, 14, 14, 384)", style=solid]; +"663 add_15" -> "665 add_15_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; +"663 add_15" -> "690 add_16" [label="(1, 14, 14, 384)", style=solid]; +"664 linear_30_updated_constant0" -> "670 quantize_per_channel_default_31" [label="(1536, 384)", style=solid]; +"665 add_15_0_0_nncf_smooth_quant_0" -> "666 quantize_per_tensor_default_31" [label="(1, 14, 14, 384)", style=solid]; +"666 quantize_per_tensor_default_31" -> "667 dequantize_per_tensor_default_31" [label="(1, 14, 14, 384)", style=solid]; +"667 dequantize_per_tensor_default_31" -> "673 linear_30" [label="(1, 14, 14, 384)", style=solid]; +"668 linear_30_scale_0" -> "670 quantize_per_channel_default_31" [label="(1536,)", style=solid]; +"668 linear_30_scale_0" -> "671 dequantize_per_channel_default_31" [label="(1536,)", style=solid]; +"669 linear_30_zero_point_0" -> "670 quantize_per_channel_default_31" [label="(1536,)", style=solid]; +"669 linear_30_zero_point_0" -> "671 dequantize_per_channel_default_31" [label="(1536,)", style=solid]; +"670 quantize_per_channel_default_31" -> "671 dequantize_per_channel_default_31" [label="(1536, 384)", style=solid]; +"671 dequantize_per_channel_default_31" -> "673 linear_30" [label="(1536, 384)", style=solid]; +"672 _param_constant85_0_0" -> "673 linear_30" [label="(1536,)", style=solid]; +"673 linear_30" -> "674 gelu_4" [label="(1, 14, 14, 1536)", style=solid]; +"674 gelu_4" -> "675 dropout_18" [label="(1, 14, 14, 1536)", style=solid]; +"675 dropout_18" -> "677 dropout_18_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; +"676 linear_31_updated_constant0" -> "682 quantize_per_channel_default_32" [label="(384, 1536)", style=solid]; +"677 dropout_18_0_0_nncf_smooth_quant_0" -> "678 quantize_per_tensor_default_32" [label="(1, 14, 14, 1536)", style=solid]; +"678 quantize_per_tensor_default_32" -> "679 dequantize_per_tensor_default_32" [label="(1, 14, 14, 1536)", style=solid]; +"679 dequantize_per_tensor_default_32" -> "685 linear_31" [label="(1, 14, 14, 1536)", style=solid]; +"680 linear_31_scale_0" -> "682 quantize_per_channel_default_32" [label="(384,)", style=solid]; +"680 linear_31_scale_0" -> "683 dequantize_per_channel_default_32" [label="(384,)", style=solid]; +"681 linear_31_zero_point_0" -> "682 quantize_per_channel_default_32" [label="(384,)", style=solid]; +"681 linear_31_zero_point_0" -> "683 dequantize_per_channel_default_32" [label="(384,)", style=solid]; +"682 quantize_per_channel_default_32" -> "683 dequantize_per_channel_default_32" [label="(384, 1536)", style=solid]; +"683 dequantize_per_channel_default_32" -> "685 linear_31" [label="(384, 1536)", style=solid]; +"684 _param_constant87_0_0" -> "685 linear_31" [label="(384,)", style=solid]; +"685 linear_31" -> "686 dropout_19" [label="(1, 14, 14, 384)", style=solid]; +"686 dropout_19" -> "689 layer_norm_12" [label="(1, 14, 14, 384)", style=solid]; +"687 _param_constant88" -> "689 layer_norm_12" [label="(384,)", style=solid]; +"688 _param_constant89" -> "689 layer_norm_12" [label="(384,)", style=solid]; +"689 layer_norm_12" -> "690 add_16" [label="(1, 14, 14, 384)", style=solid]; +"690 add_16" -> "717 pad_7" [label="(1, 14, 14, 384)", style=solid]; +"690 add_16" -> "800 add_19" [label="(1, 14, 14, 384)", style=solid]; +"691 _tensor_constant28" -> "693 _tensor_constant28_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; +"692 linear_32_updated_constant0" -> "696 quantize_per_channel_default_33" [label="(512, 2)", style=solid]; +"693 _tensor_constant28_0_0_nncf_smooth_quant_0" -> "699 linear_32" [label="(1, 15, 15, 2)", style=solid]; +"694 linear_32_scale_0" -> "696 quantize_per_channel_default_33" [label="(512,)", style=solid]; +"694 linear_32_scale_0" -> "697 dequantize_per_channel_default_33" [label="(512,)", style=solid]; +"695 linear_32_zero_point_0" -> "696 quantize_per_channel_default_33" [label="(512,)", style=solid]; +"695 linear_32_zero_point_0" -> "697 dequantize_per_channel_default_33" [label="(512,)", style=solid]; +"696 quantize_per_channel_default_33" -> "697 dequantize_per_channel_default_33" [label="(512, 2)", style=solid]; +"697 dequantize_per_channel_default_33" -> "699 linear_32" [label="(512, 2)", style=solid]; +"698 _param_constant91_0_0" -> "699 linear_32" [label="(512,)", style=solid]; +"699 linear_32" -> "700 relu__5" [label="(1, 15, 15, 512)", style=solid]; +"700 relu__5" -> "702 relu__5_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; +"701 linear_33_updated_constant0" -> "705 quantize_per_channel_default_34" [label="(12, 512)", style=solid]; +"702 relu__5_0_0_nncf_smooth_quant_0" -> "707 linear_33" [label="(1, 15, 15, 512)", style=solid]; +"703 linear_33_scale_0" -> "705 quantize_per_channel_default_34" [label="(12,)", style=solid]; +"703 linear_33_scale_0" -> "706 dequantize_per_channel_default_34" [label="(12,)", style=solid]; +"704 linear_33_zero_point_0" -> "705 quantize_per_channel_default_34" [label="(12,)", style=solid]; +"704 linear_33_zero_point_0" -> "706 dequantize_per_channel_default_34" [label="(12,)", style=solid]; +"705 quantize_per_channel_default_34" -> "706 dequantize_per_channel_default_34" [label="(12, 512)", style=solid]; +"706 dequantize_per_channel_default_34" -> "707 linear_33" [label="(12, 512)", style=solid]; +"707 linear_33" -> "708 view_26" [label="(1, 15, 15, 12)", style=solid]; +"708 view_26" -> "710 index_5" [label="(225, 12)", style=solid]; +"709 _tensor_constant29" -> "710 index_5" [label="(4096,)", style=solid]; +"710 index_5" -> "711 view_27" [label="(4096, 12)", style=solid]; +"711 view_27" -> "712 permute_23" [label="(64, 64, 12)", style=solid]; +"712 permute_23" -> "713 contiguous_8" [label="(12, 64, 64)", style=solid]; +"713 contiguous_8" -> "714 unsqueeze_13" [label="(12, 64, 64)", style=solid]; +"714 unsqueeze_13" -> "715 sigmoid_5" [label="(1, 12, 64, 64)", style=solid]; +"715 sigmoid_5" -> "716 mul_10" [label="(1, 12, 64, 64)", style=solid]; +"716 mul_10" -> "755 add_17" [label="(1, 12, 64, 64)", style=solid]; +"717 pad_7" -> "718 roll_4" [label="(1, 16, 16, 384)", style=solid]; +"718 roll_4" -> "719 view_28" [label="(1, 16, 16, 384)", style=solid]; +"719 view_28" -> "720 permute_24" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"720 permute_24" -> "721 reshape_22" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"721 reshape_22" -> "723 reshape_22_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"721 reshape_22" -> "756 new_zeros_2" [label="(4, 64, 384)", style=solid]; +"722 linear_34_updated_constant0" -> "728 quantize_per_channel_default_35" [label="(1152, 384)", style=solid]; +"723 reshape_22_0_0_nncf_smooth_quant_0" -> "724 quantize_per_tensor_default_33" [label="(4, 64, 384)", style=solid]; +"724 quantize_per_tensor_default_33" -> "725 dequantize_per_tensor_default_33" [label="(4, 64, 384)", style=solid]; +"725 dequantize_per_tensor_default_33" -> "731 linear_34" [label="(4, 64, 384)", style=solid]; +"726 linear_34_scale_0" -> "728 quantize_per_channel_default_35" [label="(1152,)", style=solid]; +"726 linear_34_scale_0" -> "729 dequantize_per_channel_default_35" [label="(1152,)", style=solid]; +"727 linear_34_zero_point_0" -> "728 quantize_per_channel_default_35" [label="(1152,)", style=solid]; +"727 linear_34_zero_point_0" -> "729 dequantize_per_channel_default_35" [label="(1152,)", style=solid]; +"728 quantize_per_channel_default_35" -> "729 dequantize_per_channel_default_35" [label="(1152, 384)", style=solid]; +"729 dequantize_per_channel_default_35" -> "731 linear_34" [label="(1152, 384)", style=solid]; +"730 _param_constant93_0_0" -> "731 linear_34" [label="(1152,)", style=solid]; +"731 linear_34" -> "732 reshape_23" [label="(4, 64, 1152)", style=solid]; +"732 reshape_23" -> "733 permute_25" [label="(4, 64, 3, 12, 32)", style=solid]; +"733 permute_25" -> "734 select_15" [label="(3, 4, 12, 64, 32)", style=solid]; +"733 permute_25" -> "735 select_16" [label="(3, 4, 12, 64, 32)", style=solid]; +"733 permute_25" -> "736 select_17" [label="(3, 4, 12, 64, 32)", style=solid]; +"734 select_15" -> "737 linalg_vector_norm_10" [label="(4, 12, 64, 32)", style=solid]; +"734 select_15" -> "739 expand_as_10" [label="(4, 12, 64, 32)", style=solid]; +"734 select_15" -> "740 div_10" [label="(4, 12, 64, 32)", style=solid]; +"735 select_16" -> "743 linalg_vector_norm_11" [label="(4, 12, 64, 32)", style=solid]; +"735 select_16" -> "745 expand_as_11" [label="(4, 12, 64, 32)", style=solid]; +"735 select_16" -> "746 div_11" [label="(4, 12, 64, 32)", style=solid]; +"736 select_17" -> "774 matmul_11" [label="(4, 12, 64, 32)", style=solid]; +"737 linalg_vector_norm_10" -> "738 clamp_min_10" [label="(4, 12, 64, 1)", style=solid]; +"738 clamp_min_10" -> "739 expand_as_10" [label="(4, 12, 64, 1)", style=solid]; +"739 expand_as_10" -> "740 div_10" [label="(4, 12, 64, 32)", style=solid]; +"740 div_10" -> "741 quantize_per_tensor_default_34" [label="(4, 12, 64, 32)", style=solid]; +"741 quantize_per_tensor_default_34" -> "742 dequantize_per_tensor_default_34" [label="(4, 12, 64, 32)", style=solid]; +"742 dequantize_per_tensor_default_34" -> "750 matmul_10" [label="(4, 12, 64, 32)", style=solid]; +"743 linalg_vector_norm_11" -> "744 clamp_min_11" [label="(4, 12, 64, 1)", style=solid]; +"744 clamp_min_11" -> "745 expand_as_11" [label="(4, 12, 64, 1)", style=solid]; +"745 expand_as_11" -> "746 div_11" [label="(4, 12, 64, 32)", style=solid]; +"746 div_11" -> "747 quantize_per_tensor_default_35" [label="(4, 12, 64, 32)", style=solid]; +"747 quantize_per_tensor_default_35" -> "748 dequantize_per_tensor_default_35" [label="(4, 12, 64, 32)", style=solid]; +"748 dequantize_per_tensor_default_35" -> "749 transpose_10" [label="(4, 12, 64, 32)", style=solid]; +"749 transpose_10" -> "750 matmul_10" [label="(4, 12, 32, 64)", style=solid]; +"750 matmul_10" -> "754 mul_11" [label="(4, 12, 64, 64)", style=solid]; +"751 _param_constant95" -> "752 clamp_5" [label="(12, 1, 1)", style=solid]; +"752 clamp_5" -> "753 exp_5" [label="(12, 1, 1)", style=solid]; +"753 exp_5" -> "754 mul_11" [label="(12, 1, 1)", style=solid]; +"754 mul_11" -> "755 add_17" [label="(4, 12, 64, 64)", style=solid]; +"755 add_17" -> "767 view_30" [label="(4, 12, 64, 64)", style=solid]; +"756 new_zeros_2" -> "757 view_29" [label="(16, 16)", style=solid]; +"757 view_29" -> "758 permute_26" [label="(2, 8, 2, 8)", style=solid]; +"758 permute_26" -> "759 reshape_24" [label="(2, 2, 8, 8)", style=solid]; +"759 reshape_24" -> "760 unsqueeze_14" [label="(4, 64)", style=solid]; +"759 reshape_24" -> "761 unsqueeze_15" [label="(4, 64)", style=solid]; +"760 unsqueeze_14" -> "762 sub_2" [label="(4, 1, 64)", style=solid]; +"761 unsqueeze_15" -> "762 sub_2" [label="(4, 64, 1)", style=solid]; +"762 sub_2" -> "763 ne_2" [label="(4, 64, 64)", style=solid]; +"762 sub_2" -> "764 masked_fill_4" [label="(4, 64, 64)", style=solid]; +"762 sub_2" -> "765 eq_2" [label="(4, 64, 64)", style=solid]; +"763 ne_2" -> "764 masked_fill_4" [label="(4, 64, 64)", style=solid]; +"764 masked_fill_4" -> "766 masked_fill_5" [label="(4, 64, 64)", style=solid]; +"765 eq_2" -> "766 masked_fill_5" [label="(4, 64, 64)", style=solid]; +"766 masked_fill_5" -> "768 unsqueeze_16" [label="(4, 64, 64)", style=solid]; +"767 view_30" -> "770 add_18" [label="(1, 4, 12, 64, 64)", style=solid]; +"768 unsqueeze_16" -> "769 unsqueeze_17" [label="(4, 1, 64, 64)", style=solid]; +"769 unsqueeze_17" -> "770 add_18" [label="(1, 4, 1, 64, 64)", style=solid]; +"770 add_18" -> "771 view_31" [label="(1, 4, 12, 64, 64)", style=solid]; +"771 view_31" -> "772 softmax_5" [label="(4, 12, 64, 64)", style=solid]; +"772 softmax_5" -> "773 dropout_20" [label="(4, 12, 64, 64)", style=solid]; +"773 dropout_20" -> "774 matmul_11" [label="(4, 12, 64, 64)", style=solid]; +"774 matmul_11" -> "775 transpose_11" [label="(4, 12, 64, 32)", style=solid]; +"775 transpose_11" -> "776 reshape_25" [label="(4, 64, 12, 32)", style=solid]; +"776 reshape_25" -> "778 reshape_25_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"777 linear_35_updated_constant0" -> "783 quantize_per_channel_default_36" [label="(384, 384)", style=solid]; +"778 reshape_25_0_0_nncf_smooth_quant_0" -> "779 quantize_per_tensor_default_36" [label="(4, 64, 384)", style=solid]; +"779 quantize_per_tensor_default_36" -> "780 dequantize_per_tensor_default_36" [label="(4, 64, 384)", style=solid]; +"780 dequantize_per_tensor_default_36" -> "786 linear_35" [label="(4, 64, 384)", style=solid]; +"781 linear_35_scale_0" -> "783 quantize_per_channel_default_36" [label="(384,)", style=solid]; +"781 linear_35_scale_0" -> "784 dequantize_per_channel_default_36" [label="(384,)", style=solid]; +"782 linear_35_zero_point_0" -> "783 quantize_per_channel_default_36" [label="(384,)", style=solid]; +"782 linear_35_zero_point_0" -> "784 dequantize_per_channel_default_36" [label="(384,)", style=solid]; +"783 quantize_per_channel_default_36" -> "784 dequantize_per_channel_default_36" [label="(384, 384)", style=solid]; +"784 dequantize_per_channel_default_36" -> "786 linear_35" [label="(384, 384)", style=solid]; +"785 _param_constant97_0_0" -> "786 linear_35" [label="(384,)", style=solid]; +"786 linear_35" -> "787 dropout_21" [label="(4, 64, 384)", style=solid]; +"787 dropout_21" -> "788 view_32" [label="(4, 64, 384)", style=solid]; +"788 view_32" -> "789 permute_27" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"789 permute_27" -> "790 reshape_26" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"790 reshape_26" -> "791 roll_5" [label="(1, 16, 16, 384)", style=solid]; +"791 roll_5" -> "792 slice_101" [label="(1, 16, 16, 384)", style=solid]; +"792 slice_101" -> "793 slice_102" [label="(1, 16, 16, 384)", style=solid]; +"793 slice_102" -> "794 slice_103" [label="(1, 14, 16, 384)", style=solid]; +"794 slice_103" -> "795 slice_104" [label="(1, 14, 14, 384)", style=solid]; +"795 slice_104" -> "796 contiguous_9" [label="(1, 14, 14, 384)", style=solid]; +"796 contiguous_9" -> "799 layer_norm_13" [label="(1, 14, 14, 384)", style=solid]; +"797 _param_constant98" -> "799 layer_norm_13" [label="(384,)", style=solid]; +"798 _param_constant99" -> "799 layer_norm_13" [label="(384,)", style=solid]; +"799 layer_norm_13" -> "800 add_19" [label="(1, 14, 14, 384)", style=solid]; +"800 add_19" -> "802 add_19_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; +"800 add_19" -> "827 add_20" [label="(1, 14, 14, 384)", style=solid]; +"801 linear_36_updated_constant0" -> "807 quantize_per_channel_default_37" [label="(1536, 384)", style=solid]; +"802 add_19_0_0_nncf_smooth_quant_0" -> "803 quantize_per_tensor_default_37" [label="(1, 14, 14, 384)", style=solid]; +"803 quantize_per_tensor_default_37" -> "804 dequantize_per_tensor_default_37" [label="(1, 14, 14, 384)", style=solid]; +"804 dequantize_per_tensor_default_37" -> "810 linear_36" [label="(1, 14, 14, 384)", style=solid]; +"805 linear_36_scale_0" -> "807 quantize_per_channel_default_37" [label="(1536,)", style=solid]; +"805 linear_36_scale_0" -> "808 dequantize_per_channel_default_37" [label="(1536,)", style=solid]; +"806 linear_36_zero_point_0" -> "807 quantize_per_channel_default_37" [label="(1536,)", style=solid]; +"806 linear_36_zero_point_0" -> "808 dequantize_per_channel_default_37" [label="(1536,)", style=solid]; +"807 quantize_per_channel_default_37" -> "808 dequantize_per_channel_default_37" [label="(1536, 384)", style=solid]; +"808 dequantize_per_channel_default_37" -> "810 linear_36" [label="(1536, 384)", style=solid]; +"809 _param_constant101_0_0" -> "810 linear_36" [label="(1536,)", style=solid]; +"810 linear_36" -> "811 gelu_5" [label="(1, 14, 14, 1536)", style=solid]; +"811 gelu_5" -> "812 dropout_22" [label="(1, 14, 14, 1536)", style=solid]; +"812 dropout_22" -> "814 dropout_22_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; +"813 linear_37_updated_constant0" -> "819 quantize_per_channel_default_38" [label="(384, 1536)", style=solid]; +"814 dropout_22_0_0_nncf_smooth_quant_0" -> "815 quantize_per_tensor_default_38" [label="(1, 14, 14, 1536)", style=solid]; +"815 quantize_per_tensor_default_38" -> "816 dequantize_per_tensor_default_38" [label="(1, 14, 14, 1536)", style=solid]; +"816 dequantize_per_tensor_default_38" -> "822 linear_37" [label="(1, 14, 14, 1536)", style=solid]; +"817 linear_37_scale_0" -> "819 quantize_per_channel_default_38" [label="(384,)", style=solid]; +"817 linear_37_scale_0" -> "820 dequantize_per_channel_default_38" [label="(384,)", style=solid]; +"818 linear_37_zero_point_0" -> "819 quantize_per_channel_default_38" [label="(384,)", style=solid]; +"818 linear_37_zero_point_0" -> "820 dequantize_per_channel_default_38" [label="(384,)", style=solid]; +"819 quantize_per_channel_default_38" -> "820 dequantize_per_channel_default_38" [label="(384, 1536)", style=solid]; +"820 dequantize_per_channel_default_38" -> "822 linear_37" [label="(384, 1536)", style=solid]; +"821 _param_constant103_0_0" -> "822 linear_37" [label="(384,)", style=solid]; +"822 linear_37" -> "823 dropout_23" [label="(1, 14, 14, 384)", style=solid]; +"823 dropout_23" -> "826 layer_norm_14" [label="(1, 14, 14, 384)", style=solid]; +"824 _param_constant104" -> "826 layer_norm_14" [label="(384,)", style=solid]; +"825 _param_constant105" -> "826 layer_norm_14" [label="(384,)", style=solid]; +"826 layer_norm_14" -> "827 add_20" [label="(1, 14, 14, 384)", style=solid]; +"827 add_20" -> "854 pad_8" [label="(1, 14, 14, 384)", style=solid]; +"827 add_20" -> "919 add_22" [label="(1, 14, 14, 384)", style=solid]; +"828 _tensor_constant39" -> "830 _tensor_constant39_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; +"829 linear_38_updated_constant0" -> "833 quantize_per_channel_default_39" [label="(512, 2)", style=solid]; +"830 _tensor_constant39_0_0_nncf_smooth_quant_0" -> "836 linear_38" [label="(1, 15, 15, 2)", style=solid]; +"831 linear_38_scale_0" -> "833 quantize_per_channel_default_39" [label="(512,)", style=solid]; +"831 linear_38_scale_0" -> "834 dequantize_per_channel_default_39" [label="(512,)", style=solid]; +"832 linear_38_zero_point_0" -> "833 quantize_per_channel_default_39" [label="(512,)", style=solid]; +"832 linear_38_zero_point_0" -> "834 dequantize_per_channel_default_39" [label="(512,)", style=solid]; +"833 quantize_per_channel_default_39" -> "834 dequantize_per_channel_default_39" [label="(512, 2)", style=solid]; +"834 dequantize_per_channel_default_39" -> "836 linear_38" [label="(512, 2)", style=solid]; +"835 _param_constant107_0_0" -> "836 linear_38" [label="(512,)", style=solid]; +"836 linear_38" -> "837 relu__6" [label="(1, 15, 15, 512)", style=solid]; +"837 relu__6" -> "839 relu__6_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; +"838 linear_39_updated_constant0" -> "842 quantize_per_channel_default_40" [label="(12, 512)", style=solid]; +"839 relu__6_0_0_nncf_smooth_quant_0" -> "844 linear_39" [label="(1, 15, 15, 512)", style=solid]; +"840 linear_39_scale_0" -> "842 quantize_per_channel_default_40" [label="(12,)", style=solid]; +"840 linear_39_scale_0" -> "843 dequantize_per_channel_default_40" [label="(12,)", style=solid]; +"841 linear_39_zero_point_0" -> "842 quantize_per_channel_default_40" [label="(12,)", style=solid]; +"841 linear_39_zero_point_0" -> "843 dequantize_per_channel_default_40" [label="(12,)", style=solid]; +"842 quantize_per_channel_default_40" -> "843 dequantize_per_channel_default_40" [label="(12, 512)", style=solid]; +"843 dequantize_per_channel_default_40" -> "844 linear_39" [label="(12, 512)", style=solid]; +"844 linear_39" -> "845 view_33" [label="(1, 15, 15, 12)", style=solid]; +"845 view_33" -> "847 index_6" [label="(225, 12)", style=solid]; +"846 _tensor_constant40" -> "847 index_6" [label="(4096,)", style=solid]; +"847 index_6" -> "848 view_34" [label="(4096, 12)", style=solid]; +"848 view_34" -> "849 permute_28" [label="(64, 64, 12)", style=solid]; +"849 permute_28" -> "850 contiguous_10" [label="(12, 64, 64)", style=solid]; +"850 contiguous_10" -> "851 unsqueeze_18" [label="(12, 64, 64)", style=solid]; +"851 unsqueeze_18" -> "852 sigmoid_6" [label="(1, 12, 64, 64)", style=solid]; +"852 sigmoid_6" -> "853 mul_12" [label="(1, 12, 64, 64)", style=solid]; +"853 mul_12" -> "891 add_21" [label="(1, 12, 64, 64)", style=solid]; +"854 pad_8" -> "855 view_35" [label="(1, 16, 16, 384)", style=solid]; +"855 view_35" -> "856 permute_29" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"856 permute_29" -> "857 reshape_27" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"857 reshape_27" -> "859 reshape_27_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"858 linear_40_updated_constant0" -> "864 quantize_per_channel_default_41" [label="(1152, 384)", style=solid]; +"859 reshape_27_0_0_nncf_smooth_quant_0" -> "860 quantize_per_tensor_default_39" [label="(4, 64, 384)", style=solid]; +"860 quantize_per_tensor_default_39" -> "861 dequantize_per_tensor_default_39" [label="(4, 64, 384)", style=solid]; +"861 dequantize_per_tensor_default_39" -> "867 linear_40" [label="(4, 64, 384)", style=solid]; +"862 linear_40_scale_0" -> "864 quantize_per_channel_default_41" [label="(1152,)", style=solid]; +"862 linear_40_scale_0" -> "865 dequantize_per_channel_default_41" [label="(1152,)", style=solid]; +"863 linear_40_zero_point_0" -> "864 quantize_per_channel_default_41" [label="(1152,)", style=solid]; +"863 linear_40_zero_point_0" -> "865 dequantize_per_channel_default_41" [label="(1152,)", style=solid]; +"864 quantize_per_channel_default_41" -> "865 dequantize_per_channel_default_41" [label="(1152, 384)", style=solid]; +"865 dequantize_per_channel_default_41" -> "867 linear_40" [label="(1152, 384)", style=solid]; +"866 _param_constant109_0_0" -> "867 linear_40" [label="(1152,)", style=solid]; +"867 linear_40" -> "868 reshape_28" [label="(4, 64, 1152)", style=solid]; +"868 reshape_28" -> "869 permute_30" [label="(4, 64, 3, 12, 32)", style=solid]; +"869 permute_30" -> "870 select_18" [label="(3, 4, 12, 64, 32)", style=solid]; +"869 permute_30" -> "871 select_19" [label="(3, 4, 12, 64, 32)", style=solid]; +"869 permute_30" -> "872 select_20" [label="(3, 4, 12, 64, 32)", style=solid]; +"870 select_18" -> "873 linalg_vector_norm_12" [label="(4, 12, 64, 32)", style=solid]; +"870 select_18" -> "875 expand_as_12" [label="(4, 12, 64, 32)", style=solid]; +"870 select_18" -> "876 div_12" [label="(4, 12, 64, 32)", style=solid]; +"871 select_19" -> "879 linalg_vector_norm_13" [label="(4, 12, 64, 32)", style=solid]; +"871 select_19" -> "881 expand_as_13" [label="(4, 12, 64, 32)", style=solid]; +"871 select_19" -> "882 div_13" [label="(4, 12, 64, 32)", style=solid]; +"872 select_20" -> "894 matmul_13" [label="(4, 12, 64, 32)", style=solid]; +"873 linalg_vector_norm_12" -> "874 clamp_min_12" [label="(4, 12, 64, 1)", style=solid]; +"874 clamp_min_12" -> "875 expand_as_12" [label="(4, 12, 64, 1)", style=solid]; +"875 expand_as_12" -> "876 div_12" [label="(4, 12, 64, 32)", style=solid]; +"876 div_12" -> "877 quantize_per_tensor_default_40" [label="(4, 12, 64, 32)", style=solid]; +"877 quantize_per_tensor_default_40" -> "878 dequantize_per_tensor_default_40" [label="(4, 12, 64, 32)", style=solid]; +"878 dequantize_per_tensor_default_40" -> "886 matmul_12" [label="(4, 12, 64, 32)", style=solid]; +"879 linalg_vector_norm_13" -> "880 clamp_min_13" [label="(4, 12, 64, 1)", style=solid]; +"880 clamp_min_13" -> "881 expand_as_13" [label="(4, 12, 64, 1)", style=solid]; +"881 expand_as_13" -> "882 div_13" [label="(4, 12, 64, 32)", style=solid]; +"882 div_13" -> "883 quantize_per_tensor_default_41" [label="(4, 12, 64, 32)", style=solid]; +"883 quantize_per_tensor_default_41" -> "884 dequantize_per_tensor_default_41" [label="(4, 12, 64, 32)", style=solid]; +"884 dequantize_per_tensor_default_41" -> "885 transpose_12" [label="(4, 12, 64, 32)", style=solid]; +"885 transpose_12" -> "886 matmul_12" [label="(4, 12, 32, 64)", style=solid]; +"886 matmul_12" -> "890 mul_13" [label="(4, 12, 64, 64)", style=solid]; +"887 _param_constant111" -> "888 clamp_6" [label="(12, 1, 1)", style=solid]; +"888 clamp_6" -> "889 exp_6" [label="(12, 1, 1)", style=solid]; +"889 exp_6" -> "890 mul_13" [label="(12, 1, 1)", style=solid]; +"890 mul_13" -> "891 add_21" [label="(4, 12, 64, 64)", style=solid]; +"891 add_21" -> "892 softmax_6" [label="(4, 12, 64, 64)", style=solid]; +"892 softmax_6" -> "893 dropout_24" [label="(4, 12, 64, 64)", style=solid]; +"893 dropout_24" -> "894 matmul_13" [label="(4, 12, 64, 64)", style=solid]; +"894 matmul_13" -> "895 transpose_13" [label="(4, 12, 64, 32)", style=solid]; +"895 transpose_13" -> "896 reshape_29" [label="(4, 64, 12, 32)", style=solid]; +"896 reshape_29" -> "898 reshape_29_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"897 linear_41_updated_constant0" -> "903 quantize_per_channel_default_42" [label="(384, 384)", style=solid]; +"898 reshape_29_0_0_nncf_smooth_quant_0" -> "899 quantize_per_tensor_default_42" [label="(4, 64, 384)", style=solid]; +"899 quantize_per_tensor_default_42" -> "900 dequantize_per_tensor_default_42" [label="(4, 64, 384)", style=solid]; +"900 dequantize_per_tensor_default_42" -> "906 linear_41" [label="(4, 64, 384)", style=solid]; +"901 linear_41_scale_0" -> "903 quantize_per_channel_default_42" [label="(384,)", style=solid]; +"901 linear_41_scale_0" -> "904 dequantize_per_channel_default_42" [label="(384,)", style=solid]; +"902 linear_41_zero_point_0" -> "903 quantize_per_channel_default_42" [label="(384,)", style=solid]; +"902 linear_41_zero_point_0" -> "904 dequantize_per_channel_default_42" [label="(384,)", style=solid]; +"903 quantize_per_channel_default_42" -> "904 dequantize_per_channel_default_42" [label="(384, 384)", style=solid]; +"904 dequantize_per_channel_default_42" -> "906 linear_41" [label="(384, 384)", style=solid]; +"905 _param_constant113_0_0" -> "906 linear_41" [label="(384,)", style=solid]; +"906 linear_41" -> "907 dropout_25" [label="(4, 64, 384)", style=solid]; +"907 dropout_25" -> "908 view_36" [label="(4, 64, 384)", style=solid]; +"908 view_36" -> "909 permute_31" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"909 permute_31" -> "910 reshape_30" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"910 reshape_30" -> "911 slice_106" [label="(1, 16, 16, 384)", style=solid]; +"911 slice_106" -> "912 slice_107" [label="(1, 16, 16, 384)", style=solid]; +"912 slice_107" -> "913 slice_108" [label="(1, 14, 16, 384)", style=solid]; +"913 slice_108" -> "914 slice_109" [label="(1, 14, 14, 384)", style=solid]; +"914 slice_109" -> "915 contiguous_11" [label="(1, 14, 14, 384)", style=solid]; +"915 contiguous_11" -> "918 layer_norm_15" [label="(1, 14, 14, 384)", style=solid]; +"916 _param_constant114" -> "918 layer_norm_15" [label="(384,)", style=solid]; +"917 _param_constant115" -> "918 layer_norm_15" [label="(384,)", style=solid]; +"918 layer_norm_15" -> "919 add_22" [label="(1, 14, 14, 384)", style=solid]; +"919 add_22" -> "921 add_22_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; +"919 add_22" -> "946 add_23" [label="(1, 14, 14, 384)", style=solid]; +"920 linear_42_updated_constant0" -> "926 quantize_per_channel_default_43" [label="(1536, 384)", style=solid]; +"921 add_22_0_0_nncf_smooth_quant_0" -> "922 quantize_per_tensor_default_43" [label="(1, 14, 14, 384)", style=solid]; +"922 quantize_per_tensor_default_43" -> "923 dequantize_per_tensor_default_43" [label="(1, 14, 14, 384)", style=solid]; +"923 dequantize_per_tensor_default_43" -> "929 linear_42" [label="(1, 14, 14, 384)", style=solid]; +"924 linear_42_scale_0" -> "926 quantize_per_channel_default_43" [label="(1536,)", style=solid]; +"924 linear_42_scale_0" -> "927 dequantize_per_channel_default_43" [label="(1536,)", style=solid]; +"925 linear_42_zero_point_0" -> "926 quantize_per_channel_default_43" [label="(1536,)", style=solid]; +"925 linear_42_zero_point_0" -> "927 dequantize_per_channel_default_43" [label="(1536,)", style=solid]; +"926 quantize_per_channel_default_43" -> "927 dequantize_per_channel_default_43" [label="(1536, 384)", style=solid]; +"927 dequantize_per_channel_default_43" -> "929 linear_42" [label="(1536, 384)", style=solid]; +"928 _param_constant117_0_0" -> "929 linear_42" [label="(1536,)", style=solid]; +"929 linear_42" -> "930 gelu_6" [label="(1, 14, 14, 1536)", style=solid]; +"930 gelu_6" -> "931 dropout_26" [label="(1, 14, 14, 1536)", style=solid]; +"931 dropout_26" -> "933 dropout_26_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; +"932 linear_43_updated_constant0" -> "938 quantize_per_channel_default_44" [label="(384, 1536)", style=solid]; +"933 dropout_26_0_0_nncf_smooth_quant_0" -> "934 quantize_per_tensor_default_44" [label="(1, 14, 14, 1536)", style=solid]; +"934 quantize_per_tensor_default_44" -> "935 dequantize_per_tensor_default_44" [label="(1, 14, 14, 1536)", style=solid]; +"935 dequantize_per_tensor_default_44" -> "941 linear_43" [label="(1, 14, 14, 1536)", style=solid]; +"936 linear_43_scale_0" -> "938 quantize_per_channel_default_44" [label="(384,)", style=solid]; +"936 linear_43_scale_0" -> "939 dequantize_per_channel_default_44" [label="(384,)", style=solid]; +"937 linear_43_zero_point_0" -> "938 quantize_per_channel_default_44" [label="(384,)", style=solid]; +"937 linear_43_zero_point_0" -> "939 dequantize_per_channel_default_44" [label="(384,)", style=solid]; +"938 quantize_per_channel_default_44" -> "939 dequantize_per_channel_default_44" [label="(384, 1536)", style=solid]; +"939 dequantize_per_channel_default_44" -> "941 linear_43" [label="(384, 1536)", style=solid]; +"940 _param_constant119_0_0" -> "941 linear_43" [label="(384,)", style=solid]; +"941 linear_43" -> "942 dropout_27" [label="(1, 14, 14, 384)", style=solid]; +"942 dropout_27" -> "945 layer_norm_16" [label="(1, 14, 14, 384)", style=solid]; +"943 _param_constant120" -> "945 layer_norm_16" [label="(384,)", style=solid]; +"944 _param_constant121" -> "945 layer_norm_16" [label="(384,)", style=solid]; +"945 layer_norm_16" -> "946 add_23" [label="(1, 14, 14, 384)", style=solid]; +"946 add_23" -> "973 pad_9" [label="(1, 14, 14, 384)", style=solid]; +"946 add_23" -> "1056 add_26" [label="(1, 14, 14, 384)", style=solid]; +"947 _tensor_constant41" -> "949 _tensor_constant41_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; +"948 linear_44_updated_constant0" -> "952 quantize_per_channel_default_45" [label="(512, 2)", style=solid]; +"949 _tensor_constant41_0_0_nncf_smooth_quant_0" -> "955 linear_44" [label="(1, 15, 15, 2)", style=solid]; +"950 linear_44_scale_0" -> "952 quantize_per_channel_default_45" [label="(512,)", style=solid]; +"950 linear_44_scale_0" -> "953 dequantize_per_channel_default_45" [label="(512,)", style=solid]; +"951 linear_44_zero_point_0" -> "952 quantize_per_channel_default_45" [label="(512,)", style=solid]; +"951 linear_44_zero_point_0" -> "953 dequantize_per_channel_default_45" [label="(512,)", style=solid]; +"952 quantize_per_channel_default_45" -> "953 dequantize_per_channel_default_45" [label="(512, 2)", style=solid]; +"953 dequantize_per_channel_default_45" -> "955 linear_44" [label="(512, 2)", style=solid]; +"954 _param_constant123_0_0" -> "955 linear_44" [label="(512,)", style=solid]; +"955 linear_44" -> "956 relu__7" [label="(1, 15, 15, 512)", style=solid]; +"956 relu__7" -> "958 relu__7_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; +"957 linear_45_updated_constant0" -> "961 quantize_per_channel_default_46" [label="(12, 512)", style=solid]; +"958 relu__7_0_0_nncf_smooth_quant_0" -> "963 linear_45" [label="(1, 15, 15, 512)", style=solid]; +"959 linear_45_scale_0" -> "961 quantize_per_channel_default_46" [label="(12,)", style=solid]; +"959 linear_45_scale_0" -> "962 dequantize_per_channel_default_46" [label="(12,)", style=solid]; +"960 linear_45_zero_point_0" -> "961 quantize_per_channel_default_46" [label="(12,)", style=solid]; +"960 linear_45_zero_point_0" -> "962 dequantize_per_channel_default_46" [label="(12,)", style=solid]; +"961 quantize_per_channel_default_46" -> "962 dequantize_per_channel_default_46" [label="(12, 512)", style=solid]; +"962 dequantize_per_channel_default_46" -> "963 linear_45" [label="(12, 512)", style=solid]; +"963 linear_45" -> "964 view_37" [label="(1, 15, 15, 12)", style=solid]; +"964 view_37" -> "966 index_7" [label="(225, 12)", style=solid]; +"965 _tensor_constant42" -> "966 index_7" [label="(4096,)", style=solid]; +"966 index_7" -> "967 view_38" [label="(4096, 12)", style=solid]; +"967 view_38" -> "968 permute_32" [label="(64, 64, 12)", style=solid]; +"968 permute_32" -> "969 contiguous_12" [label="(12, 64, 64)", style=solid]; +"969 contiguous_12" -> "970 unsqueeze_19" [label="(12, 64, 64)", style=solid]; +"970 unsqueeze_19" -> "971 sigmoid_7" [label="(1, 12, 64, 64)", style=solid]; +"971 sigmoid_7" -> "972 mul_14" [label="(1, 12, 64, 64)", style=solid]; +"972 mul_14" -> "1011 add_24" [label="(1, 12, 64, 64)", style=solid]; +"973 pad_9" -> "974 roll_6" [label="(1, 16, 16, 384)", style=solid]; +"974 roll_6" -> "975 view_39" [label="(1, 16, 16, 384)", style=solid]; +"975 view_39" -> "976 permute_33" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"976 permute_33" -> "977 reshape_31" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"977 reshape_31" -> "979 reshape_31_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"977 reshape_31" -> "1012 new_zeros_3" [label="(4, 64, 384)", style=solid]; +"978 linear_46_updated_constant0" -> "984 quantize_per_channel_default_47" [label="(1152, 384)", style=solid]; +"979 reshape_31_0_0_nncf_smooth_quant_0" -> "980 quantize_per_tensor_default_45" [label="(4, 64, 384)", style=solid]; +"980 quantize_per_tensor_default_45" -> "981 dequantize_per_tensor_default_45" [label="(4, 64, 384)", style=solid]; +"981 dequantize_per_tensor_default_45" -> "987 linear_46" [label="(4, 64, 384)", style=solid]; +"982 linear_46_scale_0" -> "984 quantize_per_channel_default_47" [label="(1152,)", style=solid]; +"982 linear_46_scale_0" -> "985 dequantize_per_channel_default_47" [label="(1152,)", style=solid]; +"983 linear_46_zero_point_0" -> "984 quantize_per_channel_default_47" [label="(1152,)", style=solid]; +"983 linear_46_zero_point_0" -> "985 dequantize_per_channel_default_47" [label="(1152,)", style=solid]; +"984 quantize_per_channel_default_47" -> "985 dequantize_per_channel_default_47" [label="(1152, 384)", style=solid]; +"985 dequantize_per_channel_default_47" -> "987 linear_46" [label="(1152, 384)", style=solid]; +"986 _param_constant125_0_0" -> "987 linear_46" [label="(1152,)", style=solid]; +"987 linear_46" -> "988 reshape_32" [label="(4, 64, 1152)", style=solid]; +"988 reshape_32" -> "989 permute_34" [label="(4, 64, 3, 12, 32)", style=solid]; +"989 permute_34" -> "990 select_21" [label="(3, 4, 12, 64, 32)", style=solid]; +"989 permute_34" -> "991 select_22" [label="(3, 4, 12, 64, 32)", style=solid]; +"989 permute_34" -> "992 select_23" [label="(3, 4, 12, 64, 32)", style=solid]; +"990 select_21" -> "993 linalg_vector_norm_14" [label="(4, 12, 64, 32)", style=solid]; +"990 select_21" -> "995 expand_as_14" [label="(4, 12, 64, 32)", style=solid]; +"990 select_21" -> "996 div_14" [label="(4, 12, 64, 32)", style=solid]; +"991 select_22" -> "999 linalg_vector_norm_15" [label="(4, 12, 64, 32)", style=solid]; +"991 select_22" -> "1001 expand_as_15" [label="(4, 12, 64, 32)", style=solid]; +"991 select_22" -> "1002 div_15" [label="(4, 12, 64, 32)", style=solid]; +"992 select_23" -> "1030 matmul_15" [label="(4, 12, 64, 32)", style=solid]; +"993 linalg_vector_norm_14" -> "994 clamp_min_14" [label="(4, 12, 64, 1)", style=solid]; +"994 clamp_min_14" -> "995 expand_as_14" [label="(4, 12, 64, 1)", style=solid]; +"995 expand_as_14" -> "996 div_14" [label="(4, 12, 64, 32)", style=solid]; +"996 div_14" -> "997 quantize_per_tensor_default_46" [label="(4, 12, 64, 32)", style=solid]; +"997 quantize_per_tensor_default_46" -> "998 dequantize_per_tensor_default_46" [label="(4, 12, 64, 32)", style=solid]; +"998 dequantize_per_tensor_default_46" -> "1006 matmul_14" [label="(4, 12, 64, 32)", style=solid]; +"999 linalg_vector_norm_15" -> "1000 clamp_min_15" [label="(4, 12, 64, 1)", style=solid]; +"1000 clamp_min_15" -> "1001 expand_as_15" [label="(4, 12, 64, 1)", style=solid]; +"1001 expand_as_15" -> "1002 div_15" [label="(4, 12, 64, 32)", style=solid]; +"1002 div_15" -> "1003 quantize_per_tensor_default_47" [label="(4, 12, 64, 32)", style=solid]; +"1003 quantize_per_tensor_default_47" -> "1004 dequantize_per_tensor_default_47" [label="(4, 12, 64, 32)", style=solid]; +"1004 dequantize_per_tensor_default_47" -> "1005 transpose_14" [label="(4, 12, 64, 32)", style=solid]; +"1005 transpose_14" -> "1006 matmul_14" [label="(4, 12, 32, 64)", style=solid]; +"1006 matmul_14" -> "1010 mul_15" [label="(4, 12, 64, 64)", style=solid]; +"1007 _param_constant127" -> "1008 clamp_7" [label="(12, 1, 1)", style=solid]; +"1008 clamp_7" -> "1009 exp_7" [label="(12, 1, 1)", style=solid]; +"1009 exp_7" -> "1010 mul_15" [label="(12, 1, 1)", style=solid]; +"1010 mul_15" -> "1011 add_24" [label="(4, 12, 64, 64)", style=solid]; +"1011 add_24" -> "1023 view_41" [label="(4, 12, 64, 64)", style=solid]; +"1012 new_zeros_3" -> "1013 view_40" [label="(16, 16)", style=solid]; +"1013 view_40" -> "1014 permute_35" [label="(2, 8, 2, 8)", style=solid]; +"1014 permute_35" -> "1015 reshape_33" [label="(2, 2, 8, 8)", style=solid]; +"1015 reshape_33" -> "1016 unsqueeze_20" [label="(4, 64)", style=solid]; +"1015 reshape_33" -> "1017 unsqueeze_21" [label="(4, 64)", style=solid]; +"1016 unsqueeze_20" -> "1018 sub_3" [label="(4, 1, 64)", style=solid]; +"1017 unsqueeze_21" -> "1018 sub_3" [label="(4, 64, 1)", style=solid]; +"1018 sub_3" -> "1019 ne_3" [label="(4, 64, 64)", style=solid]; +"1018 sub_3" -> "1020 masked_fill_6" [label="(4, 64, 64)", style=solid]; +"1018 sub_3" -> "1021 eq_3" [label="(4, 64, 64)", style=solid]; +"1019 ne_3" -> "1020 masked_fill_6" [label="(4, 64, 64)", style=solid]; +"1020 masked_fill_6" -> "1022 masked_fill_7" [label="(4, 64, 64)", style=solid]; +"1021 eq_3" -> "1022 masked_fill_7" [label="(4, 64, 64)", style=solid]; +"1022 masked_fill_7" -> "1024 unsqueeze_22" [label="(4, 64, 64)", style=solid]; +"1023 view_41" -> "1026 add_25" [label="(1, 4, 12, 64, 64)", style=solid]; +"1024 unsqueeze_22" -> "1025 unsqueeze_23" [label="(4, 1, 64, 64)", style=solid]; +"1025 unsqueeze_23" -> "1026 add_25" [label="(1, 4, 1, 64, 64)", style=solid]; +"1026 add_25" -> "1027 view_42" [label="(1, 4, 12, 64, 64)", style=solid]; +"1027 view_42" -> "1028 softmax_7" [label="(4, 12, 64, 64)", style=solid]; +"1028 softmax_7" -> "1029 dropout_28" [label="(4, 12, 64, 64)", style=solid]; +"1029 dropout_28" -> "1030 matmul_15" [label="(4, 12, 64, 64)", style=solid]; +"1030 matmul_15" -> "1031 transpose_15" [label="(4, 12, 64, 32)", style=solid]; +"1031 transpose_15" -> "1032 reshape_34" [label="(4, 64, 12, 32)", style=solid]; +"1032 reshape_34" -> "1034 reshape_34_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"1033 linear_47_updated_constant0" -> "1039 quantize_per_channel_default_48" [label="(384, 384)", style=solid]; +"1034 reshape_34_0_0_nncf_smooth_quant_0" -> "1035 quantize_per_tensor_default_48" [label="(4, 64, 384)", style=solid]; +"1035 quantize_per_tensor_default_48" -> "1036 dequantize_per_tensor_default_48" [label="(4, 64, 384)", style=solid]; +"1036 dequantize_per_tensor_default_48" -> "1042 linear_47" [label="(4, 64, 384)", style=solid]; +"1037 linear_47_scale_0" -> "1039 quantize_per_channel_default_48" [label="(384,)", style=solid]; +"1037 linear_47_scale_0" -> "1040 dequantize_per_channel_default_48" [label="(384,)", style=solid]; +"1038 linear_47_zero_point_0" -> "1039 quantize_per_channel_default_48" [label="(384,)", style=solid]; +"1038 linear_47_zero_point_0" -> "1040 dequantize_per_channel_default_48" [label="(384,)", style=solid]; +"1039 quantize_per_channel_default_48" -> "1040 dequantize_per_channel_default_48" [label="(384, 384)", style=solid]; +"1040 dequantize_per_channel_default_48" -> "1042 linear_47" [label="(384, 384)", style=solid]; +"1041 _param_constant129_0_0" -> "1042 linear_47" [label="(384,)", style=solid]; +"1042 linear_47" -> "1043 dropout_29" [label="(4, 64, 384)", style=solid]; +"1043 dropout_29" -> "1044 view_43" [label="(4, 64, 384)", style=solid]; +"1044 view_43" -> "1045 permute_36" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1045 permute_36" -> "1046 reshape_35" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1046 reshape_35" -> "1047 roll_7" [label="(1, 16, 16, 384)", style=solid]; +"1047 roll_7" -> "1048 slice_129" [label="(1, 16, 16, 384)", style=solid]; +"1048 slice_129" -> "1049 slice_130" [label="(1, 16, 16, 384)", style=solid]; +"1049 slice_130" -> "1050 slice_131" [label="(1, 14, 16, 384)", style=solid]; +"1050 slice_131" -> "1051 slice_132" [label="(1, 14, 14, 384)", style=solid]; +"1051 slice_132" -> "1052 contiguous_13" [label="(1, 14, 14, 384)", style=solid]; +"1052 contiguous_13" -> "1055 layer_norm_17" [label="(1, 14, 14, 384)", style=solid]; +"1053 _param_constant130" -> "1055 layer_norm_17" [label="(384,)", style=solid]; +"1054 _param_constant131" -> "1055 layer_norm_17" [label="(384,)", style=solid]; +"1055 layer_norm_17" -> "1056 add_26" [label="(1, 14, 14, 384)", style=solid]; +"1056 add_26" -> "1058 add_26_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; +"1056 add_26" -> "1083 add_27" [label="(1, 14, 14, 384)", style=solid]; +"1057 linear_48_updated_constant0" -> "1063 quantize_per_channel_default_49" [label="(1536, 384)", style=solid]; +"1058 add_26_0_0_nncf_smooth_quant_0" -> "1059 quantize_per_tensor_default_49" [label="(1, 14, 14, 384)", style=solid]; +"1059 quantize_per_tensor_default_49" -> "1060 dequantize_per_tensor_default_49" [label="(1, 14, 14, 384)", style=solid]; +"1060 dequantize_per_tensor_default_49" -> "1066 linear_48" [label="(1, 14, 14, 384)", style=solid]; +"1061 linear_48_scale_0" -> "1063 quantize_per_channel_default_49" [label="(1536,)", style=solid]; +"1061 linear_48_scale_0" -> "1064 dequantize_per_channel_default_49" [label="(1536,)", style=solid]; +"1062 linear_48_zero_point_0" -> "1063 quantize_per_channel_default_49" [label="(1536,)", style=solid]; +"1062 linear_48_zero_point_0" -> "1064 dequantize_per_channel_default_49" [label="(1536,)", style=solid]; +"1063 quantize_per_channel_default_49" -> "1064 dequantize_per_channel_default_49" [label="(1536, 384)", style=solid]; +"1064 dequantize_per_channel_default_49" -> "1066 linear_48" [label="(1536, 384)", style=solid]; +"1065 _param_constant133_0_0" -> "1066 linear_48" [label="(1536,)", style=solid]; +"1066 linear_48" -> "1067 gelu_7" [label="(1, 14, 14, 1536)", style=solid]; +"1067 gelu_7" -> "1068 dropout_30" [label="(1, 14, 14, 1536)", style=solid]; +"1068 dropout_30" -> "1070 dropout_30_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; +"1069 linear_49_updated_constant0" -> "1075 quantize_per_channel_default_50" [label="(384, 1536)", style=solid]; +"1070 dropout_30_0_0_nncf_smooth_quant_0" -> "1071 quantize_per_tensor_default_50" [label="(1, 14, 14, 1536)", style=solid]; +"1071 quantize_per_tensor_default_50" -> "1072 dequantize_per_tensor_default_50" [label="(1, 14, 14, 1536)", style=solid]; +"1072 dequantize_per_tensor_default_50" -> "1078 linear_49" [label="(1, 14, 14, 1536)", style=solid]; +"1073 linear_49_scale_0" -> "1075 quantize_per_channel_default_50" [label="(384,)", style=solid]; +"1073 linear_49_scale_0" -> "1076 dequantize_per_channel_default_50" [label="(384,)", style=solid]; +"1074 linear_49_zero_point_0" -> "1075 quantize_per_channel_default_50" [label="(384,)", style=solid]; +"1074 linear_49_zero_point_0" -> "1076 dequantize_per_channel_default_50" [label="(384,)", style=solid]; +"1075 quantize_per_channel_default_50" -> "1076 dequantize_per_channel_default_50" [label="(384, 1536)", style=solid]; +"1076 dequantize_per_channel_default_50" -> "1078 linear_49" [label="(384, 1536)", style=solid]; +"1077 _param_constant135_0_0" -> "1078 linear_49" [label="(384,)", style=solid]; +"1078 linear_49" -> "1079 dropout_31" [label="(1, 14, 14, 384)", style=solid]; +"1079 dropout_31" -> "1082 layer_norm_18" [label="(1, 14, 14, 384)", style=solid]; +"1080 _param_constant136" -> "1082 layer_norm_18" [label="(384,)", style=solid]; +"1081 _param_constant137" -> "1082 layer_norm_18" [label="(384,)", style=solid]; +"1082 layer_norm_18" -> "1083 add_27" [label="(1, 14, 14, 384)", style=solid]; +"1083 add_27" -> "1110 pad_10" [label="(1, 14, 14, 384)", style=solid]; +"1083 add_27" -> "1175 add_29" [label="(1, 14, 14, 384)", style=solid]; +"1084 _tensor_constant52" -> "1086 _tensor_constant52_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; +"1085 linear_50_updated_constant0" -> "1089 quantize_per_channel_default_51" [label="(512, 2)", style=solid]; +"1086 _tensor_constant52_0_0_nncf_smooth_quant_0" -> "1092 linear_50" [label="(1, 15, 15, 2)", style=solid]; +"1087 linear_50_scale_0" -> "1089 quantize_per_channel_default_51" [label="(512,)", style=solid]; +"1087 linear_50_scale_0" -> "1090 dequantize_per_channel_default_51" [label="(512,)", style=solid]; +"1088 linear_50_zero_point_0" -> "1089 quantize_per_channel_default_51" [label="(512,)", style=solid]; +"1088 linear_50_zero_point_0" -> "1090 dequantize_per_channel_default_51" [label="(512,)", style=solid]; +"1089 quantize_per_channel_default_51" -> "1090 dequantize_per_channel_default_51" [label="(512, 2)", style=solid]; +"1090 dequantize_per_channel_default_51" -> "1092 linear_50" [label="(512, 2)", style=solid]; +"1091 _param_constant139_0_0" -> "1092 linear_50" [label="(512,)", style=solid]; +"1092 linear_50" -> "1093 relu__8" [label="(1, 15, 15, 512)", style=solid]; +"1093 relu__8" -> "1095 relu__8_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; +"1094 linear_51_updated_constant0" -> "1098 quantize_per_channel_default_52" [label="(12, 512)", style=solid]; +"1095 relu__8_0_0_nncf_smooth_quant_0" -> "1100 linear_51" [label="(1, 15, 15, 512)", style=solid]; +"1096 linear_51_scale_0" -> "1098 quantize_per_channel_default_52" [label="(12,)", style=solid]; +"1096 linear_51_scale_0" -> "1099 dequantize_per_channel_default_52" [label="(12,)", style=solid]; +"1097 linear_51_zero_point_0" -> "1098 quantize_per_channel_default_52" [label="(12,)", style=solid]; +"1097 linear_51_zero_point_0" -> "1099 dequantize_per_channel_default_52" [label="(12,)", style=solid]; +"1098 quantize_per_channel_default_52" -> "1099 dequantize_per_channel_default_52" [label="(12, 512)", style=solid]; +"1099 dequantize_per_channel_default_52" -> "1100 linear_51" [label="(12, 512)", style=solid]; +"1100 linear_51" -> "1101 view_44" [label="(1, 15, 15, 12)", style=solid]; +"1101 view_44" -> "1103 index_8" [label="(225, 12)", style=solid]; +"1102 _tensor_constant53" -> "1103 index_8" [label="(4096,)", style=solid]; +"1103 index_8" -> "1104 view_45" [label="(4096, 12)", style=solid]; +"1104 view_45" -> "1105 permute_37" [label="(64, 64, 12)", style=solid]; +"1105 permute_37" -> "1106 contiguous_14" [label="(12, 64, 64)", style=solid]; +"1106 contiguous_14" -> "1107 unsqueeze_24" [label="(12, 64, 64)", style=solid]; +"1107 unsqueeze_24" -> "1108 sigmoid_8" [label="(1, 12, 64, 64)", style=solid]; +"1108 sigmoid_8" -> "1109 mul_16" [label="(1, 12, 64, 64)", style=solid]; +"1109 mul_16" -> "1147 add_28" [label="(1, 12, 64, 64)", style=solid]; +"1110 pad_10" -> "1111 view_46" [label="(1, 16, 16, 384)", style=solid]; +"1111 view_46" -> "1112 permute_38" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1112 permute_38" -> "1113 reshape_36" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1113 reshape_36" -> "1115 reshape_36_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"1114 linear_52_updated_constant0" -> "1120 quantize_per_channel_default_53" [label="(1152, 384)", style=solid]; +"1115 reshape_36_0_0_nncf_smooth_quant_0" -> "1116 quantize_per_tensor_default_51" [label="(4, 64, 384)", style=solid]; +"1116 quantize_per_tensor_default_51" -> "1117 dequantize_per_tensor_default_51" [label="(4, 64, 384)", style=solid]; +"1117 dequantize_per_tensor_default_51" -> "1123 linear_52" [label="(4, 64, 384)", style=solid]; +"1118 linear_52_scale_0" -> "1120 quantize_per_channel_default_53" [label="(1152,)", style=solid]; +"1118 linear_52_scale_0" -> "1121 dequantize_per_channel_default_53" [label="(1152,)", style=solid]; +"1119 linear_52_zero_point_0" -> "1120 quantize_per_channel_default_53" [label="(1152,)", style=solid]; +"1119 linear_52_zero_point_0" -> "1121 dequantize_per_channel_default_53" [label="(1152,)", style=solid]; +"1120 quantize_per_channel_default_53" -> "1121 dequantize_per_channel_default_53" [label="(1152, 384)", style=solid]; +"1121 dequantize_per_channel_default_53" -> "1123 linear_52" [label="(1152, 384)", style=solid]; +"1122 _param_constant141_0_0" -> "1123 linear_52" [label="(1152,)", style=solid]; +"1123 linear_52" -> "1124 reshape_37" [label="(4, 64, 1152)", style=solid]; +"1124 reshape_37" -> "1125 permute_39" [label="(4, 64, 3, 12, 32)", style=solid]; +"1125 permute_39" -> "1126 select_24" [label="(3, 4, 12, 64, 32)", style=solid]; +"1125 permute_39" -> "1127 select_25" [label="(3, 4, 12, 64, 32)", style=solid]; +"1125 permute_39" -> "1128 select_26" [label="(3, 4, 12, 64, 32)", style=solid]; +"1126 select_24" -> "1129 linalg_vector_norm_16" [label="(4, 12, 64, 32)", style=solid]; +"1126 select_24" -> "1131 expand_as_16" [label="(4, 12, 64, 32)", style=solid]; +"1126 select_24" -> "1132 div_16" [label="(4, 12, 64, 32)", style=solid]; +"1127 select_25" -> "1135 linalg_vector_norm_17" [label="(4, 12, 64, 32)", style=solid]; +"1127 select_25" -> "1137 expand_as_17" [label="(4, 12, 64, 32)", style=solid]; +"1127 select_25" -> "1138 div_17" [label="(4, 12, 64, 32)", style=solid]; +"1128 select_26" -> "1150 matmul_17" [label="(4, 12, 64, 32)", style=solid]; +"1129 linalg_vector_norm_16" -> "1130 clamp_min_16" [label="(4, 12, 64, 1)", style=solid]; +"1130 clamp_min_16" -> "1131 expand_as_16" [label="(4, 12, 64, 1)", style=solid]; +"1131 expand_as_16" -> "1132 div_16" [label="(4, 12, 64, 32)", style=solid]; +"1132 div_16" -> "1133 quantize_per_tensor_default_52" [label="(4, 12, 64, 32)", style=solid]; +"1133 quantize_per_tensor_default_52" -> "1134 dequantize_per_tensor_default_52" [label="(4, 12, 64, 32)", style=solid]; +"1134 dequantize_per_tensor_default_52" -> "1142 matmul_16" [label="(4, 12, 64, 32)", style=solid]; +"1135 linalg_vector_norm_17" -> "1136 clamp_min_17" [label="(4, 12, 64, 1)", style=solid]; +"1136 clamp_min_17" -> "1137 expand_as_17" [label="(4, 12, 64, 1)", style=solid]; +"1137 expand_as_17" -> "1138 div_17" [label="(4, 12, 64, 32)", style=solid]; +"1138 div_17" -> "1139 quantize_per_tensor_default_53" [label="(4, 12, 64, 32)", style=solid]; +"1139 quantize_per_tensor_default_53" -> "1140 dequantize_per_tensor_default_53" [label="(4, 12, 64, 32)", style=solid]; +"1140 dequantize_per_tensor_default_53" -> "1141 transpose_16" [label="(4, 12, 64, 32)", style=solid]; +"1141 transpose_16" -> "1142 matmul_16" [label="(4, 12, 32, 64)", style=solid]; +"1142 matmul_16" -> "1146 mul_17" [label="(4, 12, 64, 64)", style=solid]; +"1143 _param_constant143" -> "1144 clamp_8" [label="(12, 1, 1)", style=solid]; +"1144 clamp_8" -> "1145 exp_8" [label="(12, 1, 1)", style=solid]; +"1145 exp_8" -> "1146 mul_17" [label="(12, 1, 1)", style=solid]; +"1146 mul_17" -> "1147 add_28" [label="(4, 12, 64, 64)", style=solid]; +"1147 add_28" -> "1148 softmax_8" [label="(4, 12, 64, 64)", style=solid]; +"1148 softmax_8" -> "1149 dropout_32" [label="(4, 12, 64, 64)", style=solid]; +"1149 dropout_32" -> "1150 matmul_17" [label="(4, 12, 64, 64)", style=solid]; +"1150 matmul_17" -> "1151 transpose_17" [label="(4, 12, 64, 32)", style=solid]; +"1151 transpose_17" -> "1152 reshape_38" [label="(4, 64, 12, 32)", style=solid]; +"1152 reshape_38" -> "1154 reshape_38_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"1153 linear_53_updated_constant0" -> "1159 quantize_per_channel_default_54" [label="(384, 384)", style=solid]; +"1154 reshape_38_0_0_nncf_smooth_quant_0" -> "1155 quantize_per_tensor_default_54" [label="(4, 64, 384)", style=solid]; +"1155 quantize_per_tensor_default_54" -> "1156 dequantize_per_tensor_default_54" [label="(4, 64, 384)", style=solid]; +"1156 dequantize_per_tensor_default_54" -> "1162 linear_53" [label="(4, 64, 384)", style=solid]; +"1157 linear_53_scale_0" -> "1159 quantize_per_channel_default_54" [label="(384,)", style=solid]; +"1157 linear_53_scale_0" -> "1160 dequantize_per_channel_default_54" [label="(384,)", style=solid]; +"1158 linear_53_zero_point_0" -> "1159 quantize_per_channel_default_54" [label="(384,)", style=solid]; +"1158 linear_53_zero_point_0" -> "1160 dequantize_per_channel_default_54" [label="(384,)", style=solid]; +"1159 quantize_per_channel_default_54" -> "1160 dequantize_per_channel_default_54" [label="(384, 384)", style=solid]; +"1160 dequantize_per_channel_default_54" -> "1162 linear_53" [label="(384, 384)", style=solid]; +"1161 _param_constant145_0_0" -> "1162 linear_53" [label="(384,)", style=solid]; +"1162 linear_53" -> "1163 dropout_33" [label="(4, 64, 384)", style=solid]; +"1163 dropout_33" -> "1164 view_47" [label="(4, 64, 384)", style=solid]; +"1164 view_47" -> "1165 permute_40" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1165 permute_40" -> "1166 reshape_39" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1166 reshape_39" -> "1167 slice_134" [label="(1, 16, 16, 384)", style=solid]; +"1167 slice_134" -> "1168 slice_135" [label="(1, 16, 16, 384)", style=solid]; +"1168 slice_135" -> "1169 slice_136" [label="(1, 14, 16, 384)", style=solid]; +"1169 slice_136" -> "1170 slice_137" [label="(1, 14, 14, 384)", style=solid]; +"1170 slice_137" -> "1171 contiguous_15" [label="(1, 14, 14, 384)", style=solid]; +"1171 contiguous_15" -> "1174 layer_norm_19" [label="(1, 14, 14, 384)", style=solid]; +"1172 _param_constant146" -> "1174 layer_norm_19" [label="(384,)", style=solid]; +"1173 _param_constant147" -> "1174 layer_norm_19" [label="(384,)", style=solid]; +"1174 layer_norm_19" -> "1175 add_29" [label="(1, 14, 14, 384)", style=solid]; +"1175 add_29" -> "1177 add_29_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; +"1175 add_29" -> "1202 add_30" [label="(1, 14, 14, 384)", style=solid]; +"1176 linear_54_updated_constant0" -> "1182 quantize_per_channel_default_55" [label="(1536, 384)", style=solid]; +"1177 add_29_0_0_nncf_smooth_quant_0" -> "1178 quantize_per_tensor_default_55" [label="(1, 14, 14, 384)", style=solid]; +"1178 quantize_per_tensor_default_55" -> "1179 dequantize_per_tensor_default_55" [label="(1, 14, 14, 384)", style=solid]; +"1179 dequantize_per_tensor_default_55" -> "1185 linear_54" [label="(1, 14, 14, 384)", style=solid]; +"1180 linear_54_scale_0" -> "1182 quantize_per_channel_default_55" [label="(1536,)", style=solid]; +"1180 linear_54_scale_0" -> "1183 dequantize_per_channel_default_55" [label="(1536,)", style=solid]; +"1181 linear_54_zero_point_0" -> "1182 quantize_per_channel_default_55" [label="(1536,)", style=solid]; +"1181 linear_54_zero_point_0" -> "1183 dequantize_per_channel_default_55" [label="(1536,)", style=solid]; +"1182 quantize_per_channel_default_55" -> "1183 dequantize_per_channel_default_55" [label="(1536, 384)", style=solid]; +"1183 dequantize_per_channel_default_55" -> "1185 linear_54" [label="(1536, 384)", style=solid]; +"1184 _param_constant149_0_0" -> "1185 linear_54" [label="(1536,)", style=solid]; +"1185 linear_54" -> "1186 gelu_8" [label="(1, 14, 14, 1536)", style=solid]; +"1186 gelu_8" -> "1187 dropout_34" [label="(1, 14, 14, 1536)", style=solid]; +"1187 dropout_34" -> "1189 dropout_34_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; +"1188 linear_55_updated_constant0" -> "1194 quantize_per_channel_default_56" [label="(384, 1536)", style=solid]; +"1189 dropout_34_0_0_nncf_smooth_quant_0" -> "1190 quantize_per_tensor_default_56" [label="(1, 14, 14, 1536)", style=solid]; +"1190 quantize_per_tensor_default_56" -> "1191 dequantize_per_tensor_default_56" [label="(1, 14, 14, 1536)", style=solid]; +"1191 dequantize_per_tensor_default_56" -> "1197 linear_55" [label="(1, 14, 14, 1536)", style=solid]; +"1192 linear_55_scale_0" -> "1194 quantize_per_channel_default_56" [label="(384,)", style=solid]; +"1192 linear_55_scale_0" -> "1195 dequantize_per_channel_default_56" [label="(384,)", style=solid]; +"1193 linear_55_zero_point_0" -> "1194 quantize_per_channel_default_56" [label="(384,)", style=solid]; +"1193 linear_55_zero_point_0" -> "1195 dequantize_per_channel_default_56" [label="(384,)", style=solid]; +"1194 quantize_per_channel_default_56" -> "1195 dequantize_per_channel_default_56" [label="(384, 1536)", style=solid]; +"1195 dequantize_per_channel_default_56" -> "1197 linear_55" [label="(384, 1536)", style=solid]; +"1196 _param_constant151_0_0" -> "1197 linear_55" [label="(384,)", style=solid]; +"1197 linear_55" -> "1198 dropout_35" [label="(1, 14, 14, 384)", style=solid]; +"1198 dropout_35" -> "1201 layer_norm_20" [label="(1, 14, 14, 384)", style=solid]; +"1199 _param_constant152" -> "1201 layer_norm_20" [label="(384,)", style=solid]; +"1200 _param_constant153" -> "1201 layer_norm_20" [label="(384,)", style=solid]; +"1201 layer_norm_20" -> "1202 add_30" [label="(1, 14, 14, 384)", style=solid]; +"1202 add_30" -> "1229 pad_11" [label="(1, 14, 14, 384)", style=solid]; +"1202 add_30" -> "1312 add_33" [label="(1, 14, 14, 384)", style=solid]; +"1203 _tensor_constant54" -> "1205 _tensor_constant54_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; +"1204 linear_56_updated_constant0" -> "1208 quantize_per_channel_default_57" [label="(512, 2)", style=solid]; +"1205 _tensor_constant54_0_0_nncf_smooth_quant_0" -> "1211 linear_56" [label="(1, 15, 15, 2)", style=solid]; +"1206 linear_56_scale_0" -> "1208 quantize_per_channel_default_57" [label="(512,)", style=solid]; +"1206 linear_56_scale_0" -> "1209 dequantize_per_channel_default_57" [label="(512,)", style=solid]; +"1207 linear_56_zero_point_0" -> "1208 quantize_per_channel_default_57" [label="(512,)", style=solid]; +"1207 linear_56_zero_point_0" -> "1209 dequantize_per_channel_default_57" [label="(512,)", style=solid]; +"1208 quantize_per_channel_default_57" -> "1209 dequantize_per_channel_default_57" [label="(512, 2)", style=solid]; +"1209 dequantize_per_channel_default_57" -> "1211 linear_56" [label="(512, 2)", style=solid]; +"1210 _param_constant155_0_0" -> "1211 linear_56" [label="(512,)", style=solid]; +"1211 linear_56" -> "1212 relu__9" [label="(1, 15, 15, 512)", style=solid]; +"1212 relu__9" -> "1214 relu__9_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; +"1213 linear_57_updated_constant0" -> "1217 quantize_per_channel_default_58" [label="(12, 512)", style=solid]; +"1214 relu__9_0_0_nncf_smooth_quant_0" -> "1219 linear_57" [label="(1, 15, 15, 512)", style=solid]; +"1215 linear_57_scale_0" -> "1217 quantize_per_channel_default_58" [label="(12,)", style=solid]; +"1215 linear_57_scale_0" -> "1218 dequantize_per_channel_default_58" [label="(12,)", style=solid]; +"1216 linear_57_zero_point_0" -> "1217 quantize_per_channel_default_58" [label="(12,)", style=solid]; +"1216 linear_57_zero_point_0" -> "1218 dequantize_per_channel_default_58" [label="(12,)", style=solid]; +"1217 quantize_per_channel_default_58" -> "1218 dequantize_per_channel_default_58" [label="(12, 512)", style=solid]; +"1218 dequantize_per_channel_default_58" -> "1219 linear_57" [label="(12, 512)", style=solid]; +"1219 linear_57" -> "1220 view_48" [label="(1, 15, 15, 12)", style=solid]; +"1220 view_48" -> "1222 index_9" [label="(225, 12)", style=solid]; +"1221 _tensor_constant55" -> "1222 index_9" [label="(4096,)", style=solid]; +"1222 index_9" -> "1223 view_49" [label="(4096, 12)", style=solid]; +"1223 view_49" -> "1224 permute_41" [label="(64, 64, 12)", style=solid]; +"1224 permute_41" -> "1225 contiguous_16" [label="(12, 64, 64)", style=solid]; +"1225 contiguous_16" -> "1226 unsqueeze_25" [label="(12, 64, 64)", style=solid]; +"1226 unsqueeze_25" -> "1227 sigmoid_9" [label="(1, 12, 64, 64)", style=solid]; +"1227 sigmoid_9" -> "1228 mul_18" [label="(1, 12, 64, 64)", style=solid]; +"1228 mul_18" -> "1267 add_31" [label="(1, 12, 64, 64)", style=solid]; +"1229 pad_11" -> "1230 roll_8" [label="(1, 16, 16, 384)", style=solid]; +"1230 roll_8" -> "1231 view_50" [label="(1, 16, 16, 384)", style=solid]; +"1231 view_50" -> "1232 permute_42" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1232 permute_42" -> "1233 reshape_40" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1233 reshape_40" -> "1235 reshape_40_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"1233 reshape_40" -> "1268 new_zeros_4" [label="(4, 64, 384)", style=solid]; +"1234 linear_58_updated_constant0" -> "1240 quantize_per_channel_default_59" [label="(1152, 384)", style=solid]; +"1235 reshape_40_0_0_nncf_smooth_quant_0" -> "1236 quantize_per_tensor_default_57" [label="(4, 64, 384)", style=solid]; +"1236 quantize_per_tensor_default_57" -> "1237 dequantize_per_tensor_default_57" [label="(4, 64, 384)", style=solid]; +"1237 dequantize_per_tensor_default_57" -> "1243 linear_58" [label="(4, 64, 384)", style=solid]; +"1238 linear_58_scale_0" -> "1240 quantize_per_channel_default_59" [label="(1152,)", style=solid]; +"1238 linear_58_scale_0" -> "1241 dequantize_per_channel_default_59" [label="(1152,)", style=solid]; +"1239 linear_58_zero_point_0" -> "1240 quantize_per_channel_default_59" [label="(1152,)", style=solid]; +"1239 linear_58_zero_point_0" -> "1241 dequantize_per_channel_default_59" [label="(1152,)", style=solid]; +"1240 quantize_per_channel_default_59" -> "1241 dequantize_per_channel_default_59" [label="(1152, 384)", style=solid]; +"1241 dequantize_per_channel_default_59" -> "1243 linear_58" [label="(1152, 384)", style=solid]; +"1242 _param_constant157_0_0" -> "1243 linear_58" [label="(1152,)", style=solid]; +"1243 linear_58" -> "1244 reshape_41" [label="(4, 64, 1152)", style=solid]; +"1244 reshape_41" -> "1245 permute_43" [label="(4, 64, 3, 12, 32)", style=solid]; +"1245 permute_43" -> "1246 select_27" [label="(3, 4, 12, 64, 32)", style=solid]; +"1245 permute_43" -> "1247 select_28" [label="(3, 4, 12, 64, 32)", style=solid]; +"1245 permute_43" -> "1248 select_29" [label="(3, 4, 12, 64, 32)", style=solid]; +"1246 select_27" -> "1249 linalg_vector_norm_18" [label="(4, 12, 64, 32)", style=solid]; +"1246 select_27" -> "1251 expand_as_18" [label="(4, 12, 64, 32)", style=solid]; +"1246 select_27" -> "1252 div_18" [label="(4, 12, 64, 32)", style=solid]; +"1247 select_28" -> "1255 linalg_vector_norm_19" [label="(4, 12, 64, 32)", style=solid]; +"1247 select_28" -> "1257 expand_as_19" [label="(4, 12, 64, 32)", style=solid]; +"1247 select_28" -> "1258 div_19" [label="(4, 12, 64, 32)", style=solid]; +"1248 select_29" -> "1286 matmul_19" [label="(4, 12, 64, 32)", style=solid]; +"1249 linalg_vector_norm_18" -> "1250 clamp_min_18" [label="(4, 12, 64, 1)", style=solid]; +"1250 clamp_min_18" -> "1251 expand_as_18" [label="(4, 12, 64, 1)", style=solid]; +"1251 expand_as_18" -> "1252 div_18" [label="(4, 12, 64, 32)", style=solid]; +"1252 div_18" -> "1253 quantize_per_tensor_default_58" [label="(4, 12, 64, 32)", style=solid]; +"1253 quantize_per_tensor_default_58" -> "1254 dequantize_per_tensor_default_58" [label="(4, 12, 64, 32)", style=solid]; +"1254 dequantize_per_tensor_default_58" -> "1262 matmul_18" [label="(4, 12, 64, 32)", style=solid]; +"1255 linalg_vector_norm_19" -> "1256 clamp_min_19" [label="(4, 12, 64, 1)", style=solid]; +"1256 clamp_min_19" -> "1257 expand_as_19" [label="(4, 12, 64, 1)", style=solid]; +"1257 expand_as_19" -> "1258 div_19" [label="(4, 12, 64, 32)", style=solid]; +"1258 div_19" -> "1259 quantize_per_tensor_default_59" [label="(4, 12, 64, 32)", style=solid]; +"1259 quantize_per_tensor_default_59" -> "1260 dequantize_per_tensor_default_59" [label="(4, 12, 64, 32)", style=solid]; +"1260 dequantize_per_tensor_default_59" -> "1261 transpose_18" [label="(4, 12, 64, 32)", style=solid]; +"1261 transpose_18" -> "1262 matmul_18" [label="(4, 12, 32, 64)", style=solid]; +"1262 matmul_18" -> "1266 mul_19" [label="(4, 12, 64, 64)", style=solid]; +"1263 _param_constant159" -> "1264 clamp_9" [label="(12, 1, 1)", style=solid]; +"1264 clamp_9" -> "1265 exp_9" [label="(12, 1, 1)", style=solid]; +"1265 exp_9" -> "1266 mul_19" [label="(12, 1, 1)", style=solid]; +"1266 mul_19" -> "1267 add_31" [label="(4, 12, 64, 64)", style=solid]; +"1267 add_31" -> "1279 view_52" [label="(4, 12, 64, 64)", style=solid]; +"1268 new_zeros_4" -> "1269 view_51" [label="(16, 16)", style=solid]; +"1269 view_51" -> "1270 permute_44" [label="(2, 8, 2, 8)", style=solid]; +"1270 permute_44" -> "1271 reshape_42" [label="(2, 2, 8, 8)", style=solid]; +"1271 reshape_42" -> "1272 unsqueeze_26" [label="(4, 64)", style=solid]; +"1271 reshape_42" -> "1273 unsqueeze_27" [label="(4, 64)", style=solid]; +"1272 unsqueeze_26" -> "1274 sub_4" [label="(4, 1, 64)", style=solid]; +"1273 unsqueeze_27" -> "1274 sub_4" [label="(4, 64, 1)", style=solid]; +"1274 sub_4" -> "1275 ne_4" [label="(4, 64, 64)", style=solid]; +"1274 sub_4" -> "1276 masked_fill_8" [label="(4, 64, 64)", style=solid]; +"1274 sub_4" -> "1277 eq_4" [label="(4, 64, 64)", style=solid]; +"1275 ne_4" -> "1276 masked_fill_8" [label="(4, 64, 64)", style=solid]; +"1276 masked_fill_8" -> "1278 masked_fill_9" [label="(4, 64, 64)", style=solid]; +"1277 eq_4" -> "1278 masked_fill_9" [label="(4, 64, 64)", style=solid]; +"1278 masked_fill_9" -> "1280 unsqueeze_28" [label="(4, 64, 64)", style=solid]; +"1279 view_52" -> "1282 add_32" [label="(1, 4, 12, 64, 64)", style=solid]; +"1280 unsqueeze_28" -> "1281 unsqueeze_29" [label="(4, 1, 64, 64)", style=solid]; +"1281 unsqueeze_29" -> "1282 add_32" [label="(1, 4, 1, 64, 64)", style=solid]; +"1282 add_32" -> "1283 view_53" [label="(1, 4, 12, 64, 64)", style=solid]; +"1283 view_53" -> "1284 softmax_9" [label="(4, 12, 64, 64)", style=solid]; +"1284 softmax_9" -> "1285 dropout_36" [label="(4, 12, 64, 64)", style=solid]; +"1285 dropout_36" -> "1286 matmul_19" [label="(4, 12, 64, 64)", style=solid]; +"1286 matmul_19" -> "1287 transpose_19" [label="(4, 12, 64, 32)", style=solid]; +"1287 transpose_19" -> "1288 reshape_43" [label="(4, 64, 12, 32)", style=solid]; +"1288 reshape_43" -> "1290 reshape_43_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"1289 linear_59_updated_constant0" -> "1295 quantize_per_channel_default_60" [label="(384, 384)", style=solid]; +"1290 reshape_43_0_0_nncf_smooth_quant_0" -> "1291 quantize_per_tensor_default_60" [label="(4, 64, 384)", style=solid]; +"1291 quantize_per_tensor_default_60" -> "1292 dequantize_per_tensor_default_60" [label="(4, 64, 384)", style=solid]; +"1292 dequantize_per_tensor_default_60" -> "1298 linear_59" [label="(4, 64, 384)", style=solid]; +"1293 linear_59_scale_0" -> "1295 quantize_per_channel_default_60" [label="(384,)", style=solid]; +"1293 linear_59_scale_0" -> "1296 dequantize_per_channel_default_60" [label="(384,)", style=solid]; +"1294 linear_59_zero_point_0" -> "1295 quantize_per_channel_default_60" [label="(384,)", style=solid]; +"1294 linear_59_zero_point_0" -> "1296 dequantize_per_channel_default_60" [label="(384,)", style=solid]; +"1295 quantize_per_channel_default_60" -> "1296 dequantize_per_channel_default_60" [label="(384, 384)", style=solid]; +"1296 dequantize_per_channel_default_60" -> "1298 linear_59" [label="(384, 384)", style=solid]; +"1297 _param_constant161_0_0" -> "1298 linear_59" [label="(384,)", style=solid]; +"1298 linear_59" -> "1299 dropout_37" [label="(4, 64, 384)", style=solid]; +"1299 dropout_37" -> "1300 view_54" [label="(4, 64, 384)", style=solid]; +"1300 view_54" -> "1301 permute_45" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1301 permute_45" -> "1302 reshape_44" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1302 reshape_44" -> "1303 roll_9" [label="(1, 16, 16, 384)", style=solid]; +"1303 roll_9" -> "1304 slice_157" [label="(1, 16, 16, 384)", style=solid]; +"1304 slice_157" -> "1305 slice_158" [label="(1, 16, 16, 384)", style=solid]; +"1305 slice_158" -> "1306 slice_159" [label="(1, 14, 16, 384)", style=solid]; +"1306 slice_159" -> "1307 slice_160" [label="(1, 14, 14, 384)", style=solid]; +"1307 slice_160" -> "1308 contiguous_17" [label="(1, 14, 14, 384)", style=solid]; +"1308 contiguous_17" -> "1311 layer_norm_21" [label="(1, 14, 14, 384)", style=solid]; +"1309 _param_constant162" -> "1311 layer_norm_21" [label="(384,)", style=solid]; +"1310 _param_constant163" -> "1311 layer_norm_21" [label="(384,)", style=solid]; +"1311 layer_norm_21" -> "1312 add_33" [label="(1, 14, 14, 384)", style=solid]; +"1312 add_33" -> "1314 add_33_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; +"1312 add_33" -> "1339 add_34" [label="(1, 14, 14, 384)", style=solid]; +"1313 linear_60_updated_constant0" -> "1319 quantize_per_channel_default_61" [label="(1536, 384)", style=solid]; +"1314 add_33_0_0_nncf_smooth_quant_0" -> "1315 quantize_per_tensor_default_61" [label="(1, 14, 14, 384)", style=solid]; +"1315 quantize_per_tensor_default_61" -> "1316 dequantize_per_tensor_default_61" [label="(1, 14, 14, 384)", style=solid]; +"1316 dequantize_per_tensor_default_61" -> "1322 linear_60" [label="(1, 14, 14, 384)", style=solid]; +"1317 linear_60_scale_0" -> "1319 quantize_per_channel_default_61" [label="(1536,)", style=solid]; +"1317 linear_60_scale_0" -> "1320 dequantize_per_channel_default_61" [label="(1536,)", style=solid]; +"1318 linear_60_zero_point_0" -> "1319 quantize_per_channel_default_61" [label="(1536,)", style=solid]; +"1318 linear_60_zero_point_0" -> "1320 dequantize_per_channel_default_61" [label="(1536,)", style=solid]; +"1319 quantize_per_channel_default_61" -> "1320 dequantize_per_channel_default_61" [label="(1536, 384)", style=solid]; +"1320 dequantize_per_channel_default_61" -> "1322 linear_60" [label="(1536, 384)", style=solid]; +"1321 _param_constant165_0_0" -> "1322 linear_60" [label="(1536,)", style=solid]; +"1322 linear_60" -> "1323 gelu_9" [label="(1, 14, 14, 1536)", style=solid]; +"1323 gelu_9" -> "1324 dropout_38" [label="(1, 14, 14, 1536)", style=solid]; +"1324 dropout_38" -> "1326 dropout_38_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; +"1325 linear_61_updated_constant0" -> "1331 quantize_per_channel_default_62" [label="(384, 1536)", style=solid]; +"1326 dropout_38_0_0_nncf_smooth_quant_0" -> "1327 quantize_per_tensor_default_62" [label="(1, 14, 14, 1536)", style=solid]; +"1327 quantize_per_tensor_default_62" -> "1328 dequantize_per_tensor_default_62" [label="(1, 14, 14, 1536)", style=solid]; +"1328 dequantize_per_tensor_default_62" -> "1334 linear_61" [label="(1, 14, 14, 1536)", style=solid]; +"1329 linear_61_scale_0" -> "1331 quantize_per_channel_default_62" [label="(384,)", style=solid]; +"1329 linear_61_scale_0" -> "1332 dequantize_per_channel_default_62" [label="(384,)", style=solid]; +"1330 linear_61_zero_point_0" -> "1331 quantize_per_channel_default_62" [label="(384,)", style=solid]; +"1330 linear_61_zero_point_0" -> "1332 dequantize_per_channel_default_62" [label="(384,)", style=solid]; +"1331 quantize_per_channel_default_62" -> "1332 dequantize_per_channel_default_62" [label="(384, 1536)", style=solid]; +"1332 dequantize_per_channel_default_62" -> "1334 linear_61" [label="(384, 1536)", style=solid]; +"1333 _param_constant167_0_0" -> "1334 linear_61" [label="(384,)", style=solid]; +"1334 linear_61" -> "1335 dropout_39" [label="(1, 14, 14, 384)", style=solid]; +"1335 dropout_39" -> "1338 layer_norm_22" [label="(1, 14, 14, 384)", style=solid]; +"1336 _param_constant168" -> "1338 layer_norm_22" [label="(384,)", style=solid]; +"1337 _param_constant169" -> "1338 layer_norm_22" [label="(384,)", style=solid]; +"1338 layer_norm_22" -> "1339 add_34" [label="(1, 14, 14, 384)", style=solid]; +"1339 add_34" -> "1366 pad_12" [label="(1, 14, 14, 384)", style=solid]; +"1339 add_34" -> "1431 add_36" [label="(1, 14, 14, 384)", style=solid]; +"1340 _tensor_constant65" -> "1342 _tensor_constant65_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; +"1341 linear_62_updated_constant0" -> "1345 quantize_per_channel_default_63" [label="(512, 2)", style=solid]; +"1342 _tensor_constant65_0_0_nncf_smooth_quant_0" -> "1348 linear_62" [label="(1, 15, 15, 2)", style=solid]; +"1343 linear_62_scale_0" -> "1345 quantize_per_channel_default_63" [label="(512,)", style=solid]; +"1343 linear_62_scale_0" -> "1346 dequantize_per_channel_default_63" [label="(512,)", style=solid]; +"1344 linear_62_zero_point_0" -> "1345 quantize_per_channel_default_63" [label="(512,)", style=solid]; +"1344 linear_62_zero_point_0" -> "1346 dequantize_per_channel_default_63" [label="(512,)", style=solid]; +"1345 quantize_per_channel_default_63" -> "1346 dequantize_per_channel_default_63" [label="(512, 2)", style=solid]; +"1346 dequantize_per_channel_default_63" -> "1348 linear_62" [label="(512, 2)", style=solid]; +"1347 _param_constant171_0_0" -> "1348 linear_62" [label="(512,)", style=solid]; +"1348 linear_62" -> "1349 relu__10" [label="(1, 15, 15, 512)", style=solid]; +"1349 relu__10" -> "1351 relu__10_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; +"1350 linear_63_updated_constant0" -> "1354 quantize_per_channel_default_64" [label="(12, 512)", style=solid]; +"1351 relu__10_0_0_nncf_smooth_quant_0" -> "1356 linear_63" [label="(1, 15, 15, 512)", style=solid]; +"1352 linear_63_scale_0" -> "1354 quantize_per_channel_default_64" [label="(12,)", style=solid]; +"1352 linear_63_scale_0" -> "1355 dequantize_per_channel_default_64" [label="(12,)", style=solid]; +"1353 linear_63_zero_point_0" -> "1354 quantize_per_channel_default_64" [label="(12,)", style=solid]; +"1353 linear_63_zero_point_0" -> "1355 dequantize_per_channel_default_64" [label="(12,)", style=solid]; +"1354 quantize_per_channel_default_64" -> "1355 dequantize_per_channel_default_64" [label="(12, 512)", style=solid]; +"1355 dequantize_per_channel_default_64" -> "1356 linear_63" [label="(12, 512)", style=solid]; +"1356 linear_63" -> "1357 view_55" [label="(1, 15, 15, 12)", style=solid]; +"1357 view_55" -> "1359 index_10" [label="(225, 12)", style=solid]; +"1358 _tensor_constant66" -> "1359 index_10" [label="(4096,)", style=solid]; +"1359 index_10" -> "1360 view_56" [label="(4096, 12)", style=solid]; +"1360 view_56" -> "1361 permute_46" [label="(64, 64, 12)", style=solid]; +"1361 permute_46" -> "1362 contiguous_18" [label="(12, 64, 64)", style=solid]; +"1362 contiguous_18" -> "1363 unsqueeze_30" [label="(12, 64, 64)", style=solid]; +"1363 unsqueeze_30" -> "1364 sigmoid_10" [label="(1, 12, 64, 64)", style=solid]; +"1364 sigmoid_10" -> "1365 mul_20" [label="(1, 12, 64, 64)", style=solid]; +"1365 mul_20" -> "1403 add_35" [label="(1, 12, 64, 64)", style=solid]; +"1366 pad_12" -> "1367 view_57" [label="(1, 16, 16, 384)", style=solid]; +"1367 view_57" -> "1368 permute_47" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1368 permute_47" -> "1369 reshape_45" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1369 reshape_45" -> "1371 reshape_45_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"1370 linear_64_updated_constant0" -> "1376 quantize_per_channel_default_65" [label="(1152, 384)", style=solid]; +"1371 reshape_45_0_0_nncf_smooth_quant_0" -> "1372 quantize_per_tensor_default_63" [label="(4, 64, 384)", style=solid]; +"1372 quantize_per_tensor_default_63" -> "1373 dequantize_per_tensor_default_63" [label="(4, 64, 384)", style=solid]; +"1373 dequantize_per_tensor_default_63" -> "1379 linear_64" [label="(4, 64, 384)", style=solid]; +"1374 linear_64_scale_0" -> "1376 quantize_per_channel_default_65" [label="(1152,)", style=solid]; +"1374 linear_64_scale_0" -> "1377 dequantize_per_channel_default_65" [label="(1152,)", style=solid]; +"1375 linear_64_zero_point_0" -> "1376 quantize_per_channel_default_65" [label="(1152,)", style=solid]; +"1375 linear_64_zero_point_0" -> "1377 dequantize_per_channel_default_65" [label="(1152,)", style=solid]; +"1376 quantize_per_channel_default_65" -> "1377 dequantize_per_channel_default_65" [label="(1152, 384)", style=solid]; +"1377 dequantize_per_channel_default_65" -> "1379 linear_64" [label="(1152, 384)", style=solid]; +"1378 _param_constant173_0_0" -> "1379 linear_64" [label="(1152,)", style=solid]; +"1379 linear_64" -> "1380 reshape_46" [label="(4, 64, 1152)", style=solid]; +"1380 reshape_46" -> "1381 permute_48" [label="(4, 64, 3, 12, 32)", style=solid]; +"1381 permute_48" -> "1382 select_30" [label="(3, 4, 12, 64, 32)", style=solid]; +"1381 permute_48" -> "1383 select_31" [label="(3, 4, 12, 64, 32)", style=solid]; +"1381 permute_48" -> "1384 select_32" [label="(3, 4, 12, 64, 32)", style=solid]; +"1382 select_30" -> "1385 linalg_vector_norm_20" [label="(4, 12, 64, 32)", style=solid]; +"1382 select_30" -> "1387 expand_as_20" [label="(4, 12, 64, 32)", style=solid]; +"1382 select_30" -> "1388 div_20" [label="(4, 12, 64, 32)", style=solid]; +"1383 select_31" -> "1391 linalg_vector_norm_21" [label="(4, 12, 64, 32)", style=solid]; +"1383 select_31" -> "1393 expand_as_21" [label="(4, 12, 64, 32)", style=solid]; +"1383 select_31" -> "1394 div_21" [label="(4, 12, 64, 32)", style=solid]; +"1384 select_32" -> "1406 matmul_21" [label="(4, 12, 64, 32)", style=solid]; +"1385 linalg_vector_norm_20" -> "1386 clamp_min_20" [label="(4, 12, 64, 1)", style=solid]; +"1386 clamp_min_20" -> "1387 expand_as_20" [label="(4, 12, 64, 1)", style=solid]; +"1387 expand_as_20" -> "1388 div_20" [label="(4, 12, 64, 32)", style=solid]; +"1388 div_20" -> "1389 quantize_per_tensor_default_64" [label="(4, 12, 64, 32)", style=solid]; +"1389 quantize_per_tensor_default_64" -> "1390 dequantize_per_tensor_default_64" [label="(4, 12, 64, 32)", style=solid]; +"1390 dequantize_per_tensor_default_64" -> "1398 matmul_20" [label="(4, 12, 64, 32)", style=solid]; +"1391 linalg_vector_norm_21" -> "1392 clamp_min_21" [label="(4, 12, 64, 1)", style=solid]; +"1392 clamp_min_21" -> "1393 expand_as_21" [label="(4, 12, 64, 1)", style=solid]; +"1393 expand_as_21" -> "1394 div_21" [label="(4, 12, 64, 32)", style=solid]; +"1394 div_21" -> "1395 quantize_per_tensor_default_65" [label="(4, 12, 64, 32)", style=solid]; +"1395 quantize_per_tensor_default_65" -> "1396 dequantize_per_tensor_default_65" [label="(4, 12, 64, 32)", style=solid]; +"1396 dequantize_per_tensor_default_65" -> "1397 transpose_20" [label="(4, 12, 64, 32)", style=solid]; +"1397 transpose_20" -> "1398 matmul_20" [label="(4, 12, 32, 64)", style=solid]; +"1398 matmul_20" -> "1402 mul_21" [label="(4, 12, 64, 64)", style=solid]; +"1399 _param_constant175" -> "1400 clamp_10" [label="(12, 1, 1)", style=solid]; +"1400 clamp_10" -> "1401 exp_10" [label="(12, 1, 1)", style=solid]; +"1401 exp_10" -> "1402 mul_21" [label="(12, 1, 1)", style=solid]; +"1402 mul_21" -> "1403 add_35" [label="(4, 12, 64, 64)", style=solid]; +"1403 add_35" -> "1404 softmax_10" [label="(4, 12, 64, 64)", style=solid]; +"1404 softmax_10" -> "1405 dropout_40" [label="(4, 12, 64, 64)", style=solid]; +"1405 dropout_40" -> "1406 matmul_21" [label="(4, 12, 64, 64)", style=solid]; +"1406 matmul_21" -> "1407 transpose_21" [label="(4, 12, 64, 32)", style=solid]; +"1407 transpose_21" -> "1408 reshape_47" [label="(4, 64, 12, 32)", style=solid]; +"1408 reshape_47" -> "1410 reshape_47_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"1409 linear_65_updated_constant0" -> "1415 quantize_per_channel_default_66" [label="(384, 384)", style=solid]; +"1410 reshape_47_0_0_nncf_smooth_quant_0" -> "1411 quantize_per_tensor_default_66" [label="(4, 64, 384)", style=solid]; +"1411 quantize_per_tensor_default_66" -> "1412 dequantize_per_tensor_default_66" [label="(4, 64, 384)", style=solid]; +"1412 dequantize_per_tensor_default_66" -> "1418 linear_65" [label="(4, 64, 384)", style=solid]; +"1413 linear_65_scale_0" -> "1415 quantize_per_channel_default_66" [label="(384,)", style=solid]; +"1413 linear_65_scale_0" -> "1416 dequantize_per_channel_default_66" [label="(384,)", style=solid]; +"1414 linear_65_zero_point_0" -> "1415 quantize_per_channel_default_66" [label="(384,)", style=solid]; +"1414 linear_65_zero_point_0" -> "1416 dequantize_per_channel_default_66" [label="(384,)", style=solid]; +"1415 quantize_per_channel_default_66" -> "1416 dequantize_per_channel_default_66" [label="(384, 384)", style=solid]; +"1416 dequantize_per_channel_default_66" -> "1418 linear_65" [label="(384, 384)", style=solid]; +"1417 _param_constant177_0_0" -> "1418 linear_65" [label="(384,)", style=solid]; +"1418 linear_65" -> "1419 dropout_41" [label="(4, 64, 384)", style=solid]; +"1419 dropout_41" -> "1420 view_58" [label="(4, 64, 384)", style=solid]; +"1420 view_58" -> "1421 permute_49" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1421 permute_49" -> "1422 reshape_48" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1422 reshape_48" -> "1423 slice_162" [label="(1, 16, 16, 384)", style=solid]; +"1423 slice_162" -> "1424 slice_163" [label="(1, 16, 16, 384)", style=solid]; +"1424 slice_163" -> "1425 slice_164" [label="(1, 14, 16, 384)", style=solid]; +"1425 slice_164" -> "1426 slice_165" [label="(1, 14, 14, 384)", style=solid]; +"1426 slice_165" -> "1427 contiguous_19" [label="(1, 14, 14, 384)", style=solid]; +"1427 contiguous_19" -> "1430 layer_norm_23" [label="(1, 14, 14, 384)", style=solid]; +"1428 _param_constant178" -> "1430 layer_norm_23" [label="(384,)", style=solid]; +"1429 _param_constant179" -> "1430 layer_norm_23" [label="(384,)", style=solid]; +"1430 layer_norm_23" -> "1431 add_36" [label="(1, 14, 14, 384)", style=solid]; +"1431 add_36" -> "1433 add_36_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; +"1431 add_36" -> "1458 add_37" [label="(1, 14, 14, 384)", style=solid]; +"1432 linear_66_updated_constant0" -> "1438 quantize_per_channel_default_67" [label="(1536, 384)", style=solid]; +"1433 add_36_0_0_nncf_smooth_quant_0" -> "1434 quantize_per_tensor_default_67" [label="(1, 14, 14, 384)", style=solid]; +"1434 quantize_per_tensor_default_67" -> "1435 dequantize_per_tensor_default_67" [label="(1, 14, 14, 384)", style=solid]; +"1435 dequantize_per_tensor_default_67" -> "1441 linear_66" [label="(1, 14, 14, 384)", style=solid]; +"1436 linear_66_scale_0" -> "1438 quantize_per_channel_default_67" [label="(1536,)", style=solid]; +"1436 linear_66_scale_0" -> "1439 dequantize_per_channel_default_67" [label="(1536,)", style=solid]; +"1437 linear_66_zero_point_0" -> "1438 quantize_per_channel_default_67" [label="(1536,)", style=solid]; +"1437 linear_66_zero_point_0" -> "1439 dequantize_per_channel_default_67" [label="(1536,)", style=solid]; +"1438 quantize_per_channel_default_67" -> "1439 dequantize_per_channel_default_67" [label="(1536, 384)", style=solid]; +"1439 dequantize_per_channel_default_67" -> "1441 linear_66" [label="(1536, 384)", style=solid]; +"1440 _param_constant181_0_0" -> "1441 linear_66" [label="(1536,)", style=solid]; +"1441 linear_66" -> "1442 gelu_10" [label="(1, 14, 14, 1536)", style=solid]; +"1442 gelu_10" -> "1443 dropout_42" [label="(1, 14, 14, 1536)", style=solid]; +"1443 dropout_42" -> "1445 dropout_42_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; +"1444 linear_67_updated_constant0" -> "1450 quantize_per_channel_default_68" [label="(384, 1536)", style=solid]; +"1445 dropout_42_0_0_nncf_smooth_quant_0" -> "1446 quantize_per_tensor_default_68" [label="(1, 14, 14, 1536)", style=solid]; +"1446 quantize_per_tensor_default_68" -> "1447 dequantize_per_tensor_default_68" [label="(1, 14, 14, 1536)", style=solid]; +"1447 dequantize_per_tensor_default_68" -> "1453 linear_67" [label="(1, 14, 14, 1536)", style=solid]; +"1448 linear_67_scale_0" -> "1450 quantize_per_channel_default_68" [label="(384,)", style=solid]; +"1448 linear_67_scale_0" -> "1451 dequantize_per_channel_default_68" [label="(384,)", style=solid]; +"1449 linear_67_zero_point_0" -> "1450 quantize_per_channel_default_68" [label="(384,)", style=solid]; +"1449 linear_67_zero_point_0" -> "1451 dequantize_per_channel_default_68" [label="(384,)", style=solid]; +"1450 quantize_per_channel_default_68" -> "1451 dequantize_per_channel_default_68" [label="(384, 1536)", style=solid]; +"1451 dequantize_per_channel_default_68" -> "1453 linear_67" [label="(384, 1536)", style=solid]; +"1452 _param_constant183_0_0" -> "1453 linear_67" [label="(384,)", style=solid]; +"1453 linear_67" -> "1454 dropout_43" [label="(1, 14, 14, 384)", style=solid]; +"1454 dropout_43" -> "1457 layer_norm_24" [label="(1, 14, 14, 384)", style=solid]; +"1455 _param_constant184" -> "1457 layer_norm_24" [label="(384,)", style=solid]; +"1456 _param_constant185" -> "1457 layer_norm_24" [label="(384,)", style=solid]; +"1457 layer_norm_24" -> "1458 add_37" [label="(1, 14, 14, 384)", style=solid]; +"1458 add_37" -> "1485 pad_13" [label="(1, 14, 14, 384)", style=solid]; +"1458 add_37" -> "1568 add_40" [label="(1, 14, 14, 384)", style=solid]; +"1459 _tensor_constant67" -> "1461 _tensor_constant67_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; +"1460 linear_68_updated_constant0" -> "1464 quantize_per_channel_default_69" [label="(512, 2)", style=solid]; +"1461 _tensor_constant67_0_0_nncf_smooth_quant_0" -> "1467 linear_68" [label="(1, 15, 15, 2)", style=solid]; +"1462 linear_68_scale_0" -> "1464 quantize_per_channel_default_69" [label="(512,)", style=solid]; +"1462 linear_68_scale_0" -> "1465 dequantize_per_channel_default_69" [label="(512,)", style=solid]; +"1463 linear_68_zero_point_0" -> "1464 quantize_per_channel_default_69" [label="(512,)", style=solid]; +"1463 linear_68_zero_point_0" -> "1465 dequantize_per_channel_default_69" [label="(512,)", style=solid]; +"1464 quantize_per_channel_default_69" -> "1465 dequantize_per_channel_default_69" [label="(512, 2)", style=solid]; +"1465 dequantize_per_channel_default_69" -> "1467 linear_68" [label="(512, 2)", style=solid]; +"1466 _param_constant187_0_0" -> "1467 linear_68" [label="(512,)", style=solid]; +"1467 linear_68" -> "1468 relu__11" [label="(1, 15, 15, 512)", style=solid]; +"1468 relu__11" -> "1470 relu__11_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; +"1469 linear_69_updated_constant0" -> "1473 quantize_per_channel_default_70" [label="(12, 512)", style=solid]; +"1470 relu__11_0_0_nncf_smooth_quant_0" -> "1475 linear_69" [label="(1, 15, 15, 512)", style=solid]; +"1471 linear_69_scale_0" -> "1473 quantize_per_channel_default_70" [label="(12,)", style=solid]; +"1471 linear_69_scale_0" -> "1474 dequantize_per_channel_default_70" [label="(12,)", style=solid]; +"1472 linear_69_zero_point_0" -> "1473 quantize_per_channel_default_70" [label="(12,)", style=solid]; +"1472 linear_69_zero_point_0" -> "1474 dequantize_per_channel_default_70" [label="(12,)", style=solid]; +"1473 quantize_per_channel_default_70" -> "1474 dequantize_per_channel_default_70" [label="(12, 512)", style=solid]; +"1474 dequantize_per_channel_default_70" -> "1475 linear_69" [label="(12, 512)", style=solid]; +"1475 linear_69" -> "1476 view_59" [label="(1, 15, 15, 12)", style=solid]; +"1476 view_59" -> "1478 index_11" [label="(225, 12)", style=solid]; +"1477 _tensor_constant68" -> "1478 index_11" [label="(4096,)", style=solid]; +"1478 index_11" -> "1479 view_60" [label="(4096, 12)", style=solid]; +"1479 view_60" -> "1480 permute_50" [label="(64, 64, 12)", style=solid]; +"1480 permute_50" -> "1481 contiguous_20" [label="(12, 64, 64)", style=solid]; +"1481 contiguous_20" -> "1482 unsqueeze_31" [label="(12, 64, 64)", style=solid]; +"1482 unsqueeze_31" -> "1483 sigmoid_11" [label="(1, 12, 64, 64)", style=solid]; +"1483 sigmoid_11" -> "1484 mul_22" [label="(1, 12, 64, 64)", style=solid]; +"1484 mul_22" -> "1523 add_38" [label="(1, 12, 64, 64)", style=solid]; +"1485 pad_13" -> "1486 roll_10" [label="(1, 16, 16, 384)", style=solid]; +"1486 roll_10" -> "1487 view_61" [label="(1, 16, 16, 384)", style=solid]; +"1487 view_61" -> "1488 permute_51" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1488 permute_51" -> "1489 reshape_49" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1489 reshape_49" -> "1491 reshape_49_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"1489 reshape_49" -> "1524 new_zeros_5" [label="(4, 64, 384)", style=solid]; +"1490 linear_70_updated_constant0" -> "1496 quantize_per_channel_default_71" [label="(1152, 384)", style=solid]; +"1491 reshape_49_0_0_nncf_smooth_quant_0" -> "1492 quantize_per_tensor_default_69" [label="(4, 64, 384)", style=solid]; +"1492 quantize_per_tensor_default_69" -> "1493 dequantize_per_tensor_default_69" [label="(4, 64, 384)", style=solid]; +"1493 dequantize_per_tensor_default_69" -> "1499 linear_70" [label="(4, 64, 384)", style=solid]; +"1494 linear_70_scale_0" -> "1496 quantize_per_channel_default_71" [label="(1152,)", style=solid]; +"1494 linear_70_scale_0" -> "1497 dequantize_per_channel_default_71" [label="(1152,)", style=solid]; +"1495 linear_70_zero_point_0" -> "1496 quantize_per_channel_default_71" [label="(1152,)", style=solid]; +"1495 linear_70_zero_point_0" -> "1497 dequantize_per_channel_default_71" [label="(1152,)", style=solid]; +"1496 quantize_per_channel_default_71" -> "1497 dequantize_per_channel_default_71" [label="(1152, 384)", style=solid]; +"1497 dequantize_per_channel_default_71" -> "1499 linear_70" [label="(1152, 384)", style=solid]; +"1498 _param_constant189_0_0" -> "1499 linear_70" [label="(1152,)", style=solid]; +"1499 linear_70" -> "1500 reshape_50" [label="(4, 64, 1152)", style=solid]; +"1500 reshape_50" -> "1501 permute_52" [label="(4, 64, 3, 12, 32)", style=solid]; +"1501 permute_52" -> "1502 select_33" [label="(3, 4, 12, 64, 32)", style=solid]; +"1501 permute_52" -> "1503 select_34" [label="(3, 4, 12, 64, 32)", style=solid]; +"1501 permute_52" -> "1504 select_35" [label="(3, 4, 12, 64, 32)", style=solid]; +"1502 select_33" -> "1505 linalg_vector_norm_22" [label="(4, 12, 64, 32)", style=solid]; +"1502 select_33" -> "1507 expand_as_22" [label="(4, 12, 64, 32)", style=solid]; +"1502 select_33" -> "1508 div_22" [label="(4, 12, 64, 32)", style=solid]; +"1503 select_34" -> "1511 linalg_vector_norm_23" [label="(4, 12, 64, 32)", style=solid]; +"1503 select_34" -> "1513 expand_as_23" [label="(4, 12, 64, 32)", style=solid]; +"1503 select_34" -> "1514 div_23" [label="(4, 12, 64, 32)", style=solid]; +"1504 select_35" -> "1542 matmul_23" [label="(4, 12, 64, 32)", style=solid]; +"1505 linalg_vector_norm_22" -> "1506 clamp_min_22" [label="(4, 12, 64, 1)", style=solid]; +"1506 clamp_min_22" -> "1507 expand_as_22" [label="(4, 12, 64, 1)", style=solid]; +"1507 expand_as_22" -> "1508 div_22" [label="(4, 12, 64, 32)", style=solid]; +"1508 div_22" -> "1509 quantize_per_tensor_default_70" [label="(4, 12, 64, 32)", style=solid]; +"1509 quantize_per_tensor_default_70" -> "1510 dequantize_per_tensor_default_70" [label="(4, 12, 64, 32)", style=solid]; +"1510 dequantize_per_tensor_default_70" -> "1518 matmul_22" [label="(4, 12, 64, 32)", style=solid]; +"1511 linalg_vector_norm_23" -> "1512 clamp_min_23" [label="(4, 12, 64, 1)", style=solid]; +"1512 clamp_min_23" -> "1513 expand_as_23" [label="(4, 12, 64, 1)", style=solid]; +"1513 expand_as_23" -> "1514 div_23" [label="(4, 12, 64, 32)", style=solid]; +"1514 div_23" -> "1515 quantize_per_tensor_default_71" [label="(4, 12, 64, 32)", style=solid]; +"1515 quantize_per_tensor_default_71" -> "1516 dequantize_per_tensor_default_71" [label="(4, 12, 64, 32)", style=solid]; +"1516 dequantize_per_tensor_default_71" -> "1517 transpose_22" [label="(4, 12, 64, 32)", style=solid]; +"1517 transpose_22" -> "1518 matmul_22" [label="(4, 12, 32, 64)", style=solid]; +"1518 matmul_22" -> "1522 mul_23" [label="(4, 12, 64, 64)", style=solid]; +"1519 _param_constant191" -> "1520 clamp_11" [label="(12, 1, 1)", style=solid]; +"1520 clamp_11" -> "1521 exp_11" [label="(12, 1, 1)", style=solid]; +"1521 exp_11" -> "1522 mul_23" [label="(12, 1, 1)", style=solid]; +"1522 mul_23" -> "1523 add_38" [label="(4, 12, 64, 64)", style=solid]; +"1523 add_38" -> "1535 view_63" [label="(4, 12, 64, 64)", style=solid]; +"1524 new_zeros_5" -> "1525 view_62" [label="(16, 16)", style=solid]; +"1525 view_62" -> "1526 permute_53" [label="(2, 8, 2, 8)", style=solid]; +"1526 permute_53" -> "1527 reshape_51" [label="(2, 2, 8, 8)", style=solid]; +"1527 reshape_51" -> "1528 unsqueeze_32" [label="(4, 64)", style=solid]; +"1527 reshape_51" -> "1529 unsqueeze_33" [label="(4, 64)", style=solid]; +"1528 unsqueeze_32" -> "1530 sub_5" [label="(4, 1, 64)", style=solid]; +"1529 unsqueeze_33" -> "1530 sub_5" [label="(4, 64, 1)", style=solid]; +"1530 sub_5" -> "1531 ne_5" [label="(4, 64, 64)", style=solid]; +"1530 sub_5" -> "1532 masked_fill_10" [label="(4, 64, 64)", style=solid]; +"1530 sub_5" -> "1533 eq_5" [label="(4, 64, 64)", style=solid]; +"1531 ne_5" -> "1532 masked_fill_10" [label="(4, 64, 64)", style=solid]; +"1532 masked_fill_10" -> "1534 masked_fill_11" [label="(4, 64, 64)", style=solid]; +"1533 eq_5" -> "1534 masked_fill_11" [label="(4, 64, 64)", style=solid]; +"1534 masked_fill_11" -> "1536 unsqueeze_34" [label="(4, 64, 64)", style=solid]; +"1535 view_63" -> "1538 add_39" [label="(1, 4, 12, 64, 64)", style=solid]; +"1536 unsqueeze_34" -> "1537 unsqueeze_35" [label="(4, 1, 64, 64)", style=solid]; +"1537 unsqueeze_35" -> "1538 add_39" [label="(1, 4, 1, 64, 64)", style=solid]; +"1538 add_39" -> "1539 view_64" [label="(1, 4, 12, 64, 64)", style=solid]; +"1539 view_64" -> "1540 softmax_11" [label="(4, 12, 64, 64)", style=solid]; +"1540 softmax_11" -> "1541 dropout_44" [label="(4, 12, 64, 64)", style=solid]; +"1541 dropout_44" -> "1542 matmul_23" [label="(4, 12, 64, 64)", style=solid]; +"1542 matmul_23" -> "1543 transpose_23" [label="(4, 12, 64, 32)", style=solid]; +"1543 transpose_23" -> "1544 reshape_52" [label="(4, 64, 12, 32)", style=solid]; +"1544 reshape_52" -> "1546 reshape_52_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"1545 linear_71_updated_constant0" -> "1551 quantize_per_channel_default_72" [label="(384, 384)", style=solid]; +"1546 reshape_52_0_0_nncf_smooth_quant_0" -> "1547 quantize_per_tensor_default_72" [label="(4, 64, 384)", style=solid]; +"1547 quantize_per_tensor_default_72" -> "1548 dequantize_per_tensor_default_72" [label="(4, 64, 384)", style=solid]; +"1548 dequantize_per_tensor_default_72" -> "1554 linear_71" [label="(4, 64, 384)", style=solid]; +"1549 linear_71_scale_0" -> "1551 quantize_per_channel_default_72" [label="(384,)", style=solid]; +"1549 linear_71_scale_0" -> "1552 dequantize_per_channel_default_72" [label="(384,)", style=solid]; +"1550 linear_71_zero_point_0" -> "1551 quantize_per_channel_default_72" [label="(384,)", style=solid]; +"1550 linear_71_zero_point_0" -> "1552 dequantize_per_channel_default_72" [label="(384,)", style=solid]; +"1551 quantize_per_channel_default_72" -> "1552 dequantize_per_channel_default_72" [label="(384, 384)", style=solid]; +"1552 dequantize_per_channel_default_72" -> "1554 linear_71" [label="(384, 384)", style=solid]; +"1553 _param_constant193_0_0" -> "1554 linear_71" [label="(384,)", style=solid]; +"1554 linear_71" -> "1555 dropout_45" [label="(4, 64, 384)", style=solid]; +"1555 dropout_45" -> "1556 view_65" [label="(4, 64, 384)", style=solid]; +"1556 view_65" -> "1557 permute_54" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1557 permute_54" -> "1558 reshape_53" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1558 reshape_53" -> "1559 roll_11" [label="(1, 16, 16, 384)", style=solid]; +"1559 roll_11" -> "1560 slice_185" [label="(1, 16, 16, 384)", style=solid]; +"1560 slice_185" -> "1561 slice_186" [label="(1, 16, 16, 384)", style=solid]; +"1561 slice_186" -> "1562 slice_187" [label="(1, 14, 16, 384)", style=solid]; +"1562 slice_187" -> "1563 slice_188" [label="(1, 14, 14, 384)", style=solid]; +"1563 slice_188" -> "1564 contiguous_21" [label="(1, 14, 14, 384)", style=solid]; +"1564 contiguous_21" -> "1567 layer_norm_25" [label="(1, 14, 14, 384)", style=solid]; +"1565 _param_constant194" -> "1567 layer_norm_25" [label="(384,)", style=solid]; +"1566 _param_constant195" -> "1567 layer_norm_25" [label="(384,)", style=solid]; +"1567 layer_norm_25" -> "1568 add_40" [label="(1, 14, 14, 384)", style=solid]; +"1568 add_40" -> "1570 add_40_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; +"1568 add_40" -> "1595 add_41" [label="(1, 14, 14, 384)", style=solid]; +"1569 linear_72_updated_constant0" -> "1575 quantize_per_channel_default_73" [label="(1536, 384)", style=solid]; +"1570 add_40_0_0_nncf_smooth_quant_0" -> "1571 quantize_per_tensor_default_73" [label="(1, 14, 14, 384)", style=solid]; +"1571 quantize_per_tensor_default_73" -> "1572 dequantize_per_tensor_default_73" [label="(1, 14, 14, 384)", style=solid]; +"1572 dequantize_per_tensor_default_73" -> "1578 linear_72" [label="(1, 14, 14, 384)", style=solid]; +"1573 linear_72_scale_0" -> "1575 quantize_per_channel_default_73" [label="(1536,)", style=solid]; +"1573 linear_72_scale_0" -> "1576 dequantize_per_channel_default_73" [label="(1536,)", style=solid]; +"1574 linear_72_zero_point_0" -> "1575 quantize_per_channel_default_73" [label="(1536,)", style=solid]; +"1574 linear_72_zero_point_0" -> "1576 dequantize_per_channel_default_73" [label="(1536,)", style=solid]; +"1575 quantize_per_channel_default_73" -> "1576 dequantize_per_channel_default_73" [label="(1536, 384)", style=solid]; +"1576 dequantize_per_channel_default_73" -> "1578 linear_72" [label="(1536, 384)", style=solid]; +"1577 _param_constant197_0_0" -> "1578 linear_72" [label="(1536,)", style=solid]; +"1578 linear_72" -> "1579 gelu_11" [label="(1, 14, 14, 1536)", style=solid]; +"1579 gelu_11" -> "1580 dropout_46" [label="(1, 14, 14, 1536)", style=solid]; +"1580 dropout_46" -> "1582 dropout_46_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; +"1581 linear_73_updated_constant0" -> "1587 quantize_per_channel_default_74" [label="(384, 1536)", style=solid]; +"1582 dropout_46_0_0_nncf_smooth_quant_0" -> "1583 quantize_per_tensor_default_74" [label="(1, 14, 14, 1536)", style=solid]; +"1583 quantize_per_tensor_default_74" -> "1584 dequantize_per_tensor_default_74" [label="(1, 14, 14, 1536)", style=solid]; +"1584 dequantize_per_tensor_default_74" -> "1590 linear_73" [label="(1, 14, 14, 1536)", style=solid]; +"1585 linear_73_scale_0" -> "1587 quantize_per_channel_default_74" [label="(384,)", style=solid]; +"1585 linear_73_scale_0" -> "1588 dequantize_per_channel_default_74" [label="(384,)", style=solid]; +"1586 linear_73_zero_point_0" -> "1587 quantize_per_channel_default_74" [label="(384,)", style=solid]; +"1586 linear_73_zero_point_0" -> "1588 dequantize_per_channel_default_74" [label="(384,)", style=solid]; +"1587 quantize_per_channel_default_74" -> "1588 dequantize_per_channel_default_74" [label="(384, 1536)", style=solid]; +"1588 dequantize_per_channel_default_74" -> "1590 linear_73" [label="(384, 1536)", style=solid]; +"1589 _param_constant199_0_0" -> "1590 linear_73" [label="(384,)", style=solid]; +"1590 linear_73" -> "1591 dropout_47" [label="(1, 14, 14, 384)", style=solid]; +"1591 dropout_47" -> "1594 layer_norm_26" [label="(1, 14, 14, 384)", style=solid]; +"1592 _param_constant200" -> "1594 layer_norm_26" [label="(384,)", style=solid]; +"1593 _param_constant201" -> "1594 layer_norm_26" [label="(384,)", style=solid]; +"1594 layer_norm_26" -> "1595 add_41" [label="(1, 14, 14, 384)", style=solid]; +"1595 add_41" -> "1622 pad_14" [label="(1, 14, 14, 384)", style=solid]; +"1595 add_41" -> "1687 add_43" [label="(1, 14, 14, 384)", style=solid]; +"1596 _tensor_constant78" -> "1598 _tensor_constant78_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; +"1597 linear_74_updated_constant0" -> "1601 quantize_per_channel_default_75" [label="(512, 2)", style=solid]; +"1598 _tensor_constant78_0_0_nncf_smooth_quant_0" -> "1604 linear_74" [label="(1, 15, 15, 2)", style=solid]; +"1599 linear_74_scale_0" -> "1601 quantize_per_channel_default_75" [label="(512,)", style=solid]; +"1599 linear_74_scale_0" -> "1602 dequantize_per_channel_default_75" [label="(512,)", style=solid]; +"1600 linear_74_zero_point_0" -> "1601 quantize_per_channel_default_75" [label="(512,)", style=solid]; +"1600 linear_74_zero_point_0" -> "1602 dequantize_per_channel_default_75" [label="(512,)", style=solid]; +"1601 quantize_per_channel_default_75" -> "1602 dequantize_per_channel_default_75" [label="(512, 2)", style=solid]; +"1602 dequantize_per_channel_default_75" -> "1604 linear_74" [label="(512, 2)", style=solid]; +"1603 _param_constant203_0_0" -> "1604 linear_74" [label="(512,)", style=solid]; +"1604 linear_74" -> "1605 relu__12" [label="(1, 15, 15, 512)", style=solid]; +"1605 relu__12" -> "1607 relu__12_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; +"1606 linear_75_updated_constant0" -> "1610 quantize_per_channel_default_76" [label="(12, 512)", style=solid]; +"1607 relu__12_0_0_nncf_smooth_quant_0" -> "1612 linear_75" [label="(1, 15, 15, 512)", style=solid]; +"1608 linear_75_scale_0" -> "1610 quantize_per_channel_default_76" [label="(12,)", style=solid]; +"1608 linear_75_scale_0" -> "1611 dequantize_per_channel_default_76" [label="(12,)", style=solid]; +"1609 linear_75_zero_point_0" -> "1610 quantize_per_channel_default_76" [label="(12,)", style=solid]; +"1609 linear_75_zero_point_0" -> "1611 dequantize_per_channel_default_76" [label="(12,)", style=solid]; +"1610 quantize_per_channel_default_76" -> "1611 dequantize_per_channel_default_76" [label="(12, 512)", style=solid]; +"1611 dequantize_per_channel_default_76" -> "1612 linear_75" [label="(12, 512)", style=solid]; +"1612 linear_75" -> "1613 view_66" [label="(1, 15, 15, 12)", style=solid]; +"1613 view_66" -> "1615 index_12" [label="(225, 12)", style=solid]; +"1614 _tensor_constant79" -> "1615 index_12" [label="(4096,)", style=solid]; +"1615 index_12" -> "1616 view_67" [label="(4096, 12)", style=solid]; +"1616 view_67" -> "1617 permute_55" [label="(64, 64, 12)", style=solid]; +"1617 permute_55" -> "1618 contiguous_22" [label="(12, 64, 64)", style=solid]; +"1618 contiguous_22" -> "1619 unsqueeze_36" [label="(12, 64, 64)", style=solid]; +"1619 unsqueeze_36" -> "1620 sigmoid_12" [label="(1, 12, 64, 64)", style=solid]; +"1620 sigmoid_12" -> "1621 mul_24" [label="(1, 12, 64, 64)", style=solid]; +"1621 mul_24" -> "1659 add_42" [label="(1, 12, 64, 64)", style=solid]; +"1622 pad_14" -> "1623 view_68" [label="(1, 16, 16, 384)", style=solid]; +"1623 view_68" -> "1624 permute_56" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1624 permute_56" -> "1625 reshape_54" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1625 reshape_54" -> "1627 reshape_54_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"1626 linear_76_updated_constant0" -> "1632 quantize_per_channel_default_77" [label="(1152, 384)", style=solid]; +"1627 reshape_54_0_0_nncf_smooth_quant_0" -> "1628 quantize_per_tensor_default_75" [label="(4, 64, 384)", style=solid]; +"1628 quantize_per_tensor_default_75" -> "1629 dequantize_per_tensor_default_75" [label="(4, 64, 384)", style=solid]; +"1629 dequantize_per_tensor_default_75" -> "1635 linear_76" [label="(4, 64, 384)", style=solid]; +"1630 linear_76_scale_0" -> "1632 quantize_per_channel_default_77" [label="(1152,)", style=solid]; +"1630 linear_76_scale_0" -> "1633 dequantize_per_channel_default_77" [label="(1152,)", style=solid]; +"1631 linear_76_zero_point_0" -> "1632 quantize_per_channel_default_77" [label="(1152,)", style=solid]; +"1631 linear_76_zero_point_0" -> "1633 dequantize_per_channel_default_77" [label="(1152,)", style=solid]; +"1632 quantize_per_channel_default_77" -> "1633 dequantize_per_channel_default_77" [label="(1152, 384)", style=solid]; +"1633 dequantize_per_channel_default_77" -> "1635 linear_76" [label="(1152, 384)", style=solid]; +"1634 _param_constant205_0_0" -> "1635 linear_76" [label="(1152,)", style=solid]; +"1635 linear_76" -> "1636 reshape_55" [label="(4, 64, 1152)", style=solid]; +"1636 reshape_55" -> "1637 permute_57" [label="(4, 64, 3, 12, 32)", style=solid]; +"1637 permute_57" -> "1638 select_36" [label="(3, 4, 12, 64, 32)", style=solid]; +"1637 permute_57" -> "1639 select_37" [label="(3, 4, 12, 64, 32)", style=solid]; +"1637 permute_57" -> "1640 select_38" [label="(3, 4, 12, 64, 32)", style=solid]; +"1638 select_36" -> "1641 linalg_vector_norm_24" [label="(4, 12, 64, 32)", style=solid]; +"1638 select_36" -> "1643 expand_as_24" [label="(4, 12, 64, 32)", style=solid]; +"1638 select_36" -> "1644 div_24" [label="(4, 12, 64, 32)", style=solid]; +"1639 select_37" -> "1647 linalg_vector_norm_25" [label="(4, 12, 64, 32)", style=solid]; +"1639 select_37" -> "1649 expand_as_25" [label="(4, 12, 64, 32)", style=solid]; +"1639 select_37" -> "1650 div_25" [label="(4, 12, 64, 32)", style=solid]; +"1640 select_38" -> "1662 matmul_25" [label="(4, 12, 64, 32)", style=solid]; +"1641 linalg_vector_norm_24" -> "1642 clamp_min_24" [label="(4, 12, 64, 1)", style=solid]; +"1642 clamp_min_24" -> "1643 expand_as_24" [label="(4, 12, 64, 1)", style=solid]; +"1643 expand_as_24" -> "1644 div_24" [label="(4, 12, 64, 32)", style=solid]; +"1644 div_24" -> "1645 quantize_per_tensor_default_76" [label="(4, 12, 64, 32)", style=solid]; +"1645 quantize_per_tensor_default_76" -> "1646 dequantize_per_tensor_default_76" [label="(4, 12, 64, 32)", style=solid]; +"1646 dequantize_per_tensor_default_76" -> "1654 matmul_24" [label="(4, 12, 64, 32)", style=solid]; +"1647 linalg_vector_norm_25" -> "1648 clamp_min_25" [label="(4, 12, 64, 1)", style=solid]; +"1648 clamp_min_25" -> "1649 expand_as_25" [label="(4, 12, 64, 1)", style=solid]; +"1649 expand_as_25" -> "1650 div_25" [label="(4, 12, 64, 32)", style=solid]; +"1650 div_25" -> "1651 quantize_per_tensor_default_77" [label="(4, 12, 64, 32)", style=solid]; +"1651 quantize_per_tensor_default_77" -> "1652 dequantize_per_tensor_default_77" [label="(4, 12, 64, 32)", style=solid]; +"1652 dequantize_per_tensor_default_77" -> "1653 transpose_24" [label="(4, 12, 64, 32)", style=solid]; +"1653 transpose_24" -> "1654 matmul_24" [label="(4, 12, 32, 64)", style=solid]; +"1654 matmul_24" -> "1658 mul_25" [label="(4, 12, 64, 64)", style=solid]; +"1655 _param_constant207" -> "1656 clamp_12" [label="(12, 1, 1)", style=solid]; +"1656 clamp_12" -> "1657 exp_12" [label="(12, 1, 1)", style=solid]; +"1657 exp_12" -> "1658 mul_25" [label="(12, 1, 1)", style=solid]; +"1658 mul_25" -> "1659 add_42" [label="(4, 12, 64, 64)", style=solid]; +"1659 add_42" -> "1660 softmax_12" [label="(4, 12, 64, 64)", style=solid]; +"1660 softmax_12" -> "1661 dropout_48" [label="(4, 12, 64, 64)", style=solid]; +"1661 dropout_48" -> "1662 matmul_25" [label="(4, 12, 64, 64)", style=solid]; +"1662 matmul_25" -> "1663 transpose_25" [label="(4, 12, 64, 32)", style=solid]; +"1663 transpose_25" -> "1664 reshape_56" [label="(4, 64, 12, 32)", style=solid]; +"1664 reshape_56" -> "1666 reshape_56_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"1665 linear_77_updated_constant0" -> "1671 quantize_per_channel_default_78" [label="(384, 384)", style=solid]; +"1666 reshape_56_0_0_nncf_smooth_quant_0" -> "1667 quantize_per_tensor_default_78" [label="(4, 64, 384)", style=solid]; +"1667 quantize_per_tensor_default_78" -> "1668 dequantize_per_tensor_default_78" [label="(4, 64, 384)", style=solid]; +"1668 dequantize_per_tensor_default_78" -> "1674 linear_77" [label="(4, 64, 384)", style=solid]; +"1669 linear_77_scale_0" -> "1671 quantize_per_channel_default_78" [label="(384,)", style=solid]; +"1669 linear_77_scale_0" -> "1672 dequantize_per_channel_default_78" [label="(384,)", style=solid]; +"1670 linear_77_zero_point_0" -> "1671 quantize_per_channel_default_78" [label="(384,)", style=solid]; +"1670 linear_77_zero_point_0" -> "1672 dequantize_per_channel_default_78" [label="(384,)", style=solid]; +"1671 quantize_per_channel_default_78" -> "1672 dequantize_per_channel_default_78" [label="(384, 384)", style=solid]; +"1672 dequantize_per_channel_default_78" -> "1674 linear_77" [label="(384, 384)", style=solid]; +"1673 _param_constant209_0_0" -> "1674 linear_77" [label="(384,)", style=solid]; +"1674 linear_77" -> "1675 dropout_49" [label="(4, 64, 384)", style=solid]; +"1675 dropout_49" -> "1676 view_69" [label="(4, 64, 384)", style=solid]; +"1676 view_69" -> "1677 permute_58" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1677 permute_58" -> "1678 reshape_57" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1678 reshape_57" -> "1679 slice_190" [label="(1, 16, 16, 384)", style=solid]; +"1679 slice_190" -> "1680 slice_191" [label="(1, 16, 16, 384)", style=solid]; +"1680 slice_191" -> "1681 slice_192" [label="(1, 14, 16, 384)", style=solid]; +"1681 slice_192" -> "1682 slice_193" [label="(1, 14, 14, 384)", style=solid]; +"1682 slice_193" -> "1683 contiguous_23" [label="(1, 14, 14, 384)", style=solid]; +"1683 contiguous_23" -> "1686 layer_norm_27" [label="(1, 14, 14, 384)", style=solid]; +"1684 _param_constant210" -> "1686 layer_norm_27" [label="(384,)", style=solid]; +"1685 _param_constant211" -> "1686 layer_norm_27" [label="(384,)", style=solid]; +"1686 layer_norm_27" -> "1687 add_43" [label="(1, 14, 14, 384)", style=solid]; +"1687 add_43" -> "1689 add_43_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; +"1687 add_43" -> "1714 add_44" [label="(1, 14, 14, 384)", style=solid]; +"1688 linear_78_updated_constant0" -> "1694 quantize_per_channel_default_79" [label="(1536, 384)", style=solid]; +"1689 add_43_0_0_nncf_smooth_quant_0" -> "1690 quantize_per_tensor_default_79" [label="(1, 14, 14, 384)", style=solid]; +"1690 quantize_per_tensor_default_79" -> "1691 dequantize_per_tensor_default_79" [label="(1, 14, 14, 384)", style=solid]; +"1691 dequantize_per_tensor_default_79" -> "1697 linear_78" [label="(1, 14, 14, 384)", style=solid]; +"1692 linear_78_scale_0" -> "1694 quantize_per_channel_default_79" [label="(1536,)", style=solid]; +"1692 linear_78_scale_0" -> "1695 dequantize_per_channel_default_79" [label="(1536,)", style=solid]; +"1693 linear_78_zero_point_0" -> "1694 quantize_per_channel_default_79" [label="(1536,)", style=solid]; +"1693 linear_78_zero_point_0" -> "1695 dequantize_per_channel_default_79" [label="(1536,)", style=solid]; +"1694 quantize_per_channel_default_79" -> "1695 dequantize_per_channel_default_79" [label="(1536, 384)", style=solid]; +"1695 dequantize_per_channel_default_79" -> "1697 linear_78" [label="(1536, 384)", style=solid]; +"1696 _param_constant213_0_0" -> "1697 linear_78" [label="(1536,)", style=solid]; +"1697 linear_78" -> "1698 gelu_12" [label="(1, 14, 14, 1536)", style=solid]; +"1698 gelu_12" -> "1699 dropout_50" [label="(1, 14, 14, 1536)", style=solid]; +"1699 dropout_50" -> "1701 dropout_50_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; +"1700 linear_79_updated_constant0" -> "1706 quantize_per_channel_default_80" [label="(384, 1536)", style=solid]; +"1701 dropout_50_0_0_nncf_smooth_quant_0" -> "1702 quantize_per_tensor_default_80" [label="(1, 14, 14, 1536)", style=solid]; +"1702 quantize_per_tensor_default_80" -> "1703 dequantize_per_tensor_default_80" [label="(1, 14, 14, 1536)", style=solid]; +"1703 dequantize_per_tensor_default_80" -> "1709 linear_79" [label="(1, 14, 14, 1536)", style=solid]; +"1704 linear_79_scale_0" -> "1706 quantize_per_channel_default_80" [label="(384,)", style=solid]; +"1704 linear_79_scale_0" -> "1707 dequantize_per_channel_default_80" [label="(384,)", style=solid]; +"1705 linear_79_zero_point_0" -> "1706 quantize_per_channel_default_80" [label="(384,)", style=solid]; +"1705 linear_79_zero_point_0" -> "1707 dequantize_per_channel_default_80" [label="(384,)", style=solid]; +"1706 quantize_per_channel_default_80" -> "1707 dequantize_per_channel_default_80" [label="(384, 1536)", style=solid]; +"1707 dequantize_per_channel_default_80" -> "1709 linear_79" [label="(384, 1536)", style=solid]; +"1708 _param_constant215_0_0" -> "1709 linear_79" [label="(384,)", style=solid]; +"1709 linear_79" -> "1710 dropout_51" [label="(1, 14, 14, 384)", style=solid]; +"1710 dropout_51" -> "1713 layer_norm_28" [label="(1, 14, 14, 384)", style=solid]; +"1711 _param_constant216" -> "1713 layer_norm_28" [label="(384,)", style=solid]; +"1712 _param_constant217" -> "1713 layer_norm_28" [label="(384,)", style=solid]; +"1713 layer_norm_28" -> "1714 add_44" [label="(1, 14, 14, 384)", style=solid]; +"1714 add_44" -> "1741 pad_15" [label="(1, 14, 14, 384)", style=solid]; +"1714 add_44" -> "1824 add_47" [label="(1, 14, 14, 384)", style=solid]; +"1715 _tensor_constant80" -> "1717 _tensor_constant80_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; +"1716 linear_80_updated_constant0" -> "1720 quantize_per_channel_default_81" [label="(512, 2)", style=solid]; +"1717 _tensor_constant80_0_0_nncf_smooth_quant_0" -> "1723 linear_80" [label="(1, 15, 15, 2)", style=solid]; +"1718 linear_80_scale_0" -> "1720 quantize_per_channel_default_81" [label="(512,)", style=solid]; +"1718 linear_80_scale_0" -> "1721 dequantize_per_channel_default_81" [label="(512,)", style=solid]; +"1719 linear_80_zero_point_0" -> "1720 quantize_per_channel_default_81" [label="(512,)", style=solid]; +"1719 linear_80_zero_point_0" -> "1721 dequantize_per_channel_default_81" [label="(512,)", style=solid]; +"1720 quantize_per_channel_default_81" -> "1721 dequantize_per_channel_default_81" [label="(512, 2)", style=solid]; +"1721 dequantize_per_channel_default_81" -> "1723 linear_80" [label="(512, 2)", style=solid]; +"1722 _param_constant219_0_0" -> "1723 linear_80" [label="(512,)", style=solid]; +"1723 linear_80" -> "1724 relu__13" [label="(1, 15, 15, 512)", style=solid]; +"1724 relu__13" -> "1726 relu__13_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; +"1725 linear_81_updated_constant0" -> "1729 quantize_per_channel_default_82" [label="(12, 512)", style=solid]; +"1726 relu__13_0_0_nncf_smooth_quant_0" -> "1731 linear_81" [label="(1, 15, 15, 512)", style=solid]; +"1727 linear_81_scale_0" -> "1729 quantize_per_channel_default_82" [label="(12,)", style=solid]; +"1727 linear_81_scale_0" -> "1730 dequantize_per_channel_default_82" [label="(12,)", style=solid]; +"1728 linear_81_zero_point_0" -> "1729 quantize_per_channel_default_82" [label="(12,)", style=solid]; +"1728 linear_81_zero_point_0" -> "1730 dequantize_per_channel_default_82" [label="(12,)", style=solid]; +"1729 quantize_per_channel_default_82" -> "1730 dequantize_per_channel_default_82" [label="(12, 512)", style=solid]; +"1730 dequantize_per_channel_default_82" -> "1731 linear_81" [label="(12, 512)", style=solid]; +"1731 linear_81" -> "1732 view_70" [label="(1, 15, 15, 12)", style=solid]; +"1732 view_70" -> "1734 index_13" [label="(225, 12)", style=solid]; +"1733 _tensor_constant81" -> "1734 index_13" [label="(4096,)", style=solid]; +"1734 index_13" -> "1735 view_71" [label="(4096, 12)", style=solid]; +"1735 view_71" -> "1736 permute_59" [label="(64, 64, 12)", style=solid]; +"1736 permute_59" -> "1737 contiguous_24" [label="(12, 64, 64)", style=solid]; +"1737 contiguous_24" -> "1738 unsqueeze_37" [label="(12, 64, 64)", style=solid]; +"1738 unsqueeze_37" -> "1739 sigmoid_13" [label="(1, 12, 64, 64)", style=solid]; +"1739 sigmoid_13" -> "1740 mul_26" [label="(1, 12, 64, 64)", style=solid]; +"1740 mul_26" -> "1779 add_45" [label="(1, 12, 64, 64)", style=solid]; +"1741 pad_15" -> "1742 roll_12" [label="(1, 16, 16, 384)", style=solid]; +"1742 roll_12" -> "1743 view_72" [label="(1, 16, 16, 384)", style=solid]; +"1743 view_72" -> "1744 permute_60" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1744 permute_60" -> "1745 reshape_58" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1745 reshape_58" -> "1747 reshape_58_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"1745 reshape_58" -> "1780 new_zeros_6" [label="(4, 64, 384)", style=solid]; +"1746 linear_82_updated_constant0" -> "1752 quantize_per_channel_default_83" [label="(1152, 384)", style=solid]; +"1747 reshape_58_0_0_nncf_smooth_quant_0" -> "1748 quantize_per_tensor_default_81" [label="(4, 64, 384)", style=solid]; +"1748 quantize_per_tensor_default_81" -> "1749 dequantize_per_tensor_default_81" [label="(4, 64, 384)", style=solid]; +"1749 dequantize_per_tensor_default_81" -> "1755 linear_82" [label="(4, 64, 384)", style=solid]; +"1750 linear_82_scale_0" -> "1752 quantize_per_channel_default_83" [label="(1152,)", style=solid]; +"1750 linear_82_scale_0" -> "1753 dequantize_per_channel_default_83" [label="(1152,)", style=solid]; +"1751 linear_82_zero_point_0" -> "1752 quantize_per_channel_default_83" [label="(1152,)", style=solid]; +"1751 linear_82_zero_point_0" -> "1753 dequantize_per_channel_default_83" [label="(1152,)", style=solid]; +"1752 quantize_per_channel_default_83" -> "1753 dequantize_per_channel_default_83" [label="(1152, 384)", style=solid]; +"1753 dequantize_per_channel_default_83" -> "1755 linear_82" [label="(1152, 384)", style=solid]; +"1754 _param_constant221_0_0" -> "1755 linear_82" [label="(1152,)", style=solid]; +"1755 linear_82" -> "1756 reshape_59" [label="(4, 64, 1152)", style=solid]; +"1756 reshape_59" -> "1757 permute_61" [label="(4, 64, 3, 12, 32)", style=solid]; +"1757 permute_61" -> "1758 select_39" [label="(3, 4, 12, 64, 32)", style=solid]; +"1757 permute_61" -> "1759 select_40" [label="(3, 4, 12, 64, 32)", style=solid]; +"1757 permute_61" -> "1760 select_41" [label="(3, 4, 12, 64, 32)", style=solid]; +"1758 select_39" -> "1761 linalg_vector_norm_26" [label="(4, 12, 64, 32)", style=solid]; +"1758 select_39" -> "1763 expand_as_26" [label="(4, 12, 64, 32)", style=solid]; +"1758 select_39" -> "1764 div_26" [label="(4, 12, 64, 32)", style=solid]; +"1759 select_40" -> "1767 linalg_vector_norm_27" [label="(4, 12, 64, 32)", style=solid]; +"1759 select_40" -> "1769 expand_as_27" [label="(4, 12, 64, 32)", style=solid]; +"1759 select_40" -> "1770 div_27" [label="(4, 12, 64, 32)", style=solid]; +"1760 select_41" -> "1798 matmul_27" [label="(4, 12, 64, 32)", style=solid]; +"1761 linalg_vector_norm_26" -> "1762 clamp_min_26" [label="(4, 12, 64, 1)", style=solid]; +"1762 clamp_min_26" -> "1763 expand_as_26" [label="(4, 12, 64, 1)", style=solid]; +"1763 expand_as_26" -> "1764 div_26" [label="(4, 12, 64, 32)", style=solid]; +"1764 div_26" -> "1765 quantize_per_tensor_default_82" [label="(4, 12, 64, 32)", style=solid]; +"1765 quantize_per_tensor_default_82" -> "1766 dequantize_per_tensor_default_82" [label="(4, 12, 64, 32)", style=solid]; +"1766 dequantize_per_tensor_default_82" -> "1774 matmul_26" [label="(4, 12, 64, 32)", style=solid]; +"1767 linalg_vector_norm_27" -> "1768 clamp_min_27" [label="(4, 12, 64, 1)", style=solid]; +"1768 clamp_min_27" -> "1769 expand_as_27" [label="(4, 12, 64, 1)", style=solid]; +"1769 expand_as_27" -> "1770 div_27" [label="(4, 12, 64, 32)", style=solid]; +"1770 div_27" -> "1771 quantize_per_tensor_default_83" [label="(4, 12, 64, 32)", style=solid]; +"1771 quantize_per_tensor_default_83" -> "1772 dequantize_per_tensor_default_83" [label="(4, 12, 64, 32)", style=solid]; +"1772 dequantize_per_tensor_default_83" -> "1773 transpose_26" [label="(4, 12, 64, 32)", style=solid]; +"1773 transpose_26" -> "1774 matmul_26" [label="(4, 12, 32, 64)", style=solid]; +"1774 matmul_26" -> "1778 mul_27" [label="(4, 12, 64, 64)", style=solid]; +"1775 _param_constant223" -> "1776 clamp_13" [label="(12, 1, 1)", style=solid]; +"1776 clamp_13" -> "1777 exp_13" [label="(12, 1, 1)", style=solid]; +"1777 exp_13" -> "1778 mul_27" [label="(12, 1, 1)", style=solid]; +"1778 mul_27" -> "1779 add_45" [label="(4, 12, 64, 64)", style=solid]; +"1779 add_45" -> "1791 view_74" [label="(4, 12, 64, 64)", style=solid]; +"1780 new_zeros_6" -> "1781 view_73" [label="(16, 16)", style=solid]; +"1781 view_73" -> "1782 permute_62" [label="(2, 8, 2, 8)", style=solid]; +"1782 permute_62" -> "1783 reshape_60" [label="(2, 2, 8, 8)", style=solid]; +"1783 reshape_60" -> "1784 unsqueeze_38" [label="(4, 64)", style=solid]; +"1783 reshape_60" -> "1785 unsqueeze_39" [label="(4, 64)", style=solid]; +"1784 unsqueeze_38" -> "1786 sub_6" [label="(4, 1, 64)", style=solid]; +"1785 unsqueeze_39" -> "1786 sub_6" [label="(4, 64, 1)", style=solid]; +"1786 sub_6" -> "1787 ne_6" [label="(4, 64, 64)", style=solid]; +"1786 sub_6" -> "1788 masked_fill_12" [label="(4, 64, 64)", style=solid]; +"1786 sub_6" -> "1789 eq_6" [label="(4, 64, 64)", style=solid]; +"1787 ne_6" -> "1788 masked_fill_12" [label="(4, 64, 64)", style=solid]; +"1788 masked_fill_12" -> "1790 masked_fill_13" [label="(4, 64, 64)", style=solid]; +"1789 eq_6" -> "1790 masked_fill_13" [label="(4, 64, 64)", style=solid]; +"1790 masked_fill_13" -> "1792 unsqueeze_40" [label="(4, 64, 64)", style=solid]; +"1791 view_74" -> "1794 add_46" [label="(1, 4, 12, 64, 64)", style=solid]; +"1792 unsqueeze_40" -> "1793 unsqueeze_41" [label="(4, 1, 64, 64)", style=solid]; +"1793 unsqueeze_41" -> "1794 add_46" [label="(1, 4, 1, 64, 64)", style=solid]; +"1794 add_46" -> "1795 view_75" [label="(1, 4, 12, 64, 64)", style=solid]; +"1795 view_75" -> "1796 softmax_13" [label="(4, 12, 64, 64)", style=solid]; +"1796 softmax_13" -> "1797 dropout_52" [label="(4, 12, 64, 64)", style=solid]; +"1797 dropout_52" -> "1798 matmul_27" [label="(4, 12, 64, 64)", style=solid]; +"1798 matmul_27" -> "1799 transpose_27" [label="(4, 12, 64, 32)", style=solid]; +"1799 transpose_27" -> "1800 reshape_61" [label="(4, 64, 12, 32)", style=solid]; +"1800 reshape_61" -> "1802 reshape_61_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"1801 linear_83_updated_constant0" -> "1807 quantize_per_channel_default_84" [label="(384, 384)", style=solid]; +"1802 reshape_61_0_0_nncf_smooth_quant_0" -> "1803 quantize_per_tensor_default_84" [label="(4, 64, 384)", style=solid]; +"1803 quantize_per_tensor_default_84" -> "1804 dequantize_per_tensor_default_84" [label="(4, 64, 384)", style=solid]; +"1804 dequantize_per_tensor_default_84" -> "1810 linear_83" [label="(4, 64, 384)", style=solid]; +"1805 linear_83_scale_0" -> "1807 quantize_per_channel_default_84" [label="(384,)", style=solid]; +"1805 linear_83_scale_0" -> "1808 dequantize_per_channel_default_84" [label="(384,)", style=solid]; +"1806 linear_83_zero_point_0" -> "1807 quantize_per_channel_default_84" [label="(384,)", style=solid]; +"1806 linear_83_zero_point_0" -> "1808 dequantize_per_channel_default_84" [label="(384,)", style=solid]; +"1807 quantize_per_channel_default_84" -> "1808 dequantize_per_channel_default_84" [label="(384, 384)", style=solid]; +"1808 dequantize_per_channel_default_84" -> "1810 linear_83" [label="(384, 384)", style=solid]; +"1809 _param_constant225_0_0" -> "1810 linear_83" [label="(384,)", style=solid]; +"1810 linear_83" -> "1811 dropout_53" [label="(4, 64, 384)", style=solid]; +"1811 dropout_53" -> "1812 view_76" [label="(4, 64, 384)", style=solid]; +"1812 view_76" -> "1813 permute_63" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1813 permute_63" -> "1814 reshape_62" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1814 reshape_62" -> "1815 roll_13" [label="(1, 16, 16, 384)", style=solid]; +"1815 roll_13" -> "1816 slice_213" [label="(1, 16, 16, 384)", style=solid]; +"1816 slice_213" -> "1817 slice_214" [label="(1, 16, 16, 384)", style=solid]; +"1817 slice_214" -> "1818 slice_215" [label="(1, 14, 16, 384)", style=solid]; +"1818 slice_215" -> "1819 slice_216" [label="(1, 14, 14, 384)", style=solid]; +"1819 slice_216" -> "1820 contiguous_25" [label="(1, 14, 14, 384)", style=solid]; +"1820 contiguous_25" -> "1823 layer_norm_29" [label="(1, 14, 14, 384)", style=solid]; +"1821 _param_constant226" -> "1823 layer_norm_29" [label="(384,)", style=solid]; +"1822 _param_constant227" -> "1823 layer_norm_29" [label="(384,)", style=solid]; +"1823 layer_norm_29" -> "1824 add_47" [label="(1, 14, 14, 384)", style=solid]; +"1824 add_47" -> "1826 add_47_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; +"1824 add_47" -> "1851 add_48" [label="(1, 14, 14, 384)", style=solid]; +"1825 linear_84_updated_constant0" -> "1831 quantize_per_channel_default_85" [label="(1536, 384)", style=solid]; +"1826 add_47_0_0_nncf_smooth_quant_0" -> "1827 quantize_per_tensor_default_85" [label="(1, 14, 14, 384)", style=solid]; +"1827 quantize_per_tensor_default_85" -> "1828 dequantize_per_tensor_default_85" [label="(1, 14, 14, 384)", style=solid]; +"1828 dequantize_per_tensor_default_85" -> "1834 linear_84" [label="(1, 14, 14, 384)", style=solid]; +"1829 linear_84_scale_0" -> "1831 quantize_per_channel_default_85" [label="(1536,)", style=solid]; +"1829 linear_84_scale_0" -> "1832 dequantize_per_channel_default_85" [label="(1536,)", style=solid]; +"1830 linear_84_zero_point_0" -> "1831 quantize_per_channel_default_85" [label="(1536,)", style=solid]; +"1830 linear_84_zero_point_0" -> "1832 dequantize_per_channel_default_85" [label="(1536,)", style=solid]; +"1831 quantize_per_channel_default_85" -> "1832 dequantize_per_channel_default_85" [label="(1536, 384)", style=solid]; +"1832 dequantize_per_channel_default_85" -> "1834 linear_84" [label="(1536, 384)", style=solid]; +"1833 _param_constant229_0_0" -> "1834 linear_84" [label="(1536,)", style=solid]; +"1834 linear_84" -> "1835 gelu_13" [label="(1, 14, 14, 1536)", style=solid]; +"1835 gelu_13" -> "1836 dropout_54" [label="(1, 14, 14, 1536)", style=solid]; +"1836 dropout_54" -> "1838 dropout_54_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; +"1837 linear_85_updated_constant0" -> "1843 quantize_per_channel_default_86" [label="(384, 1536)", style=solid]; +"1838 dropout_54_0_0_nncf_smooth_quant_0" -> "1839 quantize_per_tensor_default_86" [label="(1, 14, 14, 1536)", style=solid]; +"1839 quantize_per_tensor_default_86" -> "1840 dequantize_per_tensor_default_86" [label="(1, 14, 14, 1536)", style=solid]; +"1840 dequantize_per_tensor_default_86" -> "1846 linear_85" [label="(1, 14, 14, 1536)", style=solid]; +"1841 linear_85_scale_0" -> "1843 quantize_per_channel_default_86" [label="(384,)", style=solid]; +"1841 linear_85_scale_0" -> "1844 dequantize_per_channel_default_86" [label="(384,)", style=solid]; +"1842 linear_85_zero_point_0" -> "1843 quantize_per_channel_default_86" [label="(384,)", style=solid]; +"1842 linear_85_zero_point_0" -> "1844 dequantize_per_channel_default_86" [label="(384,)", style=solid]; +"1843 quantize_per_channel_default_86" -> "1844 dequantize_per_channel_default_86" [label="(384, 1536)", style=solid]; +"1844 dequantize_per_channel_default_86" -> "1846 linear_85" [label="(384, 1536)", style=solid]; +"1845 _param_constant231_0_0" -> "1846 linear_85" [label="(384,)", style=solid]; +"1846 linear_85" -> "1847 dropout_55" [label="(1, 14, 14, 384)", style=solid]; +"1847 dropout_55" -> "1850 layer_norm_30" [label="(1, 14, 14, 384)", style=solid]; +"1848 _param_constant232" -> "1850 layer_norm_30" [label="(384,)", style=solid]; +"1849 _param_constant233" -> "1850 layer_norm_30" [label="(384,)", style=solid]; +"1850 layer_norm_30" -> "1851 add_48" [label="(1, 14, 14, 384)", style=solid]; +"1851 add_48" -> "1878 pad_16" [label="(1, 14, 14, 384)", style=solid]; +"1851 add_48" -> "1943 add_50" [label="(1, 14, 14, 384)", style=solid]; +"1852 _tensor_constant91" -> "1854 _tensor_constant91_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; +"1853 linear_86_updated_constant0" -> "1857 quantize_per_channel_default_87" [label="(512, 2)", style=solid]; +"1854 _tensor_constant91_0_0_nncf_smooth_quant_0" -> "1860 linear_86" [label="(1, 15, 15, 2)", style=solid]; +"1855 linear_86_scale_0" -> "1857 quantize_per_channel_default_87" [label="(512,)", style=solid]; +"1855 linear_86_scale_0" -> "1858 dequantize_per_channel_default_87" [label="(512,)", style=solid]; +"1856 linear_86_zero_point_0" -> "1857 quantize_per_channel_default_87" [label="(512,)", style=solid]; +"1856 linear_86_zero_point_0" -> "1858 dequantize_per_channel_default_87" [label="(512,)", style=solid]; +"1857 quantize_per_channel_default_87" -> "1858 dequantize_per_channel_default_87" [label="(512, 2)", style=solid]; +"1858 dequantize_per_channel_default_87" -> "1860 linear_86" [label="(512, 2)", style=solid]; +"1859 _param_constant235_0_0" -> "1860 linear_86" [label="(512,)", style=solid]; +"1860 linear_86" -> "1861 relu__14" [label="(1, 15, 15, 512)", style=solid]; +"1861 relu__14" -> "1863 relu__14_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; +"1862 linear_87_updated_constant0" -> "1866 quantize_per_channel_default_88" [label="(12, 512)", style=solid]; +"1863 relu__14_0_0_nncf_smooth_quant_0" -> "1868 linear_87" [label="(1, 15, 15, 512)", style=solid]; +"1864 linear_87_scale_0" -> "1866 quantize_per_channel_default_88" [label="(12,)", style=solid]; +"1864 linear_87_scale_0" -> "1867 dequantize_per_channel_default_88" [label="(12,)", style=solid]; +"1865 linear_87_zero_point_0" -> "1866 quantize_per_channel_default_88" [label="(12,)", style=solid]; +"1865 linear_87_zero_point_0" -> "1867 dequantize_per_channel_default_88" [label="(12,)", style=solid]; +"1866 quantize_per_channel_default_88" -> "1867 dequantize_per_channel_default_88" [label="(12, 512)", style=solid]; +"1867 dequantize_per_channel_default_88" -> "1868 linear_87" [label="(12, 512)", style=solid]; +"1868 linear_87" -> "1869 view_77" [label="(1, 15, 15, 12)", style=solid]; +"1869 view_77" -> "1871 index_14" [label="(225, 12)", style=solid]; +"1870 _tensor_constant92" -> "1871 index_14" [label="(4096,)", style=solid]; +"1871 index_14" -> "1872 view_78" [label="(4096, 12)", style=solid]; +"1872 view_78" -> "1873 permute_64" [label="(64, 64, 12)", style=solid]; +"1873 permute_64" -> "1874 contiguous_26" [label="(12, 64, 64)", style=solid]; +"1874 contiguous_26" -> "1875 unsqueeze_42" [label="(12, 64, 64)", style=solid]; +"1875 unsqueeze_42" -> "1876 sigmoid_14" [label="(1, 12, 64, 64)", style=solid]; +"1876 sigmoid_14" -> "1877 mul_28" [label="(1, 12, 64, 64)", style=solid]; +"1877 mul_28" -> "1915 add_49" [label="(1, 12, 64, 64)", style=solid]; +"1878 pad_16" -> "1879 view_79" [label="(1, 16, 16, 384)", style=solid]; +"1879 view_79" -> "1880 permute_65" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1880 permute_65" -> "1881 reshape_63" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1881 reshape_63" -> "1883 reshape_63_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"1882 linear_88_updated_constant0" -> "1888 quantize_per_channel_default_89" [label="(1152, 384)", style=solid]; +"1883 reshape_63_0_0_nncf_smooth_quant_0" -> "1884 quantize_per_tensor_default_87" [label="(4, 64, 384)", style=solid]; +"1884 quantize_per_tensor_default_87" -> "1885 dequantize_per_tensor_default_87" [label="(4, 64, 384)", style=solid]; +"1885 dequantize_per_tensor_default_87" -> "1891 linear_88" [label="(4, 64, 384)", style=solid]; +"1886 linear_88_scale_0" -> "1888 quantize_per_channel_default_89" [label="(1152,)", style=solid]; +"1886 linear_88_scale_0" -> "1889 dequantize_per_channel_default_89" [label="(1152,)", style=solid]; +"1887 linear_88_zero_point_0" -> "1888 quantize_per_channel_default_89" [label="(1152,)", style=solid]; +"1887 linear_88_zero_point_0" -> "1889 dequantize_per_channel_default_89" [label="(1152,)", style=solid]; +"1888 quantize_per_channel_default_89" -> "1889 dequantize_per_channel_default_89" [label="(1152, 384)", style=solid]; +"1889 dequantize_per_channel_default_89" -> "1891 linear_88" [label="(1152, 384)", style=solid]; +"1890 _param_constant237_0_0" -> "1891 linear_88" [label="(1152,)", style=solid]; +"1891 linear_88" -> "1892 reshape_64" [label="(4, 64, 1152)", style=solid]; +"1892 reshape_64" -> "1893 permute_66" [label="(4, 64, 3, 12, 32)", style=solid]; +"1893 permute_66" -> "1894 select_42" [label="(3, 4, 12, 64, 32)", style=solid]; +"1893 permute_66" -> "1895 select_43" [label="(3, 4, 12, 64, 32)", style=solid]; +"1893 permute_66" -> "1896 select_44" [label="(3, 4, 12, 64, 32)", style=solid]; +"1894 select_42" -> "1897 linalg_vector_norm_28" [label="(4, 12, 64, 32)", style=solid]; +"1894 select_42" -> "1899 expand_as_28" [label="(4, 12, 64, 32)", style=solid]; +"1894 select_42" -> "1900 div_28" [label="(4, 12, 64, 32)", style=solid]; +"1895 select_43" -> "1903 linalg_vector_norm_29" [label="(4, 12, 64, 32)", style=solid]; +"1895 select_43" -> "1905 expand_as_29" [label="(4, 12, 64, 32)", style=solid]; +"1895 select_43" -> "1906 div_29" [label="(4, 12, 64, 32)", style=solid]; +"1896 select_44" -> "1918 matmul_29" [label="(4, 12, 64, 32)", style=solid]; +"1897 linalg_vector_norm_28" -> "1898 clamp_min_28" [label="(4, 12, 64, 1)", style=solid]; +"1898 clamp_min_28" -> "1899 expand_as_28" [label="(4, 12, 64, 1)", style=solid]; +"1899 expand_as_28" -> "1900 div_28" [label="(4, 12, 64, 32)", style=solid]; +"1900 div_28" -> "1901 quantize_per_tensor_default_88" [label="(4, 12, 64, 32)", style=solid]; +"1901 quantize_per_tensor_default_88" -> "1902 dequantize_per_tensor_default_88" [label="(4, 12, 64, 32)", style=solid]; +"1902 dequantize_per_tensor_default_88" -> "1910 matmul_28" [label="(4, 12, 64, 32)", style=solid]; +"1903 linalg_vector_norm_29" -> "1904 clamp_min_29" [label="(4, 12, 64, 1)", style=solid]; +"1904 clamp_min_29" -> "1905 expand_as_29" [label="(4, 12, 64, 1)", style=solid]; +"1905 expand_as_29" -> "1906 div_29" [label="(4, 12, 64, 32)", style=solid]; +"1906 div_29" -> "1907 quantize_per_tensor_default_89" [label="(4, 12, 64, 32)", style=solid]; +"1907 quantize_per_tensor_default_89" -> "1908 dequantize_per_tensor_default_89" [label="(4, 12, 64, 32)", style=solid]; +"1908 dequantize_per_tensor_default_89" -> "1909 transpose_28" [label="(4, 12, 64, 32)", style=solid]; +"1909 transpose_28" -> "1910 matmul_28" [label="(4, 12, 32, 64)", style=solid]; +"1910 matmul_28" -> "1914 mul_29" [label="(4, 12, 64, 64)", style=solid]; +"1911 _param_constant239" -> "1912 clamp_14" [label="(12, 1, 1)", style=solid]; +"1912 clamp_14" -> "1913 exp_14" [label="(12, 1, 1)", style=solid]; +"1913 exp_14" -> "1914 mul_29" [label="(12, 1, 1)", style=solid]; +"1914 mul_29" -> "1915 add_49" [label="(4, 12, 64, 64)", style=solid]; +"1915 add_49" -> "1916 softmax_14" [label="(4, 12, 64, 64)", style=solid]; +"1916 softmax_14" -> "1917 dropout_56" [label="(4, 12, 64, 64)", style=solid]; +"1917 dropout_56" -> "1918 matmul_29" [label="(4, 12, 64, 64)", style=solid]; +"1918 matmul_29" -> "1919 transpose_29" [label="(4, 12, 64, 32)", style=solid]; +"1919 transpose_29" -> "1920 reshape_65" [label="(4, 64, 12, 32)", style=solid]; +"1920 reshape_65" -> "1922 reshape_65_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"1921 linear_89_updated_constant0" -> "1927 quantize_per_channel_default_90" [label="(384, 384)", style=solid]; +"1922 reshape_65_0_0_nncf_smooth_quant_0" -> "1923 quantize_per_tensor_default_90" [label="(4, 64, 384)", style=solid]; +"1923 quantize_per_tensor_default_90" -> "1924 dequantize_per_tensor_default_90" [label="(4, 64, 384)", style=solid]; +"1924 dequantize_per_tensor_default_90" -> "1930 linear_89" [label="(4, 64, 384)", style=solid]; +"1925 linear_89_scale_0" -> "1927 quantize_per_channel_default_90" [label="(384,)", style=solid]; +"1925 linear_89_scale_0" -> "1928 dequantize_per_channel_default_90" [label="(384,)", style=solid]; +"1926 linear_89_zero_point_0" -> "1927 quantize_per_channel_default_90" [label="(384,)", style=solid]; +"1926 linear_89_zero_point_0" -> "1928 dequantize_per_channel_default_90" [label="(384,)", style=solid]; +"1927 quantize_per_channel_default_90" -> "1928 dequantize_per_channel_default_90" [label="(384, 384)", style=solid]; +"1928 dequantize_per_channel_default_90" -> "1930 linear_89" [label="(384, 384)", style=solid]; +"1929 _param_constant241_0_0" -> "1930 linear_89" [label="(384,)", style=solid]; +"1930 linear_89" -> "1931 dropout_57" [label="(4, 64, 384)", style=solid]; +"1931 dropout_57" -> "1932 view_80" [label="(4, 64, 384)", style=solid]; +"1932 view_80" -> "1933 permute_67" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"1933 permute_67" -> "1934 reshape_66" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"1934 reshape_66" -> "1935 slice_218" [label="(1, 16, 16, 384)", style=solid]; +"1935 slice_218" -> "1936 slice_219" [label="(1, 16, 16, 384)", style=solid]; +"1936 slice_219" -> "1937 slice_220" [label="(1, 14, 16, 384)", style=solid]; +"1937 slice_220" -> "1938 slice_221" [label="(1, 14, 14, 384)", style=solid]; +"1938 slice_221" -> "1939 contiguous_27" [label="(1, 14, 14, 384)", style=solid]; +"1939 contiguous_27" -> "1942 layer_norm_31" [label="(1, 14, 14, 384)", style=solid]; +"1940 _param_constant242" -> "1942 layer_norm_31" [label="(384,)", style=solid]; +"1941 _param_constant243" -> "1942 layer_norm_31" [label="(384,)", style=solid]; +"1942 layer_norm_31" -> "1943 add_50" [label="(1, 14, 14, 384)", style=solid]; +"1943 add_50" -> "1945 add_50_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; +"1943 add_50" -> "1970 add_51" [label="(1, 14, 14, 384)", style=solid]; +"1944 linear_90_updated_constant0" -> "1950 quantize_per_channel_default_91" [label="(1536, 384)", style=solid]; +"1945 add_50_0_0_nncf_smooth_quant_0" -> "1946 quantize_per_tensor_default_91" [label="(1, 14, 14, 384)", style=solid]; +"1946 quantize_per_tensor_default_91" -> "1947 dequantize_per_tensor_default_91" [label="(1, 14, 14, 384)", style=solid]; +"1947 dequantize_per_tensor_default_91" -> "1953 linear_90" [label="(1, 14, 14, 384)", style=solid]; +"1948 linear_90_scale_0" -> "1950 quantize_per_channel_default_91" [label="(1536,)", style=solid]; +"1948 linear_90_scale_0" -> "1951 dequantize_per_channel_default_91" [label="(1536,)", style=solid]; +"1949 linear_90_zero_point_0" -> "1950 quantize_per_channel_default_91" [label="(1536,)", style=solid]; +"1949 linear_90_zero_point_0" -> "1951 dequantize_per_channel_default_91" [label="(1536,)", style=solid]; +"1950 quantize_per_channel_default_91" -> "1951 dequantize_per_channel_default_91" [label="(1536, 384)", style=solid]; +"1951 dequantize_per_channel_default_91" -> "1953 linear_90" [label="(1536, 384)", style=solid]; +"1952 _param_constant245_0_0" -> "1953 linear_90" [label="(1536,)", style=solid]; +"1953 linear_90" -> "1954 gelu_14" [label="(1, 14, 14, 1536)", style=solid]; +"1954 gelu_14" -> "1955 dropout_58" [label="(1, 14, 14, 1536)", style=solid]; +"1955 dropout_58" -> "1957 dropout_58_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; +"1956 linear_91_updated_constant0" -> "1962 quantize_per_channel_default_92" [label="(384, 1536)", style=solid]; +"1957 dropout_58_0_0_nncf_smooth_quant_0" -> "1958 quantize_per_tensor_default_92" [label="(1, 14, 14, 1536)", style=solid]; +"1958 quantize_per_tensor_default_92" -> "1959 dequantize_per_tensor_default_92" [label="(1, 14, 14, 1536)", style=solid]; +"1959 dequantize_per_tensor_default_92" -> "1965 linear_91" [label="(1, 14, 14, 1536)", style=solid]; +"1960 linear_91_scale_0" -> "1962 quantize_per_channel_default_92" [label="(384,)", style=solid]; +"1960 linear_91_scale_0" -> "1963 dequantize_per_channel_default_92" [label="(384,)", style=solid]; +"1961 linear_91_zero_point_0" -> "1962 quantize_per_channel_default_92" [label="(384,)", style=solid]; +"1961 linear_91_zero_point_0" -> "1963 dequantize_per_channel_default_92" [label="(384,)", style=solid]; +"1962 quantize_per_channel_default_92" -> "1963 dequantize_per_channel_default_92" [label="(384, 1536)", style=solid]; +"1963 dequantize_per_channel_default_92" -> "1965 linear_91" [label="(384, 1536)", style=solid]; +"1964 _param_constant247_0_0" -> "1965 linear_91" [label="(384,)", style=solid]; +"1965 linear_91" -> "1966 dropout_59" [label="(1, 14, 14, 384)", style=solid]; +"1966 dropout_59" -> "1969 layer_norm_32" [label="(1, 14, 14, 384)", style=solid]; +"1967 _param_constant248" -> "1969 layer_norm_32" [label="(384,)", style=solid]; +"1968 _param_constant249" -> "1969 layer_norm_32" [label="(384,)", style=solid]; +"1969 layer_norm_32" -> "1970 add_51" [label="(1, 14, 14, 384)", style=solid]; +"1970 add_51" -> "1997 pad_17" [label="(1, 14, 14, 384)", style=solid]; +"1970 add_51" -> "2080 add_54" [label="(1, 14, 14, 384)", style=solid]; +"1971 _tensor_constant93" -> "1973 _tensor_constant93_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; +"1972 linear_92_updated_constant0" -> "1976 quantize_per_channel_default_93" [label="(512, 2)", style=solid]; +"1973 _tensor_constant93_0_0_nncf_smooth_quant_0" -> "1979 linear_92" [label="(1, 15, 15, 2)", style=solid]; +"1974 linear_92_scale_0" -> "1976 quantize_per_channel_default_93" [label="(512,)", style=solid]; +"1974 linear_92_scale_0" -> "1977 dequantize_per_channel_default_93" [label="(512,)", style=solid]; +"1975 linear_92_zero_point_0" -> "1976 quantize_per_channel_default_93" [label="(512,)", style=solid]; +"1975 linear_92_zero_point_0" -> "1977 dequantize_per_channel_default_93" [label="(512,)", style=solid]; +"1976 quantize_per_channel_default_93" -> "1977 dequantize_per_channel_default_93" [label="(512, 2)", style=solid]; +"1977 dequantize_per_channel_default_93" -> "1979 linear_92" [label="(512, 2)", style=solid]; +"1978 _param_constant251_0_0" -> "1979 linear_92" [label="(512,)", style=solid]; +"1979 linear_92" -> "1980 relu__15" [label="(1, 15, 15, 512)", style=solid]; +"1980 relu__15" -> "1982 relu__15_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; +"1981 linear_93_updated_constant0" -> "1985 quantize_per_channel_default_94" [label="(12, 512)", style=solid]; +"1982 relu__15_0_0_nncf_smooth_quant_0" -> "1987 linear_93" [label="(1, 15, 15, 512)", style=solid]; +"1983 linear_93_scale_0" -> "1985 quantize_per_channel_default_94" [label="(12,)", style=solid]; +"1983 linear_93_scale_0" -> "1986 dequantize_per_channel_default_94" [label="(12,)", style=solid]; +"1984 linear_93_zero_point_0" -> "1985 quantize_per_channel_default_94" [label="(12,)", style=solid]; +"1984 linear_93_zero_point_0" -> "1986 dequantize_per_channel_default_94" [label="(12,)", style=solid]; +"1985 quantize_per_channel_default_94" -> "1986 dequantize_per_channel_default_94" [label="(12, 512)", style=solid]; +"1986 dequantize_per_channel_default_94" -> "1987 linear_93" [label="(12, 512)", style=solid]; +"1987 linear_93" -> "1988 view_81" [label="(1, 15, 15, 12)", style=solid]; +"1988 view_81" -> "1990 index_15" [label="(225, 12)", style=solid]; +"1989 _tensor_constant94" -> "1990 index_15" [label="(4096,)", style=solid]; +"1990 index_15" -> "1991 view_82" [label="(4096, 12)", style=solid]; +"1991 view_82" -> "1992 permute_68" [label="(64, 64, 12)", style=solid]; +"1992 permute_68" -> "1993 contiguous_28" [label="(12, 64, 64)", style=solid]; +"1993 contiguous_28" -> "1994 unsqueeze_43" [label="(12, 64, 64)", style=solid]; +"1994 unsqueeze_43" -> "1995 sigmoid_15" [label="(1, 12, 64, 64)", style=solid]; +"1995 sigmoid_15" -> "1996 mul_30" [label="(1, 12, 64, 64)", style=solid]; +"1996 mul_30" -> "2035 add_52" [label="(1, 12, 64, 64)", style=solid]; +"1997 pad_17" -> "1998 roll_14" [label="(1, 16, 16, 384)", style=solid]; +"1998 roll_14" -> "1999 view_83" [label="(1, 16, 16, 384)", style=solid]; +"1999 view_83" -> "2000 permute_69" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"2000 permute_69" -> "2001 reshape_67" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"2001 reshape_67" -> "2003 reshape_67_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"2001 reshape_67" -> "2036 new_zeros_7" [label="(4, 64, 384)", style=solid]; +"2002 linear_94_updated_constant0" -> "2008 quantize_per_channel_default_95" [label="(1152, 384)", style=solid]; +"2003 reshape_67_0_0_nncf_smooth_quant_0" -> "2004 quantize_per_tensor_default_93" [label="(4, 64, 384)", style=solid]; +"2004 quantize_per_tensor_default_93" -> "2005 dequantize_per_tensor_default_93" [label="(4, 64, 384)", style=solid]; +"2005 dequantize_per_tensor_default_93" -> "2011 linear_94" [label="(4, 64, 384)", style=solid]; +"2006 linear_94_scale_0" -> "2008 quantize_per_channel_default_95" [label="(1152,)", style=solid]; +"2006 linear_94_scale_0" -> "2009 dequantize_per_channel_default_95" [label="(1152,)", style=solid]; +"2007 linear_94_zero_point_0" -> "2008 quantize_per_channel_default_95" [label="(1152,)", style=solid]; +"2007 linear_94_zero_point_0" -> "2009 dequantize_per_channel_default_95" [label="(1152,)", style=solid]; +"2008 quantize_per_channel_default_95" -> "2009 dequantize_per_channel_default_95" [label="(1152, 384)", style=solid]; +"2009 dequantize_per_channel_default_95" -> "2011 linear_94" [label="(1152, 384)", style=solid]; +"2010 _param_constant253_0_0" -> "2011 linear_94" [label="(1152,)", style=solid]; +"2011 linear_94" -> "2012 reshape_68" [label="(4, 64, 1152)", style=solid]; +"2012 reshape_68" -> "2013 permute_70" [label="(4, 64, 3, 12, 32)", style=solid]; +"2013 permute_70" -> "2014 select_45" [label="(3, 4, 12, 64, 32)", style=solid]; +"2013 permute_70" -> "2015 select_46" [label="(3, 4, 12, 64, 32)", style=solid]; +"2013 permute_70" -> "2016 select_47" [label="(3, 4, 12, 64, 32)", style=solid]; +"2014 select_45" -> "2017 linalg_vector_norm_30" [label="(4, 12, 64, 32)", style=solid]; +"2014 select_45" -> "2019 expand_as_30" [label="(4, 12, 64, 32)", style=solid]; +"2014 select_45" -> "2020 div_30" [label="(4, 12, 64, 32)", style=solid]; +"2015 select_46" -> "2023 linalg_vector_norm_31" [label="(4, 12, 64, 32)", style=solid]; +"2015 select_46" -> "2025 expand_as_31" [label="(4, 12, 64, 32)", style=solid]; +"2015 select_46" -> "2026 div_31" [label="(4, 12, 64, 32)", style=solid]; +"2016 select_47" -> "2054 matmul_31" [label="(4, 12, 64, 32)", style=solid]; +"2017 linalg_vector_norm_30" -> "2018 clamp_min_30" [label="(4, 12, 64, 1)", style=solid]; +"2018 clamp_min_30" -> "2019 expand_as_30" [label="(4, 12, 64, 1)", style=solid]; +"2019 expand_as_30" -> "2020 div_30" [label="(4, 12, 64, 32)", style=solid]; +"2020 div_30" -> "2021 quantize_per_tensor_default_94" [label="(4, 12, 64, 32)", style=solid]; +"2021 quantize_per_tensor_default_94" -> "2022 dequantize_per_tensor_default_94" [label="(4, 12, 64, 32)", style=solid]; +"2022 dequantize_per_tensor_default_94" -> "2030 matmul_30" [label="(4, 12, 64, 32)", style=solid]; +"2023 linalg_vector_norm_31" -> "2024 clamp_min_31" [label="(4, 12, 64, 1)", style=solid]; +"2024 clamp_min_31" -> "2025 expand_as_31" [label="(4, 12, 64, 1)", style=solid]; +"2025 expand_as_31" -> "2026 div_31" [label="(4, 12, 64, 32)", style=solid]; +"2026 div_31" -> "2027 quantize_per_tensor_default_95" [label="(4, 12, 64, 32)", style=solid]; +"2027 quantize_per_tensor_default_95" -> "2028 dequantize_per_tensor_default_95" [label="(4, 12, 64, 32)", style=solid]; +"2028 dequantize_per_tensor_default_95" -> "2029 transpose_30" [label="(4, 12, 64, 32)", style=solid]; +"2029 transpose_30" -> "2030 matmul_30" [label="(4, 12, 32, 64)", style=solid]; +"2030 matmul_30" -> "2034 mul_31" [label="(4, 12, 64, 64)", style=solid]; +"2031 _param_constant255" -> "2032 clamp_15" [label="(12, 1, 1)", style=solid]; +"2032 clamp_15" -> "2033 exp_15" [label="(12, 1, 1)", style=solid]; +"2033 exp_15" -> "2034 mul_31" [label="(12, 1, 1)", style=solid]; +"2034 mul_31" -> "2035 add_52" [label="(4, 12, 64, 64)", style=solid]; +"2035 add_52" -> "2047 view_85" [label="(4, 12, 64, 64)", style=solid]; +"2036 new_zeros_7" -> "2037 view_84" [label="(16, 16)", style=solid]; +"2037 view_84" -> "2038 permute_71" [label="(2, 8, 2, 8)", style=solid]; +"2038 permute_71" -> "2039 reshape_69" [label="(2, 2, 8, 8)", style=solid]; +"2039 reshape_69" -> "2040 unsqueeze_44" [label="(4, 64)", style=solid]; +"2039 reshape_69" -> "2041 unsqueeze_45" [label="(4, 64)", style=solid]; +"2040 unsqueeze_44" -> "2042 sub_7" [label="(4, 1, 64)", style=solid]; +"2041 unsqueeze_45" -> "2042 sub_7" [label="(4, 64, 1)", style=solid]; +"2042 sub_7" -> "2043 ne_7" [label="(4, 64, 64)", style=solid]; +"2042 sub_7" -> "2044 masked_fill_14" [label="(4, 64, 64)", style=solid]; +"2042 sub_7" -> "2045 eq_7" [label="(4, 64, 64)", style=solid]; +"2043 ne_7" -> "2044 masked_fill_14" [label="(4, 64, 64)", style=solid]; +"2044 masked_fill_14" -> "2046 masked_fill_15" [label="(4, 64, 64)", style=solid]; +"2045 eq_7" -> "2046 masked_fill_15" [label="(4, 64, 64)", style=solid]; +"2046 masked_fill_15" -> "2048 unsqueeze_46" [label="(4, 64, 64)", style=solid]; +"2047 view_85" -> "2050 add_53" [label="(1, 4, 12, 64, 64)", style=solid]; +"2048 unsqueeze_46" -> "2049 unsqueeze_47" [label="(4, 1, 64, 64)", style=solid]; +"2049 unsqueeze_47" -> "2050 add_53" [label="(1, 4, 1, 64, 64)", style=solid]; +"2050 add_53" -> "2051 view_86" [label="(1, 4, 12, 64, 64)", style=solid]; +"2051 view_86" -> "2052 softmax_15" [label="(4, 12, 64, 64)", style=solid]; +"2052 softmax_15" -> "2053 dropout_60" [label="(4, 12, 64, 64)", style=solid]; +"2053 dropout_60" -> "2054 matmul_31" [label="(4, 12, 64, 64)", style=solid]; +"2054 matmul_31" -> "2055 transpose_31" [label="(4, 12, 64, 32)", style=solid]; +"2055 transpose_31" -> "2056 reshape_70" [label="(4, 64, 12, 32)", style=solid]; +"2056 reshape_70" -> "2058 reshape_70_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"2057 linear_95_updated_constant0" -> "2063 quantize_per_channel_default_96" [label="(384, 384)", style=solid]; +"2058 reshape_70_0_0_nncf_smooth_quant_0" -> "2059 quantize_per_tensor_default_96" [label="(4, 64, 384)", style=solid]; +"2059 quantize_per_tensor_default_96" -> "2060 dequantize_per_tensor_default_96" [label="(4, 64, 384)", style=solid]; +"2060 dequantize_per_tensor_default_96" -> "2066 linear_95" [label="(4, 64, 384)", style=solid]; +"2061 linear_95_scale_0" -> "2063 quantize_per_channel_default_96" [label="(384,)", style=solid]; +"2061 linear_95_scale_0" -> "2064 dequantize_per_channel_default_96" [label="(384,)", style=solid]; +"2062 linear_95_zero_point_0" -> "2063 quantize_per_channel_default_96" [label="(384,)", style=solid]; +"2062 linear_95_zero_point_0" -> "2064 dequantize_per_channel_default_96" [label="(384,)", style=solid]; +"2063 quantize_per_channel_default_96" -> "2064 dequantize_per_channel_default_96" [label="(384, 384)", style=solid]; +"2064 dequantize_per_channel_default_96" -> "2066 linear_95" [label="(384, 384)", style=solid]; +"2065 _param_constant257_0_0" -> "2066 linear_95" [label="(384,)", style=solid]; +"2066 linear_95" -> "2067 dropout_61" [label="(4, 64, 384)", style=solid]; +"2067 dropout_61" -> "2068 view_87" [label="(4, 64, 384)", style=solid]; +"2068 view_87" -> "2069 permute_72" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"2069 permute_72" -> "2070 reshape_71" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"2070 reshape_71" -> "2071 roll_15" [label="(1, 16, 16, 384)", style=solid]; +"2071 roll_15" -> "2072 slice_241" [label="(1, 16, 16, 384)", style=solid]; +"2072 slice_241" -> "2073 slice_242" [label="(1, 16, 16, 384)", style=solid]; +"2073 slice_242" -> "2074 slice_243" [label="(1, 14, 16, 384)", style=solid]; +"2074 slice_243" -> "2075 slice_244" [label="(1, 14, 14, 384)", style=solid]; +"2075 slice_244" -> "2076 contiguous_29" [label="(1, 14, 14, 384)", style=solid]; +"2076 contiguous_29" -> "2079 layer_norm_33" [label="(1, 14, 14, 384)", style=solid]; +"2077 _param_constant258" -> "2079 layer_norm_33" [label="(384,)", style=solid]; +"2078 _param_constant259" -> "2079 layer_norm_33" [label="(384,)", style=solid]; +"2079 layer_norm_33" -> "2080 add_54" [label="(1, 14, 14, 384)", style=solid]; +"2080 add_54" -> "2082 add_54_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; +"2080 add_54" -> "2107 add_55" [label="(1, 14, 14, 384)", style=solid]; +"2081 linear_96_updated_constant0" -> "2087 quantize_per_channel_default_97" [label="(1536, 384)", style=solid]; +"2082 add_54_0_0_nncf_smooth_quant_0" -> "2083 quantize_per_tensor_default_97" [label="(1, 14, 14, 384)", style=solid]; +"2083 quantize_per_tensor_default_97" -> "2084 dequantize_per_tensor_default_97" [label="(1, 14, 14, 384)", style=solid]; +"2084 dequantize_per_tensor_default_97" -> "2090 linear_96" [label="(1, 14, 14, 384)", style=solid]; +"2085 linear_96_scale_0" -> "2087 quantize_per_channel_default_97" [label="(1536,)", style=solid]; +"2085 linear_96_scale_0" -> "2088 dequantize_per_channel_default_97" [label="(1536,)", style=solid]; +"2086 linear_96_zero_point_0" -> "2087 quantize_per_channel_default_97" [label="(1536,)", style=solid]; +"2086 linear_96_zero_point_0" -> "2088 dequantize_per_channel_default_97" [label="(1536,)", style=solid]; +"2087 quantize_per_channel_default_97" -> "2088 dequantize_per_channel_default_97" [label="(1536, 384)", style=solid]; +"2088 dequantize_per_channel_default_97" -> "2090 linear_96" [label="(1536, 384)", style=solid]; +"2089 _param_constant261_0_0" -> "2090 linear_96" [label="(1536,)", style=solid]; +"2090 linear_96" -> "2091 gelu_15" [label="(1, 14, 14, 1536)", style=solid]; +"2091 gelu_15" -> "2092 dropout_62" [label="(1, 14, 14, 1536)", style=solid]; +"2092 dropout_62" -> "2094 dropout_62_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; +"2093 linear_97_updated_constant0" -> "2099 quantize_per_channel_default_98" [label="(384, 1536)", style=solid]; +"2094 dropout_62_0_0_nncf_smooth_quant_0" -> "2095 quantize_per_tensor_default_98" [label="(1, 14, 14, 1536)", style=solid]; +"2095 quantize_per_tensor_default_98" -> "2096 dequantize_per_tensor_default_98" [label="(1, 14, 14, 1536)", style=solid]; +"2096 dequantize_per_tensor_default_98" -> "2102 linear_97" [label="(1, 14, 14, 1536)", style=solid]; +"2097 linear_97_scale_0" -> "2099 quantize_per_channel_default_98" [label="(384,)", style=solid]; +"2097 linear_97_scale_0" -> "2100 dequantize_per_channel_default_98" [label="(384,)", style=solid]; +"2098 linear_97_zero_point_0" -> "2099 quantize_per_channel_default_98" [label="(384,)", style=solid]; +"2098 linear_97_zero_point_0" -> "2100 dequantize_per_channel_default_98" [label="(384,)", style=solid]; +"2099 quantize_per_channel_default_98" -> "2100 dequantize_per_channel_default_98" [label="(384, 1536)", style=solid]; +"2100 dequantize_per_channel_default_98" -> "2102 linear_97" [label="(384, 1536)", style=solid]; +"2101 _param_constant263_0_0" -> "2102 linear_97" [label="(384,)", style=solid]; +"2102 linear_97" -> "2103 dropout_63" [label="(1, 14, 14, 384)", style=solid]; +"2103 dropout_63" -> "2106 layer_norm_34" [label="(1, 14, 14, 384)", style=solid]; +"2104 _param_constant264" -> "2106 layer_norm_34" [label="(384,)", style=solid]; +"2105 _param_constant265" -> "2106 layer_norm_34" [label="(384,)", style=solid]; +"2106 layer_norm_34" -> "2107 add_55" [label="(1, 14, 14, 384)", style=solid]; +"2107 add_55" -> "2134 pad_18" [label="(1, 14, 14, 384)", style=solid]; +"2107 add_55" -> "2199 add_57" [label="(1, 14, 14, 384)", style=solid]; +"2108 _tensor_constant104" -> "2110 _tensor_constant104_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; +"2109 linear_98_updated_constant0" -> "2113 quantize_per_channel_default_99" [label="(512, 2)", style=solid]; +"2110 _tensor_constant104_0_0_nncf_smooth_quant_0" -> "2116 linear_98" [label="(1, 15, 15, 2)", style=solid]; +"2111 linear_98_scale_0" -> "2113 quantize_per_channel_default_99" [label="(512,)", style=solid]; +"2111 linear_98_scale_0" -> "2114 dequantize_per_channel_default_99" [label="(512,)", style=solid]; +"2112 linear_98_zero_point_0" -> "2113 quantize_per_channel_default_99" [label="(512,)", style=solid]; +"2112 linear_98_zero_point_0" -> "2114 dequantize_per_channel_default_99" [label="(512,)", style=solid]; +"2113 quantize_per_channel_default_99" -> "2114 dequantize_per_channel_default_99" [label="(512, 2)", style=solid]; +"2114 dequantize_per_channel_default_99" -> "2116 linear_98" [label="(512, 2)", style=solid]; +"2115 _param_constant267_0_0" -> "2116 linear_98" [label="(512,)", style=solid]; +"2116 linear_98" -> "2117 relu__16" [label="(1, 15, 15, 512)", style=solid]; +"2117 relu__16" -> "2119 relu__16_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; +"2118 linear_99_updated_constant0" -> "2122 quantize_per_channel_default_100" [label="(12, 512)", style=solid]; +"2119 relu__16_0_0_nncf_smooth_quant_0" -> "2124 linear_99" [label="(1, 15, 15, 512)", style=solid]; +"2120 linear_99_scale_0" -> "2122 quantize_per_channel_default_100" [label="(12,)", style=solid]; +"2120 linear_99_scale_0" -> "2123 dequantize_per_channel_default_100" [label="(12,)", style=solid]; +"2121 linear_99_zero_point_0" -> "2122 quantize_per_channel_default_100" [label="(12,)", style=solid]; +"2121 linear_99_zero_point_0" -> "2123 dequantize_per_channel_default_100" [label="(12,)", style=solid]; +"2122 quantize_per_channel_default_100" -> "2123 dequantize_per_channel_default_100" [label="(12, 512)", style=solid]; +"2123 dequantize_per_channel_default_100" -> "2124 linear_99" [label="(12, 512)", style=solid]; +"2124 linear_99" -> "2125 view_88" [label="(1, 15, 15, 12)", style=solid]; +"2125 view_88" -> "2127 index_16" [label="(225, 12)", style=solid]; +"2126 _tensor_constant105" -> "2127 index_16" [label="(4096,)", style=solid]; +"2127 index_16" -> "2128 view_89" [label="(4096, 12)", style=solid]; +"2128 view_89" -> "2129 permute_73" [label="(64, 64, 12)", style=solid]; +"2129 permute_73" -> "2130 contiguous_30" [label="(12, 64, 64)", style=solid]; +"2130 contiguous_30" -> "2131 unsqueeze_48" [label="(12, 64, 64)", style=solid]; +"2131 unsqueeze_48" -> "2132 sigmoid_16" [label="(1, 12, 64, 64)", style=solid]; +"2132 sigmoid_16" -> "2133 mul_32" [label="(1, 12, 64, 64)", style=solid]; +"2133 mul_32" -> "2171 add_56" [label="(1, 12, 64, 64)", style=solid]; +"2134 pad_18" -> "2135 view_90" [label="(1, 16, 16, 384)", style=solid]; +"2135 view_90" -> "2136 permute_74" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"2136 permute_74" -> "2137 reshape_72" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"2137 reshape_72" -> "2139 reshape_72_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"2138 linear_100_updated_constant0" -> "2144 quantize_per_channel_default_101" [label="(1152, 384)", style=solid]; +"2139 reshape_72_0_0_nncf_smooth_quant_0" -> "2140 quantize_per_tensor_default_99" [label="(4, 64, 384)", style=solid]; +"2140 quantize_per_tensor_default_99" -> "2141 dequantize_per_tensor_default_99" [label="(4, 64, 384)", style=solid]; +"2141 dequantize_per_tensor_default_99" -> "2147 linear_100" [label="(4, 64, 384)", style=solid]; +"2142 linear_100_scale_0" -> "2144 quantize_per_channel_default_101" [label="(1152,)", style=solid]; +"2142 linear_100_scale_0" -> "2145 dequantize_per_channel_default_101" [label="(1152,)", style=solid]; +"2143 linear_100_zero_point_0" -> "2144 quantize_per_channel_default_101" [label="(1152,)", style=solid]; +"2143 linear_100_zero_point_0" -> "2145 dequantize_per_channel_default_101" [label="(1152,)", style=solid]; +"2144 quantize_per_channel_default_101" -> "2145 dequantize_per_channel_default_101" [label="(1152, 384)", style=solid]; +"2145 dequantize_per_channel_default_101" -> "2147 linear_100" [label="(1152, 384)", style=solid]; +"2146 _param_constant269_0_0" -> "2147 linear_100" [label="(1152,)", style=solid]; +"2147 linear_100" -> "2148 reshape_73" [label="(4, 64, 1152)", style=solid]; +"2148 reshape_73" -> "2149 permute_75" [label="(4, 64, 3, 12, 32)", style=solid]; +"2149 permute_75" -> "2150 select_48" [label="(3, 4, 12, 64, 32)", style=solid]; +"2149 permute_75" -> "2151 select_49" [label="(3, 4, 12, 64, 32)", style=solid]; +"2149 permute_75" -> "2152 select_50" [label="(3, 4, 12, 64, 32)", style=solid]; +"2150 select_48" -> "2153 linalg_vector_norm_32" [label="(4, 12, 64, 32)", style=solid]; +"2150 select_48" -> "2155 expand_as_32" [label="(4, 12, 64, 32)", style=solid]; +"2150 select_48" -> "2156 div_32" [label="(4, 12, 64, 32)", style=solid]; +"2151 select_49" -> "2159 linalg_vector_norm_33" [label="(4, 12, 64, 32)", style=solid]; +"2151 select_49" -> "2161 expand_as_33" [label="(4, 12, 64, 32)", style=solid]; +"2151 select_49" -> "2162 div_33" [label="(4, 12, 64, 32)", style=solid]; +"2152 select_50" -> "2174 matmul_33" [label="(4, 12, 64, 32)", style=solid]; +"2153 linalg_vector_norm_32" -> "2154 clamp_min_32" [label="(4, 12, 64, 1)", style=solid]; +"2154 clamp_min_32" -> "2155 expand_as_32" [label="(4, 12, 64, 1)", style=solid]; +"2155 expand_as_32" -> "2156 div_32" [label="(4, 12, 64, 32)", style=solid]; +"2156 div_32" -> "2157 quantize_per_tensor_default_100" [label="(4, 12, 64, 32)", style=solid]; +"2157 quantize_per_tensor_default_100" -> "2158 dequantize_per_tensor_default_100" [label="(4, 12, 64, 32)", style=solid]; +"2158 dequantize_per_tensor_default_100" -> "2166 matmul_32" [label="(4, 12, 64, 32)", style=solid]; +"2159 linalg_vector_norm_33" -> "2160 clamp_min_33" [label="(4, 12, 64, 1)", style=solid]; +"2160 clamp_min_33" -> "2161 expand_as_33" [label="(4, 12, 64, 1)", style=solid]; +"2161 expand_as_33" -> "2162 div_33" [label="(4, 12, 64, 32)", style=solid]; +"2162 div_33" -> "2163 quantize_per_tensor_default_101" [label="(4, 12, 64, 32)", style=solid]; +"2163 quantize_per_tensor_default_101" -> "2164 dequantize_per_tensor_default_101" [label="(4, 12, 64, 32)", style=solid]; +"2164 dequantize_per_tensor_default_101" -> "2165 transpose_32" [label="(4, 12, 64, 32)", style=solid]; +"2165 transpose_32" -> "2166 matmul_32" [label="(4, 12, 32, 64)", style=solid]; +"2166 matmul_32" -> "2170 mul_33" [label="(4, 12, 64, 64)", style=solid]; +"2167 _param_constant271" -> "2168 clamp_16" [label="(12, 1, 1)", style=solid]; +"2168 clamp_16" -> "2169 exp_16" [label="(12, 1, 1)", style=solid]; +"2169 exp_16" -> "2170 mul_33" [label="(12, 1, 1)", style=solid]; +"2170 mul_33" -> "2171 add_56" [label="(4, 12, 64, 64)", style=solid]; +"2171 add_56" -> "2172 softmax_16" [label="(4, 12, 64, 64)", style=solid]; +"2172 softmax_16" -> "2173 dropout_64" [label="(4, 12, 64, 64)", style=solid]; +"2173 dropout_64" -> "2174 matmul_33" [label="(4, 12, 64, 64)", style=solid]; +"2174 matmul_33" -> "2175 transpose_33" [label="(4, 12, 64, 32)", style=solid]; +"2175 transpose_33" -> "2176 reshape_74" [label="(4, 64, 12, 32)", style=solid]; +"2176 reshape_74" -> "2178 reshape_74_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"2177 linear_101_updated_constant0" -> "2183 quantize_per_channel_default_102" [label="(384, 384)", style=solid]; +"2178 reshape_74_0_0_nncf_smooth_quant_0" -> "2179 quantize_per_tensor_default_102" [label="(4, 64, 384)", style=solid]; +"2179 quantize_per_tensor_default_102" -> "2180 dequantize_per_tensor_default_102" [label="(4, 64, 384)", style=solid]; +"2180 dequantize_per_tensor_default_102" -> "2186 linear_101" [label="(4, 64, 384)", style=solid]; +"2181 linear_101_scale_0" -> "2183 quantize_per_channel_default_102" [label="(384,)", style=solid]; +"2181 linear_101_scale_0" -> "2184 dequantize_per_channel_default_102" [label="(384,)", style=solid]; +"2182 linear_101_zero_point_0" -> "2183 quantize_per_channel_default_102" [label="(384,)", style=solid]; +"2182 linear_101_zero_point_0" -> "2184 dequantize_per_channel_default_102" [label="(384,)", style=solid]; +"2183 quantize_per_channel_default_102" -> "2184 dequantize_per_channel_default_102" [label="(384, 384)", style=solid]; +"2184 dequantize_per_channel_default_102" -> "2186 linear_101" [label="(384, 384)", style=solid]; +"2185 _param_constant273_0_0" -> "2186 linear_101" [label="(384,)", style=solid]; +"2186 linear_101" -> "2187 dropout_65" [label="(4, 64, 384)", style=solid]; +"2187 dropout_65" -> "2188 view_91" [label="(4, 64, 384)", style=solid]; +"2188 view_91" -> "2189 permute_76" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"2189 permute_76" -> "2190 reshape_75" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"2190 reshape_75" -> "2191 slice_246" [label="(1, 16, 16, 384)", style=solid]; +"2191 slice_246" -> "2192 slice_247" [label="(1, 16, 16, 384)", style=solid]; +"2192 slice_247" -> "2193 slice_248" [label="(1, 14, 16, 384)", style=solid]; +"2193 slice_248" -> "2194 slice_249" [label="(1, 14, 14, 384)", style=solid]; +"2194 slice_249" -> "2195 contiguous_31" [label="(1, 14, 14, 384)", style=solid]; +"2195 contiguous_31" -> "2198 layer_norm_35" [label="(1, 14, 14, 384)", style=solid]; +"2196 _param_constant274" -> "2198 layer_norm_35" [label="(384,)", style=solid]; +"2197 _param_constant275" -> "2198 layer_norm_35" [label="(384,)", style=solid]; +"2198 layer_norm_35" -> "2199 add_57" [label="(1, 14, 14, 384)", style=solid]; +"2199 add_57" -> "2201 add_57_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; +"2199 add_57" -> "2226 add_58" [label="(1, 14, 14, 384)", style=solid]; +"2200 linear_102_updated_constant0" -> "2206 quantize_per_channel_default_103" [label="(1536, 384)", style=solid]; +"2201 add_57_0_0_nncf_smooth_quant_0" -> "2202 quantize_per_tensor_default_103" [label="(1, 14, 14, 384)", style=solid]; +"2202 quantize_per_tensor_default_103" -> "2203 dequantize_per_tensor_default_103" [label="(1, 14, 14, 384)", style=solid]; +"2203 dequantize_per_tensor_default_103" -> "2209 linear_102" [label="(1, 14, 14, 384)", style=solid]; +"2204 linear_102_scale_0" -> "2206 quantize_per_channel_default_103" [label="(1536,)", style=solid]; +"2204 linear_102_scale_0" -> "2207 dequantize_per_channel_default_103" [label="(1536,)", style=solid]; +"2205 linear_102_zero_point_0" -> "2206 quantize_per_channel_default_103" [label="(1536,)", style=solid]; +"2205 linear_102_zero_point_0" -> "2207 dequantize_per_channel_default_103" [label="(1536,)", style=solid]; +"2206 quantize_per_channel_default_103" -> "2207 dequantize_per_channel_default_103" [label="(1536, 384)", style=solid]; +"2207 dequantize_per_channel_default_103" -> "2209 linear_102" [label="(1536, 384)", style=solid]; +"2208 _param_constant277_0_0" -> "2209 linear_102" [label="(1536,)", style=solid]; +"2209 linear_102" -> "2210 gelu_16" [label="(1, 14, 14, 1536)", style=solid]; +"2210 gelu_16" -> "2211 dropout_66" [label="(1, 14, 14, 1536)", style=solid]; +"2211 dropout_66" -> "2213 dropout_66_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; +"2212 linear_103_updated_constant0" -> "2218 quantize_per_channel_default_104" [label="(384, 1536)", style=solid]; +"2213 dropout_66_0_0_nncf_smooth_quant_0" -> "2214 quantize_per_tensor_default_104" [label="(1, 14, 14, 1536)", style=solid]; +"2214 quantize_per_tensor_default_104" -> "2215 dequantize_per_tensor_default_104" [label="(1, 14, 14, 1536)", style=solid]; +"2215 dequantize_per_tensor_default_104" -> "2221 linear_103" [label="(1, 14, 14, 1536)", style=solid]; +"2216 linear_103_scale_0" -> "2218 quantize_per_channel_default_104" [label="(384,)", style=solid]; +"2216 linear_103_scale_0" -> "2219 dequantize_per_channel_default_104" [label="(384,)", style=solid]; +"2217 linear_103_zero_point_0" -> "2218 quantize_per_channel_default_104" [label="(384,)", style=solid]; +"2217 linear_103_zero_point_0" -> "2219 dequantize_per_channel_default_104" [label="(384,)", style=solid]; +"2218 quantize_per_channel_default_104" -> "2219 dequantize_per_channel_default_104" [label="(384, 1536)", style=solid]; +"2219 dequantize_per_channel_default_104" -> "2221 linear_103" [label="(384, 1536)", style=solid]; +"2220 _param_constant279_0_0" -> "2221 linear_103" [label="(384,)", style=solid]; +"2221 linear_103" -> "2222 dropout_67" [label="(1, 14, 14, 384)", style=solid]; +"2222 dropout_67" -> "2225 layer_norm_36" [label="(1, 14, 14, 384)", style=solid]; +"2223 _param_constant280" -> "2225 layer_norm_36" [label="(384,)", style=solid]; +"2224 _param_constant281" -> "2225 layer_norm_36" [label="(384,)", style=solid]; +"2225 layer_norm_36" -> "2226 add_58" [label="(1, 14, 14, 384)", style=solid]; +"2226 add_58" -> "2253 pad_19" [label="(1, 14, 14, 384)", style=solid]; +"2226 add_58" -> "2336 add_61" [label="(1, 14, 14, 384)", style=solid]; +"2227 _tensor_constant106" -> "2229 _tensor_constant106_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; +"2228 linear_104_updated_constant0" -> "2232 quantize_per_channel_default_105" [label="(512, 2)", style=solid]; +"2229 _tensor_constant106_0_0_nncf_smooth_quant_0" -> "2235 linear_104" [label="(1, 15, 15, 2)", style=solid]; +"2230 linear_104_scale_0" -> "2232 quantize_per_channel_default_105" [label="(512,)", style=solid]; +"2230 linear_104_scale_0" -> "2233 dequantize_per_channel_default_105" [label="(512,)", style=solid]; +"2231 linear_104_zero_point_0" -> "2232 quantize_per_channel_default_105" [label="(512,)", style=solid]; +"2231 linear_104_zero_point_0" -> "2233 dequantize_per_channel_default_105" [label="(512,)", style=solid]; +"2232 quantize_per_channel_default_105" -> "2233 dequantize_per_channel_default_105" [label="(512, 2)", style=solid]; +"2233 dequantize_per_channel_default_105" -> "2235 linear_104" [label="(512, 2)", style=solid]; +"2234 _param_constant283_0_0" -> "2235 linear_104" [label="(512,)", style=solid]; +"2235 linear_104" -> "2236 relu__17" [label="(1, 15, 15, 512)", style=solid]; +"2236 relu__17" -> "2238 relu__17_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; +"2237 linear_105_updated_constant0" -> "2241 quantize_per_channel_default_106" [label="(12, 512)", style=solid]; +"2238 relu__17_0_0_nncf_smooth_quant_0" -> "2243 linear_105" [label="(1, 15, 15, 512)", style=solid]; +"2239 linear_105_scale_0" -> "2241 quantize_per_channel_default_106" [label="(12,)", style=solid]; +"2239 linear_105_scale_0" -> "2242 dequantize_per_channel_default_106" [label="(12,)", style=solid]; +"2240 linear_105_zero_point_0" -> "2241 quantize_per_channel_default_106" [label="(12,)", style=solid]; +"2240 linear_105_zero_point_0" -> "2242 dequantize_per_channel_default_106" [label="(12,)", style=solid]; +"2241 quantize_per_channel_default_106" -> "2242 dequantize_per_channel_default_106" [label="(12, 512)", style=solid]; +"2242 dequantize_per_channel_default_106" -> "2243 linear_105" [label="(12, 512)", style=solid]; +"2243 linear_105" -> "2244 view_92" [label="(1, 15, 15, 12)", style=solid]; +"2244 view_92" -> "2246 index_17" [label="(225, 12)", style=solid]; +"2245 _tensor_constant107" -> "2246 index_17" [label="(4096,)", style=solid]; +"2246 index_17" -> "2247 view_93" [label="(4096, 12)", style=solid]; +"2247 view_93" -> "2248 permute_77" [label="(64, 64, 12)", style=solid]; +"2248 permute_77" -> "2249 contiguous_32" [label="(12, 64, 64)", style=solid]; +"2249 contiguous_32" -> "2250 unsqueeze_49" [label="(12, 64, 64)", style=solid]; +"2250 unsqueeze_49" -> "2251 sigmoid_17" [label="(1, 12, 64, 64)", style=solid]; +"2251 sigmoid_17" -> "2252 mul_34" [label="(1, 12, 64, 64)", style=solid]; +"2252 mul_34" -> "2291 add_59" [label="(1, 12, 64, 64)", style=solid]; +"2253 pad_19" -> "2254 roll_16" [label="(1, 16, 16, 384)", style=solid]; +"2254 roll_16" -> "2255 view_94" [label="(1, 16, 16, 384)", style=solid]; +"2255 view_94" -> "2256 permute_78" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"2256 permute_78" -> "2257 reshape_76" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"2257 reshape_76" -> "2259 reshape_76_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"2257 reshape_76" -> "2292 new_zeros_8" [label="(4, 64, 384)", style=solid]; +"2258 linear_106_updated_constant0" -> "2264 quantize_per_channel_default_107" [label="(1152, 384)", style=solid]; +"2259 reshape_76_0_0_nncf_smooth_quant_0" -> "2260 quantize_per_tensor_default_105" [label="(4, 64, 384)", style=solid]; +"2260 quantize_per_tensor_default_105" -> "2261 dequantize_per_tensor_default_105" [label="(4, 64, 384)", style=solid]; +"2261 dequantize_per_tensor_default_105" -> "2267 linear_106" [label="(4, 64, 384)", style=solid]; +"2262 linear_106_scale_0" -> "2264 quantize_per_channel_default_107" [label="(1152,)", style=solid]; +"2262 linear_106_scale_0" -> "2265 dequantize_per_channel_default_107" [label="(1152,)", style=solid]; +"2263 linear_106_zero_point_0" -> "2264 quantize_per_channel_default_107" [label="(1152,)", style=solid]; +"2263 linear_106_zero_point_0" -> "2265 dequantize_per_channel_default_107" [label="(1152,)", style=solid]; +"2264 quantize_per_channel_default_107" -> "2265 dequantize_per_channel_default_107" [label="(1152, 384)", style=solid]; +"2265 dequantize_per_channel_default_107" -> "2267 linear_106" [label="(1152, 384)", style=solid]; +"2266 _param_constant285_0_0" -> "2267 linear_106" [label="(1152,)", style=solid]; +"2267 linear_106" -> "2268 reshape_77" [label="(4, 64, 1152)", style=solid]; +"2268 reshape_77" -> "2269 permute_79" [label="(4, 64, 3, 12, 32)", style=solid]; +"2269 permute_79" -> "2270 select_51" [label="(3, 4, 12, 64, 32)", style=solid]; +"2269 permute_79" -> "2271 select_52" [label="(3, 4, 12, 64, 32)", style=solid]; +"2269 permute_79" -> "2272 select_53" [label="(3, 4, 12, 64, 32)", style=solid]; +"2270 select_51" -> "2273 linalg_vector_norm_34" [label="(4, 12, 64, 32)", style=solid]; +"2270 select_51" -> "2275 expand_as_34" [label="(4, 12, 64, 32)", style=solid]; +"2270 select_51" -> "2276 div_34" [label="(4, 12, 64, 32)", style=solid]; +"2271 select_52" -> "2279 linalg_vector_norm_35" [label="(4, 12, 64, 32)", style=solid]; +"2271 select_52" -> "2281 expand_as_35" [label="(4, 12, 64, 32)", style=solid]; +"2271 select_52" -> "2282 div_35" [label="(4, 12, 64, 32)", style=solid]; +"2272 select_53" -> "2310 matmul_35" [label="(4, 12, 64, 32)", style=solid]; +"2273 linalg_vector_norm_34" -> "2274 clamp_min_34" [label="(4, 12, 64, 1)", style=solid]; +"2274 clamp_min_34" -> "2275 expand_as_34" [label="(4, 12, 64, 1)", style=solid]; +"2275 expand_as_34" -> "2276 div_34" [label="(4, 12, 64, 32)", style=solid]; +"2276 div_34" -> "2277 quantize_per_tensor_default_106" [label="(4, 12, 64, 32)", style=solid]; +"2277 quantize_per_tensor_default_106" -> "2278 dequantize_per_tensor_default_106" [label="(4, 12, 64, 32)", style=solid]; +"2278 dequantize_per_tensor_default_106" -> "2286 matmul_34" [label="(4, 12, 64, 32)", style=solid]; +"2279 linalg_vector_norm_35" -> "2280 clamp_min_35" [label="(4, 12, 64, 1)", style=solid]; +"2280 clamp_min_35" -> "2281 expand_as_35" [label="(4, 12, 64, 1)", style=solid]; +"2281 expand_as_35" -> "2282 div_35" [label="(4, 12, 64, 32)", style=solid]; +"2282 div_35" -> "2283 quantize_per_tensor_default_107" [label="(4, 12, 64, 32)", style=solid]; +"2283 quantize_per_tensor_default_107" -> "2284 dequantize_per_tensor_default_107" [label="(4, 12, 64, 32)", style=solid]; +"2284 dequantize_per_tensor_default_107" -> "2285 transpose_34" [label="(4, 12, 64, 32)", style=solid]; +"2285 transpose_34" -> "2286 matmul_34" [label="(4, 12, 32, 64)", style=solid]; +"2286 matmul_34" -> "2290 mul_35" [label="(4, 12, 64, 64)", style=solid]; +"2287 _param_constant287" -> "2288 clamp_17" [label="(12, 1, 1)", style=solid]; +"2288 clamp_17" -> "2289 exp_17" [label="(12, 1, 1)", style=solid]; +"2289 exp_17" -> "2290 mul_35" [label="(12, 1, 1)", style=solid]; +"2290 mul_35" -> "2291 add_59" [label="(4, 12, 64, 64)", style=solid]; +"2291 add_59" -> "2303 view_96" [label="(4, 12, 64, 64)", style=solid]; +"2292 new_zeros_8" -> "2293 view_95" [label="(16, 16)", style=solid]; +"2293 view_95" -> "2294 permute_80" [label="(2, 8, 2, 8)", style=solid]; +"2294 permute_80" -> "2295 reshape_78" [label="(2, 2, 8, 8)", style=solid]; +"2295 reshape_78" -> "2296 unsqueeze_50" [label="(4, 64)", style=solid]; +"2295 reshape_78" -> "2297 unsqueeze_51" [label="(4, 64)", style=solid]; +"2296 unsqueeze_50" -> "2298 sub_8" [label="(4, 1, 64)", style=solid]; +"2297 unsqueeze_51" -> "2298 sub_8" [label="(4, 64, 1)", style=solid]; +"2298 sub_8" -> "2299 ne_8" [label="(4, 64, 64)", style=solid]; +"2298 sub_8" -> "2300 masked_fill_16" [label="(4, 64, 64)", style=solid]; +"2298 sub_8" -> "2301 eq_8" [label="(4, 64, 64)", style=solid]; +"2299 ne_8" -> "2300 masked_fill_16" [label="(4, 64, 64)", style=solid]; +"2300 masked_fill_16" -> "2302 masked_fill_17" [label="(4, 64, 64)", style=solid]; +"2301 eq_8" -> "2302 masked_fill_17" [label="(4, 64, 64)", style=solid]; +"2302 masked_fill_17" -> "2304 unsqueeze_52" [label="(4, 64, 64)", style=solid]; +"2303 view_96" -> "2306 add_60" [label="(1, 4, 12, 64, 64)", style=solid]; +"2304 unsqueeze_52" -> "2305 unsqueeze_53" [label="(4, 1, 64, 64)", style=solid]; +"2305 unsqueeze_53" -> "2306 add_60" [label="(1, 4, 1, 64, 64)", style=solid]; +"2306 add_60" -> "2307 view_97" [label="(1, 4, 12, 64, 64)", style=solid]; +"2307 view_97" -> "2308 softmax_17" [label="(4, 12, 64, 64)", style=solid]; +"2308 softmax_17" -> "2309 dropout_68" [label="(4, 12, 64, 64)", style=solid]; +"2309 dropout_68" -> "2310 matmul_35" [label="(4, 12, 64, 64)", style=solid]; +"2310 matmul_35" -> "2311 transpose_35" [label="(4, 12, 64, 32)", style=solid]; +"2311 transpose_35" -> "2312 reshape_79" [label="(4, 64, 12, 32)", style=solid]; +"2312 reshape_79" -> "2314 reshape_79_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"2313 linear_107_updated_constant0" -> "2319 quantize_per_channel_default_108" [label="(384, 384)", style=solid]; +"2314 reshape_79_0_0_nncf_smooth_quant_0" -> "2315 quantize_per_tensor_default_108" [label="(4, 64, 384)", style=solid]; +"2315 quantize_per_tensor_default_108" -> "2316 dequantize_per_tensor_default_108" [label="(4, 64, 384)", style=solid]; +"2316 dequantize_per_tensor_default_108" -> "2322 linear_107" [label="(4, 64, 384)", style=solid]; +"2317 linear_107_scale_0" -> "2319 quantize_per_channel_default_108" [label="(384,)", style=solid]; +"2317 linear_107_scale_0" -> "2320 dequantize_per_channel_default_108" [label="(384,)", style=solid]; +"2318 linear_107_zero_point_0" -> "2319 quantize_per_channel_default_108" [label="(384,)", style=solid]; +"2318 linear_107_zero_point_0" -> "2320 dequantize_per_channel_default_108" [label="(384,)", style=solid]; +"2319 quantize_per_channel_default_108" -> "2320 dequantize_per_channel_default_108" [label="(384, 384)", style=solid]; +"2320 dequantize_per_channel_default_108" -> "2322 linear_107" [label="(384, 384)", style=solid]; +"2321 _param_constant289_0_0" -> "2322 linear_107" [label="(384,)", style=solid]; +"2322 linear_107" -> "2323 dropout_69" [label="(4, 64, 384)", style=solid]; +"2323 dropout_69" -> "2324 view_98" [label="(4, 64, 384)", style=solid]; +"2324 view_98" -> "2325 permute_81" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"2325 permute_81" -> "2326 reshape_80" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"2326 reshape_80" -> "2327 roll_17" [label="(1, 16, 16, 384)", style=solid]; +"2327 roll_17" -> "2328 slice_269" [label="(1, 16, 16, 384)", style=solid]; +"2328 slice_269" -> "2329 slice_270" [label="(1, 16, 16, 384)", style=solid]; +"2329 slice_270" -> "2330 slice_271" [label="(1, 14, 16, 384)", style=solid]; +"2330 slice_271" -> "2331 slice_272" [label="(1, 14, 14, 384)", style=solid]; +"2331 slice_272" -> "2332 contiguous_33" [label="(1, 14, 14, 384)", style=solid]; +"2332 contiguous_33" -> "2335 layer_norm_37" [label="(1, 14, 14, 384)", style=solid]; +"2333 _param_constant290" -> "2335 layer_norm_37" [label="(384,)", style=solid]; +"2334 _param_constant291" -> "2335 layer_norm_37" [label="(384,)", style=solid]; +"2335 layer_norm_37" -> "2336 add_61" [label="(1, 14, 14, 384)", style=solid]; +"2336 add_61" -> "2338 add_61_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; +"2336 add_61" -> "2363 add_62" [label="(1, 14, 14, 384)", style=solid]; +"2337 linear_108_updated_constant0" -> "2343 quantize_per_channel_default_109" [label="(1536, 384)", style=solid]; +"2338 add_61_0_0_nncf_smooth_quant_0" -> "2339 quantize_per_tensor_default_109" [label="(1, 14, 14, 384)", style=solid]; +"2339 quantize_per_tensor_default_109" -> "2340 dequantize_per_tensor_default_109" [label="(1, 14, 14, 384)", style=solid]; +"2340 dequantize_per_tensor_default_109" -> "2346 linear_108" [label="(1, 14, 14, 384)", style=solid]; +"2341 linear_108_scale_0" -> "2343 quantize_per_channel_default_109" [label="(1536,)", style=solid]; +"2341 linear_108_scale_0" -> "2344 dequantize_per_channel_default_109" [label="(1536,)", style=solid]; +"2342 linear_108_zero_point_0" -> "2343 quantize_per_channel_default_109" [label="(1536,)", style=solid]; +"2342 linear_108_zero_point_0" -> "2344 dequantize_per_channel_default_109" [label="(1536,)", style=solid]; +"2343 quantize_per_channel_default_109" -> "2344 dequantize_per_channel_default_109" [label="(1536, 384)", style=solid]; +"2344 dequantize_per_channel_default_109" -> "2346 linear_108" [label="(1536, 384)", style=solid]; +"2345 _param_constant293_0_0" -> "2346 linear_108" [label="(1536,)", style=solid]; +"2346 linear_108" -> "2347 gelu_17" [label="(1, 14, 14, 1536)", style=solid]; +"2347 gelu_17" -> "2348 dropout_70" [label="(1, 14, 14, 1536)", style=solid]; +"2348 dropout_70" -> "2350 dropout_70_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; +"2349 linear_109_updated_constant0" -> "2355 quantize_per_channel_default_110" [label="(384, 1536)", style=solid]; +"2350 dropout_70_0_0_nncf_smooth_quant_0" -> "2351 quantize_per_tensor_default_110" [label="(1, 14, 14, 1536)", style=solid]; +"2351 quantize_per_tensor_default_110" -> "2352 dequantize_per_tensor_default_110" [label="(1, 14, 14, 1536)", style=solid]; +"2352 dequantize_per_tensor_default_110" -> "2358 linear_109" [label="(1, 14, 14, 1536)", style=solid]; +"2353 linear_109_scale_0" -> "2355 quantize_per_channel_default_110" [label="(384,)", style=solid]; +"2353 linear_109_scale_0" -> "2356 dequantize_per_channel_default_110" [label="(384,)", style=solid]; +"2354 linear_109_zero_point_0" -> "2355 quantize_per_channel_default_110" [label="(384,)", style=solid]; +"2354 linear_109_zero_point_0" -> "2356 dequantize_per_channel_default_110" [label="(384,)", style=solid]; +"2355 quantize_per_channel_default_110" -> "2356 dequantize_per_channel_default_110" [label="(384, 1536)", style=solid]; +"2356 dequantize_per_channel_default_110" -> "2358 linear_109" [label="(384, 1536)", style=solid]; +"2357 _param_constant295_0_0" -> "2358 linear_109" [label="(384,)", style=solid]; +"2358 linear_109" -> "2359 dropout_71" [label="(1, 14, 14, 384)", style=solid]; +"2359 dropout_71" -> "2362 layer_norm_38" [label="(1, 14, 14, 384)", style=solid]; +"2360 _param_constant296" -> "2362 layer_norm_38" [label="(384,)", style=solid]; +"2361 _param_constant297" -> "2362 layer_norm_38" [label="(384,)", style=solid]; +"2362 layer_norm_38" -> "2363 add_62" [label="(1, 14, 14, 384)", style=solid]; +"2363 add_62" -> "2390 pad_20" [label="(1, 14, 14, 384)", style=solid]; +"2363 add_62" -> "2455 add_64" [label="(1, 14, 14, 384)", style=solid]; +"2364 _tensor_constant117" -> "2366 _tensor_constant117_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; +"2365 linear_110_updated_constant0" -> "2369 quantize_per_channel_default_111" [label="(512, 2)", style=solid]; +"2366 _tensor_constant117_0_0_nncf_smooth_quant_0" -> "2372 linear_110" [label="(1, 15, 15, 2)", style=solid]; +"2367 linear_110_scale_0" -> "2369 quantize_per_channel_default_111" [label="(512,)", style=solid]; +"2367 linear_110_scale_0" -> "2370 dequantize_per_channel_default_111" [label="(512,)", style=solid]; +"2368 linear_110_zero_point_0" -> "2369 quantize_per_channel_default_111" [label="(512,)", style=solid]; +"2368 linear_110_zero_point_0" -> "2370 dequantize_per_channel_default_111" [label="(512,)", style=solid]; +"2369 quantize_per_channel_default_111" -> "2370 dequantize_per_channel_default_111" [label="(512, 2)", style=solid]; +"2370 dequantize_per_channel_default_111" -> "2372 linear_110" [label="(512, 2)", style=solid]; +"2371 _param_constant299_0_0" -> "2372 linear_110" [label="(512,)", style=solid]; +"2372 linear_110" -> "2373 relu__18" [label="(1, 15, 15, 512)", style=solid]; +"2373 relu__18" -> "2375 relu__18_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; +"2374 linear_111_updated_constant0" -> "2378 quantize_per_channel_default_112" [label="(12, 512)", style=solid]; +"2375 relu__18_0_0_nncf_smooth_quant_0" -> "2380 linear_111" [label="(1, 15, 15, 512)", style=solid]; +"2376 linear_111_scale_0" -> "2378 quantize_per_channel_default_112" [label="(12,)", style=solid]; +"2376 linear_111_scale_0" -> "2379 dequantize_per_channel_default_112" [label="(12,)", style=solid]; +"2377 linear_111_zero_point_0" -> "2378 quantize_per_channel_default_112" [label="(12,)", style=solid]; +"2377 linear_111_zero_point_0" -> "2379 dequantize_per_channel_default_112" [label="(12,)", style=solid]; +"2378 quantize_per_channel_default_112" -> "2379 dequantize_per_channel_default_112" [label="(12, 512)", style=solid]; +"2379 dequantize_per_channel_default_112" -> "2380 linear_111" [label="(12, 512)", style=solid]; +"2380 linear_111" -> "2381 view_99" [label="(1, 15, 15, 12)", style=solid]; +"2381 view_99" -> "2383 index_18" [label="(225, 12)", style=solid]; +"2382 _tensor_constant118" -> "2383 index_18" [label="(4096,)", style=solid]; +"2383 index_18" -> "2384 view_100" [label="(4096, 12)", style=solid]; +"2384 view_100" -> "2385 permute_82" [label="(64, 64, 12)", style=solid]; +"2385 permute_82" -> "2386 contiguous_34" [label="(12, 64, 64)", style=solid]; +"2386 contiguous_34" -> "2387 unsqueeze_54" [label="(12, 64, 64)", style=solid]; +"2387 unsqueeze_54" -> "2388 sigmoid_18" [label="(1, 12, 64, 64)", style=solid]; +"2388 sigmoid_18" -> "2389 mul_36" [label="(1, 12, 64, 64)", style=solid]; +"2389 mul_36" -> "2427 add_63" [label="(1, 12, 64, 64)", style=solid]; +"2390 pad_20" -> "2391 view_101" [label="(1, 16, 16, 384)", style=solid]; +"2391 view_101" -> "2392 permute_83" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"2392 permute_83" -> "2393 reshape_81" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"2393 reshape_81" -> "2395 reshape_81_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"2394 linear_112_updated_constant0" -> "2400 quantize_per_channel_default_113" [label="(1152, 384)", style=solid]; +"2395 reshape_81_0_0_nncf_smooth_quant_0" -> "2396 quantize_per_tensor_default_111" [label="(4, 64, 384)", style=solid]; +"2396 quantize_per_tensor_default_111" -> "2397 dequantize_per_tensor_default_111" [label="(4, 64, 384)", style=solid]; +"2397 dequantize_per_tensor_default_111" -> "2403 linear_112" [label="(4, 64, 384)", style=solid]; +"2398 linear_112_scale_0" -> "2400 quantize_per_channel_default_113" [label="(1152,)", style=solid]; +"2398 linear_112_scale_0" -> "2401 dequantize_per_channel_default_113" [label="(1152,)", style=solid]; +"2399 linear_112_zero_point_0" -> "2400 quantize_per_channel_default_113" [label="(1152,)", style=solid]; +"2399 linear_112_zero_point_0" -> "2401 dequantize_per_channel_default_113" [label="(1152,)", style=solid]; +"2400 quantize_per_channel_default_113" -> "2401 dequantize_per_channel_default_113" [label="(1152, 384)", style=solid]; +"2401 dequantize_per_channel_default_113" -> "2403 linear_112" [label="(1152, 384)", style=solid]; +"2402 _param_constant301_0_0" -> "2403 linear_112" [label="(1152,)", style=solid]; +"2403 linear_112" -> "2404 reshape_82" [label="(4, 64, 1152)", style=solid]; +"2404 reshape_82" -> "2405 permute_84" [label="(4, 64, 3, 12, 32)", style=solid]; +"2405 permute_84" -> "2406 select_54" [label="(3, 4, 12, 64, 32)", style=solid]; +"2405 permute_84" -> "2407 select_55" [label="(3, 4, 12, 64, 32)", style=solid]; +"2405 permute_84" -> "2408 select_56" [label="(3, 4, 12, 64, 32)", style=solid]; +"2406 select_54" -> "2409 linalg_vector_norm_36" [label="(4, 12, 64, 32)", style=solid]; +"2406 select_54" -> "2411 expand_as_36" [label="(4, 12, 64, 32)", style=solid]; +"2406 select_54" -> "2412 div_36" [label="(4, 12, 64, 32)", style=solid]; +"2407 select_55" -> "2415 linalg_vector_norm_37" [label="(4, 12, 64, 32)", style=solid]; +"2407 select_55" -> "2417 expand_as_37" [label="(4, 12, 64, 32)", style=solid]; +"2407 select_55" -> "2418 div_37" [label="(4, 12, 64, 32)", style=solid]; +"2408 select_56" -> "2430 matmul_37" [label="(4, 12, 64, 32)", style=solid]; +"2409 linalg_vector_norm_36" -> "2410 clamp_min_36" [label="(4, 12, 64, 1)", style=solid]; +"2410 clamp_min_36" -> "2411 expand_as_36" [label="(4, 12, 64, 1)", style=solid]; +"2411 expand_as_36" -> "2412 div_36" [label="(4, 12, 64, 32)", style=solid]; +"2412 div_36" -> "2413 quantize_per_tensor_default_112" [label="(4, 12, 64, 32)", style=solid]; +"2413 quantize_per_tensor_default_112" -> "2414 dequantize_per_tensor_default_112" [label="(4, 12, 64, 32)", style=solid]; +"2414 dequantize_per_tensor_default_112" -> "2422 matmul_36" [label="(4, 12, 64, 32)", style=solid]; +"2415 linalg_vector_norm_37" -> "2416 clamp_min_37" [label="(4, 12, 64, 1)", style=solid]; +"2416 clamp_min_37" -> "2417 expand_as_37" [label="(4, 12, 64, 1)", style=solid]; +"2417 expand_as_37" -> "2418 div_37" [label="(4, 12, 64, 32)", style=solid]; +"2418 div_37" -> "2419 quantize_per_tensor_default_113" [label="(4, 12, 64, 32)", style=solid]; +"2419 quantize_per_tensor_default_113" -> "2420 dequantize_per_tensor_default_113" [label="(4, 12, 64, 32)", style=solid]; +"2420 dequantize_per_tensor_default_113" -> "2421 transpose_36" [label="(4, 12, 64, 32)", style=solid]; +"2421 transpose_36" -> "2422 matmul_36" [label="(4, 12, 32, 64)", style=solid]; +"2422 matmul_36" -> "2426 mul_37" [label="(4, 12, 64, 64)", style=solid]; +"2423 _param_constant303" -> "2424 clamp_18" [label="(12, 1, 1)", style=solid]; +"2424 clamp_18" -> "2425 exp_18" [label="(12, 1, 1)", style=solid]; +"2425 exp_18" -> "2426 mul_37" [label="(12, 1, 1)", style=solid]; +"2426 mul_37" -> "2427 add_63" [label="(4, 12, 64, 64)", style=solid]; +"2427 add_63" -> "2428 softmax_18" [label="(4, 12, 64, 64)", style=solid]; +"2428 softmax_18" -> "2429 dropout_72" [label="(4, 12, 64, 64)", style=solid]; +"2429 dropout_72" -> "2430 matmul_37" [label="(4, 12, 64, 64)", style=solid]; +"2430 matmul_37" -> "2431 transpose_37" [label="(4, 12, 64, 32)", style=solid]; +"2431 transpose_37" -> "2432 reshape_83" [label="(4, 64, 12, 32)", style=solid]; +"2432 reshape_83" -> "2434 reshape_83_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"2433 linear_113_updated_constant0" -> "2439 quantize_per_channel_default_114" [label="(384, 384)", style=solid]; +"2434 reshape_83_0_0_nncf_smooth_quant_0" -> "2435 quantize_per_tensor_default_114" [label="(4, 64, 384)", style=solid]; +"2435 quantize_per_tensor_default_114" -> "2436 dequantize_per_tensor_default_114" [label="(4, 64, 384)", style=solid]; +"2436 dequantize_per_tensor_default_114" -> "2442 linear_113" [label="(4, 64, 384)", style=solid]; +"2437 linear_113_scale_0" -> "2439 quantize_per_channel_default_114" [label="(384,)", style=solid]; +"2437 linear_113_scale_0" -> "2440 dequantize_per_channel_default_114" [label="(384,)", style=solid]; +"2438 linear_113_zero_point_0" -> "2439 quantize_per_channel_default_114" [label="(384,)", style=solid]; +"2438 linear_113_zero_point_0" -> "2440 dequantize_per_channel_default_114" [label="(384,)", style=solid]; +"2439 quantize_per_channel_default_114" -> "2440 dequantize_per_channel_default_114" [label="(384, 384)", style=solid]; +"2440 dequantize_per_channel_default_114" -> "2442 linear_113" [label="(384, 384)", style=solid]; +"2441 _param_constant305_0_0" -> "2442 linear_113" [label="(384,)", style=solid]; +"2442 linear_113" -> "2443 dropout_73" [label="(4, 64, 384)", style=solid]; +"2443 dropout_73" -> "2444 view_102" [label="(4, 64, 384)", style=solid]; +"2444 view_102" -> "2445 permute_85" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"2445 permute_85" -> "2446 reshape_84" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"2446 reshape_84" -> "2447 slice_274" [label="(1, 16, 16, 384)", style=solid]; +"2447 slice_274" -> "2448 slice_275" [label="(1, 16, 16, 384)", style=solid]; +"2448 slice_275" -> "2449 slice_276" [label="(1, 14, 16, 384)", style=solid]; +"2449 slice_276" -> "2450 slice_277" [label="(1, 14, 14, 384)", style=solid]; +"2450 slice_277" -> "2451 contiguous_35" [label="(1, 14, 14, 384)", style=solid]; +"2451 contiguous_35" -> "2454 layer_norm_39" [label="(1, 14, 14, 384)", style=solid]; +"2452 _param_constant306" -> "2454 layer_norm_39" [label="(384,)", style=solid]; +"2453 _param_constant307" -> "2454 layer_norm_39" [label="(384,)", style=solid]; +"2454 layer_norm_39" -> "2455 add_64" [label="(1, 14, 14, 384)", style=solid]; +"2455 add_64" -> "2457 add_64_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; +"2455 add_64" -> "2482 add_65" [label="(1, 14, 14, 384)", style=solid]; +"2456 linear_114_updated_constant0" -> "2462 quantize_per_channel_default_115" [label="(1536, 384)", style=solid]; +"2457 add_64_0_0_nncf_smooth_quant_0" -> "2458 quantize_per_tensor_default_115" [label="(1, 14, 14, 384)", style=solid]; +"2458 quantize_per_tensor_default_115" -> "2459 dequantize_per_tensor_default_115" [label="(1, 14, 14, 384)", style=solid]; +"2459 dequantize_per_tensor_default_115" -> "2465 linear_114" [label="(1, 14, 14, 384)", style=solid]; +"2460 linear_114_scale_0" -> "2462 quantize_per_channel_default_115" [label="(1536,)", style=solid]; +"2460 linear_114_scale_0" -> "2463 dequantize_per_channel_default_115" [label="(1536,)", style=solid]; +"2461 linear_114_zero_point_0" -> "2462 quantize_per_channel_default_115" [label="(1536,)", style=solid]; +"2461 linear_114_zero_point_0" -> "2463 dequantize_per_channel_default_115" [label="(1536,)", style=solid]; +"2462 quantize_per_channel_default_115" -> "2463 dequantize_per_channel_default_115" [label="(1536, 384)", style=solid]; +"2463 dequantize_per_channel_default_115" -> "2465 linear_114" [label="(1536, 384)", style=solid]; +"2464 _param_constant309_0_0" -> "2465 linear_114" [label="(1536,)", style=solid]; +"2465 linear_114" -> "2466 gelu_18" [label="(1, 14, 14, 1536)", style=solid]; +"2466 gelu_18" -> "2467 dropout_74" [label="(1, 14, 14, 1536)", style=solid]; +"2467 dropout_74" -> "2469 dropout_74_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; +"2468 linear_115_updated_constant0" -> "2474 quantize_per_channel_default_116" [label="(384, 1536)", style=solid]; +"2469 dropout_74_0_0_nncf_smooth_quant_0" -> "2470 quantize_per_tensor_default_116" [label="(1, 14, 14, 1536)", style=solid]; +"2470 quantize_per_tensor_default_116" -> "2471 dequantize_per_tensor_default_116" [label="(1, 14, 14, 1536)", style=solid]; +"2471 dequantize_per_tensor_default_116" -> "2477 linear_115" [label="(1, 14, 14, 1536)", style=solid]; +"2472 linear_115_scale_0" -> "2474 quantize_per_channel_default_116" [label="(384,)", style=solid]; +"2472 linear_115_scale_0" -> "2475 dequantize_per_channel_default_116" [label="(384,)", style=solid]; +"2473 linear_115_zero_point_0" -> "2474 quantize_per_channel_default_116" [label="(384,)", style=solid]; +"2473 linear_115_zero_point_0" -> "2475 dequantize_per_channel_default_116" [label="(384,)", style=solid]; +"2474 quantize_per_channel_default_116" -> "2475 dequantize_per_channel_default_116" [label="(384, 1536)", style=solid]; +"2475 dequantize_per_channel_default_116" -> "2477 linear_115" [label="(384, 1536)", style=solid]; +"2476 _param_constant311_0_0" -> "2477 linear_115" [label="(384,)", style=solid]; +"2477 linear_115" -> "2478 dropout_75" [label="(1, 14, 14, 384)", style=solid]; +"2478 dropout_75" -> "2481 layer_norm_40" [label="(1, 14, 14, 384)", style=solid]; +"2479 _param_constant312" -> "2481 layer_norm_40" [label="(384,)", style=solid]; +"2480 _param_constant313" -> "2481 layer_norm_40" [label="(384,)", style=solid]; +"2481 layer_norm_40" -> "2482 add_65" [label="(1, 14, 14, 384)", style=solid]; +"2482 add_65" -> "2509 pad_21" [label="(1, 14, 14, 384)", style=solid]; +"2482 add_65" -> "2592 add_68" [label="(1, 14, 14, 384)", style=solid]; +"2483 _tensor_constant119" -> "2485 _tensor_constant119_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; +"2484 linear_116_updated_constant0" -> "2488 quantize_per_channel_default_117" [label="(512, 2)", style=solid]; +"2485 _tensor_constant119_0_0_nncf_smooth_quant_0" -> "2491 linear_116" [label="(1, 15, 15, 2)", style=solid]; +"2486 linear_116_scale_0" -> "2488 quantize_per_channel_default_117" [label="(512,)", style=solid]; +"2486 linear_116_scale_0" -> "2489 dequantize_per_channel_default_117" [label="(512,)", style=solid]; +"2487 linear_116_zero_point_0" -> "2488 quantize_per_channel_default_117" [label="(512,)", style=solid]; +"2487 linear_116_zero_point_0" -> "2489 dequantize_per_channel_default_117" [label="(512,)", style=solid]; +"2488 quantize_per_channel_default_117" -> "2489 dequantize_per_channel_default_117" [label="(512, 2)", style=solid]; +"2489 dequantize_per_channel_default_117" -> "2491 linear_116" [label="(512, 2)", style=solid]; +"2490 _param_constant315_0_0" -> "2491 linear_116" [label="(512,)", style=solid]; +"2491 linear_116" -> "2492 relu__19" [label="(1, 15, 15, 512)", style=solid]; +"2492 relu__19" -> "2494 relu__19_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; +"2493 linear_117_updated_constant0" -> "2497 quantize_per_channel_default_118" [label="(12, 512)", style=solid]; +"2494 relu__19_0_0_nncf_smooth_quant_0" -> "2499 linear_117" [label="(1, 15, 15, 512)", style=solid]; +"2495 linear_117_scale_0" -> "2497 quantize_per_channel_default_118" [label="(12,)", style=solid]; +"2495 linear_117_scale_0" -> "2498 dequantize_per_channel_default_118" [label="(12,)", style=solid]; +"2496 linear_117_zero_point_0" -> "2497 quantize_per_channel_default_118" [label="(12,)", style=solid]; +"2496 linear_117_zero_point_0" -> "2498 dequantize_per_channel_default_118" [label="(12,)", style=solid]; +"2497 quantize_per_channel_default_118" -> "2498 dequantize_per_channel_default_118" [label="(12, 512)", style=solid]; +"2498 dequantize_per_channel_default_118" -> "2499 linear_117" [label="(12, 512)", style=solid]; +"2499 linear_117" -> "2500 view_103" [label="(1, 15, 15, 12)", style=solid]; +"2500 view_103" -> "2502 index_19" [label="(225, 12)", style=solid]; +"2501 _tensor_constant120" -> "2502 index_19" [label="(4096,)", style=solid]; +"2502 index_19" -> "2503 view_104" [label="(4096, 12)", style=solid]; +"2503 view_104" -> "2504 permute_86" [label="(64, 64, 12)", style=solid]; +"2504 permute_86" -> "2505 contiguous_36" [label="(12, 64, 64)", style=solid]; +"2505 contiguous_36" -> "2506 unsqueeze_55" [label="(12, 64, 64)", style=solid]; +"2506 unsqueeze_55" -> "2507 sigmoid_19" [label="(1, 12, 64, 64)", style=solid]; +"2507 sigmoid_19" -> "2508 mul_38" [label="(1, 12, 64, 64)", style=solid]; +"2508 mul_38" -> "2547 add_66" [label="(1, 12, 64, 64)", style=solid]; +"2509 pad_21" -> "2510 roll_18" [label="(1, 16, 16, 384)", style=solid]; +"2510 roll_18" -> "2511 view_105" [label="(1, 16, 16, 384)", style=solid]; +"2511 view_105" -> "2512 permute_87" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"2512 permute_87" -> "2513 reshape_85" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"2513 reshape_85" -> "2515 reshape_85_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"2513 reshape_85" -> "2548 new_zeros_9" [label="(4, 64, 384)", style=solid]; +"2514 linear_118_updated_constant0" -> "2520 quantize_per_channel_default_119" [label="(1152, 384)", style=solid]; +"2515 reshape_85_0_0_nncf_smooth_quant_0" -> "2516 quantize_per_tensor_default_117" [label="(4, 64, 384)", style=solid]; +"2516 quantize_per_tensor_default_117" -> "2517 dequantize_per_tensor_default_117" [label="(4, 64, 384)", style=solid]; +"2517 dequantize_per_tensor_default_117" -> "2523 linear_118" [label="(4, 64, 384)", style=solid]; +"2518 linear_118_scale_0" -> "2520 quantize_per_channel_default_119" [label="(1152,)", style=solid]; +"2518 linear_118_scale_0" -> "2521 dequantize_per_channel_default_119" [label="(1152,)", style=solid]; +"2519 linear_118_zero_point_0" -> "2520 quantize_per_channel_default_119" [label="(1152,)", style=solid]; +"2519 linear_118_zero_point_0" -> "2521 dequantize_per_channel_default_119" [label="(1152,)", style=solid]; +"2520 quantize_per_channel_default_119" -> "2521 dequantize_per_channel_default_119" [label="(1152, 384)", style=solid]; +"2521 dequantize_per_channel_default_119" -> "2523 linear_118" [label="(1152, 384)", style=solid]; +"2522 _param_constant317_0_0" -> "2523 linear_118" [label="(1152,)", style=solid]; +"2523 linear_118" -> "2524 reshape_86" [label="(4, 64, 1152)", style=solid]; +"2524 reshape_86" -> "2525 permute_88" [label="(4, 64, 3, 12, 32)", style=solid]; +"2525 permute_88" -> "2526 select_57" [label="(3, 4, 12, 64, 32)", style=solid]; +"2525 permute_88" -> "2527 select_58" [label="(3, 4, 12, 64, 32)", style=solid]; +"2525 permute_88" -> "2528 select_59" [label="(3, 4, 12, 64, 32)", style=solid]; +"2526 select_57" -> "2529 linalg_vector_norm_38" [label="(4, 12, 64, 32)", style=solid]; +"2526 select_57" -> "2531 expand_as_38" [label="(4, 12, 64, 32)", style=solid]; +"2526 select_57" -> "2532 div_38" [label="(4, 12, 64, 32)", style=solid]; +"2527 select_58" -> "2535 linalg_vector_norm_39" [label="(4, 12, 64, 32)", style=solid]; +"2527 select_58" -> "2537 expand_as_39" [label="(4, 12, 64, 32)", style=solid]; +"2527 select_58" -> "2538 div_39" [label="(4, 12, 64, 32)", style=solid]; +"2528 select_59" -> "2566 matmul_39" [label="(4, 12, 64, 32)", style=solid]; +"2529 linalg_vector_norm_38" -> "2530 clamp_min_38" [label="(4, 12, 64, 1)", style=solid]; +"2530 clamp_min_38" -> "2531 expand_as_38" [label="(4, 12, 64, 1)", style=solid]; +"2531 expand_as_38" -> "2532 div_38" [label="(4, 12, 64, 32)", style=solid]; +"2532 div_38" -> "2533 quantize_per_tensor_default_118" [label="(4, 12, 64, 32)", style=solid]; +"2533 quantize_per_tensor_default_118" -> "2534 dequantize_per_tensor_default_118" [label="(4, 12, 64, 32)", style=solid]; +"2534 dequantize_per_tensor_default_118" -> "2542 matmul_38" [label="(4, 12, 64, 32)", style=solid]; +"2535 linalg_vector_norm_39" -> "2536 clamp_min_39" [label="(4, 12, 64, 1)", style=solid]; +"2536 clamp_min_39" -> "2537 expand_as_39" [label="(4, 12, 64, 1)", style=solid]; +"2537 expand_as_39" -> "2538 div_39" [label="(4, 12, 64, 32)", style=solid]; +"2538 div_39" -> "2539 quantize_per_tensor_default_119" [label="(4, 12, 64, 32)", style=solid]; +"2539 quantize_per_tensor_default_119" -> "2540 dequantize_per_tensor_default_119" [label="(4, 12, 64, 32)", style=solid]; +"2540 dequantize_per_tensor_default_119" -> "2541 transpose_38" [label="(4, 12, 64, 32)", style=solid]; +"2541 transpose_38" -> "2542 matmul_38" [label="(4, 12, 32, 64)", style=solid]; +"2542 matmul_38" -> "2546 mul_39" [label="(4, 12, 64, 64)", style=solid]; +"2543 _param_constant319" -> "2544 clamp_19" [label="(12, 1, 1)", style=solid]; +"2544 clamp_19" -> "2545 exp_19" [label="(12, 1, 1)", style=solid]; +"2545 exp_19" -> "2546 mul_39" [label="(12, 1, 1)", style=solid]; +"2546 mul_39" -> "2547 add_66" [label="(4, 12, 64, 64)", style=solid]; +"2547 add_66" -> "2559 view_107" [label="(4, 12, 64, 64)", style=solid]; +"2548 new_zeros_9" -> "2549 view_106" [label="(16, 16)", style=solid]; +"2549 view_106" -> "2550 permute_89" [label="(2, 8, 2, 8)", style=solid]; +"2550 permute_89" -> "2551 reshape_87" [label="(2, 2, 8, 8)", style=solid]; +"2551 reshape_87" -> "2552 unsqueeze_56" [label="(4, 64)", style=solid]; +"2551 reshape_87" -> "2553 unsqueeze_57" [label="(4, 64)", style=solid]; +"2552 unsqueeze_56" -> "2554 sub_9" [label="(4, 1, 64)", style=solid]; +"2553 unsqueeze_57" -> "2554 sub_9" [label="(4, 64, 1)", style=solid]; +"2554 sub_9" -> "2555 ne_9" [label="(4, 64, 64)", style=solid]; +"2554 sub_9" -> "2556 masked_fill_18" [label="(4, 64, 64)", style=solid]; +"2554 sub_9" -> "2557 eq_9" [label="(4, 64, 64)", style=solid]; +"2555 ne_9" -> "2556 masked_fill_18" [label="(4, 64, 64)", style=solid]; +"2556 masked_fill_18" -> "2558 masked_fill_19" [label="(4, 64, 64)", style=solid]; +"2557 eq_9" -> "2558 masked_fill_19" [label="(4, 64, 64)", style=solid]; +"2558 masked_fill_19" -> "2560 unsqueeze_58" [label="(4, 64, 64)", style=solid]; +"2559 view_107" -> "2562 add_67" [label="(1, 4, 12, 64, 64)", style=solid]; +"2560 unsqueeze_58" -> "2561 unsqueeze_59" [label="(4, 1, 64, 64)", style=solid]; +"2561 unsqueeze_59" -> "2562 add_67" [label="(1, 4, 1, 64, 64)", style=solid]; +"2562 add_67" -> "2563 view_108" [label="(1, 4, 12, 64, 64)", style=solid]; +"2563 view_108" -> "2564 softmax_19" [label="(4, 12, 64, 64)", style=solid]; +"2564 softmax_19" -> "2565 dropout_76" [label="(4, 12, 64, 64)", style=solid]; +"2565 dropout_76" -> "2566 matmul_39" [label="(4, 12, 64, 64)", style=solid]; +"2566 matmul_39" -> "2567 transpose_39" [label="(4, 12, 64, 32)", style=solid]; +"2567 transpose_39" -> "2568 reshape_88" [label="(4, 64, 12, 32)", style=solid]; +"2568 reshape_88" -> "2570 reshape_88_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"2569 linear_119_updated_constant0" -> "2575 quantize_per_channel_default_120" [label="(384, 384)", style=solid]; +"2570 reshape_88_0_0_nncf_smooth_quant_0" -> "2571 quantize_per_tensor_default_120" [label="(4, 64, 384)", style=solid]; +"2571 quantize_per_tensor_default_120" -> "2572 dequantize_per_tensor_default_120" [label="(4, 64, 384)", style=solid]; +"2572 dequantize_per_tensor_default_120" -> "2578 linear_119" [label="(4, 64, 384)", style=solid]; +"2573 linear_119_scale_0" -> "2575 quantize_per_channel_default_120" [label="(384,)", style=solid]; +"2573 linear_119_scale_0" -> "2576 dequantize_per_channel_default_120" [label="(384,)", style=solid]; +"2574 linear_119_zero_point_0" -> "2575 quantize_per_channel_default_120" [label="(384,)", style=solid]; +"2574 linear_119_zero_point_0" -> "2576 dequantize_per_channel_default_120" [label="(384,)", style=solid]; +"2575 quantize_per_channel_default_120" -> "2576 dequantize_per_channel_default_120" [label="(384, 384)", style=solid]; +"2576 dequantize_per_channel_default_120" -> "2578 linear_119" [label="(384, 384)", style=solid]; +"2577 _param_constant321_0_0" -> "2578 linear_119" [label="(384,)", style=solid]; +"2578 linear_119" -> "2579 dropout_77" [label="(4, 64, 384)", style=solid]; +"2579 dropout_77" -> "2580 view_109" [label="(4, 64, 384)", style=solid]; +"2580 view_109" -> "2581 permute_90" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"2581 permute_90" -> "2582 reshape_89" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"2582 reshape_89" -> "2583 roll_19" [label="(1, 16, 16, 384)", style=solid]; +"2583 roll_19" -> "2584 slice_297" [label="(1, 16, 16, 384)", style=solid]; +"2584 slice_297" -> "2585 slice_298" [label="(1, 16, 16, 384)", style=solid]; +"2585 slice_298" -> "2586 slice_299" [label="(1, 14, 16, 384)", style=solid]; +"2586 slice_299" -> "2587 slice_300" [label="(1, 14, 14, 384)", style=solid]; +"2587 slice_300" -> "2588 contiguous_37" [label="(1, 14, 14, 384)", style=solid]; +"2588 contiguous_37" -> "2591 layer_norm_41" [label="(1, 14, 14, 384)", style=solid]; +"2589 _param_constant322" -> "2591 layer_norm_41" [label="(384,)", style=solid]; +"2590 _param_constant323" -> "2591 layer_norm_41" [label="(384,)", style=solid]; +"2591 layer_norm_41" -> "2592 add_68" [label="(1, 14, 14, 384)", style=solid]; +"2592 add_68" -> "2594 add_68_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; +"2592 add_68" -> "2619 add_69" [label="(1, 14, 14, 384)", style=solid]; +"2593 linear_120_updated_constant0" -> "2599 quantize_per_channel_default_121" [label="(1536, 384)", style=solid]; +"2594 add_68_0_0_nncf_smooth_quant_0" -> "2595 quantize_per_tensor_default_121" [label="(1, 14, 14, 384)", style=solid]; +"2595 quantize_per_tensor_default_121" -> "2596 dequantize_per_tensor_default_121" [label="(1, 14, 14, 384)", style=solid]; +"2596 dequantize_per_tensor_default_121" -> "2602 linear_120" [label="(1, 14, 14, 384)", style=solid]; +"2597 linear_120_scale_0" -> "2599 quantize_per_channel_default_121" [label="(1536,)", style=solid]; +"2597 linear_120_scale_0" -> "2600 dequantize_per_channel_default_121" [label="(1536,)", style=solid]; +"2598 linear_120_zero_point_0" -> "2599 quantize_per_channel_default_121" [label="(1536,)", style=solid]; +"2598 linear_120_zero_point_0" -> "2600 dequantize_per_channel_default_121" [label="(1536,)", style=solid]; +"2599 quantize_per_channel_default_121" -> "2600 dequantize_per_channel_default_121" [label="(1536, 384)", style=solid]; +"2600 dequantize_per_channel_default_121" -> "2602 linear_120" [label="(1536, 384)", style=solid]; +"2601 _param_constant325_0_0" -> "2602 linear_120" [label="(1536,)", style=solid]; +"2602 linear_120" -> "2603 gelu_19" [label="(1, 14, 14, 1536)", style=solid]; +"2603 gelu_19" -> "2604 dropout_78" [label="(1, 14, 14, 1536)", style=solid]; +"2604 dropout_78" -> "2606 dropout_78_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; +"2605 linear_121_updated_constant0" -> "2611 quantize_per_channel_default_122" [label="(384, 1536)", style=solid]; +"2606 dropout_78_0_0_nncf_smooth_quant_0" -> "2607 quantize_per_tensor_default_122" [label="(1, 14, 14, 1536)", style=solid]; +"2607 quantize_per_tensor_default_122" -> "2608 dequantize_per_tensor_default_122" [label="(1, 14, 14, 1536)", style=solid]; +"2608 dequantize_per_tensor_default_122" -> "2614 linear_121" [label="(1, 14, 14, 1536)", style=solid]; +"2609 linear_121_scale_0" -> "2611 quantize_per_channel_default_122" [label="(384,)", style=solid]; +"2609 linear_121_scale_0" -> "2612 dequantize_per_channel_default_122" [label="(384,)", style=solid]; +"2610 linear_121_zero_point_0" -> "2611 quantize_per_channel_default_122" [label="(384,)", style=solid]; +"2610 linear_121_zero_point_0" -> "2612 dequantize_per_channel_default_122" [label="(384,)", style=solid]; +"2611 quantize_per_channel_default_122" -> "2612 dequantize_per_channel_default_122" [label="(384, 1536)", style=solid]; +"2612 dequantize_per_channel_default_122" -> "2614 linear_121" [label="(384, 1536)", style=solid]; +"2613 _param_constant327_0_0" -> "2614 linear_121" [label="(384,)", style=solid]; +"2614 linear_121" -> "2615 dropout_79" [label="(1, 14, 14, 384)", style=solid]; +"2615 dropout_79" -> "2618 layer_norm_42" [label="(1, 14, 14, 384)", style=solid]; +"2616 _param_constant328" -> "2618 layer_norm_42" [label="(384,)", style=solid]; +"2617 _param_constant329" -> "2618 layer_norm_42" [label="(384,)", style=solid]; +"2618 layer_norm_42" -> "2619 add_69" [label="(1, 14, 14, 384)", style=solid]; +"2619 add_69" -> "2646 pad_22" [label="(1, 14, 14, 384)", style=solid]; +"2619 add_69" -> "2711 add_71" [label="(1, 14, 14, 384)", style=solid]; +"2620 _tensor_constant130" -> "2622 _tensor_constant130_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; +"2621 linear_122_updated_constant0" -> "2625 quantize_per_channel_default_123" [label="(512, 2)", style=solid]; +"2622 _tensor_constant130_0_0_nncf_smooth_quant_0" -> "2628 linear_122" [label="(1, 15, 15, 2)", style=solid]; +"2623 linear_122_scale_0" -> "2625 quantize_per_channel_default_123" [label="(512,)", style=solid]; +"2623 linear_122_scale_0" -> "2626 dequantize_per_channel_default_123" [label="(512,)", style=solid]; +"2624 linear_122_zero_point_0" -> "2625 quantize_per_channel_default_123" [label="(512,)", style=solid]; +"2624 linear_122_zero_point_0" -> "2626 dequantize_per_channel_default_123" [label="(512,)", style=solid]; +"2625 quantize_per_channel_default_123" -> "2626 dequantize_per_channel_default_123" [label="(512, 2)", style=solid]; +"2626 dequantize_per_channel_default_123" -> "2628 linear_122" [label="(512, 2)", style=solid]; +"2627 _param_constant331_0_0" -> "2628 linear_122" [label="(512,)", style=solid]; +"2628 linear_122" -> "2629 relu__20" [label="(1, 15, 15, 512)", style=solid]; +"2629 relu__20" -> "2631 relu__20_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; +"2630 linear_123_updated_constant0" -> "2634 quantize_per_channel_default_124" [label="(12, 512)", style=solid]; +"2631 relu__20_0_0_nncf_smooth_quant_0" -> "2636 linear_123" [label="(1, 15, 15, 512)", style=solid]; +"2632 linear_123_scale_0" -> "2634 quantize_per_channel_default_124" [label="(12,)", style=solid]; +"2632 linear_123_scale_0" -> "2635 dequantize_per_channel_default_124" [label="(12,)", style=solid]; +"2633 linear_123_zero_point_0" -> "2634 quantize_per_channel_default_124" [label="(12,)", style=solid]; +"2633 linear_123_zero_point_0" -> "2635 dequantize_per_channel_default_124" [label="(12,)", style=solid]; +"2634 quantize_per_channel_default_124" -> "2635 dequantize_per_channel_default_124" [label="(12, 512)", style=solid]; +"2635 dequantize_per_channel_default_124" -> "2636 linear_123" [label="(12, 512)", style=solid]; +"2636 linear_123" -> "2637 view_110" [label="(1, 15, 15, 12)", style=solid]; +"2637 view_110" -> "2639 index_20" [label="(225, 12)", style=solid]; +"2638 _tensor_constant131" -> "2639 index_20" [label="(4096,)", style=solid]; +"2639 index_20" -> "2640 view_111" [label="(4096, 12)", style=solid]; +"2640 view_111" -> "2641 permute_91" [label="(64, 64, 12)", style=solid]; +"2641 permute_91" -> "2642 contiguous_38" [label="(12, 64, 64)", style=solid]; +"2642 contiguous_38" -> "2643 unsqueeze_60" [label="(12, 64, 64)", style=solid]; +"2643 unsqueeze_60" -> "2644 sigmoid_20" [label="(1, 12, 64, 64)", style=solid]; +"2644 sigmoid_20" -> "2645 mul_40" [label="(1, 12, 64, 64)", style=solid]; +"2645 mul_40" -> "2683 add_70" [label="(1, 12, 64, 64)", style=solid]; +"2646 pad_22" -> "2647 view_112" [label="(1, 16, 16, 384)", style=solid]; +"2647 view_112" -> "2648 permute_92" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"2648 permute_92" -> "2649 reshape_90" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"2649 reshape_90" -> "2651 reshape_90_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"2650 linear_124_updated_constant0" -> "2656 quantize_per_channel_default_125" [label="(1152, 384)", style=solid]; +"2651 reshape_90_0_0_nncf_smooth_quant_0" -> "2652 quantize_per_tensor_default_123" [label="(4, 64, 384)", style=solid]; +"2652 quantize_per_tensor_default_123" -> "2653 dequantize_per_tensor_default_123" [label="(4, 64, 384)", style=solid]; +"2653 dequantize_per_tensor_default_123" -> "2659 linear_124" [label="(4, 64, 384)", style=solid]; +"2654 linear_124_scale_0" -> "2656 quantize_per_channel_default_125" [label="(1152,)", style=solid]; +"2654 linear_124_scale_0" -> "2657 dequantize_per_channel_default_125" [label="(1152,)", style=solid]; +"2655 linear_124_zero_point_0" -> "2656 quantize_per_channel_default_125" [label="(1152,)", style=solid]; +"2655 linear_124_zero_point_0" -> "2657 dequantize_per_channel_default_125" [label="(1152,)", style=solid]; +"2656 quantize_per_channel_default_125" -> "2657 dequantize_per_channel_default_125" [label="(1152, 384)", style=solid]; +"2657 dequantize_per_channel_default_125" -> "2659 linear_124" [label="(1152, 384)", style=solid]; +"2658 _param_constant333_0_0" -> "2659 linear_124" [label="(1152,)", style=solid]; +"2659 linear_124" -> "2660 reshape_91" [label="(4, 64, 1152)", style=solid]; +"2660 reshape_91" -> "2661 permute_93" [label="(4, 64, 3, 12, 32)", style=solid]; +"2661 permute_93" -> "2662 select_60" [label="(3, 4, 12, 64, 32)", style=solid]; +"2661 permute_93" -> "2663 select_61" [label="(3, 4, 12, 64, 32)", style=solid]; +"2661 permute_93" -> "2664 select_62" [label="(3, 4, 12, 64, 32)", style=solid]; +"2662 select_60" -> "2665 linalg_vector_norm_40" [label="(4, 12, 64, 32)", style=solid]; +"2662 select_60" -> "2667 expand_as_40" [label="(4, 12, 64, 32)", style=solid]; +"2662 select_60" -> "2668 div_40" [label="(4, 12, 64, 32)", style=solid]; +"2663 select_61" -> "2671 linalg_vector_norm_41" [label="(4, 12, 64, 32)", style=solid]; +"2663 select_61" -> "2673 expand_as_41" [label="(4, 12, 64, 32)", style=solid]; +"2663 select_61" -> "2674 div_41" [label="(4, 12, 64, 32)", style=solid]; +"2664 select_62" -> "2686 matmul_41" [label="(4, 12, 64, 32)", style=solid]; +"2665 linalg_vector_norm_40" -> "2666 clamp_min_40" [label="(4, 12, 64, 1)", style=solid]; +"2666 clamp_min_40" -> "2667 expand_as_40" [label="(4, 12, 64, 1)", style=solid]; +"2667 expand_as_40" -> "2668 div_40" [label="(4, 12, 64, 32)", style=solid]; +"2668 div_40" -> "2669 quantize_per_tensor_default_124" [label="(4, 12, 64, 32)", style=solid]; +"2669 quantize_per_tensor_default_124" -> "2670 dequantize_per_tensor_default_124" [label="(4, 12, 64, 32)", style=solid]; +"2670 dequantize_per_tensor_default_124" -> "2678 matmul_40" [label="(4, 12, 64, 32)", style=solid]; +"2671 linalg_vector_norm_41" -> "2672 clamp_min_41" [label="(4, 12, 64, 1)", style=solid]; +"2672 clamp_min_41" -> "2673 expand_as_41" [label="(4, 12, 64, 1)", style=solid]; +"2673 expand_as_41" -> "2674 div_41" [label="(4, 12, 64, 32)", style=solid]; +"2674 div_41" -> "2675 quantize_per_tensor_default_125" [label="(4, 12, 64, 32)", style=solid]; +"2675 quantize_per_tensor_default_125" -> "2676 dequantize_per_tensor_default_125" [label="(4, 12, 64, 32)", style=solid]; +"2676 dequantize_per_tensor_default_125" -> "2677 transpose_40" [label="(4, 12, 64, 32)", style=solid]; +"2677 transpose_40" -> "2678 matmul_40" [label="(4, 12, 32, 64)", style=solid]; +"2678 matmul_40" -> "2682 mul_41" [label="(4, 12, 64, 64)", style=solid]; +"2679 _param_constant335" -> "2680 clamp_20" [label="(12, 1, 1)", style=solid]; +"2680 clamp_20" -> "2681 exp_20" [label="(12, 1, 1)", style=solid]; +"2681 exp_20" -> "2682 mul_41" [label="(12, 1, 1)", style=solid]; +"2682 mul_41" -> "2683 add_70" [label="(4, 12, 64, 64)", style=solid]; +"2683 add_70" -> "2684 softmax_20" [label="(4, 12, 64, 64)", style=solid]; +"2684 softmax_20" -> "2685 dropout_80" [label="(4, 12, 64, 64)", style=solid]; +"2685 dropout_80" -> "2686 matmul_41" [label="(4, 12, 64, 64)", style=solid]; +"2686 matmul_41" -> "2687 transpose_41" [label="(4, 12, 64, 32)", style=solid]; +"2687 transpose_41" -> "2688 reshape_92" [label="(4, 64, 12, 32)", style=solid]; +"2688 reshape_92" -> "2690 reshape_92_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"2689 linear_125_updated_constant0" -> "2695 quantize_per_channel_default_126" [label="(384, 384)", style=solid]; +"2690 reshape_92_0_0_nncf_smooth_quant_0" -> "2691 quantize_per_tensor_default_126" [label="(4, 64, 384)", style=solid]; +"2691 quantize_per_tensor_default_126" -> "2692 dequantize_per_tensor_default_126" [label="(4, 64, 384)", style=solid]; +"2692 dequantize_per_tensor_default_126" -> "2698 linear_125" [label="(4, 64, 384)", style=solid]; +"2693 linear_125_scale_0" -> "2695 quantize_per_channel_default_126" [label="(384,)", style=solid]; +"2693 linear_125_scale_0" -> "2696 dequantize_per_channel_default_126" [label="(384,)", style=solid]; +"2694 linear_125_zero_point_0" -> "2695 quantize_per_channel_default_126" [label="(384,)", style=solid]; +"2694 linear_125_zero_point_0" -> "2696 dequantize_per_channel_default_126" [label="(384,)", style=solid]; +"2695 quantize_per_channel_default_126" -> "2696 dequantize_per_channel_default_126" [label="(384, 384)", style=solid]; +"2696 dequantize_per_channel_default_126" -> "2698 linear_125" [label="(384, 384)", style=solid]; +"2697 _param_constant337_0_0" -> "2698 linear_125" [label="(384,)", style=solid]; +"2698 linear_125" -> "2699 dropout_81" [label="(4, 64, 384)", style=solid]; +"2699 dropout_81" -> "2700 view_113" [label="(4, 64, 384)", style=solid]; +"2700 view_113" -> "2701 permute_94" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"2701 permute_94" -> "2702 reshape_93" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"2702 reshape_93" -> "2703 slice_302" [label="(1, 16, 16, 384)", style=solid]; +"2703 slice_302" -> "2704 slice_303" [label="(1, 16, 16, 384)", style=solid]; +"2704 slice_303" -> "2705 slice_304" [label="(1, 14, 16, 384)", style=solid]; +"2705 slice_304" -> "2706 slice_305" [label="(1, 14, 14, 384)", style=solid]; +"2706 slice_305" -> "2707 contiguous_39" [label="(1, 14, 14, 384)", style=solid]; +"2707 contiguous_39" -> "2710 layer_norm_43" [label="(1, 14, 14, 384)", style=solid]; +"2708 _param_constant338" -> "2710 layer_norm_43" [label="(384,)", style=solid]; +"2709 _param_constant339" -> "2710 layer_norm_43" [label="(384,)", style=solid]; +"2710 layer_norm_43" -> "2711 add_71" [label="(1, 14, 14, 384)", style=solid]; +"2711 add_71" -> "2713 add_71_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; +"2711 add_71" -> "2738 add_72" [label="(1, 14, 14, 384)", style=solid]; +"2712 linear_126_updated_constant0" -> "2718 quantize_per_channel_default_127" [label="(1536, 384)", style=solid]; +"2713 add_71_0_0_nncf_smooth_quant_0" -> "2714 quantize_per_tensor_default_127" [label="(1, 14, 14, 384)", style=solid]; +"2714 quantize_per_tensor_default_127" -> "2715 dequantize_per_tensor_default_127" [label="(1, 14, 14, 384)", style=solid]; +"2715 dequantize_per_tensor_default_127" -> "2721 linear_126" [label="(1, 14, 14, 384)", style=solid]; +"2716 linear_126_scale_0" -> "2718 quantize_per_channel_default_127" [label="(1536,)", style=solid]; +"2716 linear_126_scale_0" -> "2719 dequantize_per_channel_default_127" [label="(1536,)", style=solid]; +"2717 linear_126_zero_point_0" -> "2718 quantize_per_channel_default_127" [label="(1536,)", style=solid]; +"2717 linear_126_zero_point_0" -> "2719 dequantize_per_channel_default_127" [label="(1536,)", style=solid]; +"2718 quantize_per_channel_default_127" -> "2719 dequantize_per_channel_default_127" [label="(1536, 384)", style=solid]; +"2719 dequantize_per_channel_default_127" -> "2721 linear_126" [label="(1536, 384)", style=solid]; +"2720 _param_constant341_0_0" -> "2721 linear_126" [label="(1536,)", style=solid]; +"2721 linear_126" -> "2722 gelu_20" [label="(1, 14, 14, 1536)", style=solid]; +"2722 gelu_20" -> "2723 dropout_82" [label="(1, 14, 14, 1536)", style=solid]; +"2723 dropout_82" -> "2725 dropout_82_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; +"2724 linear_127_updated_constant0" -> "2730 quantize_per_channel_default_128" [label="(384, 1536)", style=solid]; +"2725 dropout_82_0_0_nncf_smooth_quant_0" -> "2726 quantize_per_tensor_default_128" [label="(1, 14, 14, 1536)", style=solid]; +"2726 quantize_per_tensor_default_128" -> "2727 dequantize_per_tensor_default_128" [label="(1, 14, 14, 1536)", style=solid]; +"2727 dequantize_per_tensor_default_128" -> "2733 linear_127" [label="(1, 14, 14, 1536)", style=solid]; +"2728 linear_127_scale_0" -> "2730 quantize_per_channel_default_128" [label="(384,)", style=solid]; +"2728 linear_127_scale_0" -> "2731 dequantize_per_channel_default_128" [label="(384,)", style=solid]; +"2729 linear_127_zero_point_0" -> "2730 quantize_per_channel_default_128" [label="(384,)", style=solid]; +"2729 linear_127_zero_point_0" -> "2731 dequantize_per_channel_default_128" [label="(384,)", style=solid]; +"2730 quantize_per_channel_default_128" -> "2731 dequantize_per_channel_default_128" [label="(384, 1536)", style=solid]; +"2731 dequantize_per_channel_default_128" -> "2733 linear_127" [label="(384, 1536)", style=solid]; +"2732 _param_constant343_0_0" -> "2733 linear_127" [label="(384,)", style=solid]; +"2733 linear_127" -> "2734 dropout_83" [label="(1, 14, 14, 384)", style=solid]; +"2734 dropout_83" -> "2737 layer_norm_44" [label="(1, 14, 14, 384)", style=solid]; +"2735 _param_constant344" -> "2737 layer_norm_44" [label="(384,)", style=solid]; +"2736 _param_constant345" -> "2737 layer_norm_44" [label="(384,)", style=solid]; +"2737 layer_norm_44" -> "2738 add_72" [label="(1, 14, 14, 384)", style=solid]; +"2738 add_72" -> "2765 pad_23" [label="(1, 14, 14, 384)", style=solid]; +"2738 add_72" -> "2848 add_75" [label="(1, 14, 14, 384)", style=solid]; +"2739 _tensor_constant132" -> "2741 _tensor_constant132_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; +"2740 linear_128_updated_constant0" -> "2744 quantize_per_channel_default_129" [label="(512, 2)", style=solid]; +"2741 _tensor_constant132_0_0_nncf_smooth_quant_0" -> "2747 linear_128" [label="(1, 15, 15, 2)", style=solid]; +"2742 linear_128_scale_0" -> "2744 quantize_per_channel_default_129" [label="(512,)", style=solid]; +"2742 linear_128_scale_0" -> "2745 dequantize_per_channel_default_129" [label="(512,)", style=solid]; +"2743 linear_128_zero_point_0" -> "2744 quantize_per_channel_default_129" [label="(512,)", style=solid]; +"2743 linear_128_zero_point_0" -> "2745 dequantize_per_channel_default_129" [label="(512,)", style=solid]; +"2744 quantize_per_channel_default_129" -> "2745 dequantize_per_channel_default_129" [label="(512, 2)", style=solid]; +"2745 dequantize_per_channel_default_129" -> "2747 linear_128" [label="(512, 2)", style=solid]; +"2746 _param_constant347_0_0" -> "2747 linear_128" [label="(512,)", style=solid]; +"2747 linear_128" -> "2748 relu__21" [label="(1, 15, 15, 512)", style=solid]; +"2748 relu__21" -> "2750 relu__21_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; +"2749 linear_129_updated_constant0" -> "2753 quantize_per_channel_default_130" [label="(12, 512)", style=solid]; +"2750 relu__21_0_0_nncf_smooth_quant_0" -> "2755 linear_129" [label="(1, 15, 15, 512)", style=solid]; +"2751 linear_129_scale_0" -> "2753 quantize_per_channel_default_130" [label="(12,)", style=solid]; +"2751 linear_129_scale_0" -> "2754 dequantize_per_channel_default_130" [label="(12,)", style=solid]; +"2752 linear_129_zero_point_0" -> "2753 quantize_per_channel_default_130" [label="(12,)", style=solid]; +"2752 linear_129_zero_point_0" -> "2754 dequantize_per_channel_default_130" [label="(12,)", style=solid]; +"2753 quantize_per_channel_default_130" -> "2754 dequantize_per_channel_default_130" [label="(12, 512)", style=solid]; +"2754 dequantize_per_channel_default_130" -> "2755 linear_129" [label="(12, 512)", style=solid]; +"2755 linear_129" -> "2756 view_114" [label="(1, 15, 15, 12)", style=solid]; +"2756 view_114" -> "2758 index_21" [label="(225, 12)", style=solid]; +"2757 _tensor_constant133" -> "2758 index_21" [label="(4096,)", style=solid]; +"2758 index_21" -> "2759 view_115" [label="(4096, 12)", style=solid]; +"2759 view_115" -> "2760 permute_95" [label="(64, 64, 12)", style=solid]; +"2760 permute_95" -> "2761 contiguous_40" [label="(12, 64, 64)", style=solid]; +"2761 contiguous_40" -> "2762 unsqueeze_61" [label="(12, 64, 64)", style=solid]; +"2762 unsqueeze_61" -> "2763 sigmoid_21" [label="(1, 12, 64, 64)", style=solid]; +"2763 sigmoid_21" -> "2764 mul_42" [label="(1, 12, 64, 64)", style=solid]; +"2764 mul_42" -> "2803 add_73" [label="(1, 12, 64, 64)", style=solid]; +"2765 pad_23" -> "2766 roll_20" [label="(1, 16, 16, 384)", style=solid]; +"2766 roll_20" -> "2767 view_116" [label="(1, 16, 16, 384)", style=solid]; +"2767 view_116" -> "2768 permute_96" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"2768 permute_96" -> "2769 reshape_94" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"2769 reshape_94" -> "2771 reshape_94_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"2769 reshape_94" -> "2804 new_zeros_10" [label="(4, 64, 384)", style=solid]; +"2770 linear_130_updated_constant0" -> "2776 quantize_per_channel_default_131" [label="(1152, 384)", style=solid]; +"2771 reshape_94_0_0_nncf_smooth_quant_0" -> "2772 quantize_per_tensor_default_129" [label="(4, 64, 384)", style=solid]; +"2772 quantize_per_tensor_default_129" -> "2773 dequantize_per_tensor_default_129" [label="(4, 64, 384)", style=solid]; +"2773 dequantize_per_tensor_default_129" -> "2779 linear_130" [label="(4, 64, 384)", style=solid]; +"2774 linear_130_scale_0" -> "2776 quantize_per_channel_default_131" [label="(1152,)", style=solid]; +"2774 linear_130_scale_0" -> "2777 dequantize_per_channel_default_131" [label="(1152,)", style=solid]; +"2775 linear_130_zero_point_0" -> "2776 quantize_per_channel_default_131" [label="(1152,)", style=solid]; +"2775 linear_130_zero_point_0" -> "2777 dequantize_per_channel_default_131" [label="(1152,)", style=solid]; +"2776 quantize_per_channel_default_131" -> "2777 dequantize_per_channel_default_131" [label="(1152, 384)", style=solid]; +"2777 dequantize_per_channel_default_131" -> "2779 linear_130" [label="(1152, 384)", style=solid]; +"2778 _param_constant349_0_0" -> "2779 linear_130" [label="(1152,)", style=solid]; +"2779 linear_130" -> "2780 reshape_95" [label="(4, 64, 1152)", style=solid]; +"2780 reshape_95" -> "2781 permute_97" [label="(4, 64, 3, 12, 32)", style=solid]; +"2781 permute_97" -> "2782 select_63" [label="(3, 4, 12, 64, 32)", style=solid]; +"2781 permute_97" -> "2783 select_64" [label="(3, 4, 12, 64, 32)", style=solid]; +"2781 permute_97" -> "2784 select_65" [label="(3, 4, 12, 64, 32)", style=solid]; +"2782 select_63" -> "2785 linalg_vector_norm_42" [label="(4, 12, 64, 32)", style=solid]; +"2782 select_63" -> "2787 expand_as_42" [label="(4, 12, 64, 32)", style=solid]; +"2782 select_63" -> "2788 div_42" [label="(4, 12, 64, 32)", style=solid]; +"2783 select_64" -> "2791 linalg_vector_norm_43" [label="(4, 12, 64, 32)", style=solid]; +"2783 select_64" -> "2793 expand_as_43" [label="(4, 12, 64, 32)", style=solid]; +"2783 select_64" -> "2794 div_43" [label="(4, 12, 64, 32)", style=solid]; +"2784 select_65" -> "2822 matmul_43" [label="(4, 12, 64, 32)", style=solid]; +"2785 linalg_vector_norm_42" -> "2786 clamp_min_42" [label="(4, 12, 64, 1)", style=solid]; +"2786 clamp_min_42" -> "2787 expand_as_42" [label="(4, 12, 64, 1)", style=solid]; +"2787 expand_as_42" -> "2788 div_42" [label="(4, 12, 64, 32)", style=solid]; +"2788 div_42" -> "2789 quantize_per_tensor_default_130" [label="(4, 12, 64, 32)", style=solid]; +"2789 quantize_per_tensor_default_130" -> "2790 dequantize_per_tensor_default_130" [label="(4, 12, 64, 32)", style=solid]; +"2790 dequantize_per_tensor_default_130" -> "2798 matmul_42" [label="(4, 12, 64, 32)", style=solid]; +"2791 linalg_vector_norm_43" -> "2792 clamp_min_43" [label="(4, 12, 64, 1)", style=solid]; +"2792 clamp_min_43" -> "2793 expand_as_43" [label="(4, 12, 64, 1)", style=solid]; +"2793 expand_as_43" -> "2794 div_43" [label="(4, 12, 64, 32)", style=solid]; +"2794 div_43" -> "2795 quantize_per_tensor_default_131" [label="(4, 12, 64, 32)", style=solid]; +"2795 quantize_per_tensor_default_131" -> "2796 dequantize_per_tensor_default_131" [label="(4, 12, 64, 32)", style=solid]; +"2796 dequantize_per_tensor_default_131" -> "2797 transpose_42" [label="(4, 12, 64, 32)", style=solid]; +"2797 transpose_42" -> "2798 matmul_42" [label="(4, 12, 32, 64)", style=solid]; +"2798 matmul_42" -> "2802 mul_43" [label="(4, 12, 64, 64)", style=solid]; +"2799 _param_constant351" -> "2800 clamp_21" [label="(12, 1, 1)", style=solid]; +"2800 clamp_21" -> "2801 exp_21" [label="(12, 1, 1)", style=solid]; +"2801 exp_21" -> "2802 mul_43" [label="(12, 1, 1)", style=solid]; +"2802 mul_43" -> "2803 add_73" [label="(4, 12, 64, 64)", style=solid]; +"2803 add_73" -> "2815 view_118" [label="(4, 12, 64, 64)", style=solid]; +"2804 new_zeros_10" -> "2805 view_117" [label="(16, 16)", style=solid]; +"2805 view_117" -> "2806 permute_98" [label="(2, 8, 2, 8)", style=solid]; +"2806 permute_98" -> "2807 reshape_96" [label="(2, 2, 8, 8)", style=solid]; +"2807 reshape_96" -> "2808 unsqueeze_62" [label="(4, 64)", style=solid]; +"2807 reshape_96" -> "2809 unsqueeze_63" [label="(4, 64)", style=solid]; +"2808 unsqueeze_62" -> "2810 sub_10" [label="(4, 1, 64)", style=solid]; +"2809 unsqueeze_63" -> "2810 sub_10" [label="(4, 64, 1)", style=solid]; +"2810 sub_10" -> "2811 ne_10" [label="(4, 64, 64)", style=solid]; +"2810 sub_10" -> "2812 masked_fill_20" [label="(4, 64, 64)", style=solid]; +"2810 sub_10" -> "2813 eq_10" [label="(4, 64, 64)", style=solid]; +"2811 ne_10" -> "2812 masked_fill_20" [label="(4, 64, 64)", style=solid]; +"2812 masked_fill_20" -> "2814 masked_fill_21" [label="(4, 64, 64)", style=solid]; +"2813 eq_10" -> "2814 masked_fill_21" [label="(4, 64, 64)", style=solid]; +"2814 masked_fill_21" -> "2816 unsqueeze_64" [label="(4, 64, 64)", style=solid]; +"2815 view_118" -> "2818 add_74" [label="(1, 4, 12, 64, 64)", style=solid]; +"2816 unsqueeze_64" -> "2817 unsqueeze_65" [label="(4, 1, 64, 64)", style=solid]; +"2817 unsqueeze_65" -> "2818 add_74" [label="(1, 4, 1, 64, 64)", style=solid]; +"2818 add_74" -> "2819 view_119" [label="(1, 4, 12, 64, 64)", style=solid]; +"2819 view_119" -> "2820 softmax_21" [label="(4, 12, 64, 64)", style=solid]; +"2820 softmax_21" -> "2821 dropout_84" [label="(4, 12, 64, 64)", style=solid]; +"2821 dropout_84" -> "2822 matmul_43" [label="(4, 12, 64, 64)", style=solid]; +"2822 matmul_43" -> "2823 transpose_43" [label="(4, 12, 64, 32)", style=solid]; +"2823 transpose_43" -> "2824 reshape_97" [label="(4, 64, 12, 32)", style=solid]; +"2824 reshape_97" -> "2826 reshape_97_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; +"2825 linear_131_updated_constant0" -> "2831 quantize_per_channel_default_132" [label="(384, 384)", style=solid]; +"2826 reshape_97_0_0_nncf_smooth_quant_0" -> "2827 quantize_per_tensor_default_132" [label="(4, 64, 384)", style=solid]; +"2827 quantize_per_tensor_default_132" -> "2828 dequantize_per_tensor_default_132" [label="(4, 64, 384)", style=solid]; +"2828 dequantize_per_tensor_default_132" -> "2834 linear_131" [label="(4, 64, 384)", style=solid]; +"2829 linear_131_scale_0" -> "2831 quantize_per_channel_default_132" [label="(384,)", style=solid]; +"2829 linear_131_scale_0" -> "2832 dequantize_per_channel_default_132" [label="(384,)", style=solid]; +"2830 linear_131_zero_point_0" -> "2831 quantize_per_channel_default_132" [label="(384,)", style=solid]; +"2830 linear_131_zero_point_0" -> "2832 dequantize_per_channel_default_132" [label="(384,)", style=solid]; +"2831 quantize_per_channel_default_132" -> "2832 dequantize_per_channel_default_132" [label="(384, 384)", style=solid]; +"2832 dequantize_per_channel_default_132" -> "2834 linear_131" [label="(384, 384)", style=solid]; +"2833 _param_constant353_0_0" -> "2834 linear_131" [label="(384,)", style=solid]; +"2834 linear_131" -> "2835 dropout_85" [label="(4, 64, 384)", style=solid]; +"2835 dropout_85" -> "2836 view_120" [label="(4, 64, 384)", style=solid]; +"2836 view_120" -> "2837 permute_99" [label="(1, 2, 2, 8, 8, 384)", style=solid]; +"2837 permute_99" -> "2838 reshape_98" [label="(1, 2, 8, 2, 8, 384)", style=solid]; +"2838 reshape_98" -> "2839 roll_21" [label="(1, 16, 16, 384)", style=solid]; +"2839 roll_21" -> "2840 slice_325" [label="(1, 16, 16, 384)", style=solid]; +"2840 slice_325" -> "2841 slice_326" [label="(1, 16, 16, 384)", style=solid]; +"2841 slice_326" -> "2842 slice_327" [label="(1, 14, 16, 384)", style=solid]; +"2842 slice_327" -> "2843 slice_328" [label="(1, 14, 14, 384)", style=solid]; +"2843 slice_328" -> "2844 contiguous_41" [label="(1, 14, 14, 384)", style=solid]; +"2844 contiguous_41" -> "2847 layer_norm_45" [label="(1, 14, 14, 384)", style=solid]; +"2845 _param_constant354" -> "2847 layer_norm_45" [label="(384,)", style=solid]; +"2846 _param_constant355" -> "2847 layer_norm_45" [label="(384,)", style=solid]; +"2847 layer_norm_45" -> "2848 add_75" [label="(1, 14, 14, 384)", style=solid]; +"2848 add_75" -> "2850 add_75_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; +"2848 add_75" -> "2875 add_76" [label="(1, 14, 14, 384)", style=solid]; +"2849 linear_132_updated_constant0" -> "2855 quantize_per_channel_default_133" [label="(1536, 384)", style=solid]; +"2850 add_75_0_0_nncf_smooth_quant_0" -> "2851 quantize_per_tensor_default_133" [label="(1, 14, 14, 384)", style=solid]; +"2851 quantize_per_tensor_default_133" -> "2852 dequantize_per_tensor_default_133" [label="(1, 14, 14, 384)", style=solid]; +"2852 dequantize_per_tensor_default_133" -> "2858 linear_132" [label="(1, 14, 14, 384)", style=solid]; +"2853 linear_132_scale_0" -> "2855 quantize_per_channel_default_133" [label="(1536,)", style=solid]; +"2853 linear_132_scale_0" -> "2856 dequantize_per_channel_default_133" [label="(1536,)", style=solid]; +"2854 linear_132_zero_point_0" -> "2855 quantize_per_channel_default_133" [label="(1536,)", style=solid]; +"2854 linear_132_zero_point_0" -> "2856 dequantize_per_channel_default_133" [label="(1536,)", style=solid]; +"2855 quantize_per_channel_default_133" -> "2856 dequantize_per_channel_default_133" [label="(1536, 384)", style=solid]; +"2856 dequantize_per_channel_default_133" -> "2858 linear_132" [label="(1536, 384)", style=solid]; +"2857 _param_constant357_0_0" -> "2858 linear_132" [label="(1536,)", style=solid]; +"2858 linear_132" -> "2859 gelu_21" [label="(1, 14, 14, 1536)", style=solid]; +"2859 gelu_21" -> "2860 dropout_86" [label="(1, 14, 14, 1536)", style=solid]; +"2860 dropout_86" -> "2862 dropout_86_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; +"2861 linear_133_updated_constant0" -> "2867 quantize_per_channel_default_134" [label="(384, 1536)", style=solid]; +"2862 dropout_86_0_0_nncf_smooth_quant_0" -> "2863 quantize_per_tensor_default_134" [label="(1, 14, 14, 1536)", style=solid]; +"2863 quantize_per_tensor_default_134" -> "2864 dequantize_per_tensor_default_134" [label="(1, 14, 14, 1536)", style=solid]; +"2864 dequantize_per_tensor_default_134" -> "2870 linear_133" [label="(1, 14, 14, 1536)", style=solid]; +"2865 linear_133_scale_0" -> "2867 quantize_per_channel_default_134" [label="(384,)", style=solid]; +"2865 linear_133_scale_0" -> "2868 dequantize_per_channel_default_134" [label="(384,)", style=solid]; +"2866 linear_133_zero_point_0" -> "2867 quantize_per_channel_default_134" [label="(384,)", style=solid]; +"2866 linear_133_zero_point_0" -> "2868 dequantize_per_channel_default_134" [label="(384,)", style=solid]; +"2867 quantize_per_channel_default_134" -> "2868 dequantize_per_channel_default_134" [label="(384, 1536)", style=solid]; +"2868 dequantize_per_channel_default_134" -> "2870 linear_133" [label="(384, 1536)", style=solid]; +"2869 _param_constant359_0_0" -> "2870 linear_133" [label="(384,)", style=solid]; +"2870 linear_133" -> "2871 dropout_87" [label="(1, 14, 14, 384)", style=solid]; +"2871 dropout_87" -> "2874 layer_norm_46" [label="(1, 14, 14, 384)", style=solid]; +"2872 _param_constant360" -> "2874 layer_norm_46" [label="(384,)", style=solid]; +"2873 _param_constant361" -> "2874 layer_norm_46" [label="(384,)", style=solid]; +"2874 layer_norm_46" -> "2875 add_76" [label="(1, 14, 14, 384)", style=solid]; +"2875 add_76" -> "2876 pad_24" [label="(1, 14, 14, 384)", style=solid]; +"2876 pad_24" -> "2877 slice_329" [label="(1, 14, 14, 384)", style=solid]; +"2876 pad_24" -> "2880 slice_332" [label="(1, 14, 14, 384)", style=solid]; +"2876 pad_24" -> "2883 slice_335" [label="(1, 14, 14, 384)", style=solid]; +"2876 pad_24" -> "2886 slice_338" [label="(1, 14, 14, 384)", style=solid]; +"2877 slice_329" -> "2878 slice_330" [label="(1, 7, 14, 384)", style=solid]; +"2878 slice_330" -> "2879 slice_331" [label="(1, 7, 7, 384)", style=solid]; +"2879 slice_331" -> "2889 cat_2" [label="(1, 7, 7, 384)", style=solid]; +"2880 slice_332" -> "2881 slice_333" [label="(1, 7, 14, 384)", style=solid]; +"2881 slice_333" -> "2882 slice_334" [label="(1, 7, 7, 384)", style=solid]; +"2882 slice_334" -> "2889 cat_2" [label="(1, 7, 7, 384)", style=solid]; +"2883 slice_335" -> "2884 slice_336" [label="(1, 7, 14, 384)", style=solid]; +"2884 slice_336" -> "2885 slice_337" [label="(1, 7, 7, 384)", style=solid]; +"2885 slice_337" -> "2889 cat_2" [label="(1, 7, 7, 384)", style=solid]; +"2886 slice_338" -> "2887 slice_339" [label="(1, 7, 14, 384)", style=solid]; +"2887 slice_339" -> "2888 slice_340" [label="(1, 7, 7, 384)", style=solid]; +"2888 slice_340" -> "2889 cat_2" [label="(1, 7, 7, 384)", style=solid]; +"2889 cat_2" -> "2891 cat_2_0_0_nncf_smooth_quant_0" [label="(1, 7, 7, 1536)", style=solid]; +"2890 linear_134_updated_constant0" -> "2896 quantize_per_channel_default_135" [label="(768, 1536)", style=solid]; +"2891 cat_2_0_0_nncf_smooth_quant_0" -> "2892 quantize_per_tensor_default_135" [label="(1, 7, 7, 1536)", style=solid]; +"2892 quantize_per_tensor_default_135" -> "2893 dequantize_per_tensor_default_135" [label="(1, 7, 7, 1536)", style=solid]; +"2893 dequantize_per_tensor_default_135" -> "2898 linear_134" [label="(1, 7, 7, 1536)", style=solid]; +"2894 linear_134_scale_0" -> "2896 quantize_per_channel_default_135" [label="(768,)", style=solid]; +"2894 linear_134_scale_0" -> "2897 dequantize_per_channel_default_135" [label="(768,)", style=solid]; +"2895 linear_134_zero_point_0" -> "2896 quantize_per_channel_default_135" [label="(768,)", style=solid]; +"2895 linear_134_zero_point_0" -> "2897 dequantize_per_channel_default_135" [label="(768,)", style=solid]; +"2896 quantize_per_channel_default_135" -> "2897 dequantize_per_channel_default_135" [label="(768, 1536)", style=solid]; +"2897 dequantize_per_channel_default_135" -> "2898 linear_134" [label="(768, 1536)", style=solid]; +"2898 linear_134" -> "2901 layer_norm_47" [label="(1, 7, 7, 768)", style=solid]; +"2899 _param_constant363" -> "2901 layer_norm_47" [label="(768,)", style=solid]; +"2900 _param_constant364" -> "2901 layer_norm_47" [label="(768,)", style=solid]; +"2901 layer_norm_47" -> "2928 pad_25" [label="(1, 7, 7, 768)", style=solid]; +"2901 layer_norm_47" -> "2993 add_78" [label="(1, 7, 7, 768)", style=solid]; +"2902 _tensor_constant143" -> "2904 _tensor_constant143_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; +"2903 linear_135_updated_constant0" -> "2907 quantize_per_channel_default_136" [label="(512, 2)", style=solid]; +"2904 _tensor_constant143_0_0_nncf_smooth_quant_0" -> "2910 linear_135" [label="(1, 15, 15, 2)", style=solid]; +"2905 linear_135_scale_0" -> "2907 quantize_per_channel_default_136" [label="(512,)", style=solid]; +"2905 linear_135_scale_0" -> "2908 dequantize_per_channel_default_136" [label="(512,)", style=solid]; +"2906 linear_135_zero_point_0" -> "2907 quantize_per_channel_default_136" [label="(512,)", style=solid]; +"2906 linear_135_zero_point_0" -> "2908 dequantize_per_channel_default_136" [label="(512,)", style=solid]; +"2907 quantize_per_channel_default_136" -> "2908 dequantize_per_channel_default_136" [label="(512, 2)", style=solid]; +"2908 dequantize_per_channel_default_136" -> "2910 linear_135" [label="(512, 2)", style=solid]; +"2909 _param_constant366_0_0" -> "2910 linear_135" [label="(512,)", style=solid]; +"2910 linear_135" -> "2911 relu__22" [label="(1, 15, 15, 512)", style=solid]; +"2911 relu__22" -> "2913 relu__22_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; +"2912 linear_136_updated_constant0" -> "2916 quantize_per_channel_default_137" [label="(24, 512)", style=solid]; +"2913 relu__22_0_0_nncf_smooth_quant_0" -> "2918 linear_136" [label="(1, 15, 15, 512)", style=solid]; +"2914 linear_136_scale_0" -> "2916 quantize_per_channel_default_137" [label="(24,)", style=solid]; +"2914 linear_136_scale_0" -> "2917 dequantize_per_channel_default_137" [label="(24,)", style=solid]; +"2915 linear_136_zero_point_0" -> "2916 quantize_per_channel_default_137" [label="(24,)", style=solid]; +"2915 linear_136_zero_point_0" -> "2917 dequantize_per_channel_default_137" [label="(24,)", style=solid]; +"2916 quantize_per_channel_default_137" -> "2917 dequantize_per_channel_default_137" [label="(24, 512)", style=solid]; +"2917 dequantize_per_channel_default_137" -> "2918 linear_136" [label="(24, 512)", style=solid]; +"2918 linear_136" -> "2919 view_121" [label="(1, 15, 15, 24)", style=solid]; +"2919 view_121" -> "2921 index_22" [label="(225, 24)", style=solid]; +"2920 _tensor_constant144" -> "2921 index_22" [label="(4096,)", style=solid]; +"2921 index_22" -> "2922 view_122" [label="(4096, 24)", style=solid]; +"2922 view_122" -> "2923 permute_100" [label="(64, 64, 24)", style=solid]; +"2923 permute_100" -> "2924 contiguous_42" [label="(24, 64, 64)", style=solid]; +"2924 contiguous_42" -> "2925 unsqueeze_66" [label="(24, 64, 64)", style=solid]; +"2925 unsqueeze_66" -> "2926 sigmoid_22" [label="(1, 24, 64, 64)", style=solid]; +"2926 sigmoid_22" -> "2927 mul_44" [label="(1, 24, 64, 64)", style=solid]; +"2927 mul_44" -> "2965 add_77" [label="(1, 24, 64, 64)", style=solid]; +"2928 pad_25" -> "2929 view_123" [label="(1, 8, 8, 768)", style=solid]; +"2929 view_123" -> "2930 permute_101" [label="(1, 1, 8, 1, 8, 768)", style=solid]; +"2930 permute_101" -> "2931 reshape_99" [label="(1, 1, 1, 8, 8, 768)", style=solid]; +"2931 reshape_99" -> "2933 reshape_99_0_0_nncf_smooth_quant_0" [label="(1, 64, 768)", style=solid]; +"2932 linear_137_updated_constant0" -> "2938 quantize_per_channel_default_138" [label="(2304, 768)", style=solid]; +"2933 reshape_99_0_0_nncf_smooth_quant_0" -> "2934 quantize_per_tensor_default_136" [label="(1, 64, 768)", style=solid]; +"2934 quantize_per_tensor_default_136" -> "2935 dequantize_per_tensor_default_136" [label="(1, 64, 768)", style=solid]; +"2935 dequantize_per_tensor_default_136" -> "2941 linear_137" [label="(1, 64, 768)", style=solid]; +"2936 linear_137_scale_0" -> "2938 quantize_per_channel_default_138" [label="(2304,)", style=solid]; +"2936 linear_137_scale_0" -> "2939 dequantize_per_channel_default_138" [label="(2304,)", style=solid]; +"2937 linear_137_zero_point_0" -> "2938 quantize_per_channel_default_138" [label="(2304,)", style=solid]; +"2937 linear_137_zero_point_0" -> "2939 dequantize_per_channel_default_138" [label="(2304,)", style=solid]; +"2938 quantize_per_channel_default_138" -> "2939 dequantize_per_channel_default_138" [label="(2304, 768)", style=solid]; +"2939 dequantize_per_channel_default_138" -> "2941 linear_137" [label="(2304, 768)", style=solid]; +"2940 _param_constant368_0_0" -> "2941 linear_137" [label="(2304,)", style=solid]; +"2941 linear_137" -> "2942 reshape_100" [label="(1, 64, 2304)", style=solid]; +"2942 reshape_100" -> "2943 permute_102" [label="(1, 64, 3, 24, 32)", style=solid]; +"2943 permute_102" -> "2944 select_66" [label="(3, 1, 24, 64, 32)", style=solid]; +"2943 permute_102" -> "2945 select_67" [label="(3, 1, 24, 64, 32)", style=solid]; +"2943 permute_102" -> "2946 select_68" [label="(3, 1, 24, 64, 32)", style=solid]; +"2944 select_66" -> "2947 linalg_vector_norm_44" [label="(1, 24, 64, 32)", style=solid]; +"2944 select_66" -> "2949 expand_as_44" [label="(1, 24, 64, 32)", style=solid]; +"2944 select_66" -> "2950 div_44" [label="(1, 24, 64, 32)", style=solid]; +"2945 select_67" -> "2953 linalg_vector_norm_45" [label="(1, 24, 64, 32)", style=solid]; +"2945 select_67" -> "2955 expand_as_45" [label="(1, 24, 64, 32)", style=solid]; +"2945 select_67" -> "2956 div_45" [label="(1, 24, 64, 32)", style=solid]; +"2946 select_68" -> "2968 matmul_45" [label="(1, 24, 64, 32)", style=solid]; +"2947 linalg_vector_norm_44" -> "2948 clamp_min_44" [label="(1, 24, 64, 1)", style=solid]; +"2948 clamp_min_44" -> "2949 expand_as_44" [label="(1, 24, 64, 1)", style=solid]; +"2949 expand_as_44" -> "2950 div_44" [label="(1, 24, 64, 32)", style=solid]; +"2950 div_44" -> "2951 quantize_per_tensor_default_137" [label="(1, 24, 64, 32)", style=solid]; +"2951 quantize_per_tensor_default_137" -> "2952 dequantize_per_tensor_default_137" [label="(1, 24, 64, 32)", style=solid]; +"2952 dequantize_per_tensor_default_137" -> "2960 matmul_44" [label="(1, 24, 64, 32)", style=solid]; +"2953 linalg_vector_norm_45" -> "2954 clamp_min_45" [label="(1, 24, 64, 1)", style=solid]; +"2954 clamp_min_45" -> "2955 expand_as_45" [label="(1, 24, 64, 1)", style=solid]; +"2955 expand_as_45" -> "2956 div_45" [label="(1, 24, 64, 32)", style=solid]; +"2956 div_45" -> "2957 quantize_per_tensor_default_138" [label="(1, 24, 64, 32)", style=solid]; +"2957 quantize_per_tensor_default_138" -> "2958 dequantize_per_tensor_default_138" [label="(1, 24, 64, 32)", style=solid]; +"2958 dequantize_per_tensor_default_138" -> "2959 transpose_44" [label="(1, 24, 64, 32)", style=solid]; +"2959 transpose_44" -> "2960 matmul_44" [label="(1, 24, 32, 64)", style=solid]; +"2960 matmul_44" -> "2964 mul_45" [label="(1, 24, 64, 64)", style=solid]; +"2961 _param_constant370" -> "2962 clamp_22" [label="(24, 1, 1)", style=solid]; +"2962 clamp_22" -> "2963 exp_22" [label="(24, 1, 1)", style=solid]; +"2963 exp_22" -> "2964 mul_45" [label="(24, 1, 1)", style=solid]; +"2964 mul_45" -> "2965 add_77" [label="(1, 24, 64, 64)", style=solid]; +"2965 add_77" -> "2966 softmax_22" [label="(1, 24, 64, 64)", style=solid]; +"2966 softmax_22" -> "2967 dropout_88" [label="(1, 24, 64, 64)", style=solid]; +"2967 dropout_88" -> "2968 matmul_45" [label="(1, 24, 64, 64)", style=solid]; +"2968 matmul_45" -> "2969 transpose_45" [label="(1, 24, 64, 32)", style=solid]; +"2969 transpose_45" -> "2970 reshape_101" [label="(1, 64, 24, 32)", style=solid]; +"2970 reshape_101" -> "2972 reshape_101_0_0_nncf_smooth_quant_0" [label="(1, 64, 768)", style=solid]; +"2971 linear_138_updated_constant0" -> "2977 quantize_per_channel_default_139" [label="(768, 768)", style=solid]; +"2972 reshape_101_0_0_nncf_smooth_quant_0" -> "2973 quantize_per_tensor_default_139" [label="(1, 64, 768)", style=solid]; +"2973 quantize_per_tensor_default_139" -> "2974 dequantize_per_tensor_default_139" [label="(1, 64, 768)", style=solid]; +"2974 dequantize_per_tensor_default_139" -> "2980 linear_138" [label="(1, 64, 768)", style=solid]; +"2975 linear_138_scale_0" -> "2977 quantize_per_channel_default_139" [label="(768,)", style=solid]; +"2975 linear_138_scale_0" -> "2978 dequantize_per_channel_default_139" [label="(768,)", style=solid]; +"2976 linear_138_zero_point_0" -> "2977 quantize_per_channel_default_139" [label="(768,)", style=solid]; +"2976 linear_138_zero_point_0" -> "2978 dequantize_per_channel_default_139" [label="(768,)", style=solid]; +"2977 quantize_per_channel_default_139" -> "2978 dequantize_per_channel_default_139" [label="(768, 768)", style=solid]; +"2978 dequantize_per_channel_default_139" -> "2980 linear_138" [label="(768, 768)", style=solid]; +"2979 _param_constant372_0_0" -> "2980 linear_138" [label="(768,)", style=solid]; +"2980 linear_138" -> "2981 dropout_89" [label="(1, 64, 768)", style=solid]; +"2981 dropout_89" -> "2982 view_124" [label="(1, 64, 768)", style=solid]; +"2982 view_124" -> "2983 permute_103" [label="(1, 1, 1, 8, 8, 768)", style=solid]; +"2983 permute_103" -> "2984 reshape_102" [label="(1, 1, 8, 1, 8, 768)", style=solid]; +"2984 reshape_102" -> "2985 slice_342" [label="(1, 8, 8, 768)", style=solid]; +"2985 slice_342" -> "2986 slice_343" [label="(1, 8, 8, 768)", style=solid]; +"2986 slice_343" -> "2987 slice_344" [label="(1, 7, 8, 768)", style=solid]; +"2987 slice_344" -> "2988 slice_345" [label="(1, 7, 7, 768)", style=solid]; +"2988 slice_345" -> "2989 contiguous_43" [label="(1, 7, 7, 768)", style=solid]; +"2989 contiguous_43" -> "2992 layer_norm_48" [label="(1, 7, 7, 768)", style=solid]; +"2990 _param_constant373" -> "2992 layer_norm_48" [label="(768,)", style=solid]; +"2991 _param_constant374" -> "2992 layer_norm_48" [label="(768,)", style=solid]; +"2992 layer_norm_48" -> "2993 add_78" [label="(1, 7, 7, 768)", style=solid]; +"2993 add_78" -> "2995 add_78_0_0_nncf_smooth_quant_0" [label="(1, 7, 7, 768)", style=solid]; +"2993 add_78" -> "3020 add_79" [label="(1, 7, 7, 768)", style=solid]; +"2994 linear_139_updated_constant0" -> "3000 quantize_per_channel_default_140" [label="(3072, 768)", style=solid]; +"2995 add_78_0_0_nncf_smooth_quant_0" -> "2996 quantize_per_tensor_default_140" [label="(1, 7, 7, 768)", style=solid]; +"2996 quantize_per_tensor_default_140" -> "2997 dequantize_per_tensor_default_140" [label="(1, 7, 7, 768)", style=solid]; +"2997 dequantize_per_tensor_default_140" -> "3003 linear_139" [label="(1, 7, 7, 768)", style=solid]; +"2998 linear_139_scale_0" -> "3000 quantize_per_channel_default_140" [label="(3072,)", style=solid]; +"2998 linear_139_scale_0" -> "3001 dequantize_per_channel_default_140" [label="(3072,)", style=solid]; +"2999 linear_139_zero_point_0" -> "3000 quantize_per_channel_default_140" [label="(3072,)", style=solid]; +"2999 linear_139_zero_point_0" -> "3001 dequantize_per_channel_default_140" [label="(3072,)", style=solid]; +"3000 quantize_per_channel_default_140" -> "3001 dequantize_per_channel_default_140" [label="(3072, 768)", style=solid]; +"3001 dequantize_per_channel_default_140" -> "3003 linear_139" [label="(3072, 768)", style=solid]; +"3002 _param_constant376_0_0" -> "3003 linear_139" [label="(3072,)", style=solid]; +"3003 linear_139" -> "3004 gelu_22" [label="(1, 7, 7, 3072)", style=solid]; +"3004 gelu_22" -> "3005 dropout_90" [label="(1, 7, 7, 3072)", style=solid]; +"3005 dropout_90" -> "3007 dropout_90_0_0_nncf_smooth_quant_0" [label="(1, 7, 7, 3072)", style=solid]; +"3006 linear_140_updated_constant0" -> "3012 quantize_per_channel_default_141" [label="(768, 3072)", style=solid]; +"3007 dropout_90_0_0_nncf_smooth_quant_0" -> "3008 quantize_per_tensor_default_141" [label="(1, 7, 7, 3072)", style=solid]; +"3008 quantize_per_tensor_default_141" -> "3009 dequantize_per_tensor_default_141" [label="(1, 7, 7, 3072)", style=solid]; +"3009 dequantize_per_tensor_default_141" -> "3015 linear_140" [label="(1, 7, 7, 3072)", style=solid]; +"3010 linear_140_scale_0" -> "3012 quantize_per_channel_default_141" [label="(768,)", style=solid]; +"3010 linear_140_scale_0" -> "3013 dequantize_per_channel_default_141" [label="(768,)", style=solid]; +"3011 linear_140_zero_point_0" -> "3012 quantize_per_channel_default_141" [label="(768,)", style=solid]; +"3011 linear_140_zero_point_0" -> "3013 dequantize_per_channel_default_141" [label="(768,)", style=solid]; +"3012 quantize_per_channel_default_141" -> "3013 dequantize_per_channel_default_141" [label="(768, 3072)", style=solid]; +"3013 dequantize_per_channel_default_141" -> "3015 linear_140" [label="(768, 3072)", style=solid]; +"3014 _param_constant378_0_0" -> "3015 linear_140" [label="(768,)", style=solid]; +"3015 linear_140" -> "3016 dropout_91" [label="(1, 7, 7, 768)", style=solid]; +"3016 dropout_91" -> "3019 layer_norm_49" [label="(1, 7, 7, 768)", style=solid]; +"3017 _param_constant379" -> "3019 layer_norm_49" [label="(768,)", style=solid]; +"3018 _param_constant380" -> "3019 layer_norm_49" [label="(768,)", style=solid]; +"3019 layer_norm_49" -> "3020 add_79" [label="(1, 7, 7, 768)", style=solid]; +"3020 add_79" -> "3047 pad_26" [label="(1, 7, 7, 768)", style=solid]; +"3020 add_79" -> "3112 add_81" [label="(1, 7, 7, 768)", style=solid]; +"3021 _tensor_constant145" -> "3023 _tensor_constant145_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; +"3022 linear_141_updated_constant0" -> "3026 quantize_per_channel_default_142" [label="(512, 2)", style=solid]; +"3023 _tensor_constant145_0_0_nncf_smooth_quant_0" -> "3029 linear_141" [label="(1, 15, 15, 2)", style=solid]; +"3024 linear_141_scale_0" -> "3026 quantize_per_channel_default_142" [label="(512,)", style=solid]; +"3024 linear_141_scale_0" -> "3027 dequantize_per_channel_default_142" [label="(512,)", style=solid]; +"3025 linear_141_zero_point_0" -> "3026 quantize_per_channel_default_142" [label="(512,)", style=solid]; +"3025 linear_141_zero_point_0" -> "3027 dequantize_per_channel_default_142" [label="(512,)", style=solid]; +"3026 quantize_per_channel_default_142" -> "3027 dequantize_per_channel_default_142" [label="(512, 2)", style=solid]; +"3027 dequantize_per_channel_default_142" -> "3029 linear_141" [label="(512, 2)", style=solid]; +"3028 _param_constant382_0_0" -> "3029 linear_141" [label="(512,)", style=solid]; +"3029 linear_141" -> "3030 relu__23" [label="(1, 15, 15, 512)", style=solid]; +"3030 relu__23" -> "3032 relu__23_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; +"3031 linear_142_updated_constant0" -> "3035 quantize_per_channel_default_143" [label="(24, 512)", style=solid]; +"3032 relu__23_0_0_nncf_smooth_quant_0" -> "3037 linear_142" [label="(1, 15, 15, 512)", style=solid]; +"3033 linear_142_scale_0" -> "3035 quantize_per_channel_default_143" [label="(24,)", style=solid]; +"3033 linear_142_scale_0" -> "3036 dequantize_per_channel_default_143" [label="(24,)", style=solid]; +"3034 linear_142_zero_point_0" -> "3035 quantize_per_channel_default_143" [label="(24,)", style=solid]; +"3034 linear_142_zero_point_0" -> "3036 dequantize_per_channel_default_143" [label="(24,)", style=solid]; +"3035 quantize_per_channel_default_143" -> "3036 dequantize_per_channel_default_143" [label="(24, 512)", style=solid]; +"3036 dequantize_per_channel_default_143" -> "3037 linear_142" [label="(24, 512)", style=solid]; +"3037 linear_142" -> "3038 view_125" [label="(1, 15, 15, 24)", style=solid]; +"3038 view_125" -> "3040 index_23" [label="(225, 24)", style=solid]; +"3039 _tensor_constant146" -> "3040 index_23" [label="(4096,)", style=solid]; +"3040 index_23" -> "3041 view_126" [label="(4096, 24)", style=solid]; +"3041 view_126" -> "3042 permute_104" [label="(64, 64, 24)", style=solid]; +"3042 permute_104" -> "3043 contiguous_44" [label="(24, 64, 64)", style=solid]; +"3043 contiguous_44" -> "3044 unsqueeze_67" [label="(24, 64, 64)", style=solid]; +"3044 unsqueeze_67" -> "3045 sigmoid_23" [label="(1, 24, 64, 64)", style=solid]; +"3045 sigmoid_23" -> "3046 mul_46" [label="(1, 24, 64, 64)", style=solid]; +"3046 mul_46" -> "3084 add_80" [label="(1, 24, 64, 64)", style=solid]; +"3047 pad_26" -> "3048 view_127" [label="(1, 8, 8, 768)", style=solid]; +"3048 view_127" -> "3049 permute_105" [label="(1, 1, 8, 1, 8, 768)", style=solid]; +"3049 permute_105" -> "3050 reshape_103" [label="(1, 1, 1, 8, 8, 768)", style=solid]; +"3050 reshape_103" -> "3052 reshape_103_0_0_nncf_smooth_quant_0" [label="(1, 64, 768)", style=solid]; +"3051 linear_143_updated_constant0" -> "3057 quantize_per_channel_default_144" [label="(2304, 768)", style=solid]; +"3052 reshape_103_0_0_nncf_smooth_quant_0" -> "3053 quantize_per_tensor_default_142" [label="(1, 64, 768)", style=solid]; +"3053 quantize_per_tensor_default_142" -> "3054 dequantize_per_tensor_default_142" [label="(1, 64, 768)", style=solid]; +"3054 dequantize_per_tensor_default_142" -> "3060 linear_143" [label="(1, 64, 768)", style=solid]; +"3055 linear_143_scale_0" -> "3057 quantize_per_channel_default_144" [label="(2304,)", style=solid]; +"3055 linear_143_scale_0" -> "3058 dequantize_per_channel_default_144" [label="(2304,)", style=solid]; +"3056 linear_143_zero_point_0" -> "3057 quantize_per_channel_default_144" [label="(2304,)", style=solid]; +"3056 linear_143_zero_point_0" -> "3058 dequantize_per_channel_default_144" [label="(2304,)", style=solid]; +"3057 quantize_per_channel_default_144" -> "3058 dequantize_per_channel_default_144" [label="(2304, 768)", style=solid]; +"3058 dequantize_per_channel_default_144" -> "3060 linear_143" [label="(2304, 768)", style=solid]; +"3059 _param_constant384_0_0" -> "3060 linear_143" [label="(2304,)", style=solid]; +"3060 linear_143" -> "3061 reshape_104" [label="(1, 64, 2304)", style=solid]; +"3061 reshape_104" -> "3062 permute_106" [label="(1, 64, 3, 24, 32)", style=solid]; +"3062 permute_106" -> "3063 select_69" [label="(3, 1, 24, 64, 32)", style=solid]; +"3062 permute_106" -> "3064 select_70" [label="(3, 1, 24, 64, 32)", style=solid]; +"3062 permute_106" -> "3065 select_71" [label="(3, 1, 24, 64, 32)", style=solid]; +"3063 select_69" -> "3066 linalg_vector_norm_46" [label="(1, 24, 64, 32)", style=solid]; +"3063 select_69" -> "3068 expand_as_46" [label="(1, 24, 64, 32)", style=solid]; +"3063 select_69" -> "3069 div_46" [label="(1, 24, 64, 32)", style=solid]; +"3064 select_70" -> "3072 linalg_vector_norm_47" [label="(1, 24, 64, 32)", style=solid]; +"3064 select_70" -> "3074 expand_as_47" [label="(1, 24, 64, 32)", style=solid]; +"3064 select_70" -> "3075 div_47" [label="(1, 24, 64, 32)", style=solid]; +"3065 select_71" -> "3087 matmul_47" [label="(1, 24, 64, 32)", style=solid]; +"3066 linalg_vector_norm_46" -> "3067 clamp_min_46" [label="(1, 24, 64, 1)", style=solid]; +"3067 clamp_min_46" -> "3068 expand_as_46" [label="(1, 24, 64, 1)", style=solid]; +"3068 expand_as_46" -> "3069 div_46" [label="(1, 24, 64, 32)", style=solid]; +"3069 div_46" -> "3070 quantize_per_tensor_default_143" [label="(1, 24, 64, 32)", style=solid]; +"3070 quantize_per_tensor_default_143" -> "3071 dequantize_per_tensor_default_143" [label="(1, 24, 64, 32)", style=solid]; +"3071 dequantize_per_tensor_default_143" -> "3079 matmul_46" [label="(1, 24, 64, 32)", style=solid]; +"3072 linalg_vector_norm_47" -> "3073 clamp_min_47" [label="(1, 24, 64, 1)", style=solid]; +"3073 clamp_min_47" -> "3074 expand_as_47" [label="(1, 24, 64, 1)", style=solid]; +"3074 expand_as_47" -> "3075 div_47" [label="(1, 24, 64, 32)", style=solid]; +"3075 div_47" -> "3076 quantize_per_tensor_default_144" [label="(1, 24, 64, 32)", style=solid]; +"3076 quantize_per_tensor_default_144" -> "3077 dequantize_per_tensor_default_144" [label="(1, 24, 64, 32)", style=solid]; +"3077 dequantize_per_tensor_default_144" -> "3078 transpose_46" [label="(1, 24, 64, 32)", style=solid]; +"3078 transpose_46" -> "3079 matmul_46" [label="(1, 24, 32, 64)", style=solid]; +"3079 matmul_46" -> "3083 mul_47" [label="(1, 24, 64, 64)", style=solid]; +"3080 _param_constant386" -> "3081 clamp_23" [label="(24, 1, 1)", style=solid]; +"3081 clamp_23" -> "3082 exp_23" [label="(24, 1, 1)", style=solid]; +"3082 exp_23" -> "3083 mul_47" [label="(24, 1, 1)", style=solid]; +"3083 mul_47" -> "3084 add_80" [label="(1, 24, 64, 64)", style=solid]; +"3084 add_80" -> "3085 softmax_23" [label="(1, 24, 64, 64)", style=solid]; +"3085 softmax_23" -> "3086 dropout_92" [label="(1, 24, 64, 64)", style=solid]; +"3086 dropout_92" -> "3087 matmul_47" [label="(1, 24, 64, 64)", style=solid]; +"3087 matmul_47" -> "3088 transpose_47" [label="(1, 24, 64, 32)", style=solid]; +"3088 transpose_47" -> "3089 reshape_105" [label="(1, 64, 24, 32)", style=solid]; +"3089 reshape_105" -> "3091 reshape_105_0_0_nncf_smooth_quant_0" [label="(1, 64, 768)", style=solid]; +"3090 linear_144_updated_constant0" -> "3096 quantize_per_channel_default_145" [label="(768, 768)", style=solid]; +"3091 reshape_105_0_0_nncf_smooth_quant_0" -> "3092 quantize_per_tensor_default_145" [label="(1, 64, 768)", style=solid]; +"3092 quantize_per_tensor_default_145" -> "3093 dequantize_per_tensor_default_145" [label="(1, 64, 768)", style=solid]; +"3093 dequantize_per_tensor_default_145" -> "3099 linear_144" [label="(1, 64, 768)", style=solid]; +"3094 linear_144_scale_0" -> "3096 quantize_per_channel_default_145" [label="(768,)", style=solid]; +"3094 linear_144_scale_0" -> "3097 dequantize_per_channel_default_145" [label="(768,)", style=solid]; +"3095 linear_144_zero_point_0" -> "3096 quantize_per_channel_default_145" [label="(768,)", style=solid]; +"3095 linear_144_zero_point_0" -> "3097 dequantize_per_channel_default_145" [label="(768,)", style=solid]; +"3096 quantize_per_channel_default_145" -> "3097 dequantize_per_channel_default_145" [label="(768, 768)", style=solid]; +"3097 dequantize_per_channel_default_145" -> "3099 linear_144" [label="(768, 768)", style=solid]; +"3098 _param_constant388_0_0" -> "3099 linear_144" [label="(768,)", style=solid]; +"3099 linear_144" -> "3100 dropout_93" [label="(1, 64, 768)", style=solid]; +"3100 dropout_93" -> "3101 view_128" [label="(1, 64, 768)", style=solid]; +"3101 view_128" -> "3102 permute_107" [label="(1, 1, 1, 8, 8, 768)", style=solid]; +"3102 permute_107" -> "3103 reshape_106" [label="(1, 1, 8, 1, 8, 768)", style=solid]; +"3103 reshape_106" -> "3104 slice_347" [label="(1, 8, 8, 768)", style=solid]; +"3104 slice_347" -> "3105 slice_348" [label="(1, 8, 8, 768)", style=solid]; +"3105 slice_348" -> "3106 slice_349" [label="(1, 7, 8, 768)", style=solid]; +"3106 slice_349" -> "3107 slice_350" [label="(1, 7, 7, 768)", style=solid]; +"3107 slice_350" -> "3108 contiguous_45" [label="(1, 7, 7, 768)", style=solid]; +"3108 contiguous_45" -> "3111 layer_norm_50" [label="(1, 7, 7, 768)", style=solid]; +"3109 _param_constant389" -> "3111 layer_norm_50" [label="(768,)", style=solid]; +"3110 _param_constant390" -> "3111 layer_norm_50" [label="(768,)", style=solid]; +"3111 layer_norm_50" -> "3112 add_81" [label="(1, 7, 7, 768)", style=solid]; +"3112 add_81" -> "3114 add_81_0_0_nncf_smooth_quant_0" [label="(1, 7, 7, 768)", style=solid]; +"3112 add_81" -> "3139 add_82" [label="(1, 7, 7, 768)", style=solid]; +"3113 linear_145_updated_constant0" -> "3119 quantize_per_channel_default_146" [label="(3072, 768)", style=solid]; +"3114 add_81_0_0_nncf_smooth_quant_0" -> "3115 quantize_per_tensor_default_146" [label="(1, 7, 7, 768)", style=solid]; +"3115 quantize_per_tensor_default_146" -> "3116 dequantize_per_tensor_default_146" [label="(1, 7, 7, 768)", style=solid]; +"3116 dequantize_per_tensor_default_146" -> "3122 linear_145" [label="(1, 7, 7, 768)", style=solid]; +"3117 linear_145_scale_0" -> "3119 quantize_per_channel_default_146" [label="(3072,)", style=solid]; +"3117 linear_145_scale_0" -> "3120 dequantize_per_channel_default_146" [label="(3072,)", style=solid]; +"3118 linear_145_zero_point_0" -> "3119 quantize_per_channel_default_146" [label="(3072,)", style=solid]; +"3118 linear_145_zero_point_0" -> "3120 dequantize_per_channel_default_146" [label="(3072,)", style=solid]; +"3119 quantize_per_channel_default_146" -> "3120 dequantize_per_channel_default_146" [label="(3072, 768)", style=solid]; +"3120 dequantize_per_channel_default_146" -> "3122 linear_145" [label="(3072, 768)", style=solid]; +"3121 _param_constant392_0_0" -> "3122 linear_145" [label="(3072,)", style=solid]; +"3122 linear_145" -> "3123 gelu_23" [label="(1, 7, 7, 3072)", style=solid]; +"3123 gelu_23" -> "3124 dropout_94" [label="(1, 7, 7, 3072)", style=solid]; +"3124 dropout_94" -> "3126 dropout_94_0_0_nncf_smooth_quant_0" [label="(1, 7, 7, 3072)", style=solid]; +"3125 linear_146_updated_constant0" -> "3131 quantize_per_channel_default_147" [label="(768, 3072)", style=solid]; +"3126 dropout_94_0_0_nncf_smooth_quant_0" -> "3127 quantize_per_tensor_default_147" [label="(1, 7, 7, 3072)", style=solid]; +"3127 quantize_per_tensor_default_147" -> "3128 dequantize_per_tensor_default_147" [label="(1, 7, 7, 3072)", style=solid]; +"3128 dequantize_per_tensor_default_147" -> "3134 linear_146" [label="(1, 7, 7, 3072)", style=solid]; +"3129 linear_146_scale_0" -> "3131 quantize_per_channel_default_147" [label="(768,)", style=solid]; +"3129 linear_146_scale_0" -> "3132 dequantize_per_channel_default_147" [label="(768,)", style=solid]; +"3130 linear_146_zero_point_0" -> "3131 quantize_per_channel_default_147" [label="(768,)", style=solid]; +"3130 linear_146_zero_point_0" -> "3132 dequantize_per_channel_default_147" [label="(768,)", style=solid]; +"3131 quantize_per_channel_default_147" -> "3132 dequantize_per_channel_default_147" [label="(768, 3072)", style=solid]; +"3132 dequantize_per_channel_default_147" -> "3134 linear_146" [label="(768, 3072)", style=solid]; +"3133 _param_constant394_0_0" -> "3134 linear_146" [label="(768,)", style=solid]; +"3134 linear_146" -> "3135 dropout_95" [label="(1, 7, 7, 768)", style=solid]; +"3135 dropout_95" -> "3138 layer_norm_51" [label="(1, 7, 7, 768)", style=solid]; +"3136 _param_constant395" -> "3138 layer_norm_51" [label="(768,)", style=solid]; +"3137 _param_constant396" -> "3138 layer_norm_51" [label="(768,)", style=solid]; +"3138 layer_norm_51" -> "3139 add_82" [label="(1, 7, 7, 768)", style=solid]; +"3139 add_82" -> "3142 layer_norm_52" [label="(1, 7, 7, 768)", style=solid]; +"3140 _param_constant397" -> "3142 layer_norm_52" [label="(768,)", style=solid]; +"3141 _param_constant398" -> "3142 layer_norm_52" [label="(768,)", style=solid]; +"3142 layer_norm_52" -> "3143 permute_108" [label="(1, 7, 7, 768)", style=solid]; +"3143 permute_108" -> "3144 adaptive_avg_pool2d" [label="(1, 768, 7, 7)", style=solid]; +"3144 adaptive_avg_pool2d" -> "3145 flatten" [label="(1, 768, 1, 1)", style=solid]; +"3145 flatten" -> "3147 flatten_0_0_nncf_smooth_quant_0" [label="(1, 768)", style=solid]; +"3146 linear_147_updated_constant0" -> "3152 quantize_per_channel_default_148" [label="(1000, 768)", style=solid]; +"3147 flatten_0_0_nncf_smooth_quant_0" -> "3148 quantize_per_tensor_default_148" [label="(1, 768)", style=solid]; +"3148 quantize_per_tensor_default_148" -> "3149 dequantize_per_tensor_default_148" [label="(1, 768)", style=solid]; +"3149 dequantize_per_tensor_default_148" -> "3155 linear_147" [label="(1, 768)", style=solid]; +"3150 linear_147_scale_0" -> "3152 quantize_per_channel_default_148" [label="(1000,)", style=solid]; +"3150 linear_147_scale_0" -> "3153 dequantize_per_channel_default_148" [label="(1000,)", style=solid]; +"3151 linear_147_zero_point_0" -> "3152 quantize_per_channel_default_148" [label="(1000,)", style=solid]; +"3151 linear_147_zero_point_0" -> "3153 dequantize_per_channel_default_148" [label="(1000,)", style=solid]; +"3152 quantize_per_channel_default_148" -> "3153 dequantize_per_channel_default_148" [label="(1000, 768)", style=solid]; +"3153 dequantize_per_channel_default_148" -> "3155 linear_147" [label="(1000, 768)", style=solid]; +"3154 _param_constant400_0_0" -> "3155 linear_147" [label="(1000,)", style=solid]; +"3155 linear_147" -> "3156 output" [label="(1, 1000)", style=solid]; +} diff --git a/tests/torch/data/fx/reference_graphs/quantized_graphs/synthetic_transformer.dot b/tests/torch/data/fx/reference_graphs/quantized_graphs/synthetic_transformer.dot new file mode 100644 index 00000000000..d4c4965fa33 --- /dev/null +++ b/tests/torch/data/fx/reference_graphs/quantized_graphs/synthetic_transformer.dot @@ -0,0 +1,53 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 _param_constant0" [id=1, type=get_attr]; +"2 embedding" [id=2, type=embedding]; +"3 linear_updated_constant0" [id=3, type=get_attr]; +"4 embedding_0_0_nncf_smooth_quant_0" [id=4, type=call_module]; +"5 quantize_per_tensor_default" [id=5, type=quantize_per_tensor]; +"6 dequantize_per_tensor_default" [id=6, type=dequantize_per_tensor]; +"7 linear_scale_0" [id=7, type=get_attr]; +"8 linear_zero_point_0" [id=8, type=get_attr]; +"9 quantize_per_channel_default" [id=9, type=quantize_per_channel]; +"10 dequantize_per_channel_default" [id=10, type=dequantize_per_channel]; +"11 _param_constant2_0_0" [id=11, type=get_attr]; +"12 linear" [id=12, type=linear]; +"13 linear_1_updated_constant0" [id=13, type=get_attr]; +"14 add_tensor_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 quantize_per_channel_default_1" [id=19, type=quantize_per_channel]; +"20 dequantize_per_channel_default_1" [id=20, type=dequantize_per_channel]; +"21 _param_constant4_0_0" [id=21, type=get_attr]; +"22 linear_1" [id=22, type=linear]; +"23 output" [id=23, type=output]; +"0 arg0_1" -> "2 embedding" [label="(5,)", style=solid]; +"1 _param_constant0" -> "2 embedding" [label="(10, 5)", style=solid]; +"2 embedding" -> "4 embedding_0_0_nncf_smooth_quant_0" [label="(5, 5)", style=solid]; +"3 linear_updated_constant0" -> "9 quantize_per_channel_default" [label="(5, 5)", style=solid]; +"4 embedding_0_0_nncf_smooth_quant_0" -> "5 quantize_per_tensor_default" [label="(5, 5)", style=solid]; +"5 quantize_per_tensor_default" -> "6 dequantize_per_tensor_default" [label="(5, 5)", style=solid]; +"6 dequantize_per_tensor_default" -> "12 linear" [label="(5, 5)", style=solid]; +"7 linear_scale_0" -> "9 quantize_per_channel_default" [label="(5,)", style=solid]; +"7 linear_scale_0" -> "10 dequantize_per_channel_default" [label="(5,)", style=solid]; +"8 linear_zero_point_0" -> "9 quantize_per_channel_default" [label="(5,)", style=solid]; +"8 linear_zero_point_0" -> "10 dequantize_per_channel_default" [label="(5,)", style=solid]; +"9 quantize_per_channel_default" -> "10 dequantize_per_channel_default" [label="(5, 5)", style=solid]; +"10 dequantize_per_channel_default" -> "12 linear" [label="(5, 5)", style=solid]; +"11 _param_constant2_0_0" -> "12 linear" [label="(5,)", style=solid]; +"12 linear" -> "14 add_tensor_0_0_nncf_smooth_quant_0" [label="(5, 5)", style=solid]; +"13 linear_1_updated_constant0" -> "19 quantize_per_channel_default_1" [label="(10, 5)", style=solid]; +"14 add_tensor_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" -> "19 quantize_per_channel_default_1" [label="(10,)", style=solid]; +"17 linear_1_scale_0" -> "20 dequantize_per_channel_default_1" [label="(10,)", style=solid]; +"18 linear_1_zero_point_0" -> "19 quantize_per_channel_default_1" [label="(10,)", style=solid]; +"18 linear_1_zero_point_0" -> "20 dequantize_per_channel_default_1" [label="(10,)", style=solid]; +"19 quantize_per_channel_default_1" -> "20 dequantize_per_channel_default_1" [label="(10, 5)", style=solid]; +"20 dequantize_per_channel_default_1" -> "22 linear_1" [label="(10, 5)", style=solid]; +"21 _param_constant4_0_0" -> "22 linear_1" [label="(10,)", style=solid]; +"22 linear_1" -> "23 output" [label="(5, 10)", style=solid]; +} diff --git a/tests/torch/data/fx/reference_graphs/quantized_graphs/unet.dot b/tests/torch/data/fx/reference_graphs/quantized_graphs/unet.dot new file mode 100644 index 00000000000..05b17d2f1ec --- /dev/null +++ b/tests/torch/data/fx/reference_graphs/quantized_graphs/unet.dot @@ -0,0 +1,561 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 quantize_per_tensor_default_8" [id=1, type=quantize_per_tensor]; +"2 dequantize_per_tensor_default_12" [id=2, type=dequantize_per_tensor]; +"3 _param_constant0" [id=3, type=get_attr]; +"4 conv2d_scale_0" [id=4, type=get_attr]; +"5 conv2d_zero_point_0" [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 _param_constant1_0_0" [id=8, type=get_attr]; +"9 conv2d" [id=9, type=conv2d]; +"10 relu" [id=10, type=relu]; +"11 quantize_per_tensor_default_9" [id=11, type=quantize_per_tensor]; +"12 dequantize_per_tensor_default_13" [id=12, type=dequantize_per_tensor]; +"13 _param_constant4" [id=13, type=get_attr]; +"14 conv2d_1_scale_0" [id=14, type=get_attr]; +"15 conv2d_1_zero_point_0" [id=15, type=get_attr]; +"16 quantize_per_channel_default_1" [id=16, type=quantize_per_channel]; +"17 dequantize_per_channel_default_1" [id=17, type=dequantize_per_channel]; +"18 _param_constant5_0_0" [id=18, type=get_attr]; +"19 conv2d_1" [id=19, type=conv2d]; +"20 relu_1" [id=20, type=relu]; +"21 quantize_per_tensor_default" [id=21, type=quantize_per_tensor]; +"22 dequantize_per_tensor_default_1" [id=22, type=dequantize_per_tensor]; +"23 dequantize_per_tensor_default" [id=23, type=dequantize_per_tensor]; +"24 max_pool2d" [id=24, type=max_pool2d]; +"25 _param_constant8" [id=25, type=get_attr]; +"26 conv2d_2_scale_0" [id=26, type=get_attr]; +"27 conv2d_2_zero_point_0" [id=27, type=get_attr]; +"28 quantize_per_channel_default_2" [id=28, type=quantize_per_channel]; +"29 dequantize_per_channel_default_2" [id=29, type=dequantize_per_channel]; +"30 _param_constant9_0_0" [id=30, type=get_attr]; +"31 conv2d_2" [id=31, type=conv2d]; +"32 relu_2" [id=32, type=relu]; +"33 quantize_per_tensor_default_10" [id=33, type=quantize_per_tensor]; +"34 dequantize_per_tensor_default_14" [id=34, type=dequantize_per_tensor]; +"35 _param_constant12" [id=35, type=get_attr]; +"36 conv2d_3_scale_0" [id=36, type=get_attr]; +"37 conv2d_3_zero_point_0" [id=37, type=get_attr]; +"38 quantize_per_channel_default_3" [id=38, type=quantize_per_channel]; +"39 dequantize_per_channel_default_3" [id=39, type=dequantize_per_channel]; +"40 _param_constant13_0_0" [id=40, type=get_attr]; +"41 conv2d_3" [id=41, type=conv2d]; +"42 relu_3" [id=42, type=relu]; +"43 quantize_per_tensor_default_3" [id=43, type=quantize_per_tensor]; +"44 dequantize_per_tensor_default_5" [id=44, type=dequantize_per_tensor]; +"45 dequantize_per_tensor_default_4" [id=45, type=dequantize_per_tensor]; +"46 max_pool2d_1" [id=46, type=max_pool2d]; +"47 _param_constant16" [id=47, type=get_attr]; +"48 conv2d_4_scale_0" [id=48, type=get_attr]; +"49 conv2d_4_zero_point_0" [id=49, type=get_attr]; +"50 quantize_per_channel_default_4" [id=50, type=quantize_per_channel]; +"51 dequantize_per_channel_default_4" [id=51, type=dequantize_per_channel]; +"52 _param_constant17_0_0" [id=52, type=get_attr]; +"53 conv2d_4" [id=53, type=conv2d]; +"54 relu_4" [id=54, type=relu]; +"55 quantize_per_tensor_default_11" [id=55, type=quantize_per_tensor]; +"56 dequantize_per_tensor_default_15" [id=56, type=dequantize_per_tensor]; +"57 _param_constant20" [id=57, type=get_attr]; +"58 conv2d_5_scale_0" [id=58, type=get_attr]; +"59 conv2d_5_zero_point_0" [id=59, type=get_attr]; +"60 quantize_per_channel_default_5" [id=60, type=quantize_per_channel]; +"61 dequantize_per_channel_default_5" [id=61, type=dequantize_per_channel]; +"62 _param_constant21_0_0" [id=62, type=get_attr]; +"63 conv2d_5" [id=63, type=conv2d]; +"64 relu_5" [id=64, type=relu]; +"65 quantize_per_tensor_default_4" [id=65, type=quantize_per_tensor]; +"66 dequantize_per_tensor_default_7" [id=66, type=dequantize_per_tensor]; +"67 dequantize_per_tensor_default_6" [id=67, type=dequantize_per_tensor]; +"68 max_pool2d_2" [id=68, type=max_pool2d]; +"69 _param_constant24" [id=69, type=get_attr]; +"70 conv2d_6_scale_0" [id=70, type=get_attr]; +"71 conv2d_6_zero_point_0" [id=71, type=get_attr]; +"72 quantize_per_channel_default_6" [id=72, type=quantize_per_channel]; +"73 dequantize_per_channel_default_6" [id=73, type=dequantize_per_channel]; +"74 _param_constant25_0_0" [id=74, type=get_attr]; +"75 conv2d_6" [id=75, type=conv2d]; +"76 relu_6" [id=76, type=relu]; +"77 quantize_per_tensor_default_12" [id=77, type=quantize_per_tensor]; +"78 dequantize_per_tensor_default_16" [id=78, type=dequantize_per_tensor]; +"79 _param_constant28" [id=79, type=get_attr]; +"80 conv2d_7_scale_0" [id=80, type=get_attr]; +"81 conv2d_7_zero_point_0" [id=81, type=get_attr]; +"82 quantize_per_channel_default_7" [id=82, type=quantize_per_channel]; +"83 dequantize_per_channel_default_7" [id=83, type=dequantize_per_channel]; +"84 _param_constant29_0_0" [id=84, type=get_attr]; +"85 conv2d_7" [id=85, type=conv2d]; +"86 relu_7" [id=86, type=relu]; +"87 quantize_per_tensor_default_7" [id=87, type=quantize_per_tensor]; +"88 dequantize_per_tensor_default_11" [id=88, type=dequantize_per_tensor]; +"89 dequantize_per_tensor_default_10" [id=89, type=dequantize_per_tensor]; +"90 max_pool2d_3" [id=90, type=max_pool2d]; +"91 _param_constant32" [id=91, type=get_attr]; +"92 conv2d_8_scale_0" [id=92, type=get_attr]; +"93 conv2d_8_zero_point_0" [id=93, type=get_attr]; +"94 quantize_per_channel_default_8" [id=94, type=quantize_per_channel]; +"95 dequantize_per_channel_default_8" [id=95, type=dequantize_per_channel]; +"96 _param_constant33_0_0" [id=96, type=get_attr]; +"97 conv2d_8" [id=97, type=conv2d]; +"98 relu_8" [id=98, type=relu]; +"99 quantize_per_tensor_default_13" [id=99, type=quantize_per_tensor]; +"100 dequantize_per_tensor_default_17" [id=100, type=dequantize_per_tensor]; +"101 _param_constant36" [id=101, type=get_attr]; +"102 conv2d_9_scale_0" [id=102, type=get_attr]; +"103 conv2d_9_zero_point_0" [id=103, type=get_attr]; +"104 quantize_per_channel_default_9" [id=104, type=quantize_per_channel]; +"105 dequantize_per_channel_default_9" [id=105, type=dequantize_per_channel]; +"106 _param_constant37_0_0" [id=106, type=get_attr]; +"107 conv2d_9" [id=107, type=conv2d]; +"108 relu_9" [id=108, type=relu]; +"109 quantize_per_tensor_default_14" [id=109, type=quantize_per_tensor]; +"110 dequantize_per_tensor_default_18" [id=110, type=dequantize_per_tensor]; +"111 _param_constant40" [id=111, type=get_attr]; +"112 _param_constant41" [id=112, type=get_attr]; +"113 conv_transpose2d_scale_0" [id=113, type=get_attr]; +"114 conv_transpose2d_zero_point_0" [id=114, type=get_attr]; +"115 quantize_per_channel_default_10" [id=115, type=quantize_per_channel]; +"116 dequantize_per_channel_default_10" [id=116, type=dequantize_per_channel]; +"117 conv_transpose2d" [id=117, type=conv_transpose2d]; +"118 quantize_per_tensor_default_6" [id=118, type=quantize_per_tensor]; +"119 dequantize_per_tensor_default_9" [id=119, type=dequantize_per_tensor]; +"120 slice_1" [id=120, type=slice]; +"121 slice_2" [id=121, type=slice]; +"122 slice_3" [id=122, type=slice]; +"123 slice_4" [id=123, type=slice]; +"124 cat" [id=124, type=cat]; +"125 _param_constant42" [id=125, type=get_attr]; +"126 conv2d_10_scale_0" [id=126, type=get_attr]; +"127 conv2d_10_zero_point_0" [id=127, type=get_attr]; +"128 quantize_per_channel_default_11" [id=128, type=quantize_per_channel]; +"129 dequantize_per_channel_default_11" [id=129, type=dequantize_per_channel]; +"130 _param_constant43_0_0" [id=130, type=get_attr]; +"131 conv2d_10" [id=131, type=conv2d]; +"132 relu_10" [id=132, type=relu]; +"133 quantize_per_tensor_default_15" [id=133, type=quantize_per_tensor]; +"134 dequantize_per_tensor_default_19" [id=134, type=dequantize_per_tensor]; +"135 _param_constant46" [id=135, type=get_attr]; +"136 conv2d_11_scale_0" [id=136, type=get_attr]; +"137 conv2d_11_zero_point_0" [id=137, type=get_attr]; +"138 quantize_per_channel_default_12" [id=138, type=quantize_per_channel]; +"139 dequantize_per_channel_default_12" [id=139, type=dequantize_per_channel]; +"140 _param_constant47_0_0" [id=140, type=get_attr]; +"141 conv2d_11" [id=141, type=conv2d]; +"142 relu_11" [id=142, type=relu]; +"143 quantize_per_tensor_default_16" [id=143, type=quantize_per_tensor]; +"144 dequantize_per_tensor_default_20" [id=144, type=dequantize_per_tensor]; +"145 _param_constant50" [id=145, type=get_attr]; +"146 _param_constant51" [id=146, type=get_attr]; +"147 conv_transpose2d_1_scale_0" [id=147, type=get_attr]; +"148 conv_transpose2d_1_zero_point_0" [id=148, type=get_attr]; +"149 quantize_per_channel_default_13" [id=149, type=quantize_per_channel]; +"150 dequantize_per_channel_default_13" [id=150, type=dequantize_per_channel]; +"151 conv_transpose2d_1" [id=151, type=conv_transpose2d]; +"152 quantize_per_tensor_default_5" [id=152, type=quantize_per_tensor]; +"153 dequantize_per_tensor_default_8" [id=153, type=dequantize_per_tensor]; +"154 slice_5" [id=154, type=slice]; +"155 slice_6" [id=155, type=slice]; +"156 slice_7" [id=156, type=slice]; +"157 slice_8" [id=157, type=slice]; +"158 cat_1" [id=158, type=cat]; +"159 _param_constant52" [id=159, type=get_attr]; +"160 conv2d_12_scale_0" [id=160, type=get_attr]; +"161 conv2d_12_zero_point_0" [id=161, type=get_attr]; +"162 quantize_per_channel_default_14" [id=162, type=quantize_per_channel]; +"163 dequantize_per_channel_default_14" [id=163, type=dequantize_per_channel]; +"164 _param_constant53_0_0" [id=164, type=get_attr]; +"165 conv2d_12" [id=165, type=conv2d]; +"166 relu_12" [id=166, type=relu]; +"167 quantize_per_tensor_default_17" [id=167, type=quantize_per_tensor]; +"168 dequantize_per_tensor_default_21" [id=168, type=dequantize_per_tensor]; +"169 _param_constant56" [id=169, type=get_attr]; +"170 conv2d_13_scale_0" [id=170, type=get_attr]; +"171 conv2d_13_zero_point_0" [id=171, type=get_attr]; +"172 quantize_per_channel_default_15" [id=172, type=quantize_per_channel]; +"173 dequantize_per_channel_default_15" [id=173, type=dequantize_per_channel]; +"174 _param_constant57_0_0" [id=174, type=get_attr]; +"175 conv2d_13" [id=175, type=conv2d]; +"176 relu_13" [id=176, type=relu]; +"177 quantize_per_tensor_default_18" [id=177, type=quantize_per_tensor]; +"178 dequantize_per_tensor_default_22" [id=178, type=dequantize_per_tensor]; +"179 _param_constant60" [id=179, type=get_attr]; +"180 _param_constant61" [id=180, type=get_attr]; +"181 conv_transpose2d_2_scale_0" [id=181, type=get_attr]; +"182 conv_transpose2d_2_zero_point_0" [id=182, type=get_attr]; +"183 quantize_per_channel_default_16" [id=183, type=quantize_per_channel]; +"184 dequantize_per_channel_default_16" [id=184, type=dequantize_per_channel]; +"185 conv_transpose2d_2" [id=185, type=conv_transpose2d]; +"186 quantize_per_tensor_default_2" [id=186, type=quantize_per_tensor]; +"187 dequantize_per_tensor_default_3" [id=187, type=dequantize_per_tensor]; +"188 slice_9" [id=188, type=slice]; +"189 slice_10" [id=189, type=slice]; +"190 slice_11" [id=190, type=slice]; +"191 slice_12" [id=191, type=slice]; +"192 cat_2" [id=192, type=cat]; +"193 _param_constant62" [id=193, type=get_attr]; +"194 conv2d_14_scale_0" [id=194, type=get_attr]; +"195 conv2d_14_zero_point_0" [id=195, type=get_attr]; +"196 quantize_per_channel_default_17" [id=196, type=quantize_per_channel]; +"197 dequantize_per_channel_default_17" [id=197, type=dequantize_per_channel]; +"198 _param_constant63_0_0" [id=198, type=get_attr]; +"199 conv2d_14" [id=199, type=conv2d]; +"200 relu_14" [id=200, type=relu]; +"201 quantize_per_tensor_default_19" [id=201, type=quantize_per_tensor]; +"202 dequantize_per_tensor_default_23" [id=202, type=dequantize_per_tensor]; +"203 _param_constant66" [id=203, type=get_attr]; +"204 conv2d_15_scale_0" [id=204, type=get_attr]; +"205 conv2d_15_zero_point_0" [id=205, type=get_attr]; +"206 quantize_per_channel_default_18" [id=206, type=quantize_per_channel]; +"207 dequantize_per_channel_default_18" [id=207, type=dequantize_per_channel]; +"208 _param_constant67_0_0" [id=208, type=get_attr]; +"209 conv2d_15" [id=209, type=conv2d]; +"210 relu_15" [id=210, type=relu]; +"211 quantize_per_tensor_default_20" [id=211, type=quantize_per_tensor]; +"212 dequantize_per_tensor_default_24" [id=212, type=dequantize_per_tensor]; +"213 _param_constant70" [id=213, type=get_attr]; +"214 _param_constant71" [id=214, type=get_attr]; +"215 conv_transpose2d_3_scale_0" [id=215, type=get_attr]; +"216 conv_transpose2d_3_zero_point_0" [id=216, type=get_attr]; +"217 quantize_per_channel_default_19" [id=217, type=quantize_per_channel]; +"218 dequantize_per_channel_default_19" [id=218, type=dequantize_per_channel]; +"219 conv_transpose2d_3" [id=219, type=conv_transpose2d]; +"220 quantize_per_tensor_default_1" [id=220, type=quantize_per_tensor]; +"221 dequantize_per_tensor_default_2" [id=221, type=dequantize_per_tensor]; +"222 slice_13" [id=222, type=slice]; +"223 slice_14" [id=223, type=slice]; +"224 slice_15" [id=224, type=slice]; +"225 slice_16" [id=225, type=slice]; +"226 cat_3" [id=226, type=cat]; +"227 _param_constant72" [id=227, type=get_attr]; +"228 conv2d_16_scale_0" [id=228, type=get_attr]; +"229 conv2d_16_zero_point_0" [id=229, type=get_attr]; +"230 quantize_per_channel_default_20" [id=230, type=quantize_per_channel]; +"231 dequantize_per_channel_default_20" [id=231, type=dequantize_per_channel]; +"232 _param_constant73_0_0" [id=232, type=get_attr]; +"233 conv2d_16" [id=233, type=conv2d]; +"234 relu_16" [id=234, type=relu]; +"235 quantize_per_tensor_default_21" [id=235, type=quantize_per_tensor]; +"236 dequantize_per_tensor_default_25" [id=236, type=dequantize_per_tensor]; +"237 _param_constant76" [id=237, type=get_attr]; +"238 conv2d_17_scale_0" [id=238, type=get_attr]; +"239 conv2d_17_zero_point_0" [id=239, type=get_attr]; +"240 quantize_per_channel_default_21" [id=240, type=quantize_per_channel]; +"241 dequantize_per_channel_default_21" [id=241, type=dequantize_per_channel]; +"242 _param_constant77_0_0" [id=242, type=get_attr]; +"243 conv2d_17" [id=243, type=conv2d]; +"244 relu_17" [id=244, type=relu]; +"245 quantize_per_tensor_default_22" [id=245, type=quantize_per_tensor]; +"246 dequantize_per_tensor_default_26" [id=246, type=dequantize_per_tensor]; +"247 _param_constant80" [id=247, type=get_attr]; +"248 conv2d_18_scale_0" [id=248, type=get_attr]; +"249 conv2d_18_zero_point_0" [id=249, type=get_attr]; +"250 quantize_per_channel_default_22" [id=250, type=quantize_per_channel]; +"251 dequantize_per_channel_default_22" [id=251, type=dequantize_per_channel]; +"252 _param_constant81_0_0" [id=252, type=get_attr]; +"253 conv2d_18" [id=253, type=conv2d]; +"254 output" [id=254, type=output]; +"0 arg0_1" -> "1 quantize_per_tensor_default_8" [label="(1, 3, 224, 224)", style=solid]; +"1 quantize_per_tensor_default_8" -> "2 dequantize_per_tensor_default_12" [label="(1, 3, 224, 224)", style=solid]; +"2 dequantize_per_tensor_default_12" -> "9 conv2d" [label="(1, 3, 224, 224)", style=solid]; +"3 _param_constant0" -> "6 quantize_per_channel_default" [label="(64, 3, 3, 3)", style=solid]; +"4 conv2d_scale_0" -> "6 quantize_per_channel_default" [label="(64,)", style=solid]; +"4 conv2d_scale_0" -> "7 dequantize_per_channel_default" [label="(64,)", style=solid]; +"5 conv2d_zero_point_0" -> "6 quantize_per_channel_default" [label="(64,)", style=solid]; +"5 conv2d_zero_point_0" -> "7 dequantize_per_channel_default" [label="(64,)", style=solid]; +"6 quantize_per_channel_default" -> "7 dequantize_per_channel_default" [label="(64, 3, 3, 3)", style=solid]; +"7 dequantize_per_channel_default" -> "9 conv2d" [label="(64, 3, 3, 3)", style=solid]; +"8 _param_constant1_0_0" -> "9 conv2d" [label="(64,)", style=solid]; +"9 conv2d" -> "10 relu" [label="(1, 64, 222, 222)", style=solid]; +"10 relu" -> "11 quantize_per_tensor_default_9" [label="(1, 64, 222, 222)", style=solid]; +"11 quantize_per_tensor_default_9" -> "12 dequantize_per_tensor_default_13" [label="(1, 64, 222, 222)", style=solid]; +"12 dequantize_per_tensor_default_13" -> "19 conv2d_1" [label="(1, 64, 222, 222)", style=solid]; +"13 _param_constant4" -> "16 quantize_per_channel_default_1" [label="(64, 64, 3, 3)", style=solid]; +"14 conv2d_1_scale_0" -> "16 quantize_per_channel_default_1" [label="(64,)", style=solid]; +"14 conv2d_1_scale_0" -> "17 dequantize_per_channel_default_1" [label="(64,)", style=solid]; +"15 conv2d_1_zero_point_0" -> "16 quantize_per_channel_default_1" [label="(64,)", style=solid]; +"15 conv2d_1_zero_point_0" -> "17 dequantize_per_channel_default_1" [label="(64,)", style=solid]; +"16 quantize_per_channel_default_1" -> "17 dequantize_per_channel_default_1" [label="(64, 64, 3, 3)", style=solid]; +"17 dequantize_per_channel_default_1" -> "19 conv2d_1" [label="(64, 64, 3, 3)", style=solid]; +"18 _param_constant5_0_0" -> "19 conv2d_1" [label="(64,)", style=solid]; +"19 conv2d_1" -> "20 relu_1" [label="(1, 64, 220, 220)", style=solid]; +"20 relu_1" -> "21 quantize_per_tensor_default" [label="(1, 64, 220, 220)", style=solid]; +"21 quantize_per_tensor_default" -> "22 dequantize_per_tensor_default_1" [label="(1, 64, 220, 220)", style=solid]; +"21 quantize_per_tensor_default" -> "23 dequantize_per_tensor_default" [label="(1, 64, 220, 220)", style=solid]; +"22 dequantize_per_tensor_default_1" -> "222 slice_13" [label="(1, 64, 220, 220)", style=solid]; +"23 dequantize_per_tensor_default" -> "24 max_pool2d" [label="(1, 64, 220, 220)", style=solid]; +"24 max_pool2d" -> "31 conv2d_2" [label="(1, 64, 110, 110)", style=solid]; +"25 _param_constant8" -> "28 quantize_per_channel_default_2" [label="(128, 64, 3, 3)", style=solid]; +"26 conv2d_2_scale_0" -> "28 quantize_per_channel_default_2" [label="(128,)", style=solid]; +"26 conv2d_2_scale_0" -> "29 dequantize_per_channel_default_2" [label="(128,)", style=solid]; +"27 conv2d_2_zero_point_0" -> "28 quantize_per_channel_default_2" [label="(128,)", style=solid]; +"27 conv2d_2_zero_point_0" -> "29 dequantize_per_channel_default_2" [label="(128,)", style=solid]; +"28 quantize_per_channel_default_2" -> "29 dequantize_per_channel_default_2" [label="(128, 64, 3, 3)", style=solid]; +"29 dequantize_per_channel_default_2" -> "31 conv2d_2" [label="(128, 64, 3, 3)", style=solid]; +"30 _param_constant9_0_0" -> "31 conv2d_2" [label="(128,)", style=solid]; +"31 conv2d_2" -> "32 relu_2" [label="(1, 128, 108, 108)", style=solid]; +"32 relu_2" -> "33 quantize_per_tensor_default_10" [label="(1, 128, 108, 108)", style=solid]; +"33 quantize_per_tensor_default_10" -> "34 dequantize_per_tensor_default_14" [label="(1, 128, 108, 108)", style=solid]; +"34 dequantize_per_tensor_default_14" -> "41 conv2d_3" [label="(1, 128, 108, 108)", style=solid]; +"35 _param_constant12" -> "38 quantize_per_channel_default_3" [label="(128, 128, 3, 3)", style=solid]; +"36 conv2d_3_scale_0" -> "38 quantize_per_channel_default_3" [label="(128,)", style=solid]; +"36 conv2d_3_scale_0" -> "39 dequantize_per_channel_default_3" [label="(128,)", style=solid]; +"37 conv2d_3_zero_point_0" -> "38 quantize_per_channel_default_3" [label="(128,)", style=solid]; +"37 conv2d_3_zero_point_0" -> "39 dequantize_per_channel_default_3" [label="(128,)", style=solid]; +"38 quantize_per_channel_default_3" -> "39 dequantize_per_channel_default_3" [label="(128, 128, 3, 3)", style=solid]; +"39 dequantize_per_channel_default_3" -> "41 conv2d_3" [label="(128, 128, 3, 3)", style=solid]; +"40 _param_constant13_0_0" -> "41 conv2d_3" [label="(128,)", style=solid]; +"41 conv2d_3" -> "42 relu_3" [label="(1, 128, 106, 106)", style=solid]; +"42 relu_3" -> "43 quantize_per_tensor_default_3" [label="(1, 128, 106, 106)", style=solid]; +"43 quantize_per_tensor_default_3" -> "44 dequantize_per_tensor_default_5" [label="(1, 128, 106, 106)", style=solid]; +"43 quantize_per_tensor_default_3" -> "45 dequantize_per_tensor_default_4" [label="(1, 128, 106, 106)", style=solid]; +"44 dequantize_per_tensor_default_5" -> "188 slice_9" [label="(1, 128, 106, 106)", style=solid]; +"45 dequantize_per_tensor_default_4" -> "46 max_pool2d_1" [label="(1, 128, 106, 106)", style=solid]; +"46 max_pool2d_1" -> "53 conv2d_4" [label="(1, 128, 53, 53)", style=solid]; +"47 _param_constant16" -> "50 quantize_per_channel_default_4" [label="(256, 128, 3, 3)", style=solid]; +"48 conv2d_4_scale_0" -> "50 quantize_per_channel_default_4" [label="(256,)", style=solid]; +"48 conv2d_4_scale_0" -> "51 dequantize_per_channel_default_4" [label="(256,)", style=solid]; +"49 conv2d_4_zero_point_0" -> "50 quantize_per_channel_default_4" [label="(256,)", style=solid]; +"49 conv2d_4_zero_point_0" -> "51 dequantize_per_channel_default_4" [label="(256,)", style=solid]; +"50 quantize_per_channel_default_4" -> "51 dequantize_per_channel_default_4" [label="(256, 128, 3, 3)", style=solid]; +"51 dequantize_per_channel_default_4" -> "53 conv2d_4" [label="(256, 128, 3, 3)", style=solid]; +"52 _param_constant17_0_0" -> "53 conv2d_4" [label="(256,)", style=solid]; +"53 conv2d_4" -> "54 relu_4" [label="(1, 256, 51, 51)", style=solid]; +"54 relu_4" -> "55 quantize_per_tensor_default_11" [label="(1, 256, 51, 51)", style=solid]; +"55 quantize_per_tensor_default_11" -> "56 dequantize_per_tensor_default_15" [label="(1, 256, 51, 51)", style=solid]; +"56 dequantize_per_tensor_default_15" -> "63 conv2d_5" [label="(1, 256, 51, 51)", style=solid]; +"57 _param_constant20" -> "60 quantize_per_channel_default_5" [label="(256, 256, 3, 3)", style=solid]; +"58 conv2d_5_scale_0" -> "60 quantize_per_channel_default_5" [label="(256,)", style=solid]; +"58 conv2d_5_scale_0" -> "61 dequantize_per_channel_default_5" [label="(256,)", style=solid]; +"59 conv2d_5_zero_point_0" -> "60 quantize_per_channel_default_5" [label="(256,)", style=solid]; +"59 conv2d_5_zero_point_0" -> "61 dequantize_per_channel_default_5" [label="(256,)", style=solid]; +"60 quantize_per_channel_default_5" -> "61 dequantize_per_channel_default_5" [label="(256, 256, 3, 3)", style=solid]; +"61 dequantize_per_channel_default_5" -> "63 conv2d_5" [label="(256, 256, 3, 3)", style=solid]; +"62 _param_constant21_0_0" -> "63 conv2d_5" [label="(256,)", style=solid]; +"63 conv2d_5" -> "64 relu_5" [label="(1, 256, 49, 49)", style=solid]; +"64 relu_5" -> "65 quantize_per_tensor_default_4" [label="(1, 256, 49, 49)", style=solid]; +"65 quantize_per_tensor_default_4" -> "66 dequantize_per_tensor_default_7" [label="(1, 256, 49, 49)", style=solid]; +"65 quantize_per_tensor_default_4" -> "67 dequantize_per_tensor_default_6" [label="(1, 256, 49, 49)", style=solid]; +"66 dequantize_per_tensor_default_7" -> "154 slice_5" [label="(1, 256, 49, 49)", style=solid]; +"67 dequantize_per_tensor_default_6" -> "68 max_pool2d_2" [label="(1, 256, 49, 49)", style=solid]; +"68 max_pool2d_2" -> "75 conv2d_6" [label="(1, 256, 24, 24)", style=solid]; +"69 _param_constant24" -> "72 quantize_per_channel_default_6" [label="(512, 256, 3, 3)", style=solid]; +"70 conv2d_6_scale_0" -> "72 quantize_per_channel_default_6" [label="(512,)", style=solid]; +"70 conv2d_6_scale_0" -> "73 dequantize_per_channel_default_6" [label="(512,)", style=solid]; +"71 conv2d_6_zero_point_0" -> "72 quantize_per_channel_default_6" [label="(512,)", style=solid]; +"71 conv2d_6_zero_point_0" -> "73 dequantize_per_channel_default_6" [label="(512,)", style=solid]; +"72 quantize_per_channel_default_6" -> "73 dequantize_per_channel_default_6" [label="(512, 256, 3, 3)", style=solid]; +"73 dequantize_per_channel_default_6" -> "75 conv2d_6" [label="(512, 256, 3, 3)", style=solid]; +"74 _param_constant25_0_0" -> "75 conv2d_6" [label="(512,)", style=solid]; +"75 conv2d_6" -> "76 relu_6" [label="(1, 512, 22, 22)", style=solid]; +"76 relu_6" -> "77 quantize_per_tensor_default_12" [label="(1, 512, 22, 22)", style=solid]; +"77 quantize_per_tensor_default_12" -> "78 dequantize_per_tensor_default_16" [label="(1, 512, 22, 22)", style=solid]; +"78 dequantize_per_tensor_default_16" -> "85 conv2d_7" [label="(1, 512, 22, 22)", style=solid]; +"79 _param_constant28" -> "82 quantize_per_channel_default_7" [label="(512, 512, 3, 3)", style=solid]; +"80 conv2d_7_scale_0" -> "82 quantize_per_channel_default_7" [label="(512,)", style=solid]; +"80 conv2d_7_scale_0" -> "83 dequantize_per_channel_default_7" [label="(512,)", style=solid]; +"81 conv2d_7_zero_point_0" -> "82 quantize_per_channel_default_7" [label="(512,)", style=solid]; +"81 conv2d_7_zero_point_0" -> "83 dequantize_per_channel_default_7" [label="(512,)", style=solid]; +"82 quantize_per_channel_default_7" -> "83 dequantize_per_channel_default_7" [label="(512, 512, 3, 3)", style=solid]; +"83 dequantize_per_channel_default_7" -> "85 conv2d_7" [label="(512, 512, 3, 3)", style=solid]; +"84 _param_constant29_0_0" -> "85 conv2d_7" [label="(512,)", style=solid]; +"85 conv2d_7" -> "86 relu_7" [label="(1, 512, 20, 20)", style=solid]; +"86 relu_7" -> "87 quantize_per_tensor_default_7" [label="(1, 512, 20, 20)", style=solid]; +"87 quantize_per_tensor_default_7" -> "88 dequantize_per_tensor_default_11" [label="(1, 512, 20, 20)", style=solid]; +"87 quantize_per_tensor_default_7" -> "89 dequantize_per_tensor_default_10" [label="(1, 512, 20, 20)", style=solid]; +"88 dequantize_per_tensor_default_11" -> "120 slice_1" [label="(1, 512, 20, 20)", style=solid]; +"89 dequantize_per_tensor_default_10" -> "90 max_pool2d_3" [label="(1, 512, 20, 20)", style=solid]; +"90 max_pool2d_3" -> "97 conv2d_8" [label="(1, 512, 10, 10)", style=solid]; +"91 _param_constant32" -> "94 quantize_per_channel_default_8" [label="(1024, 512, 3, 3)", style=solid]; +"92 conv2d_8_scale_0" -> "94 quantize_per_channel_default_8" [label="(1024,)", style=solid]; +"92 conv2d_8_scale_0" -> "95 dequantize_per_channel_default_8" [label="(1024,)", style=solid]; +"93 conv2d_8_zero_point_0" -> "94 quantize_per_channel_default_8" [label="(1024,)", style=solid]; +"93 conv2d_8_zero_point_0" -> "95 dequantize_per_channel_default_8" [label="(1024,)", style=solid]; +"94 quantize_per_channel_default_8" -> "95 dequantize_per_channel_default_8" [label="(1024, 512, 3, 3)", style=solid]; +"95 dequantize_per_channel_default_8" -> "97 conv2d_8" [label="(1024, 512, 3, 3)", style=solid]; +"96 _param_constant33_0_0" -> "97 conv2d_8" [label="(1024,)", style=solid]; +"97 conv2d_8" -> "98 relu_8" [label="(1, 1024, 8, 8)", style=solid]; +"98 relu_8" -> "99 quantize_per_tensor_default_13" [label="(1, 1024, 8, 8)", style=solid]; +"99 quantize_per_tensor_default_13" -> "100 dequantize_per_tensor_default_17" [label="(1, 1024, 8, 8)", style=solid]; +"100 dequantize_per_tensor_default_17" -> "107 conv2d_9" [label="(1, 1024, 8, 8)", style=solid]; +"101 _param_constant36" -> "104 quantize_per_channel_default_9" [label="(1024, 1024, 3, 3)", style=solid]; +"102 conv2d_9_scale_0" -> "104 quantize_per_channel_default_9" [label="(1024,)", style=solid]; +"102 conv2d_9_scale_0" -> "105 dequantize_per_channel_default_9" [label="(1024,)", style=solid]; +"103 conv2d_9_zero_point_0" -> "104 quantize_per_channel_default_9" [label="(1024,)", style=solid]; +"103 conv2d_9_zero_point_0" -> "105 dequantize_per_channel_default_9" [label="(1024,)", style=solid]; +"104 quantize_per_channel_default_9" -> "105 dequantize_per_channel_default_9" [label="(1024, 1024, 3, 3)", style=solid]; +"105 dequantize_per_channel_default_9" -> "107 conv2d_9" [label="(1024, 1024, 3, 3)", style=solid]; +"106 _param_constant37_0_0" -> "107 conv2d_9" [label="(1024,)", style=solid]; +"107 conv2d_9" -> "108 relu_9" [label="(1, 1024, 6, 6)", style=solid]; +"108 relu_9" -> "109 quantize_per_tensor_default_14" [label="(1, 1024, 6, 6)", style=solid]; +"109 quantize_per_tensor_default_14" -> "110 dequantize_per_tensor_default_18" [label="(1, 1024, 6, 6)", style=solid]; +"110 dequantize_per_tensor_default_18" -> "117 conv_transpose2d" [label="(1, 1024, 6, 6)", style=solid]; +"111 _param_constant40" -> "115 quantize_per_channel_default_10" [label="(1024, 512, 2, 2)", style=solid]; +"112 _param_constant41" -> "117 conv_transpose2d" [label="(512,)", style=solid]; +"113 conv_transpose2d_scale_0" -> "115 quantize_per_channel_default_10" [label="(1024,)", style=solid]; +"113 conv_transpose2d_scale_0" -> "116 dequantize_per_channel_default_10" [label="(1024,)", style=solid]; +"114 conv_transpose2d_zero_point_0" -> "115 quantize_per_channel_default_10" [label="(1024,)", style=solid]; +"114 conv_transpose2d_zero_point_0" -> "116 dequantize_per_channel_default_10" [label="(1024,)", style=solid]; +"115 quantize_per_channel_default_10" -> "116 dequantize_per_channel_default_10" [label="(1024, 512, 2, 2)", style=solid]; +"116 dequantize_per_channel_default_10" -> "117 conv_transpose2d" [label="(1024, 512, 2, 2)", style=solid]; +"117 conv_transpose2d" -> "118 quantize_per_tensor_default_6" [label="(1, 512, 12, 12)", style=solid]; +"118 quantize_per_tensor_default_6" -> "119 dequantize_per_tensor_default_9" [label="(1, 512, 12, 12)", style=solid]; +"119 dequantize_per_tensor_default_9" -> "124 cat" [label="(1, 512, 12, 12)", style=solid]; +"120 slice_1" -> "121 slice_2" [label="(1, 512, 20, 20)", style=solid]; +"121 slice_2" -> "122 slice_3" [label="(1, 512, 20, 20)", style=solid]; +"122 slice_3" -> "123 slice_4" [label="(1, 512, 12, 20)", style=solid]; +"123 slice_4" -> "124 cat" [label="(1, 512, 12, 12)", style=solid]; +"124 cat" -> "131 conv2d_10" [label="(1, 1024, 12, 12)", style=solid]; +"125 _param_constant42" -> "128 quantize_per_channel_default_11" [label="(512, 1024, 3, 3)", style=solid]; +"126 conv2d_10_scale_0" -> "128 quantize_per_channel_default_11" [label="(512,)", style=solid]; +"126 conv2d_10_scale_0" -> "129 dequantize_per_channel_default_11" [label="(512,)", style=solid]; +"127 conv2d_10_zero_point_0" -> "128 quantize_per_channel_default_11" [label="(512,)", style=solid]; +"127 conv2d_10_zero_point_0" -> "129 dequantize_per_channel_default_11" [label="(512,)", style=solid]; +"128 quantize_per_channel_default_11" -> "129 dequantize_per_channel_default_11" [label="(512, 1024, 3, 3)", style=solid]; +"129 dequantize_per_channel_default_11" -> "131 conv2d_10" [label="(512, 1024, 3, 3)", style=solid]; +"130 _param_constant43_0_0" -> "131 conv2d_10" [label="(512,)", style=solid]; +"131 conv2d_10" -> "132 relu_10" [label="(1, 512, 10, 10)", style=solid]; +"132 relu_10" -> "133 quantize_per_tensor_default_15" [label="(1, 512, 10, 10)", style=solid]; +"133 quantize_per_tensor_default_15" -> "134 dequantize_per_tensor_default_19" [label="(1, 512, 10, 10)", style=solid]; +"134 dequantize_per_tensor_default_19" -> "141 conv2d_11" [label="(1, 512, 10, 10)", style=solid]; +"135 _param_constant46" -> "138 quantize_per_channel_default_12" [label="(512, 512, 3, 3)", style=solid]; +"136 conv2d_11_scale_0" -> "138 quantize_per_channel_default_12" [label="(512,)", style=solid]; +"136 conv2d_11_scale_0" -> "139 dequantize_per_channel_default_12" [label="(512,)", style=solid]; +"137 conv2d_11_zero_point_0" -> "138 quantize_per_channel_default_12" [label="(512,)", style=solid]; +"137 conv2d_11_zero_point_0" -> "139 dequantize_per_channel_default_12" [label="(512,)", style=solid]; +"138 quantize_per_channel_default_12" -> "139 dequantize_per_channel_default_12" [label="(512, 512, 3, 3)", style=solid]; +"139 dequantize_per_channel_default_12" -> "141 conv2d_11" [label="(512, 512, 3, 3)", style=solid]; +"140 _param_constant47_0_0" -> "141 conv2d_11" [label="(512,)", style=solid]; +"141 conv2d_11" -> "142 relu_11" [label="(1, 512, 8, 8)", style=solid]; +"142 relu_11" -> "143 quantize_per_tensor_default_16" [label="(1, 512, 8, 8)", style=solid]; +"143 quantize_per_tensor_default_16" -> "144 dequantize_per_tensor_default_20" [label="(1, 512, 8, 8)", style=solid]; +"144 dequantize_per_tensor_default_20" -> "151 conv_transpose2d_1" [label="(1, 512, 8, 8)", style=solid]; +"145 _param_constant50" -> "149 quantize_per_channel_default_13" [label="(512, 256, 2, 2)", style=solid]; +"146 _param_constant51" -> "151 conv_transpose2d_1" [label="(256,)", style=solid]; +"147 conv_transpose2d_1_scale_0" -> "149 quantize_per_channel_default_13" [label="(512,)", style=solid]; +"147 conv_transpose2d_1_scale_0" -> "150 dequantize_per_channel_default_13" [label="(512,)", style=solid]; +"148 conv_transpose2d_1_zero_point_0" -> "149 quantize_per_channel_default_13" [label="(512,)", style=solid]; +"148 conv_transpose2d_1_zero_point_0" -> "150 dequantize_per_channel_default_13" [label="(512,)", style=solid]; +"149 quantize_per_channel_default_13" -> "150 dequantize_per_channel_default_13" [label="(512, 256, 2, 2)", style=solid]; +"150 dequantize_per_channel_default_13" -> "151 conv_transpose2d_1" [label="(512, 256, 2, 2)", style=solid]; +"151 conv_transpose2d_1" -> "152 quantize_per_tensor_default_5" [label="(1, 256, 16, 16)", style=solid]; +"152 quantize_per_tensor_default_5" -> "153 dequantize_per_tensor_default_8" [label="(1, 256, 16, 16)", style=solid]; +"153 dequantize_per_tensor_default_8" -> "158 cat_1" [label="(1, 256, 16, 16)", style=solid]; +"154 slice_5" -> "155 slice_6" [label="(1, 256, 49, 49)", style=solid]; +"155 slice_6" -> "156 slice_7" [label="(1, 256, 49, 49)", style=solid]; +"156 slice_7" -> "157 slice_8" [label="(1, 256, 16, 49)", style=solid]; +"157 slice_8" -> "158 cat_1" [label="(1, 256, 16, 16)", style=solid]; +"158 cat_1" -> "165 conv2d_12" [label="(1, 512, 16, 16)", style=solid]; +"159 _param_constant52" -> "162 quantize_per_channel_default_14" [label="(256, 512, 3, 3)", style=solid]; +"160 conv2d_12_scale_0" -> "162 quantize_per_channel_default_14" [label="(256,)", style=solid]; +"160 conv2d_12_scale_0" -> "163 dequantize_per_channel_default_14" [label="(256,)", style=solid]; +"161 conv2d_12_zero_point_0" -> "162 quantize_per_channel_default_14" [label="(256,)", style=solid]; +"161 conv2d_12_zero_point_0" -> "163 dequantize_per_channel_default_14" [label="(256,)", style=solid]; +"162 quantize_per_channel_default_14" -> "163 dequantize_per_channel_default_14" [label="(256, 512, 3, 3)", style=solid]; +"163 dequantize_per_channel_default_14" -> "165 conv2d_12" [label="(256, 512, 3, 3)", style=solid]; +"164 _param_constant53_0_0" -> "165 conv2d_12" [label="(256,)", style=solid]; +"165 conv2d_12" -> "166 relu_12" [label="(1, 256, 14, 14)", style=solid]; +"166 relu_12" -> "167 quantize_per_tensor_default_17" [label="(1, 256, 14, 14)", style=solid]; +"167 quantize_per_tensor_default_17" -> "168 dequantize_per_tensor_default_21" [label="(1, 256, 14, 14)", style=solid]; +"168 dequantize_per_tensor_default_21" -> "175 conv2d_13" [label="(1, 256, 14, 14)", style=solid]; +"169 _param_constant56" -> "172 quantize_per_channel_default_15" [label="(256, 256, 3, 3)", style=solid]; +"170 conv2d_13_scale_0" -> "172 quantize_per_channel_default_15" [label="(256,)", style=solid]; +"170 conv2d_13_scale_0" -> "173 dequantize_per_channel_default_15" [label="(256,)", style=solid]; +"171 conv2d_13_zero_point_0" -> "172 quantize_per_channel_default_15" [label="(256,)", style=solid]; +"171 conv2d_13_zero_point_0" -> "173 dequantize_per_channel_default_15" [label="(256,)", style=solid]; +"172 quantize_per_channel_default_15" -> "173 dequantize_per_channel_default_15" [label="(256, 256, 3, 3)", style=solid]; +"173 dequantize_per_channel_default_15" -> "175 conv2d_13" [label="(256, 256, 3, 3)", style=solid]; +"174 _param_constant57_0_0" -> "175 conv2d_13" [label="(256,)", style=solid]; +"175 conv2d_13" -> "176 relu_13" [label="(1, 256, 12, 12)", style=solid]; +"176 relu_13" -> "177 quantize_per_tensor_default_18" [label="(1, 256, 12, 12)", style=solid]; +"177 quantize_per_tensor_default_18" -> "178 dequantize_per_tensor_default_22" [label="(1, 256, 12, 12)", style=solid]; +"178 dequantize_per_tensor_default_22" -> "185 conv_transpose2d_2" [label="(1, 256, 12, 12)", style=solid]; +"179 _param_constant60" -> "183 quantize_per_channel_default_16" [label="(256, 128, 2, 2)", style=solid]; +"180 _param_constant61" -> "185 conv_transpose2d_2" [label="(128,)", style=solid]; +"181 conv_transpose2d_2_scale_0" -> "183 quantize_per_channel_default_16" [label="(256,)", style=solid]; +"181 conv_transpose2d_2_scale_0" -> "184 dequantize_per_channel_default_16" [label="(256,)", style=solid]; +"182 conv_transpose2d_2_zero_point_0" -> "183 quantize_per_channel_default_16" [label="(256,)", style=solid]; +"182 conv_transpose2d_2_zero_point_0" -> "184 dequantize_per_channel_default_16" [label="(256,)", style=solid]; +"183 quantize_per_channel_default_16" -> "184 dequantize_per_channel_default_16" [label="(256, 128, 2, 2)", style=solid]; +"184 dequantize_per_channel_default_16" -> "185 conv_transpose2d_2" [label="(256, 128, 2, 2)", style=solid]; +"185 conv_transpose2d_2" -> "186 quantize_per_tensor_default_2" [label="(1, 128, 24, 24)", style=solid]; +"186 quantize_per_tensor_default_2" -> "187 dequantize_per_tensor_default_3" [label="(1, 128, 24, 24)", style=solid]; +"187 dequantize_per_tensor_default_3" -> "192 cat_2" [label="(1, 128, 24, 24)", style=solid]; +"188 slice_9" -> "189 slice_10" [label="(1, 128, 106, 106)", style=solid]; +"189 slice_10" -> "190 slice_11" [label="(1, 128, 106, 106)", style=solid]; +"190 slice_11" -> "191 slice_12" [label="(1, 128, 24, 106)", style=solid]; +"191 slice_12" -> "192 cat_2" [label="(1, 128, 24, 24)", style=solid]; +"192 cat_2" -> "199 conv2d_14" [label="(1, 256, 24, 24)", style=solid]; +"193 _param_constant62" -> "196 quantize_per_channel_default_17" [label="(128, 256, 3, 3)", style=solid]; +"194 conv2d_14_scale_0" -> "196 quantize_per_channel_default_17" [label="(128,)", style=solid]; +"194 conv2d_14_scale_0" -> "197 dequantize_per_channel_default_17" [label="(128,)", style=solid]; +"195 conv2d_14_zero_point_0" -> "196 quantize_per_channel_default_17" [label="(128,)", style=solid]; +"195 conv2d_14_zero_point_0" -> "197 dequantize_per_channel_default_17" [label="(128,)", style=solid]; +"196 quantize_per_channel_default_17" -> "197 dequantize_per_channel_default_17" [label="(128, 256, 3, 3)", style=solid]; +"197 dequantize_per_channel_default_17" -> "199 conv2d_14" [label="(128, 256, 3, 3)", style=solid]; +"198 _param_constant63_0_0" -> "199 conv2d_14" [label="(128,)", style=solid]; +"199 conv2d_14" -> "200 relu_14" [label="(1, 128, 22, 22)", style=solid]; +"200 relu_14" -> "201 quantize_per_tensor_default_19" [label="(1, 128, 22, 22)", style=solid]; +"201 quantize_per_tensor_default_19" -> "202 dequantize_per_tensor_default_23" [label="(1, 128, 22, 22)", style=solid]; +"202 dequantize_per_tensor_default_23" -> "209 conv2d_15" [label="(1, 128, 22, 22)", style=solid]; +"203 _param_constant66" -> "206 quantize_per_channel_default_18" [label="(128, 128, 3, 3)", style=solid]; +"204 conv2d_15_scale_0" -> "206 quantize_per_channel_default_18" [label="(128,)", style=solid]; +"204 conv2d_15_scale_0" -> "207 dequantize_per_channel_default_18" [label="(128,)", style=solid]; +"205 conv2d_15_zero_point_0" -> "206 quantize_per_channel_default_18" [label="(128,)", style=solid]; +"205 conv2d_15_zero_point_0" -> "207 dequantize_per_channel_default_18" [label="(128,)", style=solid]; +"206 quantize_per_channel_default_18" -> "207 dequantize_per_channel_default_18" [label="(128, 128, 3, 3)", style=solid]; +"207 dequantize_per_channel_default_18" -> "209 conv2d_15" [label="(128, 128, 3, 3)", style=solid]; +"208 _param_constant67_0_0" -> "209 conv2d_15" [label="(128,)", style=solid]; +"209 conv2d_15" -> "210 relu_15" [label="(1, 128, 20, 20)", style=solid]; +"210 relu_15" -> "211 quantize_per_tensor_default_20" [label="(1, 128, 20, 20)", style=solid]; +"211 quantize_per_tensor_default_20" -> "212 dequantize_per_tensor_default_24" [label="(1, 128, 20, 20)", style=solid]; +"212 dequantize_per_tensor_default_24" -> "219 conv_transpose2d_3" [label="(1, 128, 20, 20)", style=solid]; +"213 _param_constant70" -> "217 quantize_per_channel_default_19" [label="(128, 64, 2, 2)", style=solid]; +"214 _param_constant71" -> "219 conv_transpose2d_3" [label="(64,)", style=solid]; +"215 conv_transpose2d_3_scale_0" -> "217 quantize_per_channel_default_19" [label="(128,)", style=solid]; +"215 conv_transpose2d_3_scale_0" -> "218 dequantize_per_channel_default_19" [label="(128,)", style=solid]; +"216 conv_transpose2d_3_zero_point_0" -> "217 quantize_per_channel_default_19" [label="(128,)", style=solid]; +"216 conv_transpose2d_3_zero_point_0" -> "218 dequantize_per_channel_default_19" [label="(128,)", style=solid]; +"217 quantize_per_channel_default_19" -> "218 dequantize_per_channel_default_19" [label="(128, 64, 2, 2)", style=solid]; +"218 dequantize_per_channel_default_19" -> "219 conv_transpose2d_3" [label="(128, 64, 2, 2)", style=solid]; +"219 conv_transpose2d_3" -> "220 quantize_per_tensor_default_1" [label="(1, 64, 40, 40)", style=solid]; +"220 quantize_per_tensor_default_1" -> "221 dequantize_per_tensor_default_2" [label="(1, 64, 40, 40)", style=solid]; +"221 dequantize_per_tensor_default_2" -> "226 cat_3" [label="(1, 64, 40, 40)", style=solid]; +"222 slice_13" -> "223 slice_14" [label="(1, 64, 220, 220)", style=solid]; +"223 slice_14" -> "224 slice_15" [label="(1, 64, 220, 220)", style=solid]; +"224 slice_15" -> "225 slice_16" [label="(1, 64, 40, 220)", style=solid]; +"225 slice_16" -> "226 cat_3" [label="(1, 64, 40, 40)", style=solid]; +"226 cat_3" -> "233 conv2d_16" [label="(1, 128, 40, 40)", style=solid]; +"227 _param_constant72" -> "230 quantize_per_channel_default_20" [label="(64, 128, 3, 3)", style=solid]; +"228 conv2d_16_scale_0" -> "230 quantize_per_channel_default_20" [label="(64,)", style=solid]; +"228 conv2d_16_scale_0" -> "231 dequantize_per_channel_default_20" [label="(64,)", style=solid]; +"229 conv2d_16_zero_point_0" -> "230 quantize_per_channel_default_20" [label="(64,)", style=solid]; +"229 conv2d_16_zero_point_0" -> "231 dequantize_per_channel_default_20" [label="(64,)", style=solid]; +"230 quantize_per_channel_default_20" -> "231 dequantize_per_channel_default_20" [label="(64, 128, 3, 3)", style=solid]; +"231 dequantize_per_channel_default_20" -> "233 conv2d_16" [label="(64, 128, 3, 3)", style=solid]; +"232 _param_constant73_0_0" -> "233 conv2d_16" [label="(64,)", style=solid]; +"233 conv2d_16" -> "234 relu_16" [label="(1, 64, 38, 38)", style=solid]; +"234 relu_16" -> "235 quantize_per_tensor_default_21" [label="(1, 64, 38, 38)", style=solid]; +"235 quantize_per_tensor_default_21" -> "236 dequantize_per_tensor_default_25" [label="(1, 64, 38, 38)", style=solid]; +"236 dequantize_per_tensor_default_25" -> "243 conv2d_17" [label="(1, 64, 38, 38)", style=solid]; +"237 _param_constant76" -> "240 quantize_per_channel_default_21" [label="(64, 64, 3, 3)", style=solid]; +"238 conv2d_17_scale_0" -> "240 quantize_per_channel_default_21" [label="(64,)", style=solid]; +"238 conv2d_17_scale_0" -> "241 dequantize_per_channel_default_21" [label="(64,)", style=solid]; +"239 conv2d_17_zero_point_0" -> "240 quantize_per_channel_default_21" [label="(64,)", style=solid]; +"239 conv2d_17_zero_point_0" -> "241 dequantize_per_channel_default_21" [label="(64,)", style=solid]; +"240 quantize_per_channel_default_21" -> "241 dequantize_per_channel_default_21" [label="(64, 64, 3, 3)", style=solid]; +"241 dequantize_per_channel_default_21" -> "243 conv2d_17" [label="(64, 64, 3, 3)", style=solid]; +"242 _param_constant77_0_0" -> "243 conv2d_17" [label="(64,)", style=solid]; +"243 conv2d_17" -> "244 relu_17" [label="(1, 64, 36, 36)", style=solid]; +"244 relu_17" -> "245 quantize_per_tensor_default_22" [label="(1, 64, 36, 36)", style=solid]; +"245 quantize_per_tensor_default_22" -> "246 dequantize_per_tensor_default_26" [label="(1, 64, 36, 36)", style=solid]; +"246 dequantize_per_tensor_default_26" -> "253 conv2d_18" [label="(1, 64, 36, 36)", style=solid]; +"247 _param_constant80" -> "250 quantize_per_channel_default_22" [label="(12, 64, 1, 1)", style=solid]; +"248 conv2d_18_scale_0" -> "250 quantize_per_channel_default_22" [label="(12,)", style=solid]; +"248 conv2d_18_scale_0" -> "251 dequantize_per_channel_default_22" [label="(12,)", style=solid]; +"249 conv2d_18_zero_point_0" -> "250 quantize_per_channel_default_22" [label="(12,)", style=solid]; +"249 conv2d_18_zero_point_0" -> "251 dequantize_per_channel_default_22" [label="(12,)", style=solid]; +"250 quantize_per_channel_default_22" -> "251 dequantize_per_channel_default_22" [label="(12, 64, 1, 1)", style=solid]; +"251 dequantize_per_channel_default_22" -> "253 conv2d_18" [label="(12, 64, 1, 1)", style=solid]; +"252 _param_constant81_0_0" -> "253 conv2d_18" [label="(12,)", style=solid]; +"253 conv2d_18" -> "254 output" [label="(1, 12, 36, 36)", style=solid]; +} diff --git a/tests/torch/data/fx/reference_graphs/quantized_graphs/vit_b_16.dot b/tests/torch/data/fx/reference_graphs/quantized_graphs/vit_b_16.dot new file mode 100644 index 00000000000..c6ec36194d8 --- /dev/null +++ b/tests/torch/data/fx/reference_graphs/quantized_graphs/vit_b_16.dot @@ -0,0 +1,2113 @@ +strict digraph { +"0 arg0_1" [id=0, type=input]; +"1 quantize_per_tensor_default" [id=1, type=quantize_per_tensor]; +"2 dequantize_per_tensor_default" [id=2, type=dequantize_per_tensor]; +"3 _param_constant0" [id=3, type=get_attr]; +"4 conv2d_scale_0" [id=4, type=get_attr]; +"5 conv2d_zero_point_0" [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 _param_constant1_0_0" [id=8, type=get_attr]; +"9 conv2d" [id=9, type=conv2d]; +"10 reshape" [id=10, type=reshape]; +"11 permute" [id=11, type=permute]; +"12 _param_constant2" [id=12, type=get_attr]; +"13 expand" [id=13, type=expand]; +"14 cat" [id=14, type=cat]; +"15 _param_constant3" [id=15, type=get_attr]; +"16 add" [id=16, type=add]; +"17 dropout" [id=17, type=dropout]; +"18 _param_constant4" [id=18, type=get_attr]; +"19 _param_constant5" [id=19, type=get_attr]; +"20 layer_norm" [id=20, type=layer_norm]; +"21 transpose" [id=21, type=transpose]; +"22 linear_updated_constant0" [id=22, type=get_attr]; +"23 transpose_0_0_nncf_smooth_quant_0" [id=23, type=call_module]; +"24 quantize_per_tensor_default_1" [id=24, type=quantize_per_tensor]; +"25 dequantize_per_tensor_default_1" [id=25, type=dequantize_per_tensor]; +"26 linear_scale_0" [id=26, type=get_attr]; +"27 linear_zero_point_0" [id=27, type=get_attr]; +"28 quantize_per_channel_default_1" [id=28, type=quantize_per_channel]; +"29 dequantize_per_channel_default_1" [id=29, type=dequantize_per_channel]; +"30 _param_constant7_0_0" [id=30, type=get_attr]; +"31 linear" [id=31, type=linear]; +"32 unflatten" [id=32, type=unflatten]; +"33 unsqueeze" [id=33, type=unsqueeze]; +"34 transpose_1" [id=34, type=transpose]; +"35 squeeze" [id=35, type=squeeze]; +"36 contiguous" [id=36, type=contiguous]; +"37 quantize_per_tensor_default_2" [id=37, type=quantize_per_tensor]; +"38 dequantize_per_tensor_default_2" [id=38, type=dequantize_per_tensor]; +"39 select" [id=39, type=select]; +"40 quantize_per_tensor_default_3" [id=40, type=quantize_per_tensor]; +"41 dequantize_per_tensor_default_3" [id=41, type=dequantize_per_tensor]; +"42 select_1" [id=42, type=select]; +"43 select_2" [id=43, type=select]; +"44 view" [id=44, type=view]; +"45 transpose_2" [id=45, type=transpose]; +"46 view_1" [id=46, type=view]; +"47 transpose_3" [id=47, type=transpose]; +"48 view_2" [id=48, type=view]; +"49 transpose_4" [id=49, type=transpose]; +"50 view_3" [id=50, type=view]; +"51 view_4" [id=51, type=view]; +"52 view_5" [id=52, type=view]; +"53 scaled_dot_product_attention" [id=53, type=scaled_dot_product_attention]; +"54 permute_1" [id=54, type=permute]; +"55 view_6" [id=55, type=view]; +"56 linear_1_updated_constant0" [id=56, type=get_attr]; +"57 view_6_0_0_nncf_smooth_quant_0" [id=57, type=call_module]; +"58 quantize_per_tensor_default_4" [id=58, type=quantize_per_tensor]; +"59 dequantize_per_tensor_default_4" [id=59, type=dequantize_per_tensor]; +"60 linear_1_scale_0" [id=60, type=get_attr]; +"61 linear_1_zero_point_0" [id=61, type=get_attr]; +"62 quantize_per_channel_default_2" [id=62, type=quantize_per_channel]; +"63 dequantize_per_channel_default_2" [id=63, type=dequantize_per_channel]; +"64 _param_constant9_0_0" [id=64, type=get_attr]; +"65 linear_1" [id=65, type=linear]; +"66 view_7" [id=66, type=view]; +"67 transpose_5" [id=67, type=transpose]; +"68 dropout_1" [id=68, type=dropout]; +"69 add_1" [id=69, type=add]; +"70 _param_constant10" [id=70, type=get_attr]; +"71 _param_constant11" [id=71, type=get_attr]; +"72 layer_norm_1" [id=72, type=layer_norm]; +"73 linear_2_updated_constant0" [id=73, type=get_attr]; +"74 layer_norm_1_0_0_nncf_smooth_quant_0" [id=74, type=call_module]; +"75 quantize_per_tensor_default_5" [id=75, type=quantize_per_tensor]; +"76 dequantize_per_tensor_default_5" [id=76, type=dequantize_per_tensor]; +"77 linear_2_scale_0" [id=77, type=get_attr]; +"78 linear_2_zero_point_0" [id=78, type=get_attr]; +"79 quantize_per_channel_default_3" [id=79, type=quantize_per_channel]; +"80 dequantize_per_channel_default_3" [id=80, type=dequantize_per_channel]; +"81 _param_constant13_0_0" [id=81, type=get_attr]; +"82 linear_2" [id=82, type=linear]; +"83 gelu" [id=83, type=gelu]; +"84 dropout_2" [id=84, type=dropout]; +"85 linear_3_updated_constant0" [id=85, type=get_attr]; +"86 dropout_2_0_0_nncf_smooth_quant_0" [id=86, type=call_module]; +"87 quantize_per_tensor_default_6" [id=87, type=quantize_per_tensor]; +"88 dequantize_per_tensor_default_6" [id=88, type=dequantize_per_tensor]; +"89 linear_3_scale_0" [id=89, type=get_attr]; +"90 linear_3_zero_point_0" [id=90, type=get_attr]; +"91 quantize_per_channel_default_4" [id=91, type=quantize_per_channel]; +"92 dequantize_per_channel_default_4" [id=92, type=dequantize_per_channel]; +"93 _param_constant15_0_0" [id=93, type=get_attr]; +"94 linear_3" [id=94, type=linear]; +"95 dropout_3" [id=95, type=dropout]; +"96 add_2" [id=96, type=add]; +"97 _param_constant16" [id=97, type=get_attr]; +"98 _param_constant17" [id=98, type=get_attr]; +"99 layer_norm_2" [id=99, type=layer_norm]; +"100 transpose_6" [id=100, type=transpose]; +"101 linear_4_updated_constant0" [id=101, type=get_attr]; +"102 transpose_6_0_0_nncf_smooth_quant_0" [id=102, type=call_module]; +"103 quantize_per_tensor_default_7" [id=103, type=quantize_per_tensor]; +"104 dequantize_per_tensor_default_7" [id=104, type=dequantize_per_tensor]; +"105 linear_4_scale_0" [id=105, type=get_attr]; +"106 linear_4_zero_point_0" [id=106, type=get_attr]; +"107 quantize_per_channel_default_5" [id=107, type=quantize_per_channel]; +"108 dequantize_per_channel_default_5" [id=108, type=dequantize_per_channel]; +"109 _param_constant19_0_0" [id=109, type=get_attr]; +"110 linear_4" [id=110, type=linear]; +"111 unflatten_1" [id=111, type=unflatten]; +"112 unsqueeze_1" [id=112, type=unsqueeze]; +"113 transpose_7" [id=113, type=transpose]; +"114 squeeze_1" [id=114, type=squeeze]; +"115 contiguous_1" [id=115, type=contiguous]; +"116 quantize_per_tensor_default_8" [id=116, type=quantize_per_tensor]; +"117 dequantize_per_tensor_default_8" [id=117, type=dequantize_per_tensor]; +"118 select_3" [id=118, type=select]; +"119 quantize_per_tensor_default_9" [id=119, type=quantize_per_tensor]; +"120 dequantize_per_tensor_default_9" [id=120, type=dequantize_per_tensor]; +"121 select_4" [id=121, type=select]; +"122 select_5" [id=122, type=select]; +"123 view_8" [id=123, type=view]; +"124 transpose_8" [id=124, type=transpose]; +"125 view_9" [id=125, type=view]; +"126 transpose_9" [id=126, type=transpose]; +"127 view_10" [id=127, type=view]; +"128 transpose_10" [id=128, type=transpose]; +"129 view_11" [id=129, type=view]; +"130 view_12" [id=130, type=view]; +"131 view_13" [id=131, type=view]; +"132 scaled_dot_product_attention_1" [id=132, type=scaled_dot_product_attention]; +"133 permute_2" [id=133, type=permute]; +"134 view_14" [id=134, type=view]; +"135 linear_5_updated_constant0" [id=135, type=get_attr]; +"136 view_14_0_0_nncf_smooth_quant_0" [id=136, type=call_module]; +"137 quantize_per_tensor_default_10" [id=137, type=quantize_per_tensor]; +"138 dequantize_per_tensor_default_10" [id=138, type=dequantize_per_tensor]; +"139 linear_5_scale_0" [id=139, type=get_attr]; +"140 linear_5_zero_point_0" [id=140, type=get_attr]; +"141 quantize_per_channel_default_6" [id=141, type=quantize_per_channel]; +"142 dequantize_per_channel_default_6" [id=142, type=dequantize_per_channel]; +"143 _param_constant21_0_0" [id=143, type=get_attr]; +"144 linear_5" [id=144, type=linear]; +"145 view_15" [id=145, type=view]; +"146 transpose_11" [id=146, type=transpose]; +"147 dropout_4" [id=147, type=dropout]; +"148 add_3" [id=148, type=add]; +"149 _param_constant22" [id=149, type=get_attr]; +"150 _param_constant23" [id=150, type=get_attr]; +"151 layer_norm_3" [id=151, type=layer_norm]; +"152 linear_6_updated_constant0" [id=152, type=get_attr]; +"153 layer_norm_3_0_0_nncf_smooth_quant_0" [id=153, type=call_module]; +"154 quantize_per_tensor_default_11" [id=154, type=quantize_per_tensor]; +"155 dequantize_per_tensor_default_11" [id=155, type=dequantize_per_tensor]; +"156 linear_6_scale_0" [id=156, type=get_attr]; +"157 linear_6_zero_point_0" [id=157, type=get_attr]; +"158 quantize_per_channel_default_7" [id=158, type=quantize_per_channel]; +"159 dequantize_per_channel_default_7" [id=159, type=dequantize_per_channel]; +"160 _param_constant25_0_0" [id=160, type=get_attr]; +"161 linear_6" [id=161, type=linear]; +"162 gelu_1" [id=162, type=gelu]; +"163 dropout_5" [id=163, type=dropout]; +"164 linear_7_updated_constant0" [id=164, type=get_attr]; +"165 dropout_5_0_0_nncf_smooth_quant_0" [id=165, type=call_module]; +"166 quantize_per_tensor_default_12" [id=166, type=quantize_per_tensor]; +"167 dequantize_per_tensor_default_12" [id=167, type=dequantize_per_tensor]; +"168 linear_7_scale_0" [id=168, type=get_attr]; +"169 linear_7_zero_point_0" [id=169, type=get_attr]; +"170 quantize_per_channel_default_8" [id=170, type=quantize_per_channel]; +"171 dequantize_per_channel_default_8" [id=171, type=dequantize_per_channel]; +"172 _param_constant27_0_0" [id=172, type=get_attr]; +"173 linear_7" [id=173, type=linear]; +"174 dropout_6" [id=174, type=dropout]; +"175 add_4" [id=175, type=add]; +"176 _param_constant28" [id=176, type=get_attr]; +"177 _param_constant29" [id=177, type=get_attr]; +"178 layer_norm_4" [id=178, type=layer_norm]; +"179 transpose_12" [id=179, type=transpose]; +"180 linear_8_updated_constant0" [id=180, type=get_attr]; +"181 transpose_12_0_0_nncf_smooth_quant_0" [id=181, type=call_module]; +"182 quantize_per_tensor_default_13" [id=182, type=quantize_per_tensor]; +"183 dequantize_per_tensor_default_13" [id=183, type=dequantize_per_tensor]; +"184 linear_8_scale_0" [id=184, type=get_attr]; +"185 linear_8_zero_point_0" [id=185, type=get_attr]; +"186 quantize_per_channel_default_9" [id=186, type=quantize_per_channel]; +"187 dequantize_per_channel_default_9" [id=187, type=dequantize_per_channel]; +"188 _param_constant31_0_0" [id=188, type=get_attr]; +"189 linear_8" [id=189, type=linear]; +"190 unflatten_2" [id=190, type=unflatten]; +"191 unsqueeze_2" [id=191, type=unsqueeze]; +"192 transpose_13" [id=192, type=transpose]; +"193 squeeze_2" [id=193, type=squeeze]; +"194 contiguous_2" [id=194, type=contiguous]; +"195 quantize_per_tensor_default_14" [id=195, type=quantize_per_tensor]; +"196 dequantize_per_tensor_default_14" [id=196, type=dequantize_per_tensor]; +"197 select_6" [id=197, type=select]; +"198 quantize_per_tensor_default_15" [id=198, type=quantize_per_tensor]; +"199 dequantize_per_tensor_default_15" [id=199, type=dequantize_per_tensor]; +"200 select_7" [id=200, type=select]; +"201 select_8" [id=201, type=select]; +"202 view_16" [id=202, type=view]; +"203 transpose_14" [id=203, type=transpose]; +"204 view_17" [id=204, type=view]; +"205 transpose_15" [id=205, type=transpose]; +"206 view_18" [id=206, type=view]; +"207 transpose_16" [id=207, type=transpose]; +"208 view_19" [id=208, type=view]; +"209 view_20" [id=209, type=view]; +"210 view_21" [id=210, type=view]; +"211 scaled_dot_product_attention_2" [id=211, type=scaled_dot_product_attention]; +"212 permute_3" [id=212, type=permute]; +"213 view_22" [id=213, type=view]; +"214 linear_9_updated_constant0" [id=214, type=get_attr]; +"215 view_22_0_0_nncf_smooth_quant_0" [id=215, type=call_module]; +"216 quantize_per_tensor_default_16" [id=216, type=quantize_per_tensor]; +"217 dequantize_per_tensor_default_16" [id=217, type=dequantize_per_tensor]; +"218 linear_9_scale_0" [id=218, type=get_attr]; +"219 linear_9_zero_point_0" [id=219, type=get_attr]; +"220 quantize_per_channel_default_10" [id=220, type=quantize_per_channel]; +"221 dequantize_per_channel_default_10" [id=221, type=dequantize_per_channel]; +"222 _param_constant33_0_0" [id=222, type=get_attr]; +"223 linear_9" [id=223, type=linear]; +"224 view_23" [id=224, type=view]; +"225 transpose_17" [id=225, type=transpose]; +"226 dropout_7" [id=226, type=dropout]; +"227 add_5" [id=227, type=add]; +"228 _param_constant34" [id=228, type=get_attr]; +"229 _param_constant35" [id=229, type=get_attr]; +"230 layer_norm_5" [id=230, type=layer_norm]; +"231 linear_10_updated_constant0" [id=231, type=get_attr]; +"232 layer_norm_5_0_0_nncf_smooth_quant_0" [id=232, type=call_module]; +"233 quantize_per_tensor_default_17" [id=233, type=quantize_per_tensor]; +"234 dequantize_per_tensor_default_17" [id=234, type=dequantize_per_tensor]; +"235 linear_10_scale_0" [id=235, type=get_attr]; +"236 linear_10_zero_point_0" [id=236, type=get_attr]; +"237 quantize_per_channel_default_11" [id=237, type=quantize_per_channel]; +"238 dequantize_per_channel_default_11" [id=238, type=dequantize_per_channel]; +"239 _param_constant37_0_0" [id=239, type=get_attr]; +"240 linear_10" [id=240, type=linear]; +"241 gelu_2" [id=241, type=gelu]; +"242 dropout_8" [id=242, type=dropout]; +"243 linear_11_updated_constant0" [id=243, type=get_attr]; +"244 dropout_8_0_0_nncf_smooth_quant_0" [id=244, type=call_module]; +"245 quantize_per_tensor_default_18" [id=245, type=quantize_per_tensor]; +"246 dequantize_per_tensor_default_18" [id=246, type=dequantize_per_tensor]; +"247 linear_11_scale_0" [id=247, type=get_attr]; +"248 linear_11_zero_point_0" [id=248, type=get_attr]; +"249 quantize_per_channel_default_12" [id=249, type=quantize_per_channel]; +"250 dequantize_per_channel_default_12" [id=250, type=dequantize_per_channel]; +"251 _param_constant39_0_0" [id=251, type=get_attr]; +"252 linear_11" [id=252, type=linear]; +"253 dropout_9" [id=253, type=dropout]; +"254 add_6" [id=254, type=add]; +"255 _param_constant40" [id=255, type=get_attr]; +"256 _param_constant41" [id=256, type=get_attr]; +"257 layer_norm_6" [id=257, type=layer_norm]; +"258 transpose_18" [id=258, type=transpose]; +"259 linear_12_updated_constant0" [id=259, type=get_attr]; +"260 transpose_18_0_0_nncf_smooth_quant_0" [id=260, type=call_module]; +"261 quantize_per_tensor_default_19" [id=261, type=quantize_per_tensor]; +"262 dequantize_per_tensor_default_19" [id=262, type=dequantize_per_tensor]; +"263 linear_12_scale_0" [id=263, type=get_attr]; +"264 linear_12_zero_point_0" [id=264, type=get_attr]; +"265 quantize_per_channel_default_13" [id=265, type=quantize_per_channel]; +"266 dequantize_per_channel_default_13" [id=266, type=dequantize_per_channel]; +"267 _param_constant43_0_0" [id=267, type=get_attr]; +"268 linear_12" [id=268, type=linear]; +"269 unflatten_3" [id=269, type=unflatten]; +"270 unsqueeze_3" [id=270, type=unsqueeze]; +"271 transpose_19" [id=271, type=transpose]; +"272 squeeze_3" [id=272, type=squeeze]; +"273 contiguous_3" [id=273, type=contiguous]; +"274 quantize_per_tensor_default_20" [id=274, type=quantize_per_tensor]; +"275 dequantize_per_tensor_default_20" [id=275, type=dequantize_per_tensor]; +"276 select_9" [id=276, type=select]; +"277 quantize_per_tensor_default_21" [id=277, type=quantize_per_tensor]; +"278 dequantize_per_tensor_default_21" [id=278, type=dequantize_per_tensor]; +"279 select_10" [id=279, type=select]; +"280 select_11" [id=280, type=select]; +"281 view_24" [id=281, type=view]; +"282 transpose_20" [id=282, type=transpose]; +"283 view_25" [id=283, type=view]; +"284 transpose_21" [id=284, type=transpose]; +"285 view_26" [id=285, type=view]; +"286 transpose_22" [id=286, type=transpose]; +"287 view_27" [id=287, type=view]; +"288 view_28" [id=288, type=view]; +"289 view_29" [id=289, type=view]; +"290 scaled_dot_product_attention_3" [id=290, type=scaled_dot_product_attention]; +"291 permute_4" [id=291, type=permute]; +"292 view_30" [id=292, type=view]; +"293 linear_13_updated_constant0" [id=293, type=get_attr]; +"294 view_30_0_0_nncf_smooth_quant_0" [id=294, type=call_module]; +"295 quantize_per_tensor_default_22" [id=295, type=quantize_per_tensor]; +"296 dequantize_per_tensor_default_22" [id=296, type=dequantize_per_tensor]; +"297 linear_13_scale_0" [id=297, type=get_attr]; +"298 linear_13_zero_point_0" [id=298, type=get_attr]; +"299 quantize_per_channel_default_14" [id=299, type=quantize_per_channel]; +"300 dequantize_per_channel_default_14" [id=300, type=dequantize_per_channel]; +"301 _param_constant45_0_0" [id=301, type=get_attr]; +"302 linear_13" [id=302, type=linear]; +"303 view_31" [id=303, type=view]; +"304 transpose_23" [id=304, type=transpose]; +"305 dropout_10" [id=305, type=dropout]; +"306 add_7" [id=306, type=add]; +"307 _param_constant46" [id=307, type=get_attr]; +"308 _param_constant47" [id=308, type=get_attr]; +"309 layer_norm_7" [id=309, type=layer_norm]; +"310 linear_14_updated_constant0" [id=310, type=get_attr]; +"311 layer_norm_7_0_0_nncf_smooth_quant_0" [id=311, type=call_module]; +"312 quantize_per_tensor_default_23" [id=312, type=quantize_per_tensor]; +"313 dequantize_per_tensor_default_23" [id=313, type=dequantize_per_tensor]; +"314 linear_14_scale_0" [id=314, type=get_attr]; +"315 linear_14_zero_point_0" [id=315, type=get_attr]; +"316 quantize_per_channel_default_15" [id=316, type=quantize_per_channel]; +"317 dequantize_per_channel_default_15" [id=317, type=dequantize_per_channel]; +"318 _param_constant49_0_0" [id=318, type=get_attr]; +"319 linear_14" [id=319, type=linear]; +"320 gelu_3" [id=320, type=gelu]; +"321 dropout_11" [id=321, type=dropout]; +"322 linear_15_updated_constant0" [id=322, type=get_attr]; +"323 dropout_11_0_0_nncf_smooth_quant_0" [id=323, type=call_module]; +"324 quantize_per_tensor_default_24" [id=324, type=quantize_per_tensor]; +"325 dequantize_per_tensor_default_24" [id=325, type=dequantize_per_tensor]; +"326 linear_15_scale_0" [id=326, type=get_attr]; +"327 linear_15_zero_point_0" [id=327, type=get_attr]; +"328 quantize_per_channel_default_16" [id=328, type=quantize_per_channel]; +"329 dequantize_per_channel_default_16" [id=329, type=dequantize_per_channel]; +"330 _param_constant51_0_0" [id=330, type=get_attr]; +"331 linear_15" [id=331, type=linear]; +"332 dropout_12" [id=332, type=dropout]; +"333 add_8" [id=333, type=add]; +"334 _param_constant52" [id=334, type=get_attr]; +"335 _param_constant53" [id=335, type=get_attr]; +"336 layer_norm_8" [id=336, type=layer_norm]; +"337 transpose_24" [id=337, type=transpose]; +"338 linear_16_updated_constant0" [id=338, type=get_attr]; +"339 transpose_24_0_0_nncf_smooth_quant_0" [id=339, type=call_module]; +"340 quantize_per_tensor_default_25" [id=340, type=quantize_per_tensor]; +"341 dequantize_per_tensor_default_25" [id=341, type=dequantize_per_tensor]; +"342 linear_16_scale_0" [id=342, type=get_attr]; +"343 linear_16_zero_point_0" [id=343, type=get_attr]; +"344 quantize_per_channel_default_17" [id=344, type=quantize_per_channel]; +"345 dequantize_per_channel_default_17" [id=345, type=dequantize_per_channel]; +"346 _param_constant55_0_0" [id=346, type=get_attr]; +"347 linear_16" [id=347, type=linear]; +"348 unflatten_4" [id=348, type=unflatten]; +"349 unsqueeze_4" [id=349, type=unsqueeze]; +"350 transpose_25" [id=350, type=transpose]; +"351 squeeze_4" [id=351, type=squeeze]; +"352 contiguous_4" [id=352, type=contiguous]; +"353 quantize_per_tensor_default_26" [id=353, type=quantize_per_tensor]; +"354 dequantize_per_tensor_default_26" [id=354, type=dequantize_per_tensor]; +"355 select_12" [id=355, type=select]; +"356 quantize_per_tensor_default_27" [id=356, type=quantize_per_tensor]; +"357 dequantize_per_tensor_default_27" [id=357, type=dequantize_per_tensor]; +"358 select_13" [id=358, type=select]; +"359 select_14" [id=359, type=select]; +"360 view_32" [id=360, type=view]; +"361 transpose_26" [id=361, type=transpose]; +"362 view_33" [id=362, type=view]; +"363 transpose_27" [id=363, type=transpose]; +"364 view_34" [id=364, type=view]; +"365 transpose_28" [id=365, type=transpose]; +"366 view_35" [id=366, type=view]; +"367 view_36" [id=367, type=view]; +"368 view_37" [id=368, type=view]; +"369 scaled_dot_product_attention_4" [id=369, type=scaled_dot_product_attention]; +"370 permute_5" [id=370, type=permute]; +"371 view_38" [id=371, type=view]; +"372 linear_17_updated_constant0" [id=372, type=get_attr]; +"373 view_38_0_0_nncf_smooth_quant_0" [id=373, type=call_module]; +"374 quantize_per_tensor_default_28" [id=374, type=quantize_per_tensor]; +"375 dequantize_per_tensor_default_28" [id=375, type=dequantize_per_tensor]; +"376 linear_17_scale_0" [id=376, type=get_attr]; +"377 linear_17_zero_point_0" [id=377, type=get_attr]; +"378 quantize_per_channel_default_18" [id=378, type=quantize_per_channel]; +"379 dequantize_per_channel_default_18" [id=379, type=dequantize_per_channel]; +"380 _param_constant57_0_0" [id=380, type=get_attr]; +"381 linear_17" [id=381, type=linear]; +"382 view_39" [id=382, type=view]; +"383 transpose_29" [id=383, type=transpose]; +"384 dropout_13" [id=384, type=dropout]; +"385 add_9" [id=385, type=add]; +"386 _param_constant58" [id=386, type=get_attr]; +"387 _param_constant59" [id=387, type=get_attr]; +"388 layer_norm_9" [id=388, type=layer_norm]; +"389 linear_18_updated_constant0" [id=389, type=get_attr]; +"390 layer_norm_9_0_0_nncf_smooth_quant_0" [id=390, type=call_module]; +"391 quantize_per_tensor_default_29" [id=391, type=quantize_per_tensor]; +"392 dequantize_per_tensor_default_29" [id=392, type=dequantize_per_tensor]; +"393 linear_18_scale_0" [id=393, type=get_attr]; +"394 linear_18_zero_point_0" [id=394, type=get_attr]; +"395 quantize_per_channel_default_19" [id=395, type=quantize_per_channel]; +"396 dequantize_per_channel_default_19" [id=396, type=dequantize_per_channel]; +"397 _param_constant61_0_0" [id=397, type=get_attr]; +"398 linear_18" [id=398, type=linear]; +"399 gelu_4" [id=399, type=gelu]; +"400 dropout_14" [id=400, type=dropout]; +"401 linear_19_updated_constant0" [id=401, type=get_attr]; +"402 dropout_14_0_0_nncf_smooth_quant_0" [id=402, type=call_module]; +"403 quantize_per_tensor_default_30" [id=403, type=quantize_per_tensor]; +"404 dequantize_per_tensor_default_30" [id=404, type=dequantize_per_tensor]; +"405 linear_19_scale_0" [id=405, type=get_attr]; +"406 linear_19_zero_point_0" [id=406, type=get_attr]; +"407 quantize_per_channel_default_20" [id=407, type=quantize_per_channel]; +"408 dequantize_per_channel_default_20" [id=408, type=dequantize_per_channel]; +"409 _param_constant63_0_0" [id=409, type=get_attr]; +"410 linear_19" [id=410, type=linear]; +"411 dropout_15" [id=411, type=dropout]; +"412 add_10" [id=412, type=add]; +"413 _param_constant64" [id=413, type=get_attr]; +"414 _param_constant65" [id=414, type=get_attr]; +"415 layer_norm_10" [id=415, type=layer_norm]; +"416 transpose_30" [id=416, type=transpose]; +"417 linear_20_updated_constant0" [id=417, type=get_attr]; +"418 transpose_30_0_0_nncf_smooth_quant_0" [id=418, type=call_module]; +"419 quantize_per_tensor_default_31" [id=419, type=quantize_per_tensor]; +"420 dequantize_per_tensor_default_31" [id=420, type=dequantize_per_tensor]; +"421 linear_20_scale_0" [id=421, type=get_attr]; +"422 linear_20_zero_point_0" [id=422, type=get_attr]; +"423 quantize_per_channel_default_21" [id=423, type=quantize_per_channel]; +"424 dequantize_per_channel_default_21" [id=424, type=dequantize_per_channel]; +"425 _param_constant67_0_0" [id=425, type=get_attr]; +"426 linear_20" [id=426, type=linear]; +"427 unflatten_5" [id=427, type=unflatten]; +"428 unsqueeze_5" [id=428, type=unsqueeze]; +"429 transpose_31" [id=429, type=transpose]; +"430 squeeze_5" [id=430, type=squeeze]; +"431 contiguous_5" [id=431, type=contiguous]; +"432 quantize_per_tensor_default_32" [id=432, type=quantize_per_tensor]; +"433 dequantize_per_tensor_default_32" [id=433, type=dequantize_per_tensor]; +"434 select_15" [id=434, type=select]; +"435 quantize_per_tensor_default_33" [id=435, type=quantize_per_tensor]; +"436 dequantize_per_tensor_default_33" [id=436, type=dequantize_per_tensor]; +"437 select_16" [id=437, type=select]; +"438 select_17" [id=438, type=select]; +"439 view_40" [id=439, type=view]; +"440 transpose_32" [id=440, type=transpose]; +"441 view_41" [id=441, type=view]; +"442 transpose_33" [id=442, type=transpose]; +"443 view_42" [id=443, type=view]; +"444 transpose_34" [id=444, type=transpose]; +"445 view_43" [id=445, type=view]; +"446 view_44" [id=446, type=view]; +"447 view_45" [id=447, type=view]; +"448 scaled_dot_product_attention_5" [id=448, type=scaled_dot_product_attention]; +"449 permute_6" [id=449, type=permute]; +"450 view_46" [id=450, type=view]; +"451 linear_21_updated_constant0" [id=451, type=get_attr]; +"452 view_46_0_0_nncf_smooth_quant_0" [id=452, type=call_module]; +"453 quantize_per_tensor_default_34" [id=453, type=quantize_per_tensor]; +"454 dequantize_per_tensor_default_34" [id=454, type=dequantize_per_tensor]; +"455 linear_21_scale_0" [id=455, type=get_attr]; +"456 linear_21_zero_point_0" [id=456, type=get_attr]; +"457 quantize_per_channel_default_22" [id=457, type=quantize_per_channel]; +"458 dequantize_per_channel_default_22" [id=458, type=dequantize_per_channel]; +"459 _param_constant69_0_0" [id=459, type=get_attr]; +"460 linear_21" [id=460, type=linear]; +"461 view_47" [id=461, type=view]; +"462 transpose_35" [id=462, type=transpose]; +"463 dropout_16" [id=463, type=dropout]; +"464 add_11" [id=464, type=add]; +"465 _param_constant70" [id=465, type=get_attr]; +"466 _param_constant71" [id=466, type=get_attr]; +"467 layer_norm_11" [id=467, type=layer_norm]; +"468 linear_22_updated_constant0" [id=468, type=get_attr]; +"469 layer_norm_11_0_0_nncf_smooth_quant_0" [id=469, type=call_module]; +"470 quantize_per_tensor_default_35" [id=470, type=quantize_per_tensor]; +"471 dequantize_per_tensor_default_35" [id=471, type=dequantize_per_tensor]; +"472 linear_22_scale_0" [id=472, type=get_attr]; +"473 linear_22_zero_point_0" [id=473, type=get_attr]; +"474 quantize_per_channel_default_23" [id=474, type=quantize_per_channel]; +"475 dequantize_per_channel_default_23" [id=475, type=dequantize_per_channel]; +"476 _param_constant73_0_0" [id=476, type=get_attr]; +"477 linear_22" [id=477, type=linear]; +"478 gelu_5" [id=478, type=gelu]; +"479 dropout_17" [id=479, type=dropout]; +"480 linear_23_updated_constant0" [id=480, type=get_attr]; +"481 dropout_17_0_0_nncf_smooth_quant_0" [id=481, type=call_module]; +"482 quantize_per_tensor_default_36" [id=482, type=quantize_per_tensor]; +"483 dequantize_per_tensor_default_36" [id=483, type=dequantize_per_tensor]; +"484 linear_23_scale_0" [id=484, type=get_attr]; +"485 linear_23_zero_point_0" [id=485, type=get_attr]; +"486 quantize_per_channel_default_24" [id=486, type=quantize_per_channel]; +"487 dequantize_per_channel_default_24" [id=487, type=dequantize_per_channel]; +"488 _param_constant75_0_0" [id=488, type=get_attr]; +"489 linear_23" [id=489, type=linear]; +"490 dropout_18" [id=490, type=dropout]; +"491 add_12" [id=491, type=add]; +"492 _param_constant76" [id=492, type=get_attr]; +"493 _param_constant77" [id=493, type=get_attr]; +"494 layer_norm_12" [id=494, type=layer_norm]; +"495 transpose_36" [id=495, type=transpose]; +"496 linear_24_updated_constant0" [id=496, type=get_attr]; +"497 transpose_36_0_0_nncf_smooth_quant_0" [id=497, type=call_module]; +"498 quantize_per_tensor_default_37" [id=498, type=quantize_per_tensor]; +"499 dequantize_per_tensor_default_37" [id=499, type=dequantize_per_tensor]; +"500 linear_24_scale_0" [id=500, type=get_attr]; +"501 linear_24_zero_point_0" [id=501, type=get_attr]; +"502 quantize_per_channel_default_25" [id=502, type=quantize_per_channel]; +"503 dequantize_per_channel_default_25" [id=503, type=dequantize_per_channel]; +"504 _param_constant79_0_0" [id=504, type=get_attr]; +"505 linear_24" [id=505, type=linear]; +"506 unflatten_6" [id=506, type=unflatten]; +"507 unsqueeze_6" [id=507, type=unsqueeze]; +"508 transpose_37" [id=508, type=transpose]; +"509 squeeze_6" [id=509, type=squeeze]; +"510 contiguous_6" [id=510, type=contiguous]; +"511 quantize_per_tensor_default_38" [id=511, type=quantize_per_tensor]; +"512 dequantize_per_tensor_default_38" [id=512, type=dequantize_per_tensor]; +"513 select_18" [id=513, type=select]; +"514 quantize_per_tensor_default_39" [id=514, type=quantize_per_tensor]; +"515 dequantize_per_tensor_default_39" [id=515, type=dequantize_per_tensor]; +"516 select_19" [id=516, type=select]; +"517 select_20" [id=517, type=select]; +"518 view_48" [id=518, type=view]; +"519 transpose_38" [id=519, type=transpose]; +"520 view_49" [id=520, type=view]; +"521 transpose_39" [id=521, type=transpose]; +"522 view_50" [id=522, type=view]; +"523 transpose_40" [id=523, type=transpose]; +"524 view_51" [id=524, type=view]; +"525 view_52" [id=525, type=view]; +"526 view_53" [id=526, type=view]; +"527 scaled_dot_product_attention_6" [id=527, type=scaled_dot_product_attention]; +"528 permute_7" [id=528, type=permute]; +"529 view_54" [id=529, type=view]; +"530 linear_25_updated_constant0" [id=530, type=get_attr]; +"531 view_54_0_0_nncf_smooth_quant_0" [id=531, type=call_module]; +"532 quantize_per_tensor_default_40" [id=532, type=quantize_per_tensor]; +"533 dequantize_per_tensor_default_40" [id=533, type=dequantize_per_tensor]; +"534 linear_25_scale_0" [id=534, type=get_attr]; +"535 linear_25_zero_point_0" [id=535, type=get_attr]; +"536 quantize_per_channel_default_26" [id=536, type=quantize_per_channel]; +"537 dequantize_per_channel_default_26" [id=537, type=dequantize_per_channel]; +"538 _param_constant81_0_0" [id=538, type=get_attr]; +"539 linear_25" [id=539, type=linear]; +"540 view_55" [id=540, type=view]; +"541 transpose_41" [id=541, type=transpose]; +"542 dropout_19" [id=542, type=dropout]; +"543 add_13" [id=543, type=add]; +"544 _param_constant82" [id=544, type=get_attr]; +"545 _param_constant83" [id=545, type=get_attr]; +"546 layer_norm_13" [id=546, type=layer_norm]; +"547 linear_26_updated_constant0" [id=547, type=get_attr]; +"548 layer_norm_13_0_0_nncf_smooth_quant_0" [id=548, type=call_module]; +"549 quantize_per_tensor_default_41" [id=549, type=quantize_per_tensor]; +"550 dequantize_per_tensor_default_41" [id=550, type=dequantize_per_tensor]; +"551 linear_26_scale_0" [id=551, type=get_attr]; +"552 linear_26_zero_point_0" [id=552, type=get_attr]; +"553 quantize_per_channel_default_27" [id=553, type=quantize_per_channel]; +"554 dequantize_per_channel_default_27" [id=554, type=dequantize_per_channel]; +"555 _param_constant85_0_0" [id=555, type=get_attr]; +"556 linear_26" [id=556, type=linear]; +"557 gelu_6" [id=557, type=gelu]; +"558 dropout_20" [id=558, type=dropout]; +"559 linear_27_updated_constant0" [id=559, type=get_attr]; +"560 dropout_20_0_0_nncf_smooth_quant_0" [id=560, type=call_module]; +"561 quantize_per_tensor_default_42" [id=561, type=quantize_per_tensor]; +"562 dequantize_per_tensor_default_42" [id=562, type=dequantize_per_tensor]; +"563 linear_27_scale_0" [id=563, type=get_attr]; +"564 linear_27_zero_point_0" [id=564, type=get_attr]; +"565 quantize_per_channel_default_28" [id=565, type=quantize_per_channel]; +"566 dequantize_per_channel_default_28" [id=566, type=dequantize_per_channel]; +"567 _param_constant87_0_0" [id=567, type=get_attr]; +"568 linear_27" [id=568, type=linear]; +"569 dropout_21" [id=569, type=dropout]; +"570 add_14" [id=570, type=add]; +"571 _param_constant88" [id=571, type=get_attr]; +"572 _param_constant89" [id=572, type=get_attr]; +"573 layer_norm_14" [id=573, type=layer_norm]; +"574 transpose_42" [id=574, type=transpose]; +"575 linear_28_updated_constant0" [id=575, type=get_attr]; +"576 transpose_42_0_0_nncf_smooth_quant_0" [id=576, type=call_module]; +"577 quantize_per_tensor_default_43" [id=577, type=quantize_per_tensor]; +"578 dequantize_per_tensor_default_43" [id=578, type=dequantize_per_tensor]; +"579 linear_28_scale_0" [id=579, type=get_attr]; +"580 linear_28_zero_point_0" [id=580, type=get_attr]; +"581 quantize_per_channel_default_29" [id=581, type=quantize_per_channel]; +"582 dequantize_per_channel_default_29" [id=582, type=dequantize_per_channel]; +"583 _param_constant91_0_0" [id=583, type=get_attr]; +"584 linear_28" [id=584, type=linear]; +"585 unflatten_7" [id=585, type=unflatten]; +"586 unsqueeze_7" [id=586, type=unsqueeze]; +"587 transpose_43" [id=587, type=transpose]; +"588 squeeze_7" [id=588, type=squeeze]; +"589 contiguous_7" [id=589, type=contiguous]; +"590 quantize_per_tensor_default_44" [id=590, type=quantize_per_tensor]; +"591 dequantize_per_tensor_default_44" [id=591, type=dequantize_per_tensor]; +"592 select_21" [id=592, type=select]; +"593 quantize_per_tensor_default_45" [id=593, type=quantize_per_tensor]; +"594 dequantize_per_tensor_default_45" [id=594, type=dequantize_per_tensor]; +"595 select_22" [id=595, type=select]; +"596 select_23" [id=596, type=select]; +"597 view_56" [id=597, type=view]; +"598 transpose_44" [id=598, type=transpose]; +"599 view_57" [id=599, type=view]; +"600 transpose_45" [id=600, type=transpose]; +"601 view_58" [id=601, type=view]; +"602 transpose_46" [id=602, type=transpose]; +"603 view_59" [id=603, type=view]; +"604 view_60" [id=604, type=view]; +"605 view_61" [id=605, type=view]; +"606 scaled_dot_product_attention_7" [id=606, type=scaled_dot_product_attention]; +"607 permute_8" [id=607, type=permute]; +"608 view_62" [id=608, type=view]; +"609 linear_29_updated_constant0" [id=609, type=get_attr]; +"610 view_62_0_0_nncf_smooth_quant_0" [id=610, type=call_module]; +"611 quantize_per_tensor_default_46" [id=611, type=quantize_per_tensor]; +"612 dequantize_per_tensor_default_46" [id=612, type=dequantize_per_tensor]; +"613 linear_29_scale_0" [id=613, type=get_attr]; +"614 linear_29_zero_point_0" [id=614, type=get_attr]; +"615 quantize_per_channel_default_30" [id=615, type=quantize_per_channel]; +"616 dequantize_per_channel_default_30" [id=616, type=dequantize_per_channel]; +"617 _param_constant93_0_0" [id=617, type=get_attr]; +"618 linear_29" [id=618, type=linear]; +"619 view_63" [id=619, type=view]; +"620 transpose_47" [id=620, type=transpose]; +"621 dropout_22" [id=621, type=dropout]; +"622 add_15" [id=622, type=add]; +"623 _param_constant94" [id=623, type=get_attr]; +"624 _param_constant95" [id=624, type=get_attr]; +"625 layer_norm_15" [id=625, type=layer_norm]; +"626 linear_30_updated_constant0" [id=626, type=get_attr]; +"627 layer_norm_15_0_0_nncf_smooth_quant_0" [id=627, type=call_module]; +"628 quantize_per_tensor_default_47" [id=628, type=quantize_per_tensor]; +"629 dequantize_per_tensor_default_47" [id=629, type=dequantize_per_tensor]; +"630 linear_30_scale_0" [id=630, type=get_attr]; +"631 linear_30_zero_point_0" [id=631, type=get_attr]; +"632 quantize_per_channel_default_31" [id=632, type=quantize_per_channel]; +"633 dequantize_per_channel_default_31" [id=633, type=dequantize_per_channel]; +"634 _param_constant97_0_0" [id=634, type=get_attr]; +"635 linear_30" [id=635, type=linear]; +"636 gelu_7" [id=636, type=gelu]; +"637 dropout_23" [id=637, type=dropout]; +"638 linear_31_updated_constant0" [id=638, type=get_attr]; +"639 dropout_23_0_0_nncf_smooth_quant_0" [id=639, type=call_module]; +"640 quantize_per_tensor_default_48" [id=640, type=quantize_per_tensor]; +"641 dequantize_per_tensor_default_48" [id=641, type=dequantize_per_tensor]; +"642 linear_31_scale_0" [id=642, type=get_attr]; +"643 linear_31_zero_point_0" [id=643, type=get_attr]; +"644 quantize_per_channel_default_32" [id=644, type=quantize_per_channel]; +"645 dequantize_per_channel_default_32" [id=645, type=dequantize_per_channel]; +"646 _param_constant99_0_0" [id=646, type=get_attr]; +"647 linear_31" [id=647, type=linear]; +"648 dropout_24" [id=648, type=dropout]; +"649 add_16" [id=649, type=add]; +"650 _param_constant100" [id=650, type=get_attr]; +"651 _param_constant101" [id=651, type=get_attr]; +"652 layer_norm_16" [id=652, type=layer_norm]; +"653 transpose_48" [id=653, type=transpose]; +"654 linear_32_updated_constant0" [id=654, type=get_attr]; +"655 transpose_48_0_0_nncf_smooth_quant_0" [id=655, type=call_module]; +"656 quantize_per_tensor_default_49" [id=656, type=quantize_per_tensor]; +"657 dequantize_per_tensor_default_49" [id=657, type=dequantize_per_tensor]; +"658 linear_32_scale_0" [id=658, type=get_attr]; +"659 linear_32_zero_point_0" [id=659, type=get_attr]; +"660 quantize_per_channel_default_33" [id=660, type=quantize_per_channel]; +"661 dequantize_per_channel_default_33" [id=661, type=dequantize_per_channel]; +"662 _param_constant103_0_0" [id=662, type=get_attr]; +"663 linear_32" [id=663, type=linear]; +"664 unflatten_8" [id=664, type=unflatten]; +"665 unsqueeze_8" [id=665, type=unsqueeze]; +"666 transpose_49" [id=666, type=transpose]; +"667 squeeze_8" [id=667, type=squeeze]; +"668 contiguous_8" [id=668, type=contiguous]; +"669 quantize_per_tensor_default_50" [id=669, type=quantize_per_tensor]; +"670 dequantize_per_tensor_default_50" [id=670, type=dequantize_per_tensor]; +"671 select_24" [id=671, type=select]; +"672 quantize_per_tensor_default_51" [id=672, type=quantize_per_tensor]; +"673 dequantize_per_tensor_default_51" [id=673, type=dequantize_per_tensor]; +"674 select_25" [id=674, type=select]; +"675 select_26" [id=675, type=select]; +"676 view_64" [id=676, type=view]; +"677 transpose_50" [id=677, type=transpose]; +"678 view_65" [id=678, type=view]; +"679 transpose_51" [id=679, type=transpose]; +"680 view_66" [id=680, type=view]; +"681 transpose_52" [id=681, type=transpose]; +"682 view_67" [id=682, type=view]; +"683 view_68" [id=683, type=view]; +"684 view_69" [id=684, type=view]; +"685 scaled_dot_product_attention_8" [id=685, type=scaled_dot_product_attention]; +"686 permute_9" [id=686, type=permute]; +"687 view_70" [id=687, type=view]; +"688 linear_33_updated_constant0" [id=688, type=get_attr]; +"689 view_70_0_0_nncf_smooth_quant_0" [id=689, type=call_module]; +"690 quantize_per_tensor_default_52" [id=690, type=quantize_per_tensor]; +"691 dequantize_per_tensor_default_52" [id=691, type=dequantize_per_tensor]; +"692 linear_33_scale_0" [id=692, type=get_attr]; +"693 linear_33_zero_point_0" [id=693, type=get_attr]; +"694 quantize_per_channel_default_34" [id=694, type=quantize_per_channel]; +"695 dequantize_per_channel_default_34" [id=695, type=dequantize_per_channel]; +"696 _param_constant105_0_0" [id=696, type=get_attr]; +"697 linear_33" [id=697, type=linear]; +"698 view_71" [id=698, type=view]; +"699 transpose_53" [id=699, type=transpose]; +"700 dropout_25" [id=700, type=dropout]; +"701 add_17" [id=701, type=add]; +"702 _param_constant106" [id=702, type=get_attr]; +"703 _param_constant107" [id=703, type=get_attr]; +"704 layer_norm_17" [id=704, type=layer_norm]; +"705 linear_34_updated_constant0" [id=705, type=get_attr]; +"706 layer_norm_17_0_0_nncf_smooth_quant_0" [id=706, type=call_module]; +"707 quantize_per_tensor_default_53" [id=707, type=quantize_per_tensor]; +"708 dequantize_per_tensor_default_53" [id=708, type=dequantize_per_tensor]; +"709 linear_34_scale_0" [id=709, type=get_attr]; +"710 linear_34_zero_point_0" [id=710, type=get_attr]; +"711 quantize_per_channel_default_35" [id=711, type=quantize_per_channel]; +"712 dequantize_per_channel_default_35" [id=712, type=dequantize_per_channel]; +"713 _param_constant109_0_0" [id=713, type=get_attr]; +"714 linear_34" [id=714, type=linear]; +"715 gelu_8" [id=715, type=gelu]; +"716 dropout_26" [id=716, type=dropout]; +"717 linear_35_updated_constant0" [id=717, type=get_attr]; +"718 dropout_26_0_0_nncf_smooth_quant_0" [id=718, type=call_module]; +"719 quantize_per_tensor_default_54" [id=719, type=quantize_per_tensor]; +"720 dequantize_per_tensor_default_54" [id=720, type=dequantize_per_tensor]; +"721 linear_35_scale_0" [id=721, type=get_attr]; +"722 linear_35_zero_point_0" [id=722, type=get_attr]; +"723 quantize_per_channel_default_36" [id=723, type=quantize_per_channel]; +"724 dequantize_per_channel_default_36" [id=724, type=dequantize_per_channel]; +"725 _param_constant111_0_0" [id=725, type=get_attr]; +"726 linear_35" [id=726, type=linear]; +"727 dropout_27" [id=727, type=dropout]; +"728 add_18" [id=728, type=add]; +"729 _param_constant112" [id=729, type=get_attr]; +"730 _param_constant113" [id=730, type=get_attr]; +"731 layer_norm_18" [id=731, type=layer_norm]; +"732 transpose_54" [id=732, type=transpose]; +"733 linear_36_updated_constant0" [id=733, type=get_attr]; +"734 transpose_54_0_0_nncf_smooth_quant_0" [id=734, type=call_module]; +"735 quantize_per_tensor_default_55" [id=735, type=quantize_per_tensor]; +"736 dequantize_per_tensor_default_55" [id=736, type=dequantize_per_tensor]; +"737 linear_36_scale_0" [id=737, type=get_attr]; +"738 linear_36_zero_point_0" [id=738, type=get_attr]; +"739 quantize_per_channel_default_37" [id=739, type=quantize_per_channel]; +"740 dequantize_per_channel_default_37" [id=740, type=dequantize_per_channel]; +"741 _param_constant115_0_0" [id=741, type=get_attr]; +"742 linear_36" [id=742, type=linear]; +"743 unflatten_9" [id=743, type=unflatten]; +"744 unsqueeze_9" [id=744, type=unsqueeze]; +"745 transpose_55" [id=745, type=transpose]; +"746 squeeze_9" [id=746, type=squeeze]; +"747 contiguous_9" [id=747, type=contiguous]; +"748 quantize_per_tensor_default_56" [id=748, type=quantize_per_tensor]; +"749 dequantize_per_tensor_default_56" [id=749, type=dequantize_per_tensor]; +"750 select_27" [id=750, type=select]; +"751 quantize_per_tensor_default_57" [id=751, type=quantize_per_tensor]; +"752 dequantize_per_tensor_default_57" [id=752, type=dequantize_per_tensor]; +"753 select_28" [id=753, type=select]; +"754 select_29" [id=754, type=select]; +"755 view_72" [id=755, type=view]; +"756 transpose_56" [id=756, type=transpose]; +"757 view_73" [id=757, type=view]; +"758 transpose_57" [id=758, type=transpose]; +"759 view_74" [id=759, type=view]; +"760 transpose_58" [id=760, type=transpose]; +"761 view_75" [id=761, type=view]; +"762 view_76" [id=762, type=view]; +"763 view_77" [id=763, type=view]; +"764 scaled_dot_product_attention_9" [id=764, type=scaled_dot_product_attention]; +"765 permute_10" [id=765, type=permute]; +"766 view_78" [id=766, type=view]; +"767 linear_37_updated_constant0" [id=767, type=get_attr]; +"768 view_78_0_0_nncf_smooth_quant_0" [id=768, type=call_module]; +"769 quantize_per_tensor_default_58" [id=769, type=quantize_per_tensor]; +"770 dequantize_per_tensor_default_58" [id=770, type=dequantize_per_tensor]; +"771 linear_37_scale_0" [id=771, type=get_attr]; +"772 linear_37_zero_point_0" [id=772, type=get_attr]; +"773 quantize_per_channel_default_38" [id=773, type=quantize_per_channel]; +"774 dequantize_per_channel_default_38" [id=774, type=dequantize_per_channel]; +"775 _param_constant117_0_0" [id=775, type=get_attr]; +"776 linear_37" [id=776, type=linear]; +"777 view_79" [id=777, type=view]; +"778 transpose_59" [id=778, type=transpose]; +"779 dropout_28" [id=779, type=dropout]; +"780 add_19" [id=780, type=add]; +"781 _param_constant118" [id=781, type=get_attr]; +"782 _param_constant119" [id=782, type=get_attr]; +"783 layer_norm_19" [id=783, type=layer_norm]; +"784 linear_38_updated_constant0" [id=784, type=get_attr]; +"785 layer_norm_19_0_0_nncf_smooth_quant_0" [id=785, type=call_module]; +"786 quantize_per_tensor_default_59" [id=786, type=quantize_per_tensor]; +"787 dequantize_per_tensor_default_59" [id=787, type=dequantize_per_tensor]; +"788 linear_38_scale_0" [id=788, type=get_attr]; +"789 linear_38_zero_point_0" [id=789, type=get_attr]; +"790 quantize_per_channel_default_39" [id=790, type=quantize_per_channel]; +"791 dequantize_per_channel_default_39" [id=791, type=dequantize_per_channel]; +"792 _param_constant121_0_0" [id=792, type=get_attr]; +"793 linear_38" [id=793, type=linear]; +"794 gelu_9" [id=794, type=gelu]; +"795 dropout_29" [id=795, type=dropout]; +"796 linear_39_updated_constant0" [id=796, type=get_attr]; +"797 dropout_29_0_0_nncf_smooth_quant_0" [id=797, type=call_module]; +"798 quantize_per_tensor_default_60" [id=798, type=quantize_per_tensor]; +"799 dequantize_per_tensor_default_60" [id=799, type=dequantize_per_tensor]; +"800 linear_39_scale_0" [id=800, type=get_attr]; +"801 linear_39_zero_point_0" [id=801, type=get_attr]; +"802 quantize_per_channel_default_40" [id=802, type=quantize_per_channel]; +"803 dequantize_per_channel_default_40" [id=803, type=dequantize_per_channel]; +"804 _param_constant123_0_0" [id=804, type=get_attr]; +"805 linear_39" [id=805, type=linear]; +"806 dropout_30" [id=806, type=dropout]; +"807 add_20" [id=807, type=add]; +"808 _param_constant124" [id=808, type=get_attr]; +"809 _param_constant125" [id=809, type=get_attr]; +"810 layer_norm_20" [id=810, type=layer_norm]; +"811 transpose_60" [id=811, type=transpose]; +"812 linear_40_updated_constant0" [id=812, type=get_attr]; +"813 transpose_60_0_0_nncf_smooth_quant_0" [id=813, type=call_module]; +"814 quantize_per_tensor_default_61" [id=814, type=quantize_per_tensor]; +"815 dequantize_per_tensor_default_61" [id=815, type=dequantize_per_tensor]; +"816 linear_40_scale_0" [id=816, type=get_attr]; +"817 linear_40_zero_point_0" [id=817, type=get_attr]; +"818 quantize_per_channel_default_41" [id=818, type=quantize_per_channel]; +"819 dequantize_per_channel_default_41" [id=819, type=dequantize_per_channel]; +"820 _param_constant127_0_0" [id=820, type=get_attr]; +"821 linear_40" [id=821, type=linear]; +"822 unflatten_10" [id=822, type=unflatten]; +"823 unsqueeze_10" [id=823, type=unsqueeze]; +"824 transpose_61" [id=824, type=transpose]; +"825 squeeze_10" [id=825, type=squeeze]; +"826 contiguous_10" [id=826, type=contiguous]; +"827 quantize_per_tensor_default_62" [id=827, type=quantize_per_tensor]; +"828 dequantize_per_tensor_default_62" [id=828, type=dequantize_per_tensor]; +"829 select_30" [id=829, type=select]; +"830 quantize_per_tensor_default_63" [id=830, type=quantize_per_tensor]; +"831 dequantize_per_tensor_default_63" [id=831, type=dequantize_per_tensor]; +"832 select_31" [id=832, type=select]; +"833 select_32" [id=833, type=select]; +"834 view_80" [id=834, type=view]; +"835 transpose_62" [id=835, type=transpose]; +"836 view_81" [id=836, type=view]; +"837 transpose_63" [id=837, type=transpose]; +"838 view_82" [id=838, type=view]; +"839 transpose_64" [id=839, type=transpose]; +"840 view_83" [id=840, type=view]; +"841 view_84" [id=841, type=view]; +"842 view_85" [id=842, type=view]; +"843 scaled_dot_product_attention_10" [id=843, type=scaled_dot_product_attention]; +"844 permute_11" [id=844, type=permute]; +"845 view_86" [id=845, type=view]; +"846 linear_41_updated_constant0" [id=846, type=get_attr]; +"847 view_86_0_0_nncf_smooth_quant_0" [id=847, type=call_module]; +"848 quantize_per_tensor_default_64" [id=848, type=quantize_per_tensor]; +"849 dequantize_per_tensor_default_64" [id=849, type=dequantize_per_tensor]; +"850 linear_41_scale_0" [id=850, type=get_attr]; +"851 linear_41_zero_point_0" [id=851, type=get_attr]; +"852 quantize_per_channel_default_42" [id=852, type=quantize_per_channel]; +"853 dequantize_per_channel_default_42" [id=853, type=dequantize_per_channel]; +"854 _param_constant129_0_0" [id=854, type=get_attr]; +"855 linear_41" [id=855, type=linear]; +"856 view_87" [id=856, type=view]; +"857 transpose_65" [id=857, type=transpose]; +"858 dropout_31" [id=858, type=dropout]; +"859 add_21" [id=859, type=add]; +"860 _param_constant130" [id=860, type=get_attr]; +"861 _param_constant131" [id=861, type=get_attr]; +"862 layer_norm_21" [id=862, type=layer_norm]; +"863 linear_42_updated_constant0" [id=863, type=get_attr]; +"864 layer_norm_21_0_0_nncf_smooth_quant_0" [id=864, type=call_module]; +"865 quantize_per_tensor_default_65" [id=865, type=quantize_per_tensor]; +"866 dequantize_per_tensor_default_65" [id=866, type=dequantize_per_tensor]; +"867 linear_42_scale_0" [id=867, type=get_attr]; +"868 linear_42_zero_point_0" [id=868, type=get_attr]; +"869 quantize_per_channel_default_43" [id=869, type=quantize_per_channel]; +"870 dequantize_per_channel_default_43" [id=870, type=dequantize_per_channel]; +"871 _param_constant133_0_0" [id=871, type=get_attr]; +"872 linear_42" [id=872, type=linear]; +"873 gelu_10" [id=873, type=gelu]; +"874 dropout_32" [id=874, type=dropout]; +"875 linear_43_updated_constant0" [id=875, type=get_attr]; +"876 dropout_32_0_0_nncf_smooth_quant_0" [id=876, type=call_module]; +"877 quantize_per_tensor_default_66" [id=877, type=quantize_per_tensor]; +"878 dequantize_per_tensor_default_66" [id=878, type=dequantize_per_tensor]; +"879 linear_43_scale_0" [id=879, type=get_attr]; +"880 linear_43_zero_point_0" [id=880, type=get_attr]; +"881 quantize_per_channel_default_44" [id=881, type=quantize_per_channel]; +"882 dequantize_per_channel_default_44" [id=882, type=dequantize_per_channel]; +"883 _param_constant135_0_0" [id=883, type=get_attr]; +"884 linear_43" [id=884, type=linear]; +"885 dropout_33" [id=885, type=dropout]; +"886 add_22" [id=886, type=add]; +"887 _param_constant136" [id=887, type=get_attr]; +"888 _param_constant137" [id=888, type=get_attr]; +"889 layer_norm_22" [id=889, type=layer_norm]; +"890 transpose_66" [id=890, type=transpose]; +"891 linear_44_updated_constant0" [id=891, type=get_attr]; +"892 transpose_66_0_0_nncf_smooth_quant_0" [id=892, type=call_module]; +"893 quantize_per_tensor_default_67" [id=893, type=quantize_per_tensor]; +"894 dequantize_per_tensor_default_67" [id=894, type=dequantize_per_tensor]; +"895 linear_44_scale_0" [id=895, type=get_attr]; +"896 linear_44_zero_point_0" [id=896, type=get_attr]; +"897 quantize_per_channel_default_45" [id=897, type=quantize_per_channel]; +"898 dequantize_per_channel_default_45" [id=898, type=dequantize_per_channel]; +"899 _param_constant139_0_0" [id=899, type=get_attr]; +"900 linear_44" [id=900, type=linear]; +"901 unflatten_11" [id=901, type=unflatten]; +"902 unsqueeze_11" [id=902, type=unsqueeze]; +"903 transpose_67" [id=903, type=transpose]; +"904 squeeze_11" [id=904, type=squeeze]; +"905 contiguous_11" [id=905, type=contiguous]; +"906 quantize_per_tensor_default_68" [id=906, type=quantize_per_tensor]; +"907 dequantize_per_tensor_default_68" [id=907, type=dequantize_per_tensor]; +"908 select_33" [id=908, type=select]; +"909 quantize_per_tensor_default_69" [id=909, type=quantize_per_tensor]; +"910 dequantize_per_tensor_default_69" [id=910, type=dequantize_per_tensor]; +"911 select_34" [id=911, type=select]; +"912 select_35" [id=912, type=select]; +"913 view_88" [id=913, type=view]; +"914 transpose_68" [id=914, type=transpose]; +"915 view_89" [id=915, type=view]; +"916 transpose_69" [id=916, type=transpose]; +"917 view_90" [id=917, type=view]; +"918 transpose_70" [id=918, type=transpose]; +"919 view_91" [id=919, type=view]; +"920 view_92" [id=920, type=view]; +"921 view_93" [id=921, type=view]; +"922 scaled_dot_product_attention_11" [id=922, type=scaled_dot_product_attention]; +"923 permute_12" [id=923, type=permute]; +"924 view_94" [id=924, type=view]; +"925 linear_45_updated_constant0" [id=925, type=get_attr]; +"926 view_94_0_0_nncf_smooth_quant_0" [id=926, type=call_module]; +"927 quantize_per_tensor_default_70" [id=927, type=quantize_per_tensor]; +"928 dequantize_per_tensor_default_70" [id=928, type=dequantize_per_tensor]; +"929 linear_45_scale_0" [id=929, type=get_attr]; +"930 linear_45_zero_point_0" [id=930, type=get_attr]; +"931 quantize_per_channel_default_46" [id=931, type=quantize_per_channel]; +"932 dequantize_per_channel_default_46" [id=932, type=dequantize_per_channel]; +"933 _param_constant141_0_0" [id=933, type=get_attr]; +"934 linear_45" [id=934, type=linear]; +"935 view_95" [id=935, type=view]; +"936 transpose_71" [id=936, type=transpose]; +"937 dropout_34" [id=937, type=dropout]; +"938 add_23" [id=938, type=add]; +"939 _param_constant142" [id=939, type=get_attr]; +"940 _param_constant143" [id=940, type=get_attr]; +"941 layer_norm_23" [id=941, type=layer_norm]; +"942 linear_46_updated_constant0" [id=942, type=get_attr]; +"943 layer_norm_23_0_0_nncf_smooth_quant_0" [id=943, type=call_module]; +"944 quantize_per_tensor_default_71" [id=944, type=quantize_per_tensor]; +"945 dequantize_per_tensor_default_71" [id=945, type=dequantize_per_tensor]; +"946 linear_46_scale_0" [id=946, type=get_attr]; +"947 linear_46_zero_point_0" [id=947, type=get_attr]; +"948 quantize_per_channel_default_47" [id=948, type=quantize_per_channel]; +"949 dequantize_per_channel_default_47" [id=949, type=dequantize_per_channel]; +"950 _param_constant145_0_0" [id=950, type=get_attr]; +"951 linear_46" [id=951, type=linear]; +"952 gelu_11" [id=952, type=gelu]; +"953 dropout_35" [id=953, type=dropout]; +"954 linear_47_updated_constant0" [id=954, type=get_attr]; +"955 dropout_35_0_0_nncf_smooth_quant_0" [id=955, type=call_module]; +"956 quantize_per_tensor_default_72" [id=956, type=quantize_per_tensor]; +"957 dequantize_per_tensor_default_72" [id=957, type=dequantize_per_tensor]; +"958 linear_47_scale_0" [id=958, type=get_attr]; +"959 linear_47_zero_point_0" [id=959, type=get_attr]; +"960 quantize_per_channel_default_48" [id=960, type=quantize_per_channel]; +"961 dequantize_per_channel_default_48" [id=961, type=dequantize_per_channel]; +"962 _param_constant147_0_0" [id=962, type=get_attr]; +"963 linear_47" [id=963, type=linear]; +"964 dropout_36" [id=964, type=dropout]; +"965 add_24" [id=965, type=add]; +"966 _param_constant148" [id=966, type=get_attr]; +"967 _param_constant149" [id=967, type=get_attr]; +"968 layer_norm_24" [id=968, type=layer_norm]; +"969 slice_1" [id=969, type=slice]; +"970 select_36" [id=970, type=select]; +"971 linear_48_updated_constant0" [id=971, type=get_attr]; +"972 select_36_0_0_nncf_smooth_quant_0" [id=972, type=call_module]; +"973 quantize_per_tensor_default_73" [id=973, type=quantize_per_tensor]; +"974 dequantize_per_tensor_default_73" [id=974, type=dequantize_per_tensor]; +"975 linear_48_scale_0" [id=975, type=get_attr]; +"976 linear_48_zero_point_0" [id=976, type=get_attr]; +"977 quantize_per_channel_default_49" [id=977, type=quantize_per_channel]; +"978 dequantize_per_channel_default_49" [id=978, type=dequantize_per_channel]; +"979 _param_constant151_0_0" [id=979, type=get_attr]; +"980 linear_48" [id=980, type=linear]; +"981 output" [id=981, type=output]; +"0 arg0_1" -> "1 quantize_per_tensor_default" [label="(1, 3, 224, 224)", style=solid]; +"1 quantize_per_tensor_default" -> "2 dequantize_per_tensor_default" [label="(1, 3, 224, 224)", style=solid]; +"2 dequantize_per_tensor_default" -> "9 conv2d" [label="(1, 3, 224, 224)", style=solid]; +"3 _param_constant0" -> "6 quantize_per_channel_default" [label="(768, 3, 16, 16)", style=solid]; +"4 conv2d_scale_0" -> "6 quantize_per_channel_default" [label="(768,)", style=solid]; +"4 conv2d_scale_0" -> "7 dequantize_per_channel_default" [label="(768,)", style=solid]; +"5 conv2d_zero_point_0" -> "6 quantize_per_channel_default" [label="(768,)", style=solid]; +"5 conv2d_zero_point_0" -> "7 dequantize_per_channel_default" [label="(768,)", style=solid]; +"6 quantize_per_channel_default" -> "7 dequantize_per_channel_default" [label="(768, 3, 16, 16)", style=solid]; +"7 dequantize_per_channel_default" -> "9 conv2d" [label="(768, 3, 16, 16)", style=solid]; +"8 _param_constant1_0_0" -> "9 conv2d" [label="(768,)", style=solid]; +"9 conv2d" -> "10 reshape" [label="(1, 768, 14, 14)", style=solid]; +"10 reshape" -> "11 permute" [label="(1, 768, 196)", style=solid]; +"11 permute" -> "14 cat" [label="(1, 196, 768)", style=solid]; +"12 _param_constant2" -> "13 expand" [label="(1, 1, 768)", style=solid]; +"13 expand" -> "14 cat" [label="(1, 1, 768)", style=solid]; +"14 cat" -> "16 add" [label="(1, 197, 768)", style=solid]; +"15 _param_constant3" -> "16 add" [label="(1, 197, 768)", style=solid]; +"16 add" -> "17 dropout" [label="(1, 197, 768)", style=solid]; +"17 dropout" -> "20 layer_norm" [label="(1, 197, 768)", style=solid]; +"17 dropout" -> "69 add_1" [label="(1, 197, 768)", style=solid]; +"18 _param_constant4" -> "20 layer_norm" [label="(768,)", style=solid]; +"19 _param_constant5" -> "20 layer_norm" [label="(768,)", style=solid]; +"20 layer_norm" -> "21 transpose" [label="(1, 197, 768)", style=solid]; +"21 transpose" -> "23 transpose_0_0_nncf_smooth_quant_0" [label="(197, 1, 768)", style=solid]; +"22 linear_updated_constant0" -> "28 quantize_per_channel_default_1" [label="(2304, 768)", style=solid]; +"23 transpose_0_0_nncf_smooth_quant_0" -> "24 quantize_per_tensor_default_1" [label="(197, 1, 768)", style=solid]; +"24 quantize_per_tensor_default_1" -> "25 dequantize_per_tensor_default_1" [label="(197, 1, 768)", style=solid]; +"25 dequantize_per_tensor_default_1" -> "31 linear" [label="(197, 1, 768)", style=solid]; +"26 linear_scale_0" -> "28 quantize_per_channel_default_1" [label="(2304,)", style=solid]; +"26 linear_scale_0" -> "29 dequantize_per_channel_default_1" [label="(2304,)", style=solid]; +"27 linear_zero_point_0" -> "28 quantize_per_channel_default_1" [label="(2304,)", style=solid]; +"27 linear_zero_point_0" -> "29 dequantize_per_channel_default_1" [label="(2304,)", style=solid]; +"28 quantize_per_channel_default_1" -> "29 dequantize_per_channel_default_1" [label="(2304, 768)", style=solid]; +"29 dequantize_per_channel_default_1" -> "31 linear" [label="(2304, 768)", style=solid]; +"30 _param_constant7_0_0" -> "31 linear" [label="(2304,)", style=solid]; +"31 linear" -> "32 unflatten" [label="(197, 1, 2304)", style=solid]; +"32 unflatten" -> "33 unsqueeze" [label="(197, 1, 3, 768)", style=solid]; +"33 unsqueeze" -> "34 transpose_1" [label="(1, 197, 1, 3, 768)", style=solid]; +"34 transpose_1" -> "35 squeeze" [label="(3, 197, 1, 1, 768)", style=solid]; +"35 squeeze" -> "36 contiguous" [label="(3, 197, 1, 768)", style=solid]; +"36 contiguous" -> "37 quantize_per_tensor_default_2" [label="(3, 197, 1, 768)", style=solid]; +"36 contiguous" -> "40 quantize_per_tensor_default_3" [label="(3, 197, 1, 768)", style=solid]; +"36 contiguous" -> "43 select_2" [label="(3, 197, 1, 768)", style=solid]; +"37 quantize_per_tensor_default_2" -> "38 dequantize_per_tensor_default_2" [label="(3, 197, 1, 768)", style=solid]; +"38 dequantize_per_tensor_default_2" -> "39 select" [label="(3, 197, 1, 768)", style=solid]; +"39 select" -> "44 view" [label="(197, 1, 768)", style=solid]; +"40 quantize_per_tensor_default_3" -> "41 dequantize_per_tensor_default_3" [label="(3, 197, 1, 768)", style=solid]; +"41 dequantize_per_tensor_default_3" -> "42 select_1" [label="(3, 197, 1, 768)", style=solid]; +"42 select_1" -> "46 view_1" [label="(197, 1, 768)", style=solid]; +"43 select_2" -> "48 view_2" [label="(197, 1, 768)", style=solid]; +"44 view" -> "45 transpose_2" [label="(197, 12, 64)", style=solid]; +"45 transpose_2" -> "50 view_3" [label="(12, 197, 64)", style=solid]; +"46 view_1" -> "47 transpose_3" [label="(197, 12, 64)", style=solid]; +"47 transpose_3" -> "51 view_4" [label="(12, 197, 64)", style=solid]; +"48 view_2" -> "49 transpose_4" [label="(197, 12, 64)", style=solid]; +"49 transpose_4" -> "52 view_5" [label="(12, 197, 64)", style=solid]; +"50 view_3" -> "53 scaled_dot_product_attention" [label="(1, 12, 197, 64)", style=solid]; +"51 view_4" -> "53 scaled_dot_product_attention" [label="(1, 12, 197, 64)", style=solid]; +"52 view_5" -> "53 scaled_dot_product_attention" [label="(1, 12, 197, 64)", style=solid]; +"53 scaled_dot_product_attention" -> "54 permute_1" [label="(1, 12, 197, 64)", style=solid]; +"54 permute_1" -> "55 view_6" [label="(197, 1, 12, 64)", style=solid]; +"55 view_6" -> "57 view_6_0_0_nncf_smooth_quant_0" [label="(197, 768)", style=solid]; +"56 linear_1_updated_constant0" -> "62 quantize_per_channel_default_2" [label="(768, 768)", style=solid]; +"57 view_6_0_0_nncf_smooth_quant_0" -> "58 quantize_per_tensor_default_4" [label="(197, 768)", style=solid]; +"58 quantize_per_tensor_default_4" -> "59 dequantize_per_tensor_default_4" [label="(197, 768)", style=solid]; +"59 dequantize_per_tensor_default_4" -> "65 linear_1" [label="(197, 768)", style=solid]; +"60 linear_1_scale_0" -> "62 quantize_per_channel_default_2" [label="(768,)", style=solid]; +"60 linear_1_scale_0" -> "63 dequantize_per_channel_default_2" [label="(768,)", style=solid]; +"61 linear_1_zero_point_0" -> "62 quantize_per_channel_default_2" [label="(768,)", style=solid]; +"61 linear_1_zero_point_0" -> "63 dequantize_per_channel_default_2" [label="(768,)", style=solid]; +"62 quantize_per_channel_default_2" -> "63 dequantize_per_channel_default_2" [label="(768, 768)", style=solid]; +"63 dequantize_per_channel_default_2" -> "65 linear_1" [label="(768, 768)", style=solid]; +"64 _param_constant9_0_0" -> "65 linear_1" [label="(768,)", style=solid]; +"65 linear_1" -> "66 view_7" [label="(197, 768)", style=solid]; +"66 view_7" -> "67 transpose_5" [label="(197, 1, 768)", style=solid]; +"67 transpose_5" -> "68 dropout_1" [label="(1, 197, 768)", style=solid]; +"68 dropout_1" -> "69 add_1" [label="(1, 197, 768)", style=solid]; +"69 add_1" -> "72 layer_norm_1" [label="(1, 197, 768)", style=solid]; +"69 add_1" -> "96 add_2" [label="(1, 197, 768)", style=solid]; +"70 _param_constant10" -> "72 layer_norm_1" [label="(768,)", style=solid]; +"71 _param_constant11" -> "72 layer_norm_1" [label="(768,)", style=solid]; +"72 layer_norm_1" -> "74 layer_norm_1_0_0_nncf_smooth_quant_0" [label="(1, 197, 768)", style=solid]; +"73 linear_2_updated_constant0" -> "79 quantize_per_channel_default_3" [label="(3072, 768)", style=solid]; +"74 layer_norm_1_0_0_nncf_smooth_quant_0" -> "75 quantize_per_tensor_default_5" [label="(1, 197, 768)", style=solid]; +"75 quantize_per_tensor_default_5" -> "76 dequantize_per_tensor_default_5" [label="(1, 197, 768)", style=solid]; +"76 dequantize_per_tensor_default_5" -> "82 linear_2" [label="(1, 197, 768)", style=solid]; +"77 linear_2_scale_0" -> "79 quantize_per_channel_default_3" [label="(3072,)", style=solid]; +"77 linear_2_scale_0" -> "80 dequantize_per_channel_default_3" [label="(3072,)", style=solid]; +"78 linear_2_zero_point_0" -> "79 quantize_per_channel_default_3" [label="(3072,)", style=solid]; +"78 linear_2_zero_point_0" -> "80 dequantize_per_channel_default_3" [label="(3072,)", style=solid]; +"79 quantize_per_channel_default_3" -> "80 dequantize_per_channel_default_3" [label="(3072, 768)", style=solid]; +"80 dequantize_per_channel_default_3" -> "82 linear_2" [label="(3072, 768)", style=solid]; +"81 _param_constant13_0_0" -> "82 linear_2" [label="(3072,)", style=solid]; +"82 linear_2" -> "83 gelu" [label="(1, 197, 3072)", style=solid]; +"83 gelu" -> "84 dropout_2" [label="(1, 197, 3072)", style=solid]; +"84 dropout_2" -> "86 dropout_2_0_0_nncf_smooth_quant_0" [label="(1, 197, 3072)", style=solid]; +"85 linear_3_updated_constant0" -> "91 quantize_per_channel_default_4" [label="(768, 3072)", style=solid]; +"86 dropout_2_0_0_nncf_smooth_quant_0" -> "87 quantize_per_tensor_default_6" [label="(1, 197, 3072)", style=solid]; +"87 quantize_per_tensor_default_6" -> "88 dequantize_per_tensor_default_6" [label="(1, 197, 3072)", style=solid]; +"88 dequantize_per_tensor_default_6" -> "94 linear_3" [label="(1, 197, 3072)", style=solid]; +"89 linear_3_scale_0" -> "91 quantize_per_channel_default_4" [label="(768,)", style=solid]; +"89 linear_3_scale_0" -> "92 dequantize_per_channel_default_4" [label="(768,)", style=solid]; +"90 linear_3_zero_point_0" -> "91 quantize_per_channel_default_4" [label="(768,)", style=solid]; +"90 linear_3_zero_point_0" -> "92 dequantize_per_channel_default_4" [label="(768,)", style=solid]; +"91 quantize_per_channel_default_4" -> "92 dequantize_per_channel_default_4" [label="(768, 3072)", style=solid]; +"92 dequantize_per_channel_default_4" -> "94 linear_3" [label="(768, 3072)", style=solid]; +"93 _param_constant15_0_0" -> "94 linear_3" [label="(768,)", style=solid]; +"94 linear_3" -> "95 dropout_3" [label="(1, 197, 768)", style=solid]; +"95 dropout_3" -> "96 add_2" [label="(1, 197, 768)", style=solid]; +"96 add_2" -> "99 layer_norm_2" [label="(1, 197, 768)", style=solid]; +"96 add_2" -> "148 add_3" [label="(1, 197, 768)", style=solid]; +"97 _param_constant16" -> "99 layer_norm_2" [label="(768,)", style=solid]; +"98 _param_constant17" -> "99 layer_norm_2" [label="(768,)", style=solid]; +"99 layer_norm_2" -> "100 transpose_6" [label="(1, 197, 768)", style=solid]; +"100 transpose_6" -> "102 transpose_6_0_0_nncf_smooth_quant_0" [label="(197, 1, 768)", style=solid]; +"101 linear_4_updated_constant0" -> "107 quantize_per_channel_default_5" [label="(2304, 768)", style=solid]; +"102 transpose_6_0_0_nncf_smooth_quant_0" -> "103 quantize_per_tensor_default_7" [label="(197, 1, 768)", style=solid]; +"103 quantize_per_tensor_default_7" -> "104 dequantize_per_tensor_default_7" [label="(197, 1, 768)", style=solid]; +"104 dequantize_per_tensor_default_7" -> "110 linear_4" [label="(197, 1, 768)", style=solid]; +"105 linear_4_scale_0" -> "107 quantize_per_channel_default_5" [label="(2304,)", style=solid]; +"105 linear_4_scale_0" -> "108 dequantize_per_channel_default_5" [label="(2304,)", style=solid]; +"106 linear_4_zero_point_0" -> "107 quantize_per_channel_default_5" [label="(2304,)", style=solid]; +"106 linear_4_zero_point_0" -> "108 dequantize_per_channel_default_5" [label="(2304,)", style=solid]; +"107 quantize_per_channel_default_5" -> "108 dequantize_per_channel_default_5" [label="(2304, 768)", style=solid]; +"108 dequantize_per_channel_default_5" -> "110 linear_4" [label="(2304, 768)", style=solid]; +"109 _param_constant19_0_0" -> "110 linear_4" [label="(2304,)", style=solid]; +"110 linear_4" -> "111 unflatten_1" [label="(197, 1, 2304)", style=solid]; +"111 unflatten_1" -> "112 unsqueeze_1" [label="(197, 1, 3, 768)", style=solid]; +"112 unsqueeze_1" -> "113 transpose_7" [label="(1, 197, 1, 3, 768)", style=solid]; +"113 transpose_7" -> "114 squeeze_1" [label="(3, 197, 1, 1, 768)", style=solid]; +"114 squeeze_1" -> "115 contiguous_1" [label="(3, 197, 1, 768)", style=solid]; +"115 contiguous_1" -> "116 quantize_per_tensor_default_8" [label="(3, 197, 1, 768)", style=solid]; +"115 contiguous_1" -> "119 quantize_per_tensor_default_9" [label="(3, 197, 1, 768)", style=solid]; +"115 contiguous_1" -> "122 select_5" [label="(3, 197, 1, 768)", style=solid]; +"116 quantize_per_tensor_default_8" -> "117 dequantize_per_tensor_default_8" [label="(3, 197, 1, 768)", style=solid]; +"117 dequantize_per_tensor_default_8" -> "118 select_3" [label="(3, 197, 1, 768)", style=solid]; +"118 select_3" -> "123 view_8" [label="(197, 1, 768)", style=solid]; +"119 quantize_per_tensor_default_9" -> "120 dequantize_per_tensor_default_9" [label="(3, 197, 1, 768)", style=solid]; +"120 dequantize_per_tensor_default_9" -> "121 select_4" [label="(3, 197, 1, 768)", style=solid]; +"121 select_4" -> "125 view_9" [label="(197, 1, 768)", style=solid]; +"122 select_5" -> "127 view_10" [label="(197, 1, 768)", style=solid]; +"123 view_8" -> "124 transpose_8" [label="(197, 12, 64)", style=solid]; +"124 transpose_8" -> "129 view_11" [label="(12, 197, 64)", style=solid]; +"125 view_9" -> "126 transpose_9" [label="(197, 12, 64)", style=solid]; +"126 transpose_9" -> "130 view_12" [label="(12, 197, 64)", style=solid]; +"127 view_10" -> "128 transpose_10" [label="(197, 12, 64)", style=solid]; +"128 transpose_10" -> "131 view_13" [label="(12, 197, 64)", style=solid]; +"129 view_11" -> "132 scaled_dot_product_attention_1" [label="(1, 12, 197, 64)", style=solid]; +"130 view_12" -> "132 scaled_dot_product_attention_1" [label="(1, 12, 197, 64)", style=solid]; +"131 view_13" -> "132 scaled_dot_product_attention_1" [label="(1, 12, 197, 64)", style=solid]; +"132 scaled_dot_product_attention_1" -> "133 permute_2" [label="(1, 12, 197, 64)", style=solid]; +"133 permute_2" -> "134 view_14" [label="(197, 1, 12, 64)", style=solid]; +"134 view_14" -> "136 view_14_0_0_nncf_smooth_quant_0" [label="(197, 768)", style=solid]; +"135 linear_5_updated_constant0" -> "141 quantize_per_channel_default_6" [label="(768, 768)", style=solid]; +"136 view_14_0_0_nncf_smooth_quant_0" -> "137 quantize_per_tensor_default_10" [label="(197, 768)", style=solid]; +"137 quantize_per_tensor_default_10" -> "138 dequantize_per_tensor_default_10" [label="(197, 768)", style=solid]; +"138 dequantize_per_tensor_default_10" -> "144 linear_5" [label="(197, 768)", style=solid]; +"139 linear_5_scale_0" -> "141 quantize_per_channel_default_6" [label="(768,)", style=solid]; +"139 linear_5_scale_0" -> "142 dequantize_per_channel_default_6" [label="(768,)", style=solid]; +"140 linear_5_zero_point_0" -> "141 quantize_per_channel_default_6" [label="(768,)", style=solid]; +"140 linear_5_zero_point_0" -> "142 dequantize_per_channel_default_6" [label="(768,)", style=solid]; +"141 quantize_per_channel_default_6" -> "142 dequantize_per_channel_default_6" [label="(768, 768)", style=solid]; +"142 dequantize_per_channel_default_6" -> "144 linear_5" [label="(768, 768)", style=solid]; +"143 _param_constant21_0_0" -> "144 linear_5" [label="(768,)", style=solid]; +"144 linear_5" -> "145 view_15" [label="(197, 768)", style=solid]; +"145 view_15" -> "146 transpose_11" [label="(197, 1, 768)", style=solid]; +"146 transpose_11" -> "147 dropout_4" [label="(1, 197, 768)", style=solid]; +"147 dropout_4" -> "148 add_3" [label="(1, 197, 768)", style=solid]; +"148 add_3" -> "151 layer_norm_3" [label="(1, 197, 768)", style=solid]; +"148 add_3" -> "175 add_4" [label="(1, 197, 768)", style=solid]; +"149 _param_constant22" -> "151 layer_norm_3" [label="(768,)", style=solid]; +"150 _param_constant23" -> "151 layer_norm_3" [label="(768,)", style=solid]; +"151 layer_norm_3" -> "153 layer_norm_3_0_0_nncf_smooth_quant_0" [label="(1, 197, 768)", style=solid]; +"152 linear_6_updated_constant0" -> "158 quantize_per_channel_default_7" [label="(3072, 768)", style=solid]; +"153 layer_norm_3_0_0_nncf_smooth_quant_0" -> "154 quantize_per_tensor_default_11" [label="(1, 197, 768)", style=solid]; +"154 quantize_per_tensor_default_11" -> "155 dequantize_per_tensor_default_11" [label="(1, 197, 768)", style=solid]; +"155 dequantize_per_tensor_default_11" -> "161 linear_6" [label="(1, 197, 768)", style=solid]; +"156 linear_6_scale_0" -> "158 quantize_per_channel_default_7" [label="(3072,)", style=solid]; +"156 linear_6_scale_0" -> "159 dequantize_per_channel_default_7" [label="(3072,)", style=solid]; +"157 linear_6_zero_point_0" -> "158 quantize_per_channel_default_7" [label="(3072,)", style=solid]; +"157 linear_6_zero_point_0" -> "159 dequantize_per_channel_default_7" [label="(3072,)", style=solid]; +"158 quantize_per_channel_default_7" -> "159 dequantize_per_channel_default_7" [label="(3072, 768)", style=solid]; +"159 dequantize_per_channel_default_7" -> "161 linear_6" [label="(3072, 768)", style=solid]; +"160 _param_constant25_0_0" -> "161 linear_6" [label="(3072,)", style=solid]; +"161 linear_6" -> "162 gelu_1" [label="(1, 197, 3072)", style=solid]; +"162 gelu_1" -> "163 dropout_5" [label="(1, 197, 3072)", style=solid]; +"163 dropout_5" -> "165 dropout_5_0_0_nncf_smooth_quant_0" [label="(1, 197, 3072)", style=solid]; +"164 linear_7_updated_constant0" -> "170 quantize_per_channel_default_8" [label="(768, 3072)", style=solid]; +"165 dropout_5_0_0_nncf_smooth_quant_0" -> "166 quantize_per_tensor_default_12" [label="(1, 197, 3072)", style=solid]; +"166 quantize_per_tensor_default_12" -> "167 dequantize_per_tensor_default_12" [label="(1, 197, 3072)", style=solid]; +"167 dequantize_per_tensor_default_12" -> "173 linear_7" [label="(1, 197, 3072)", style=solid]; +"168 linear_7_scale_0" -> "170 quantize_per_channel_default_8" [label="(768,)", style=solid]; +"168 linear_7_scale_0" -> "171 dequantize_per_channel_default_8" [label="(768,)", style=solid]; +"169 linear_7_zero_point_0" -> "170 quantize_per_channel_default_8" [label="(768,)", style=solid]; +"169 linear_7_zero_point_0" -> "171 dequantize_per_channel_default_8" [label="(768,)", style=solid]; +"170 quantize_per_channel_default_8" -> "171 dequantize_per_channel_default_8" [label="(768, 3072)", style=solid]; +"171 dequantize_per_channel_default_8" -> "173 linear_7" [label="(768, 3072)", style=solid]; +"172 _param_constant27_0_0" -> "173 linear_7" [label="(768,)", style=solid]; +"173 linear_7" -> "174 dropout_6" [label="(1, 197, 768)", style=solid]; +"174 dropout_6" -> "175 add_4" [label="(1, 197, 768)", style=solid]; +"175 add_4" -> "178 layer_norm_4" [label="(1, 197, 768)", style=solid]; +"175 add_4" -> "227 add_5" [label="(1, 197, 768)", style=solid]; +"176 _param_constant28" -> "178 layer_norm_4" [label="(768,)", style=solid]; +"177 _param_constant29" -> "178 layer_norm_4" [label="(768,)", style=solid]; +"178 layer_norm_4" -> "179 transpose_12" [label="(1, 197, 768)", style=solid]; +"179 transpose_12" -> "181 transpose_12_0_0_nncf_smooth_quant_0" [label="(197, 1, 768)", style=solid]; +"180 linear_8_updated_constant0" -> "186 quantize_per_channel_default_9" [label="(2304, 768)", style=solid]; +"181 transpose_12_0_0_nncf_smooth_quant_0" -> "182 quantize_per_tensor_default_13" [label="(197, 1, 768)", style=solid]; +"182 quantize_per_tensor_default_13" -> "183 dequantize_per_tensor_default_13" [label="(197, 1, 768)", style=solid]; +"183 dequantize_per_tensor_default_13" -> "189 linear_8" [label="(197, 1, 768)", style=solid]; +"184 linear_8_scale_0" -> "186 quantize_per_channel_default_9" [label="(2304,)", style=solid]; +"184 linear_8_scale_0" -> "187 dequantize_per_channel_default_9" [label="(2304,)", style=solid]; +"185 linear_8_zero_point_0" -> "186 quantize_per_channel_default_9" [label="(2304,)", style=solid]; +"185 linear_8_zero_point_0" -> "187 dequantize_per_channel_default_9" [label="(2304,)", style=solid]; +"186 quantize_per_channel_default_9" -> "187 dequantize_per_channel_default_9" [label="(2304, 768)", style=solid]; +"187 dequantize_per_channel_default_9" -> "189 linear_8" [label="(2304, 768)", style=solid]; +"188 _param_constant31_0_0" -> "189 linear_8" [label="(2304,)", style=solid]; +"189 linear_8" -> "190 unflatten_2" [label="(197, 1, 2304)", style=solid]; +"190 unflatten_2" -> "191 unsqueeze_2" [label="(197, 1, 3, 768)", style=solid]; +"191 unsqueeze_2" -> "192 transpose_13" [label="(1, 197, 1, 3, 768)", style=solid]; +"192 transpose_13" -> "193 squeeze_2" [label="(3, 197, 1, 1, 768)", style=solid]; +"193 squeeze_2" -> "194 contiguous_2" [label="(3, 197, 1, 768)", style=solid]; +"194 contiguous_2" -> "195 quantize_per_tensor_default_14" [label="(3, 197, 1, 768)", style=solid]; +"194 contiguous_2" -> "198 quantize_per_tensor_default_15" [label="(3, 197, 1, 768)", style=solid]; +"194 contiguous_2" -> "201 select_8" [label="(3, 197, 1, 768)", style=solid]; +"195 quantize_per_tensor_default_14" -> "196 dequantize_per_tensor_default_14" [label="(3, 197, 1, 768)", style=solid]; +"196 dequantize_per_tensor_default_14" -> "197 select_6" [label="(3, 197, 1, 768)", style=solid]; +"197 select_6" -> "202 view_16" [label="(197, 1, 768)", style=solid]; +"198 quantize_per_tensor_default_15" -> "199 dequantize_per_tensor_default_15" [label="(3, 197, 1, 768)", style=solid]; +"199 dequantize_per_tensor_default_15" -> "200 select_7" [label="(3, 197, 1, 768)", style=solid]; +"200 select_7" -> "204 view_17" [label="(197, 1, 768)", style=solid]; +"201 select_8" -> "206 view_18" [label="(197, 1, 768)", style=solid]; +"202 view_16" -> "203 transpose_14" [label="(197, 12, 64)", style=solid]; +"203 transpose_14" -> "208 view_19" [label="(12, 197, 64)", style=solid]; +"204 view_17" -> "205 transpose_15" [label="(197, 12, 64)", style=solid]; +"205 transpose_15" -> "209 view_20" [label="(12, 197, 64)", style=solid]; +"206 view_18" -> "207 transpose_16" [label="(197, 12, 64)", style=solid]; +"207 transpose_16" -> "210 view_21" [label="(12, 197, 64)", style=solid]; +"208 view_19" -> "211 scaled_dot_product_attention_2" [label="(1, 12, 197, 64)", style=solid]; +"209 view_20" -> "211 scaled_dot_product_attention_2" [label="(1, 12, 197, 64)", style=solid]; +"210 view_21" -> "211 scaled_dot_product_attention_2" [label="(1, 12, 197, 64)", style=solid]; +"211 scaled_dot_product_attention_2" -> "212 permute_3" [label="(1, 12, 197, 64)", style=solid]; +"212 permute_3" -> "213 view_22" [label="(197, 1, 12, 64)", style=solid]; +"213 view_22" -> "215 view_22_0_0_nncf_smooth_quant_0" [label="(197, 768)", style=solid]; +"214 linear_9_updated_constant0" -> "220 quantize_per_channel_default_10" [label="(768, 768)", style=solid]; +"215 view_22_0_0_nncf_smooth_quant_0" -> "216 quantize_per_tensor_default_16" [label="(197, 768)", style=solid]; +"216 quantize_per_tensor_default_16" -> "217 dequantize_per_tensor_default_16" [label="(197, 768)", style=solid]; +"217 dequantize_per_tensor_default_16" -> "223 linear_9" [label="(197, 768)", style=solid]; +"218 linear_9_scale_0" -> "220 quantize_per_channel_default_10" [label="(768,)", style=solid]; +"218 linear_9_scale_0" -> "221 dequantize_per_channel_default_10" [label="(768,)", style=solid]; +"219 linear_9_zero_point_0" -> "220 quantize_per_channel_default_10" [label="(768,)", style=solid]; +"219 linear_9_zero_point_0" -> "221 dequantize_per_channel_default_10" [label="(768,)", style=solid]; +"220 quantize_per_channel_default_10" -> "221 dequantize_per_channel_default_10" [label="(768, 768)", style=solid]; +"221 dequantize_per_channel_default_10" -> "223 linear_9" [label="(768, 768)", style=solid]; +"222 _param_constant33_0_0" -> "223 linear_9" [label="(768,)", style=solid]; +"223 linear_9" -> "224 view_23" [label="(197, 768)", style=solid]; +"224 view_23" -> "225 transpose_17" [label="(197, 1, 768)", style=solid]; +"225 transpose_17" -> "226 dropout_7" [label="(1, 197, 768)", style=solid]; +"226 dropout_7" -> "227 add_5" [label="(1, 197, 768)", style=solid]; +"227 add_5" -> "230 layer_norm_5" [label="(1, 197, 768)", style=solid]; +"227 add_5" -> "254 add_6" [label="(1, 197, 768)", style=solid]; +"228 _param_constant34" -> "230 layer_norm_5" [label="(768,)", style=solid]; +"229 _param_constant35" -> "230 layer_norm_5" [label="(768,)", style=solid]; +"230 layer_norm_5" -> "232 layer_norm_5_0_0_nncf_smooth_quant_0" [label="(1, 197, 768)", style=solid]; +"231 linear_10_updated_constant0" -> "237 quantize_per_channel_default_11" [label="(3072, 768)", style=solid]; +"232 layer_norm_5_0_0_nncf_smooth_quant_0" -> "233 quantize_per_tensor_default_17" [label="(1, 197, 768)", style=solid]; +"233 quantize_per_tensor_default_17" -> "234 dequantize_per_tensor_default_17" [label="(1, 197, 768)", style=solid]; +"234 dequantize_per_tensor_default_17" -> "240 linear_10" [label="(1, 197, 768)", style=solid]; +"235 linear_10_scale_0" -> "237 quantize_per_channel_default_11" [label="(3072,)", style=solid]; +"235 linear_10_scale_0" -> "238 dequantize_per_channel_default_11" [label="(3072,)", style=solid]; +"236 linear_10_zero_point_0" -> "237 quantize_per_channel_default_11" [label="(3072,)", style=solid]; +"236 linear_10_zero_point_0" -> "238 dequantize_per_channel_default_11" [label="(3072,)", style=solid]; +"237 quantize_per_channel_default_11" -> "238 dequantize_per_channel_default_11" [label="(3072, 768)", style=solid]; +"238 dequantize_per_channel_default_11" -> "240 linear_10" [label="(3072, 768)", style=solid]; +"239 _param_constant37_0_0" -> "240 linear_10" [label="(3072,)", style=solid]; +"240 linear_10" -> "241 gelu_2" [label="(1, 197, 3072)", style=solid]; +"241 gelu_2" -> "242 dropout_8" [label="(1, 197, 3072)", style=solid]; +"242 dropout_8" -> "244 dropout_8_0_0_nncf_smooth_quant_0" [label="(1, 197, 3072)", style=solid]; +"243 linear_11_updated_constant0" -> "249 quantize_per_channel_default_12" [label="(768, 3072)", style=solid]; +"244 dropout_8_0_0_nncf_smooth_quant_0" -> "245 quantize_per_tensor_default_18" [label="(1, 197, 3072)", style=solid]; +"245 quantize_per_tensor_default_18" -> "246 dequantize_per_tensor_default_18" [label="(1, 197, 3072)", style=solid]; +"246 dequantize_per_tensor_default_18" -> "252 linear_11" [label="(1, 197, 3072)", style=solid]; +"247 linear_11_scale_0" -> "249 quantize_per_channel_default_12" [label="(768,)", style=solid]; +"247 linear_11_scale_0" -> "250 dequantize_per_channel_default_12" [label="(768,)", style=solid]; +"248 linear_11_zero_point_0" -> "249 quantize_per_channel_default_12" [label="(768,)", style=solid]; +"248 linear_11_zero_point_0" -> "250 dequantize_per_channel_default_12" [label="(768,)", style=solid]; +"249 quantize_per_channel_default_12" -> "250 dequantize_per_channel_default_12" [label="(768, 3072)", style=solid]; +"250 dequantize_per_channel_default_12" -> "252 linear_11" [label="(768, 3072)", style=solid]; +"251 _param_constant39_0_0" -> "252 linear_11" [label="(768,)", style=solid]; +"252 linear_11" -> "253 dropout_9" [label="(1, 197, 768)", style=solid]; +"253 dropout_9" -> "254 add_6" [label="(1, 197, 768)", style=solid]; +"254 add_6" -> "257 layer_norm_6" [label="(1, 197, 768)", style=solid]; +"254 add_6" -> "306 add_7" [label="(1, 197, 768)", style=solid]; +"255 _param_constant40" -> "257 layer_norm_6" [label="(768,)", style=solid]; +"256 _param_constant41" -> "257 layer_norm_6" [label="(768,)", style=solid]; +"257 layer_norm_6" -> "258 transpose_18" [label="(1, 197, 768)", style=solid]; +"258 transpose_18" -> "260 transpose_18_0_0_nncf_smooth_quant_0" [label="(197, 1, 768)", style=solid]; +"259 linear_12_updated_constant0" -> "265 quantize_per_channel_default_13" [label="(2304, 768)", style=solid]; +"260 transpose_18_0_0_nncf_smooth_quant_0" -> "261 quantize_per_tensor_default_19" [label="(197, 1, 768)", style=solid]; +"261 quantize_per_tensor_default_19" -> "262 dequantize_per_tensor_default_19" [label="(197, 1, 768)", style=solid]; +"262 dequantize_per_tensor_default_19" -> "268 linear_12" [label="(197, 1, 768)", style=solid]; +"263 linear_12_scale_0" -> "265 quantize_per_channel_default_13" [label="(2304,)", style=solid]; +"263 linear_12_scale_0" -> "266 dequantize_per_channel_default_13" [label="(2304,)", style=solid]; +"264 linear_12_zero_point_0" -> "265 quantize_per_channel_default_13" [label="(2304,)", style=solid]; +"264 linear_12_zero_point_0" -> "266 dequantize_per_channel_default_13" [label="(2304,)", style=solid]; +"265 quantize_per_channel_default_13" -> "266 dequantize_per_channel_default_13" [label="(2304, 768)", style=solid]; +"266 dequantize_per_channel_default_13" -> "268 linear_12" [label="(2304, 768)", style=solid]; +"267 _param_constant43_0_0" -> "268 linear_12" [label="(2304,)", style=solid]; +"268 linear_12" -> "269 unflatten_3" [label="(197, 1, 2304)", style=solid]; +"269 unflatten_3" -> "270 unsqueeze_3" [label="(197, 1, 3, 768)", style=solid]; +"270 unsqueeze_3" -> "271 transpose_19" [label="(1, 197, 1, 3, 768)", style=solid]; +"271 transpose_19" -> "272 squeeze_3" [label="(3, 197, 1, 1, 768)", style=solid]; +"272 squeeze_3" -> "273 contiguous_3" [label="(3, 197, 1, 768)", style=solid]; +"273 contiguous_3" -> "274 quantize_per_tensor_default_20" [label="(3, 197, 1, 768)", style=solid]; +"273 contiguous_3" -> "277 quantize_per_tensor_default_21" [label="(3, 197, 1, 768)", style=solid]; +"273 contiguous_3" -> "280 select_11" [label="(3, 197, 1, 768)", style=solid]; +"274 quantize_per_tensor_default_20" -> "275 dequantize_per_tensor_default_20" [label="(3, 197, 1, 768)", style=solid]; +"275 dequantize_per_tensor_default_20" -> "276 select_9" [label="(3, 197, 1, 768)", style=solid]; +"276 select_9" -> "281 view_24" [label="(197, 1, 768)", style=solid]; +"277 quantize_per_tensor_default_21" -> "278 dequantize_per_tensor_default_21" [label="(3, 197, 1, 768)", style=solid]; +"278 dequantize_per_tensor_default_21" -> "279 select_10" [label="(3, 197, 1, 768)", style=solid]; +"279 select_10" -> "283 view_25" [label="(197, 1, 768)", style=solid]; +"280 select_11" -> "285 view_26" [label="(197, 1, 768)", style=solid]; +"281 view_24" -> "282 transpose_20" [label="(197, 12, 64)", style=solid]; +"282 transpose_20" -> "287 view_27" [label="(12, 197, 64)", style=solid]; +"283 view_25" -> "284 transpose_21" [label="(197, 12, 64)", style=solid]; +"284 transpose_21" -> "288 view_28" [label="(12, 197, 64)", style=solid]; +"285 view_26" -> "286 transpose_22" [label="(197, 12, 64)", style=solid]; +"286 transpose_22" -> "289 view_29" [label="(12, 197, 64)", style=solid]; +"287 view_27" -> "290 scaled_dot_product_attention_3" [label="(1, 12, 197, 64)", style=solid]; +"288 view_28" -> "290 scaled_dot_product_attention_3" [label="(1, 12, 197, 64)", style=solid]; +"289 view_29" -> "290 scaled_dot_product_attention_3" [label="(1, 12, 197, 64)", style=solid]; +"290 scaled_dot_product_attention_3" -> "291 permute_4" [label="(1, 12, 197, 64)", style=solid]; +"291 permute_4" -> "292 view_30" [label="(197, 1, 12, 64)", style=solid]; +"292 view_30" -> "294 view_30_0_0_nncf_smooth_quant_0" [label="(197, 768)", style=solid]; +"293 linear_13_updated_constant0" -> "299 quantize_per_channel_default_14" [label="(768, 768)", style=solid]; +"294 view_30_0_0_nncf_smooth_quant_0" -> "295 quantize_per_tensor_default_22" [label="(197, 768)", style=solid]; +"295 quantize_per_tensor_default_22" -> "296 dequantize_per_tensor_default_22" [label="(197, 768)", style=solid]; +"296 dequantize_per_tensor_default_22" -> "302 linear_13" [label="(197, 768)", style=solid]; +"297 linear_13_scale_0" -> "299 quantize_per_channel_default_14" [label="(768,)", style=solid]; +"297 linear_13_scale_0" -> "300 dequantize_per_channel_default_14" [label="(768,)", style=solid]; +"298 linear_13_zero_point_0" -> "299 quantize_per_channel_default_14" [label="(768,)", style=solid]; +"298 linear_13_zero_point_0" -> "300 dequantize_per_channel_default_14" [label="(768,)", style=solid]; +"299 quantize_per_channel_default_14" -> "300 dequantize_per_channel_default_14" [label="(768, 768)", style=solid]; +"300 dequantize_per_channel_default_14" -> "302 linear_13" [label="(768, 768)", style=solid]; +"301 _param_constant45_0_0" -> "302 linear_13" [label="(768,)", style=solid]; +"302 linear_13" -> "303 view_31" [label="(197, 768)", style=solid]; +"303 view_31" -> "304 transpose_23" [label="(197, 1, 768)", style=solid]; +"304 transpose_23" -> "305 dropout_10" [label="(1, 197, 768)", style=solid]; +"305 dropout_10" -> "306 add_7" [label="(1, 197, 768)", style=solid]; +"306 add_7" -> "309 layer_norm_7" [label="(1, 197, 768)", style=solid]; +"306 add_7" -> "333 add_8" [label="(1, 197, 768)", style=solid]; +"307 _param_constant46" -> "309 layer_norm_7" [label="(768,)", style=solid]; +"308 _param_constant47" -> "309 layer_norm_7" [label="(768,)", style=solid]; +"309 layer_norm_7" -> "311 layer_norm_7_0_0_nncf_smooth_quant_0" [label="(1, 197, 768)", style=solid]; +"310 linear_14_updated_constant0" -> "316 quantize_per_channel_default_15" [label="(3072, 768)", style=solid]; +"311 layer_norm_7_0_0_nncf_smooth_quant_0" -> "312 quantize_per_tensor_default_23" [label="(1, 197, 768)", style=solid]; +"312 quantize_per_tensor_default_23" -> "313 dequantize_per_tensor_default_23" [label="(1, 197, 768)", style=solid]; +"313 dequantize_per_tensor_default_23" -> "319 linear_14" [label="(1, 197, 768)", style=solid]; +"314 linear_14_scale_0" -> "316 quantize_per_channel_default_15" [label="(3072,)", style=solid]; +"314 linear_14_scale_0" -> "317 dequantize_per_channel_default_15" [label="(3072,)", style=solid]; +"315 linear_14_zero_point_0" -> "316 quantize_per_channel_default_15" [label="(3072,)", style=solid]; +"315 linear_14_zero_point_0" -> "317 dequantize_per_channel_default_15" [label="(3072,)", style=solid]; +"316 quantize_per_channel_default_15" -> "317 dequantize_per_channel_default_15" [label="(3072, 768)", style=solid]; +"317 dequantize_per_channel_default_15" -> "319 linear_14" [label="(3072, 768)", style=solid]; +"318 _param_constant49_0_0" -> "319 linear_14" [label="(3072,)", style=solid]; +"319 linear_14" -> "320 gelu_3" [label="(1, 197, 3072)", style=solid]; +"320 gelu_3" -> "321 dropout_11" [label="(1, 197, 3072)", style=solid]; +"321 dropout_11" -> "323 dropout_11_0_0_nncf_smooth_quant_0" [label="(1, 197, 3072)", style=solid]; +"322 linear_15_updated_constant0" -> "328 quantize_per_channel_default_16" [label="(768, 3072)", style=solid]; +"323 dropout_11_0_0_nncf_smooth_quant_0" -> "324 quantize_per_tensor_default_24" [label="(1, 197, 3072)", style=solid]; +"324 quantize_per_tensor_default_24" -> "325 dequantize_per_tensor_default_24" [label="(1, 197, 3072)", style=solid]; +"325 dequantize_per_tensor_default_24" -> "331 linear_15" [label="(1, 197, 3072)", style=solid]; +"326 linear_15_scale_0" -> "328 quantize_per_channel_default_16" [label="(768,)", style=solid]; +"326 linear_15_scale_0" -> "329 dequantize_per_channel_default_16" [label="(768,)", style=solid]; +"327 linear_15_zero_point_0" -> "328 quantize_per_channel_default_16" [label="(768,)", style=solid]; +"327 linear_15_zero_point_0" -> "329 dequantize_per_channel_default_16" [label="(768,)", style=solid]; +"328 quantize_per_channel_default_16" -> "329 dequantize_per_channel_default_16" [label="(768, 3072)", style=solid]; +"329 dequantize_per_channel_default_16" -> "331 linear_15" [label="(768, 3072)", style=solid]; +"330 _param_constant51_0_0" -> "331 linear_15" [label="(768,)", style=solid]; +"331 linear_15" -> "332 dropout_12" [label="(1, 197, 768)", style=solid]; +"332 dropout_12" -> "333 add_8" [label="(1, 197, 768)", style=solid]; +"333 add_8" -> "336 layer_norm_8" [label="(1, 197, 768)", style=solid]; +"333 add_8" -> "385 add_9" [label="(1, 197, 768)", style=solid]; +"334 _param_constant52" -> "336 layer_norm_8" [label="(768,)", style=solid]; +"335 _param_constant53" -> "336 layer_norm_8" [label="(768,)", style=solid]; +"336 layer_norm_8" -> "337 transpose_24" [label="(1, 197, 768)", style=solid]; +"337 transpose_24" -> "339 transpose_24_0_0_nncf_smooth_quant_0" [label="(197, 1, 768)", style=solid]; +"338 linear_16_updated_constant0" -> "344 quantize_per_channel_default_17" [label="(2304, 768)", style=solid]; +"339 transpose_24_0_0_nncf_smooth_quant_0" -> "340 quantize_per_tensor_default_25" [label="(197, 1, 768)", style=solid]; +"340 quantize_per_tensor_default_25" -> "341 dequantize_per_tensor_default_25" [label="(197, 1, 768)", style=solid]; +"341 dequantize_per_tensor_default_25" -> "347 linear_16" [label="(197, 1, 768)", style=solid]; +"342 linear_16_scale_0" -> "344 quantize_per_channel_default_17" [label="(2304,)", style=solid]; +"342 linear_16_scale_0" -> "345 dequantize_per_channel_default_17" [label="(2304,)", style=solid]; +"343 linear_16_zero_point_0" -> "344 quantize_per_channel_default_17" [label="(2304,)", style=solid]; +"343 linear_16_zero_point_0" -> "345 dequantize_per_channel_default_17" [label="(2304,)", style=solid]; +"344 quantize_per_channel_default_17" -> "345 dequantize_per_channel_default_17" [label="(2304, 768)", style=solid]; +"345 dequantize_per_channel_default_17" -> "347 linear_16" [label="(2304, 768)", style=solid]; +"346 _param_constant55_0_0" -> "347 linear_16" [label="(2304,)", style=solid]; +"347 linear_16" -> "348 unflatten_4" [label="(197, 1, 2304)", style=solid]; +"348 unflatten_4" -> "349 unsqueeze_4" [label="(197, 1, 3, 768)", style=solid]; +"349 unsqueeze_4" -> "350 transpose_25" [label="(1, 197, 1, 3, 768)", style=solid]; +"350 transpose_25" -> "351 squeeze_4" [label="(3, 197, 1, 1, 768)", style=solid]; +"351 squeeze_4" -> "352 contiguous_4" [label="(3, 197, 1, 768)", style=solid]; +"352 contiguous_4" -> "353 quantize_per_tensor_default_26" [label="(3, 197, 1, 768)", style=solid]; +"352 contiguous_4" -> "356 quantize_per_tensor_default_27" [label="(3, 197, 1, 768)", style=solid]; +"352 contiguous_4" -> "359 select_14" [label="(3, 197, 1, 768)", style=solid]; +"353 quantize_per_tensor_default_26" -> "354 dequantize_per_tensor_default_26" [label="(3, 197, 1, 768)", style=solid]; +"354 dequantize_per_tensor_default_26" -> "355 select_12" [label="(3, 197, 1, 768)", style=solid]; +"355 select_12" -> "360 view_32" [label="(197, 1, 768)", style=solid]; +"356 quantize_per_tensor_default_27" -> "357 dequantize_per_tensor_default_27" [label="(3, 197, 1, 768)", style=solid]; +"357 dequantize_per_tensor_default_27" -> "358 select_13" [label="(3, 197, 1, 768)", style=solid]; +"358 select_13" -> "362 view_33" [label="(197, 1, 768)", style=solid]; +"359 select_14" -> "364 view_34" [label="(197, 1, 768)", style=solid]; +"360 view_32" -> "361 transpose_26" [label="(197, 12, 64)", style=solid]; +"361 transpose_26" -> "366 view_35" [label="(12, 197, 64)", style=solid]; +"362 view_33" -> "363 transpose_27" [label="(197, 12, 64)", style=solid]; +"363 transpose_27" -> "367 view_36" [label="(12, 197, 64)", style=solid]; +"364 view_34" -> "365 transpose_28" [label="(197, 12, 64)", style=solid]; +"365 transpose_28" -> "368 view_37" [label="(12, 197, 64)", style=solid]; +"366 view_35" -> "369 scaled_dot_product_attention_4" [label="(1, 12, 197, 64)", style=solid]; +"367 view_36" -> "369 scaled_dot_product_attention_4" [label="(1, 12, 197, 64)", style=solid]; +"368 view_37" -> "369 scaled_dot_product_attention_4" [label="(1, 12, 197, 64)", style=solid]; +"369 scaled_dot_product_attention_4" -> "370 permute_5" [label="(1, 12, 197, 64)", style=solid]; +"370 permute_5" -> "371 view_38" [label="(197, 1, 12, 64)", style=solid]; +"371 view_38" -> "373 view_38_0_0_nncf_smooth_quant_0" [label="(197, 768)", style=solid]; +"372 linear_17_updated_constant0" -> "378 quantize_per_channel_default_18" [label="(768, 768)", style=solid]; +"373 view_38_0_0_nncf_smooth_quant_0" -> "374 quantize_per_tensor_default_28" [label="(197, 768)", style=solid]; +"374 quantize_per_tensor_default_28" -> "375 dequantize_per_tensor_default_28" [label="(197, 768)", style=solid]; +"375 dequantize_per_tensor_default_28" -> "381 linear_17" [label="(197, 768)", style=solid]; +"376 linear_17_scale_0" -> "378 quantize_per_channel_default_18" [label="(768,)", style=solid]; +"376 linear_17_scale_0" -> "379 dequantize_per_channel_default_18" [label="(768,)", style=solid]; +"377 linear_17_zero_point_0" -> "378 quantize_per_channel_default_18" [label="(768,)", style=solid]; +"377 linear_17_zero_point_0" -> "379 dequantize_per_channel_default_18" [label="(768,)", style=solid]; +"378 quantize_per_channel_default_18" -> "379 dequantize_per_channel_default_18" [label="(768, 768)", style=solid]; +"379 dequantize_per_channel_default_18" -> "381 linear_17" [label="(768, 768)", style=solid]; +"380 _param_constant57_0_0" -> "381 linear_17" [label="(768,)", style=solid]; +"381 linear_17" -> "382 view_39" [label="(197, 768)", style=solid]; +"382 view_39" -> "383 transpose_29" [label="(197, 1, 768)", style=solid]; +"383 transpose_29" -> "384 dropout_13" [label="(1, 197, 768)", style=solid]; +"384 dropout_13" -> "385 add_9" [label="(1, 197, 768)", style=solid]; +"385 add_9" -> "388 layer_norm_9" [label="(1, 197, 768)", style=solid]; +"385 add_9" -> "412 add_10" [label="(1, 197, 768)", style=solid]; +"386 _param_constant58" -> "388 layer_norm_9" [label="(768,)", style=solid]; +"387 _param_constant59" -> "388 layer_norm_9" [label="(768,)", style=solid]; +"388 layer_norm_9" -> "390 layer_norm_9_0_0_nncf_smooth_quant_0" [label="(1, 197, 768)", style=solid]; +"389 linear_18_updated_constant0" -> "395 quantize_per_channel_default_19" [label="(3072, 768)", style=solid]; +"390 layer_norm_9_0_0_nncf_smooth_quant_0" -> "391 quantize_per_tensor_default_29" [label="(1, 197, 768)", style=solid]; +"391 quantize_per_tensor_default_29" -> "392 dequantize_per_tensor_default_29" [label="(1, 197, 768)", style=solid]; +"392 dequantize_per_tensor_default_29" -> "398 linear_18" [label="(1, 197, 768)", style=solid]; +"393 linear_18_scale_0" -> "395 quantize_per_channel_default_19" [label="(3072,)", style=solid]; +"393 linear_18_scale_0" -> "396 dequantize_per_channel_default_19" [label="(3072,)", style=solid]; +"394 linear_18_zero_point_0" -> "395 quantize_per_channel_default_19" [label="(3072,)", style=solid]; +"394 linear_18_zero_point_0" -> "396 dequantize_per_channel_default_19" [label="(3072,)", style=solid]; +"395 quantize_per_channel_default_19" -> "396 dequantize_per_channel_default_19" [label="(3072, 768)", style=solid]; +"396 dequantize_per_channel_default_19" -> "398 linear_18" [label="(3072, 768)", style=solid]; +"397 _param_constant61_0_0" -> "398 linear_18" [label="(3072,)", style=solid]; +"398 linear_18" -> "399 gelu_4" [label="(1, 197, 3072)", style=solid]; +"399 gelu_4" -> "400 dropout_14" [label="(1, 197, 3072)", style=solid]; +"400 dropout_14" -> "402 dropout_14_0_0_nncf_smooth_quant_0" [label="(1, 197, 3072)", style=solid]; +"401 linear_19_updated_constant0" -> "407 quantize_per_channel_default_20" [label="(768, 3072)", style=solid]; +"402 dropout_14_0_0_nncf_smooth_quant_0" -> "403 quantize_per_tensor_default_30" [label="(1, 197, 3072)", style=solid]; +"403 quantize_per_tensor_default_30" -> "404 dequantize_per_tensor_default_30" [label="(1, 197, 3072)", style=solid]; +"404 dequantize_per_tensor_default_30" -> "410 linear_19" [label="(1, 197, 3072)", style=solid]; +"405 linear_19_scale_0" -> "407 quantize_per_channel_default_20" [label="(768,)", style=solid]; +"405 linear_19_scale_0" -> "408 dequantize_per_channel_default_20" [label="(768,)", style=solid]; +"406 linear_19_zero_point_0" -> "407 quantize_per_channel_default_20" [label="(768,)", style=solid]; +"406 linear_19_zero_point_0" -> "408 dequantize_per_channel_default_20" [label="(768,)", style=solid]; +"407 quantize_per_channel_default_20" -> "408 dequantize_per_channel_default_20" [label="(768, 3072)", style=solid]; +"408 dequantize_per_channel_default_20" -> "410 linear_19" [label="(768, 3072)", style=solid]; +"409 _param_constant63_0_0" -> "410 linear_19" [label="(768,)", style=solid]; +"410 linear_19" -> "411 dropout_15" [label="(1, 197, 768)", style=solid]; +"411 dropout_15" -> "412 add_10" [label="(1, 197, 768)", style=solid]; +"412 add_10" -> "415 layer_norm_10" [label="(1, 197, 768)", style=solid]; +"412 add_10" -> "464 add_11" [label="(1, 197, 768)", style=solid]; +"413 _param_constant64" -> "415 layer_norm_10" [label="(768,)", style=solid]; +"414 _param_constant65" -> "415 layer_norm_10" [label="(768,)", style=solid]; +"415 layer_norm_10" -> "416 transpose_30" [label="(1, 197, 768)", style=solid]; +"416 transpose_30" -> "418 transpose_30_0_0_nncf_smooth_quant_0" [label="(197, 1, 768)", style=solid]; +"417 linear_20_updated_constant0" -> "423 quantize_per_channel_default_21" [label="(2304, 768)", style=solid]; +"418 transpose_30_0_0_nncf_smooth_quant_0" -> "419 quantize_per_tensor_default_31" [label="(197, 1, 768)", style=solid]; +"419 quantize_per_tensor_default_31" -> "420 dequantize_per_tensor_default_31" [label="(197, 1, 768)", style=solid]; +"420 dequantize_per_tensor_default_31" -> "426 linear_20" [label="(197, 1, 768)", style=solid]; +"421 linear_20_scale_0" -> "423 quantize_per_channel_default_21" [label="(2304,)", style=solid]; +"421 linear_20_scale_0" -> "424 dequantize_per_channel_default_21" [label="(2304,)", style=solid]; +"422 linear_20_zero_point_0" -> "423 quantize_per_channel_default_21" [label="(2304,)", style=solid]; +"422 linear_20_zero_point_0" -> "424 dequantize_per_channel_default_21" [label="(2304,)", style=solid]; +"423 quantize_per_channel_default_21" -> "424 dequantize_per_channel_default_21" [label="(2304, 768)", style=solid]; +"424 dequantize_per_channel_default_21" -> "426 linear_20" [label="(2304, 768)", style=solid]; +"425 _param_constant67_0_0" -> "426 linear_20" [label="(2304,)", style=solid]; +"426 linear_20" -> "427 unflatten_5" [label="(197, 1, 2304)", style=solid]; +"427 unflatten_5" -> "428 unsqueeze_5" [label="(197, 1, 3, 768)", style=solid]; +"428 unsqueeze_5" -> "429 transpose_31" [label="(1, 197, 1, 3, 768)", style=solid]; +"429 transpose_31" -> "430 squeeze_5" [label="(3, 197, 1, 1, 768)", style=solid]; +"430 squeeze_5" -> "431 contiguous_5" [label="(3, 197, 1, 768)", style=solid]; +"431 contiguous_5" -> "432 quantize_per_tensor_default_32" [label="(3, 197, 1, 768)", style=solid]; +"431 contiguous_5" -> "435 quantize_per_tensor_default_33" [label="(3, 197, 1, 768)", style=solid]; +"431 contiguous_5" -> "438 select_17" [label="(3, 197, 1, 768)", style=solid]; +"432 quantize_per_tensor_default_32" -> "433 dequantize_per_tensor_default_32" [label="(3, 197, 1, 768)", style=solid]; +"433 dequantize_per_tensor_default_32" -> "434 select_15" [label="(3, 197, 1, 768)", style=solid]; +"434 select_15" -> "439 view_40" [label="(197, 1, 768)", style=solid]; +"435 quantize_per_tensor_default_33" -> "436 dequantize_per_tensor_default_33" [label="(3, 197, 1, 768)", style=solid]; +"436 dequantize_per_tensor_default_33" -> "437 select_16" [label="(3, 197, 1, 768)", style=solid]; +"437 select_16" -> "441 view_41" [label="(197, 1, 768)", style=solid]; +"438 select_17" -> "443 view_42" [label="(197, 1, 768)", style=solid]; +"439 view_40" -> "440 transpose_32" [label="(197, 12, 64)", style=solid]; +"440 transpose_32" -> "445 view_43" [label="(12, 197, 64)", style=solid]; +"441 view_41" -> "442 transpose_33" [label="(197, 12, 64)", style=solid]; +"442 transpose_33" -> "446 view_44" [label="(12, 197, 64)", style=solid]; +"443 view_42" -> "444 transpose_34" [label="(197, 12, 64)", style=solid]; +"444 transpose_34" -> "447 view_45" [label="(12, 197, 64)", style=solid]; +"445 view_43" -> "448 scaled_dot_product_attention_5" [label="(1, 12, 197, 64)", style=solid]; +"446 view_44" -> "448 scaled_dot_product_attention_5" [label="(1, 12, 197, 64)", style=solid]; +"447 view_45" -> "448 scaled_dot_product_attention_5" [label="(1, 12, 197, 64)", style=solid]; +"448 scaled_dot_product_attention_5" -> "449 permute_6" [label="(1, 12, 197, 64)", style=solid]; +"449 permute_6" -> "450 view_46" [label="(197, 1, 12, 64)", style=solid]; +"450 view_46" -> "452 view_46_0_0_nncf_smooth_quant_0" [label="(197, 768)", style=solid]; +"451 linear_21_updated_constant0" -> "457 quantize_per_channel_default_22" [label="(768, 768)", style=solid]; +"452 view_46_0_0_nncf_smooth_quant_0" -> "453 quantize_per_tensor_default_34" [label="(197, 768)", style=solid]; +"453 quantize_per_tensor_default_34" -> "454 dequantize_per_tensor_default_34" [label="(197, 768)", style=solid]; +"454 dequantize_per_tensor_default_34" -> "460 linear_21" [label="(197, 768)", style=solid]; +"455 linear_21_scale_0" -> "457 quantize_per_channel_default_22" [label="(768,)", style=solid]; +"455 linear_21_scale_0" -> "458 dequantize_per_channel_default_22" [label="(768,)", style=solid]; +"456 linear_21_zero_point_0" -> "457 quantize_per_channel_default_22" [label="(768,)", style=solid]; +"456 linear_21_zero_point_0" -> "458 dequantize_per_channel_default_22" [label="(768,)", style=solid]; +"457 quantize_per_channel_default_22" -> "458 dequantize_per_channel_default_22" [label="(768, 768)", style=solid]; +"458 dequantize_per_channel_default_22" -> "460 linear_21" [label="(768, 768)", style=solid]; +"459 _param_constant69_0_0" -> "460 linear_21" [label="(768,)", style=solid]; +"460 linear_21" -> "461 view_47" [label="(197, 768)", style=solid]; +"461 view_47" -> "462 transpose_35" [label="(197, 1, 768)", style=solid]; +"462 transpose_35" -> "463 dropout_16" [label="(1, 197, 768)", style=solid]; +"463 dropout_16" -> "464 add_11" [label="(1, 197, 768)", style=solid]; +"464 add_11" -> "467 layer_norm_11" [label="(1, 197, 768)", style=solid]; +"464 add_11" -> "491 add_12" [label="(1, 197, 768)", style=solid]; +"465 _param_constant70" -> "467 layer_norm_11" [label="(768,)", style=solid]; +"466 _param_constant71" -> "467 layer_norm_11" [label="(768,)", style=solid]; +"467 layer_norm_11" -> "469 layer_norm_11_0_0_nncf_smooth_quant_0" [label="(1, 197, 768)", style=solid]; +"468 linear_22_updated_constant0" -> "474 quantize_per_channel_default_23" [label="(3072, 768)", style=solid]; +"469 layer_norm_11_0_0_nncf_smooth_quant_0" -> "470 quantize_per_tensor_default_35" [label="(1, 197, 768)", style=solid]; +"470 quantize_per_tensor_default_35" -> "471 dequantize_per_tensor_default_35" [label="(1, 197, 768)", style=solid]; +"471 dequantize_per_tensor_default_35" -> "477 linear_22" [label="(1, 197, 768)", style=solid]; +"472 linear_22_scale_0" -> "474 quantize_per_channel_default_23" [label="(3072,)", style=solid]; +"472 linear_22_scale_0" -> "475 dequantize_per_channel_default_23" [label="(3072,)", style=solid]; +"473 linear_22_zero_point_0" -> "474 quantize_per_channel_default_23" [label="(3072,)", style=solid]; +"473 linear_22_zero_point_0" -> "475 dequantize_per_channel_default_23" [label="(3072,)", style=solid]; +"474 quantize_per_channel_default_23" -> "475 dequantize_per_channel_default_23" [label="(3072, 768)", style=solid]; +"475 dequantize_per_channel_default_23" -> "477 linear_22" [label="(3072, 768)", style=solid]; +"476 _param_constant73_0_0" -> "477 linear_22" [label="(3072,)", style=solid]; +"477 linear_22" -> "478 gelu_5" [label="(1, 197, 3072)", style=solid]; +"478 gelu_5" -> "479 dropout_17" [label="(1, 197, 3072)", style=solid]; +"479 dropout_17" -> "481 dropout_17_0_0_nncf_smooth_quant_0" [label="(1, 197, 3072)", style=solid]; +"480 linear_23_updated_constant0" -> "486 quantize_per_channel_default_24" [label="(768, 3072)", style=solid]; +"481 dropout_17_0_0_nncf_smooth_quant_0" -> "482 quantize_per_tensor_default_36" [label="(1, 197, 3072)", style=solid]; +"482 quantize_per_tensor_default_36" -> "483 dequantize_per_tensor_default_36" [label="(1, 197, 3072)", style=solid]; +"483 dequantize_per_tensor_default_36" -> "489 linear_23" [label="(1, 197, 3072)", style=solid]; +"484 linear_23_scale_0" -> "486 quantize_per_channel_default_24" [label="(768,)", style=solid]; +"484 linear_23_scale_0" -> "487 dequantize_per_channel_default_24" [label="(768,)", style=solid]; +"485 linear_23_zero_point_0" -> "486 quantize_per_channel_default_24" [label="(768,)", style=solid]; +"485 linear_23_zero_point_0" -> "487 dequantize_per_channel_default_24" [label="(768,)", style=solid]; +"486 quantize_per_channel_default_24" -> "487 dequantize_per_channel_default_24" [label="(768, 3072)", style=solid]; +"487 dequantize_per_channel_default_24" -> "489 linear_23" [label="(768, 3072)", style=solid]; +"488 _param_constant75_0_0" -> "489 linear_23" [label="(768,)", style=solid]; +"489 linear_23" -> "490 dropout_18" [label="(1, 197, 768)", style=solid]; +"490 dropout_18" -> "491 add_12" [label="(1, 197, 768)", style=solid]; +"491 add_12" -> "494 layer_norm_12" [label="(1, 197, 768)", style=solid]; +"491 add_12" -> "543 add_13" [label="(1, 197, 768)", style=solid]; +"492 _param_constant76" -> "494 layer_norm_12" [label="(768,)", style=solid]; +"493 _param_constant77" -> "494 layer_norm_12" [label="(768,)", style=solid]; +"494 layer_norm_12" -> "495 transpose_36" [label="(1, 197, 768)", style=solid]; +"495 transpose_36" -> "497 transpose_36_0_0_nncf_smooth_quant_0" [label="(197, 1, 768)", style=solid]; +"496 linear_24_updated_constant0" -> "502 quantize_per_channel_default_25" [label="(2304, 768)", style=solid]; +"497 transpose_36_0_0_nncf_smooth_quant_0" -> "498 quantize_per_tensor_default_37" [label="(197, 1, 768)", style=solid]; +"498 quantize_per_tensor_default_37" -> "499 dequantize_per_tensor_default_37" [label="(197, 1, 768)", style=solid]; +"499 dequantize_per_tensor_default_37" -> "505 linear_24" [label="(197, 1, 768)", style=solid]; +"500 linear_24_scale_0" -> "502 quantize_per_channel_default_25" [label="(2304,)", style=solid]; +"500 linear_24_scale_0" -> "503 dequantize_per_channel_default_25" [label="(2304,)", style=solid]; +"501 linear_24_zero_point_0" -> "502 quantize_per_channel_default_25" [label="(2304,)", style=solid]; +"501 linear_24_zero_point_0" -> "503 dequantize_per_channel_default_25" [label="(2304,)", style=solid]; +"502 quantize_per_channel_default_25" -> "503 dequantize_per_channel_default_25" [label="(2304, 768)", style=solid]; +"503 dequantize_per_channel_default_25" -> "505 linear_24" [label="(2304, 768)", style=solid]; +"504 _param_constant79_0_0" -> "505 linear_24" [label="(2304,)", style=solid]; +"505 linear_24" -> "506 unflatten_6" [label="(197, 1, 2304)", style=solid]; +"506 unflatten_6" -> "507 unsqueeze_6" [label="(197, 1, 3, 768)", style=solid]; +"507 unsqueeze_6" -> "508 transpose_37" [label="(1, 197, 1, 3, 768)", style=solid]; +"508 transpose_37" -> "509 squeeze_6" [label="(3, 197, 1, 1, 768)", style=solid]; +"509 squeeze_6" -> "510 contiguous_6" [label="(3, 197, 1, 768)", style=solid]; +"510 contiguous_6" -> "511 quantize_per_tensor_default_38" [label="(3, 197, 1, 768)", style=solid]; +"510 contiguous_6" -> "514 quantize_per_tensor_default_39" [label="(3, 197, 1, 768)", style=solid]; +"510 contiguous_6" -> "517 select_20" [label="(3, 197, 1, 768)", style=solid]; +"511 quantize_per_tensor_default_38" -> "512 dequantize_per_tensor_default_38" [label="(3, 197, 1, 768)", style=solid]; +"512 dequantize_per_tensor_default_38" -> "513 select_18" [label="(3, 197, 1, 768)", style=solid]; +"513 select_18" -> "518 view_48" [label="(197, 1, 768)", style=solid]; +"514 quantize_per_tensor_default_39" -> "515 dequantize_per_tensor_default_39" [label="(3, 197, 1, 768)", style=solid]; +"515 dequantize_per_tensor_default_39" -> "516 select_19" [label="(3, 197, 1, 768)", style=solid]; +"516 select_19" -> "520 view_49" [label="(197, 1, 768)", style=solid]; +"517 select_20" -> "522 view_50" [label="(197, 1, 768)", style=solid]; +"518 view_48" -> "519 transpose_38" [label="(197, 12, 64)", style=solid]; +"519 transpose_38" -> "524 view_51" [label="(12, 197, 64)", style=solid]; +"520 view_49" -> "521 transpose_39" [label="(197, 12, 64)", style=solid]; +"521 transpose_39" -> "525 view_52" [label="(12, 197, 64)", style=solid]; +"522 view_50" -> "523 transpose_40" [label="(197, 12, 64)", style=solid]; +"523 transpose_40" -> "526 view_53" [label="(12, 197, 64)", style=solid]; +"524 view_51" -> "527 scaled_dot_product_attention_6" [label="(1, 12, 197, 64)", style=solid]; +"525 view_52" -> "527 scaled_dot_product_attention_6" [label="(1, 12, 197, 64)", style=solid]; +"526 view_53" -> "527 scaled_dot_product_attention_6" [label="(1, 12, 197, 64)", style=solid]; +"527 scaled_dot_product_attention_6" -> "528 permute_7" [label="(1, 12, 197, 64)", style=solid]; +"528 permute_7" -> "529 view_54" [label="(197, 1, 12, 64)", style=solid]; +"529 view_54" -> "531 view_54_0_0_nncf_smooth_quant_0" [label="(197, 768)", style=solid]; +"530 linear_25_updated_constant0" -> "536 quantize_per_channel_default_26" [label="(768, 768)", style=solid]; +"531 view_54_0_0_nncf_smooth_quant_0" -> "532 quantize_per_tensor_default_40" [label="(197, 768)", style=solid]; +"532 quantize_per_tensor_default_40" -> "533 dequantize_per_tensor_default_40" [label="(197, 768)", style=solid]; +"533 dequantize_per_tensor_default_40" -> "539 linear_25" [label="(197, 768)", style=solid]; +"534 linear_25_scale_0" -> "536 quantize_per_channel_default_26" [label="(768,)", style=solid]; +"534 linear_25_scale_0" -> "537 dequantize_per_channel_default_26" [label="(768,)", style=solid]; +"535 linear_25_zero_point_0" -> "536 quantize_per_channel_default_26" [label="(768,)", style=solid]; +"535 linear_25_zero_point_0" -> "537 dequantize_per_channel_default_26" [label="(768,)", style=solid]; +"536 quantize_per_channel_default_26" -> "537 dequantize_per_channel_default_26" [label="(768, 768)", style=solid]; +"537 dequantize_per_channel_default_26" -> "539 linear_25" [label="(768, 768)", style=solid]; +"538 _param_constant81_0_0" -> "539 linear_25" [label="(768,)", style=solid]; +"539 linear_25" -> "540 view_55" [label="(197, 768)", style=solid]; +"540 view_55" -> "541 transpose_41" [label="(197, 1, 768)", style=solid]; +"541 transpose_41" -> "542 dropout_19" [label="(1, 197, 768)", style=solid]; +"542 dropout_19" -> "543 add_13" [label="(1, 197, 768)", style=solid]; +"543 add_13" -> "546 layer_norm_13" [label="(1, 197, 768)", style=solid]; +"543 add_13" -> "570 add_14" [label="(1, 197, 768)", style=solid]; +"544 _param_constant82" -> "546 layer_norm_13" [label="(768,)", style=solid]; +"545 _param_constant83" -> "546 layer_norm_13" [label="(768,)", style=solid]; +"546 layer_norm_13" -> "548 layer_norm_13_0_0_nncf_smooth_quant_0" [label="(1, 197, 768)", style=solid]; +"547 linear_26_updated_constant0" -> "553 quantize_per_channel_default_27" [label="(3072, 768)", style=solid]; +"548 layer_norm_13_0_0_nncf_smooth_quant_0" -> "549 quantize_per_tensor_default_41" [label="(1, 197, 768)", style=solid]; +"549 quantize_per_tensor_default_41" -> "550 dequantize_per_tensor_default_41" [label="(1, 197, 768)", style=solid]; +"550 dequantize_per_tensor_default_41" -> "556 linear_26" [label="(1, 197, 768)", style=solid]; +"551 linear_26_scale_0" -> "553 quantize_per_channel_default_27" [label="(3072,)", style=solid]; +"551 linear_26_scale_0" -> "554 dequantize_per_channel_default_27" [label="(3072,)", style=solid]; +"552 linear_26_zero_point_0" -> "553 quantize_per_channel_default_27" [label="(3072,)", style=solid]; +"552 linear_26_zero_point_0" -> "554 dequantize_per_channel_default_27" [label="(3072,)", style=solid]; +"553 quantize_per_channel_default_27" -> "554 dequantize_per_channel_default_27" [label="(3072, 768)", style=solid]; +"554 dequantize_per_channel_default_27" -> "556 linear_26" [label="(3072, 768)", style=solid]; +"555 _param_constant85_0_0" -> "556 linear_26" [label="(3072,)", style=solid]; +"556 linear_26" -> "557 gelu_6" [label="(1, 197, 3072)", style=solid]; +"557 gelu_6" -> "558 dropout_20" [label="(1, 197, 3072)", style=solid]; +"558 dropout_20" -> "560 dropout_20_0_0_nncf_smooth_quant_0" [label="(1, 197, 3072)", style=solid]; +"559 linear_27_updated_constant0" -> "565 quantize_per_channel_default_28" [label="(768, 3072)", style=solid]; +"560 dropout_20_0_0_nncf_smooth_quant_0" -> "561 quantize_per_tensor_default_42" [label="(1, 197, 3072)", style=solid]; +"561 quantize_per_tensor_default_42" -> "562 dequantize_per_tensor_default_42" [label="(1, 197, 3072)", style=solid]; +"562 dequantize_per_tensor_default_42" -> "568 linear_27" [label="(1, 197, 3072)", style=solid]; +"563 linear_27_scale_0" -> "565 quantize_per_channel_default_28" [label="(768,)", style=solid]; +"563 linear_27_scale_0" -> "566 dequantize_per_channel_default_28" [label="(768,)", style=solid]; +"564 linear_27_zero_point_0" -> "565 quantize_per_channel_default_28" [label="(768,)", style=solid]; +"564 linear_27_zero_point_0" -> "566 dequantize_per_channel_default_28" [label="(768,)", style=solid]; +"565 quantize_per_channel_default_28" -> "566 dequantize_per_channel_default_28" [label="(768, 3072)", style=solid]; +"566 dequantize_per_channel_default_28" -> "568 linear_27" [label="(768, 3072)", style=solid]; +"567 _param_constant87_0_0" -> "568 linear_27" [label="(768,)", style=solid]; +"568 linear_27" -> "569 dropout_21" [label="(1, 197, 768)", style=solid]; +"569 dropout_21" -> "570 add_14" [label="(1, 197, 768)", style=solid]; +"570 add_14" -> "573 layer_norm_14" [label="(1, 197, 768)", style=solid]; +"570 add_14" -> "622 add_15" [label="(1, 197, 768)", style=solid]; +"571 _param_constant88" -> "573 layer_norm_14" [label="(768,)", style=solid]; +"572 _param_constant89" -> "573 layer_norm_14" [label="(768,)", style=solid]; +"573 layer_norm_14" -> "574 transpose_42" [label="(1, 197, 768)", style=solid]; +"574 transpose_42" -> "576 transpose_42_0_0_nncf_smooth_quant_0" [label="(197, 1, 768)", style=solid]; +"575 linear_28_updated_constant0" -> "581 quantize_per_channel_default_29" [label="(2304, 768)", style=solid]; +"576 transpose_42_0_0_nncf_smooth_quant_0" -> "577 quantize_per_tensor_default_43" [label="(197, 1, 768)", style=solid]; +"577 quantize_per_tensor_default_43" -> "578 dequantize_per_tensor_default_43" [label="(197, 1, 768)", style=solid]; +"578 dequantize_per_tensor_default_43" -> "584 linear_28" [label="(197, 1, 768)", style=solid]; +"579 linear_28_scale_0" -> "581 quantize_per_channel_default_29" [label="(2304,)", style=solid]; +"579 linear_28_scale_0" -> "582 dequantize_per_channel_default_29" [label="(2304,)", style=solid]; +"580 linear_28_zero_point_0" -> "581 quantize_per_channel_default_29" [label="(2304,)", style=solid]; +"580 linear_28_zero_point_0" -> "582 dequantize_per_channel_default_29" [label="(2304,)", style=solid]; +"581 quantize_per_channel_default_29" -> "582 dequantize_per_channel_default_29" [label="(2304, 768)", style=solid]; +"582 dequantize_per_channel_default_29" -> "584 linear_28" [label="(2304, 768)", style=solid]; +"583 _param_constant91_0_0" -> "584 linear_28" [label="(2304,)", style=solid]; +"584 linear_28" -> "585 unflatten_7" [label="(197, 1, 2304)", style=solid]; +"585 unflatten_7" -> "586 unsqueeze_7" [label="(197, 1, 3, 768)", style=solid]; +"586 unsqueeze_7" -> "587 transpose_43" [label="(1, 197, 1, 3, 768)", style=solid]; +"587 transpose_43" -> "588 squeeze_7" [label="(3, 197, 1, 1, 768)", style=solid]; +"588 squeeze_7" -> "589 contiguous_7" [label="(3, 197, 1, 768)", style=solid]; +"589 contiguous_7" -> "590 quantize_per_tensor_default_44" [label="(3, 197, 1, 768)", style=solid]; +"589 contiguous_7" -> "593 quantize_per_tensor_default_45" [label="(3, 197, 1, 768)", style=solid]; +"589 contiguous_7" -> "596 select_23" [label="(3, 197, 1, 768)", style=solid]; +"590 quantize_per_tensor_default_44" -> "591 dequantize_per_tensor_default_44" [label="(3, 197, 1, 768)", style=solid]; +"591 dequantize_per_tensor_default_44" -> "592 select_21" [label="(3, 197, 1, 768)", style=solid]; +"592 select_21" -> "597 view_56" [label="(197, 1, 768)", style=solid]; +"593 quantize_per_tensor_default_45" -> "594 dequantize_per_tensor_default_45" [label="(3, 197, 1, 768)", style=solid]; +"594 dequantize_per_tensor_default_45" -> "595 select_22" [label="(3, 197, 1, 768)", style=solid]; +"595 select_22" -> "599 view_57" [label="(197, 1, 768)", style=solid]; +"596 select_23" -> "601 view_58" [label="(197, 1, 768)", style=solid]; +"597 view_56" -> "598 transpose_44" [label="(197, 12, 64)", style=solid]; +"598 transpose_44" -> "603 view_59" [label="(12, 197, 64)", style=solid]; +"599 view_57" -> "600 transpose_45" [label="(197, 12, 64)", style=solid]; +"600 transpose_45" -> "604 view_60" [label="(12, 197, 64)", style=solid]; +"601 view_58" -> "602 transpose_46" [label="(197, 12, 64)", style=solid]; +"602 transpose_46" -> "605 view_61" [label="(12, 197, 64)", style=solid]; +"603 view_59" -> "606 scaled_dot_product_attention_7" [label="(1, 12, 197, 64)", style=solid]; +"604 view_60" -> "606 scaled_dot_product_attention_7" [label="(1, 12, 197, 64)", style=solid]; +"605 view_61" -> "606 scaled_dot_product_attention_7" [label="(1, 12, 197, 64)", style=solid]; +"606 scaled_dot_product_attention_7" -> "607 permute_8" [label="(1, 12, 197, 64)", style=solid]; +"607 permute_8" -> "608 view_62" [label="(197, 1, 12, 64)", style=solid]; +"608 view_62" -> "610 view_62_0_0_nncf_smooth_quant_0" [label="(197, 768)", style=solid]; +"609 linear_29_updated_constant0" -> "615 quantize_per_channel_default_30" [label="(768, 768)", style=solid]; +"610 view_62_0_0_nncf_smooth_quant_0" -> "611 quantize_per_tensor_default_46" [label="(197, 768)", style=solid]; +"611 quantize_per_tensor_default_46" -> "612 dequantize_per_tensor_default_46" [label="(197, 768)", style=solid]; +"612 dequantize_per_tensor_default_46" -> "618 linear_29" [label="(197, 768)", style=solid]; +"613 linear_29_scale_0" -> "615 quantize_per_channel_default_30" [label="(768,)", style=solid]; +"613 linear_29_scale_0" -> "616 dequantize_per_channel_default_30" [label="(768,)", style=solid]; +"614 linear_29_zero_point_0" -> "615 quantize_per_channel_default_30" [label="(768,)", style=solid]; +"614 linear_29_zero_point_0" -> "616 dequantize_per_channel_default_30" [label="(768,)", style=solid]; +"615 quantize_per_channel_default_30" -> "616 dequantize_per_channel_default_30" [label="(768, 768)", style=solid]; +"616 dequantize_per_channel_default_30" -> "618 linear_29" [label="(768, 768)", style=solid]; +"617 _param_constant93_0_0" -> "618 linear_29" [label="(768,)", style=solid]; +"618 linear_29" -> "619 view_63" [label="(197, 768)", style=solid]; +"619 view_63" -> "620 transpose_47" [label="(197, 1, 768)", style=solid]; +"620 transpose_47" -> "621 dropout_22" [label="(1, 197, 768)", style=solid]; +"621 dropout_22" -> "622 add_15" [label="(1, 197, 768)", style=solid]; +"622 add_15" -> "625 layer_norm_15" [label="(1, 197, 768)", style=solid]; +"622 add_15" -> "649 add_16" [label="(1, 197, 768)", style=solid]; +"623 _param_constant94" -> "625 layer_norm_15" [label="(768,)", style=solid]; +"624 _param_constant95" -> "625 layer_norm_15" [label="(768,)", style=solid]; +"625 layer_norm_15" -> "627 layer_norm_15_0_0_nncf_smooth_quant_0" [label="(1, 197, 768)", style=solid]; +"626 linear_30_updated_constant0" -> "632 quantize_per_channel_default_31" [label="(3072, 768)", style=solid]; +"627 layer_norm_15_0_0_nncf_smooth_quant_0" -> "628 quantize_per_tensor_default_47" [label="(1, 197, 768)", style=solid]; +"628 quantize_per_tensor_default_47" -> "629 dequantize_per_tensor_default_47" [label="(1, 197, 768)", style=solid]; +"629 dequantize_per_tensor_default_47" -> "635 linear_30" [label="(1, 197, 768)", style=solid]; +"630 linear_30_scale_0" -> "632 quantize_per_channel_default_31" [label="(3072,)", style=solid]; +"630 linear_30_scale_0" -> "633 dequantize_per_channel_default_31" [label="(3072,)", style=solid]; +"631 linear_30_zero_point_0" -> "632 quantize_per_channel_default_31" [label="(3072,)", style=solid]; +"631 linear_30_zero_point_0" -> "633 dequantize_per_channel_default_31" [label="(3072,)", style=solid]; +"632 quantize_per_channel_default_31" -> "633 dequantize_per_channel_default_31" [label="(3072, 768)", style=solid]; +"633 dequantize_per_channel_default_31" -> "635 linear_30" [label="(3072, 768)", style=solid]; +"634 _param_constant97_0_0" -> "635 linear_30" [label="(3072,)", style=solid]; +"635 linear_30" -> "636 gelu_7" [label="(1, 197, 3072)", style=solid]; +"636 gelu_7" -> "637 dropout_23" [label="(1, 197, 3072)", style=solid]; +"637 dropout_23" -> "639 dropout_23_0_0_nncf_smooth_quant_0" [label="(1, 197, 3072)", style=solid]; +"638 linear_31_updated_constant0" -> "644 quantize_per_channel_default_32" [label="(768, 3072)", style=solid]; +"639 dropout_23_0_0_nncf_smooth_quant_0" -> "640 quantize_per_tensor_default_48" [label="(1, 197, 3072)", style=solid]; +"640 quantize_per_tensor_default_48" -> "641 dequantize_per_tensor_default_48" [label="(1, 197, 3072)", style=solid]; +"641 dequantize_per_tensor_default_48" -> "647 linear_31" [label="(1, 197, 3072)", style=solid]; +"642 linear_31_scale_0" -> "644 quantize_per_channel_default_32" [label="(768,)", style=solid]; +"642 linear_31_scale_0" -> "645 dequantize_per_channel_default_32" [label="(768,)", style=solid]; +"643 linear_31_zero_point_0" -> "644 quantize_per_channel_default_32" [label="(768,)", style=solid]; +"643 linear_31_zero_point_0" -> "645 dequantize_per_channel_default_32" [label="(768,)", style=solid]; +"644 quantize_per_channel_default_32" -> "645 dequantize_per_channel_default_32" [label="(768, 3072)", style=solid]; +"645 dequantize_per_channel_default_32" -> "647 linear_31" [label="(768, 3072)", style=solid]; +"646 _param_constant99_0_0" -> "647 linear_31" [label="(768,)", style=solid]; +"647 linear_31" -> "648 dropout_24" [label="(1, 197, 768)", style=solid]; +"648 dropout_24" -> "649 add_16" [label="(1, 197, 768)", style=solid]; +"649 add_16" -> "652 layer_norm_16" [label="(1, 197, 768)", style=solid]; +"649 add_16" -> "701 add_17" [label="(1, 197, 768)", style=solid]; +"650 _param_constant100" -> "652 layer_norm_16" [label="(768,)", style=solid]; +"651 _param_constant101" -> "652 layer_norm_16" [label="(768,)", style=solid]; +"652 layer_norm_16" -> "653 transpose_48" [label="(1, 197, 768)", style=solid]; +"653 transpose_48" -> "655 transpose_48_0_0_nncf_smooth_quant_0" [label="(197, 1, 768)", style=solid]; +"654 linear_32_updated_constant0" -> "660 quantize_per_channel_default_33" [label="(2304, 768)", style=solid]; +"655 transpose_48_0_0_nncf_smooth_quant_0" -> "656 quantize_per_tensor_default_49" [label="(197, 1, 768)", style=solid]; +"656 quantize_per_tensor_default_49" -> "657 dequantize_per_tensor_default_49" [label="(197, 1, 768)", style=solid]; +"657 dequantize_per_tensor_default_49" -> "663 linear_32" [label="(197, 1, 768)", style=solid]; +"658 linear_32_scale_0" -> "660 quantize_per_channel_default_33" [label="(2304,)", style=solid]; +"658 linear_32_scale_0" -> "661 dequantize_per_channel_default_33" [label="(2304,)", style=solid]; +"659 linear_32_zero_point_0" -> "660 quantize_per_channel_default_33" [label="(2304,)", style=solid]; +"659 linear_32_zero_point_0" -> "661 dequantize_per_channel_default_33" [label="(2304,)", style=solid]; +"660 quantize_per_channel_default_33" -> "661 dequantize_per_channel_default_33" [label="(2304, 768)", style=solid]; +"661 dequantize_per_channel_default_33" -> "663 linear_32" [label="(2304, 768)", style=solid]; +"662 _param_constant103_0_0" -> "663 linear_32" [label="(2304,)", style=solid]; +"663 linear_32" -> "664 unflatten_8" [label="(197, 1, 2304)", style=solid]; +"664 unflatten_8" -> "665 unsqueeze_8" [label="(197, 1, 3, 768)", style=solid]; +"665 unsqueeze_8" -> "666 transpose_49" [label="(1, 197, 1, 3, 768)", style=solid]; +"666 transpose_49" -> "667 squeeze_8" [label="(3, 197, 1, 1, 768)", style=solid]; +"667 squeeze_8" -> "668 contiguous_8" [label="(3, 197, 1, 768)", style=solid]; +"668 contiguous_8" -> "669 quantize_per_tensor_default_50" [label="(3, 197, 1, 768)", style=solid]; +"668 contiguous_8" -> "672 quantize_per_tensor_default_51" [label="(3, 197, 1, 768)", style=solid]; +"668 contiguous_8" -> "675 select_26" [label="(3, 197, 1, 768)", style=solid]; +"669 quantize_per_tensor_default_50" -> "670 dequantize_per_tensor_default_50" [label="(3, 197, 1, 768)", style=solid]; +"670 dequantize_per_tensor_default_50" -> "671 select_24" [label="(3, 197, 1, 768)", style=solid]; +"671 select_24" -> "676 view_64" [label="(197, 1, 768)", style=solid]; +"672 quantize_per_tensor_default_51" -> "673 dequantize_per_tensor_default_51" [label="(3, 197, 1, 768)", style=solid]; +"673 dequantize_per_tensor_default_51" -> "674 select_25" [label="(3, 197, 1, 768)", style=solid]; +"674 select_25" -> "678 view_65" [label="(197, 1, 768)", style=solid]; +"675 select_26" -> "680 view_66" [label="(197, 1, 768)", style=solid]; +"676 view_64" -> "677 transpose_50" [label="(197, 12, 64)", style=solid]; +"677 transpose_50" -> "682 view_67" [label="(12, 197, 64)", style=solid]; +"678 view_65" -> "679 transpose_51" [label="(197, 12, 64)", style=solid]; +"679 transpose_51" -> "683 view_68" [label="(12, 197, 64)", style=solid]; +"680 view_66" -> "681 transpose_52" [label="(197, 12, 64)", style=solid]; +"681 transpose_52" -> "684 view_69" [label="(12, 197, 64)", style=solid]; +"682 view_67" -> "685 scaled_dot_product_attention_8" [label="(1, 12, 197, 64)", style=solid]; +"683 view_68" -> "685 scaled_dot_product_attention_8" [label="(1, 12, 197, 64)", style=solid]; +"684 view_69" -> "685 scaled_dot_product_attention_8" [label="(1, 12, 197, 64)", style=solid]; +"685 scaled_dot_product_attention_8" -> "686 permute_9" [label="(1, 12, 197, 64)", style=solid]; +"686 permute_9" -> "687 view_70" [label="(197, 1, 12, 64)", style=solid]; +"687 view_70" -> "689 view_70_0_0_nncf_smooth_quant_0" [label="(197, 768)", style=solid]; +"688 linear_33_updated_constant0" -> "694 quantize_per_channel_default_34" [label="(768, 768)", style=solid]; +"689 view_70_0_0_nncf_smooth_quant_0" -> "690 quantize_per_tensor_default_52" [label="(197, 768)", style=solid]; +"690 quantize_per_tensor_default_52" -> "691 dequantize_per_tensor_default_52" [label="(197, 768)", style=solid]; +"691 dequantize_per_tensor_default_52" -> "697 linear_33" [label="(197, 768)", style=solid]; +"692 linear_33_scale_0" -> "694 quantize_per_channel_default_34" [label="(768,)", style=solid]; +"692 linear_33_scale_0" -> "695 dequantize_per_channel_default_34" [label="(768,)", style=solid]; +"693 linear_33_zero_point_0" -> "694 quantize_per_channel_default_34" [label="(768,)", style=solid]; +"693 linear_33_zero_point_0" -> "695 dequantize_per_channel_default_34" [label="(768,)", style=solid]; +"694 quantize_per_channel_default_34" -> "695 dequantize_per_channel_default_34" [label="(768, 768)", style=solid]; +"695 dequantize_per_channel_default_34" -> "697 linear_33" [label="(768, 768)", style=solid]; +"696 _param_constant105_0_0" -> "697 linear_33" [label="(768,)", style=solid]; +"697 linear_33" -> "698 view_71" [label="(197, 768)", style=solid]; +"698 view_71" -> "699 transpose_53" [label="(197, 1, 768)", style=solid]; +"699 transpose_53" -> "700 dropout_25" [label="(1, 197, 768)", style=solid]; +"700 dropout_25" -> "701 add_17" [label="(1, 197, 768)", style=solid]; +"701 add_17" -> "704 layer_norm_17" [label="(1, 197, 768)", style=solid]; +"701 add_17" -> "728 add_18" [label="(1, 197, 768)", style=solid]; +"702 _param_constant106" -> "704 layer_norm_17" [label="(768,)", style=solid]; +"703 _param_constant107" -> "704 layer_norm_17" [label="(768,)", style=solid]; +"704 layer_norm_17" -> "706 layer_norm_17_0_0_nncf_smooth_quant_0" [label="(1, 197, 768)", style=solid]; +"705 linear_34_updated_constant0" -> "711 quantize_per_channel_default_35" [label="(3072, 768)", style=solid]; +"706 layer_norm_17_0_0_nncf_smooth_quant_0" -> "707 quantize_per_tensor_default_53" [label="(1, 197, 768)", style=solid]; +"707 quantize_per_tensor_default_53" -> "708 dequantize_per_tensor_default_53" [label="(1, 197, 768)", style=solid]; +"708 dequantize_per_tensor_default_53" -> "714 linear_34" [label="(1, 197, 768)", style=solid]; +"709 linear_34_scale_0" -> "711 quantize_per_channel_default_35" [label="(3072,)", style=solid]; +"709 linear_34_scale_0" -> "712 dequantize_per_channel_default_35" [label="(3072,)", style=solid]; +"710 linear_34_zero_point_0" -> "711 quantize_per_channel_default_35" [label="(3072,)", style=solid]; +"710 linear_34_zero_point_0" -> "712 dequantize_per_channel_default_35" [label="(3072,)", style=solid]; +"711 quantize_per_channel_default_35" -> "712 dequantize_per_channel_default_35" [label="(3072, 768)", style=solid]; +"712 dequantize_per_channel_default_35" -> "714 linear_34" [label="(3072, 768)", style=solid]; +"713 _param_constant109_0_0" -> "714 linear_34" [label="(3072,)", style=solid]; +"714 linear_34" -> "715 gelu_8" [label="(1, 197, 3072)", style=solid]; +"715 gelu_8" -> "716 dropout_26" [label="(1, 197, 3072)", style=solid]; +"716 dropout_26" -> "718 dropout_26_0_0_nncf_smooth_quant_0" [label="(1, 197, 3072)", style=solid]; +"717 linear_35_updated_constant0" -> "723 quantize_per_channel_default_36" [label="(768, 3072)", style=solid]; +"718 dropout_26_0_0_nncf_smooth_quant_0" -> "719 quantize_per_tensor_default_54" [label="(1, 197, 3072)", style=solid]; +"719 quantize_per_tensor_default_54" -> "720 dequantize_per_tensor_default_54" [label="(1, 197, 3072)", style=solid]; +"720 dequantize_per_tensor_default_54" -> "726 linear_35" [label="(1, 197, 3072)", style=solid]; +"721 linear_35_scale_0" -> "723 quantize_per_channel_default_36" [label="(768,)", style=solid]; +"721 linear_35_scale_0" -> "724 dequantize_per_channel_default_36" [label="(768,)", style=solid]; +"722 linear_35_zero_point_0" -> "723 quantize_per_channel_default_36" [label="(768,)", style=solid]; +"722 linear_35_zero_point_0" -> "724 dequantize_per_channel_default_36" [label="(768,)", style=solid]; +"723 quantize_per_channel_default_36" -> "724 dequantize_per_channel_default_36" [label="(768, 3072)", style=solid]; +"724 dequantize_per_channel_default_36" -> "726 linear_35" [label="(768, 3072)", style=solid]; +"725 _param_constant111_0_0" -> "726 linear_35" [label="(768,)", style=solid]; +"726 linear_35" -> "727 dropout_27" [label="(1, 197, 768)", style=solid]; +"727 dropout_27" -> "728 add_18" [label="(1, 197, 768)", style=solid]; +"728 add_18" -> "731 layer_norm_18" [label="(1, 197, 768)", style=solid]; +"728 add_18" -> "780 add_19" [label="(1, 197, 768)", style=solid]; +"729 _param_constant112" -> "731 layer_norm_18" [label="(768,)", style=solid]; +"730 _param_constant113" -> "731 layer_norm_18" [label="(768,)", style=solid]; +"731 layer_norm_18" -> "732 transpose_54" [label="(1, 197, 768)", style=solid]; +"732 transpose_54" -> "734 transpose_54_0_0_nncf_smooth_quant_0" [label="(197, 1, 768)", style=solid]; +"733 linear_36_updated_constant0" -> "739 quantize_per_channel_default_37" [label="(2304, 768)", style=solid]; +"734 transpose_54_0_0_nncf_smooth_quant_0" -> "735 quantize_per_tensor_default_55" [label="(197, 1, 768)", style=solid]; +"735 quantize_per_tensor_default_55" -> "736 dequantize_per_tensor_default_55" [label="(197, 1, 768)", style=solid]; +"736 dequantize_per_tensor_default_55" -> "742 linear_36" [label="(197, 1, 768)", style=solid]; +"737 linear_36_scale_0" -> "739 quantize_per_channel_default_37" [label="(2304,)", style=solid]; +"737 linear_36_scale_0" -> "740 dequantize_per_channel_default_37" [label="(2304,)", style=solid]; +"738 linear_36_zero_point_0" -> "739 quantize_per_channel_default_37" [label="(2304,)", style=solid]; +"738 linear_36_zero_point_0" -> "740 dequantize_per_channel_default_37" [label="(2304,)", style=solid]; +"739 quantize_per_channel_default_37" -> "740 dequantize_per_channel_default_37" [label="(2304, 768)", style=solid]; +"740 dequantize_per_channel_default_37" -> "742 linear_36" [label="(2304, 768)", style=solid]; +"741 _param_constant115_0_0" -> "742 linear_36" [label="(2304,)", style=solid]; +"742 linear_36" -> "743 unflatten_9" [label="(197, 1, 2304)", style=solid]; +"743 unflatten_9" -> "744 unsqueeze_9" [label="(197, 1, 3, 768)", style=solid]; +"744 unsqueeze_9" -> "745 transpose_55" [label="(1, 197, 1, 3, 768)", style=solid]; +"745 transpose_55" -> "746 squeeze_9" [label="(3, 197, 1, 1, 768)", style=solid]; +"746 squeeze_9" -> "747 contiguous_9" [label="(3, 197, 1, 768)", style=solid]; +"747 contiguous_9" -> "748 quantize_per_tensor_default_56" [label="(3, 197, 1, 768)", style=solid]; +"747 contiguous_9" -> "751 quantize_per_tensor_default_57" [label="(3, 197, 1, 768)", style=solid]; +"747 contiguous_9" -> "754 select_29" [label="(3, 197, 1, 768)", style=solid]; +"748 quantize_per_tensor_default_56" -> "749 dequantize_per_tensor_default_56" [label="(3, 197, 1, 768)", style=solid]; +"749 dequantize_per_tensor_default_56" -> "750 select_27" [label="(3, 197, 1, 768)", style=solid]; +"750 select_27" -> "755 view_72" [label="(197, 1, 768)", style=solid]; +"751 quantize_per_tensor_default_57" -> "752 dequantize_per_tensor_default_57" [label="(3, 197, 1, 768)", style=solid]; +"752 dequantize_per_tensor_default_57" -> "753 select_28" [label="(3, 197, 1, 768)", style=solid]; +"753 select_28" -> "757 view_73" [label="(197, 1, 768)", style=solid]; +"754 select_29" -> "759 view_74" [label="(197, 1, 768)", style=solid]; +"755 view_72" -> "756 transpose_56" [label="(197, 12, 64)", style=solid]; +"756 transpose_56" -> "761 view_75" [label="(12, 197, 64)", style=solid]; +"757 view_73" -> "758 transpose_57" [label="(197, 12, 64)", style=solid]; +"758 transpose_57" -> "762 view_76" [label="(12, 197, 64)", style=solid]; +"759 view_74" -> "760 transpose_58" [label="(197, 12, 64)", style=solid]; +"760 transpose_58" -> "763 view_77" [label="(12, 197, 64)", style=solid]; +"761 view_75" -> "764 scaled_dot_product_attention_9" [label="(1, 12, 197, 64)", style=solid]; +"762 view_76" -> "764 scaled_dot_product_attention_9" [label="(1, 12, 197, 64)", style=solid]; +"763 view_77" -> "764 scaled_dot_product_attention_9" [label="(1, 12, 197, 64)", style=solid]; +"764 scaled_dot_product_attention_9" -> "765 permute_10" [label="(1, 12, 197, 64)", style=solid]; +"765 permute_10" -> "766 view_78" [label="(197, 1, 12, 64)", style=solid]; +"766 view_78" -> "768 view_78_0_0_nncf_smooth_quant_0" [label="(197, 768)", style=solid]; +"767 linear_37_updated_constant0" -> "773 quantize_per_channel_default_38" [label="(768, 768)", style=solid]; +"768 view_78_0_0_nncf_smooth_quant_0" -> "769 quantize_per_tensor_default_58" [label="(197, 768)", style=solid]; +"769 quantize_per_tensor_default_58" -> "770 dequantize_per_tensor_default_58" [label="(197, 768)", style=solid]; +"770 dequantize_per_tensor_default_58" -> "776 linear_37" [label="(197, 768)", style=solid]; +"771 linear_37_scale_0" -> "773 quantize_per_channel_default_38" [label="(768,)", style=solid]; +"771 linear_37_scale_0" -> "774 dequantize_per_channel_default_38" [label="(768,)", style=solid]; +"772 linear_37_zero_point_0" -> "773 quantize_per_channel_default_38" [label="(768,)", style=solid]; +"772 linear_37_zero_point_0" -> "774 dequantize_per_channel_default_38" [label="(768,)", style=solid]; +"773 quantize_per_channel_default_38" -> "774 dequantize_per_channel_default_38" [label="(768, 768)", style=solid]; +"774 dequantize_per_channel_default_38" -> "776 linear_37" [label="(768, 768)", style=solid]; +"775 _param_constant117_0_0" -> "776 linear_37" [label="(768,)", style=solid]; +"776 linear_37" -> "777 view_79" [label="(197, 768)", style=solid]; +"777 view_79" -> "778 transpose_59" [label="(197, 1, 768)", style=solid]; +"778 transpose_59" -> "779 dropout_28" [label="(1, 197, 768)", style=solid]; +"779 dropout_28" -> "780 add_19" [label="(1, 197, 768)", style=solid]; +"780 add_19" -> "783 layer_norm_19" [label="(1, 197, 768)", style=solid]; +"780 add_19" -> "807 add_20" [label="(1, 197, 768)", style=solid]; +"781 _param_constant118" -> "783 layer_norm_19" [label="(768,)", style=solid]; +"782 _param_constant119" -> "783 layer_norm_19" [label="(768,)", style=solid]; +"783 layer_norm_19" -> "785 layer_norm_19_0_0_nncf_smooth_quant_0" [label="(1, 197, 768)", style=solid]; +"784 linear_38_updated_constant0" -> "790 quantize_per_channel_default_39" [label="(3072, 768)", style=solid]; +"785 layer_norm_19_0_0_nncf_smooth_quant_0" -> "786 quantize_per_tensor_default_59" [label="(1, 197, 768)", style=solid]; +"786 quantize_per_tensor_default_59" -> "787 dequantize_per_tensor_default_59" [label="(1, 197, 768)", style=solid]; +"787 dequantize_per_tensor_default_59" -> "793 linear_38" [label="(1, 197, 768)", style=solid]; +"788 linear_38_scale_0" -> "790 quantize_per_channel_default_39" [label="(3072,)", style=solid]; +"788 linear_38_scale_0" -> "791 dequantize_per_channel_default_39" [label="(3072,)", style=solid]; +"789 linear_38_zero_point_0" -> "790 quantize_per_channel_default_39" [label="(3072,)", style=solid]; +"789 linear_38_zero_point_0" -> "791 dequantize_per_channel_default_39" [label="(3072,)", style=solid]; +"790 quantize_per_channel_default_39" -> "791 dequantize_per_channel_default_39" [label="(3072, 768)", style=solid]; +"791 dequantize_per_channel_default_39" -> "793 linear_38" [label="(3072, 768)", style=solid]; +"792 _param_constant121_0_0" -> "793 linear_38" [label="(3072,)", style=solid]; +"793 linear_38" -> "794 gelu_9" [label="(1, 197, 3072)", style=solid]; +"794 gelu_9" -> "795 dropout_29" [label="(1, 197, 3072)", style=solid]; +"795 dropout_29" -> "797 dropout_29_0_0_nncf_smooth_quant_0" [label="(1, 197, 3072)", style=solid]; +"796 linear_39_updated_constant0" -> "802 quantize_per_channel_default_40" [label="(768, 3072)", style=solid]; +"797 dropout_29_0_0_nncf_smooth_quant_0" -> "798 quantize_per_tensor_default_60" [label="(1, 197, 3072)", style=solid]; +"798 quantize_per_tensor_default_60" -> "799 dequantize_per_tensor_default_60" [label="(1, 197, 3072)", style=solid]; +"799 dequantize_per_tensor_default_60" -> "805 linear_39" [label="(1, 197, 3072)", style=solid]; +"800 linear_39_scale_0" -> "802 quantize_per_channel_default_40" [label="(768,)", style=solid]; +"800 linear_39_scale_0" -> "803 dequantize_per_channel_default_40" [label="(768,)", style=solid]; +"801 linear_39_zero_point_0" -> "802 quantize_per_channel_default_40" [label="(768,)", style=solid]; +"801 linear_39_zero_point_0" -> "803 dequantize_per_channel_default_40" [label="(768,)", style=solid]; +"802 quantize_per_channel_default_40" -> "803 dequantize_per_channel_default_40" [label="(768, 3072)", style=solid]; +"803 dequantize_per_channel_default_40" -> "805 linear_39" [label="(768, 3072)", style=solid]; +"804 _param_constant123_0_0" -> "805 linear_39" [label="(768,)", style=solid]; +"805 linear_39" -> "806 dropout_30" [label="(1, 197, 768)", style=solid]; +"806 dropout_30" -> "807 add_20" [label="(1, 197, 768)", style=solid]; +"807 add_20" -> "810 layer_norm_20" [label="(1, 197, 768)", style=solid]; +"807 add_20" -> "859 add_21" [label="(1, 197, 768)", style=solid]; +"808 _param_constant124" -> "810 layer_norm_20" [label="(768,)", style=solid]; +"809 _param_constant125" -> "810 layer_norm_20" [label="(768,)", style=solid]; +"810 layer_norm_20" -> "811 transpose_60" [label="(1, 197, 768)", style=solid]; +"811 transpose_60" -> "813 transpose_60_0_0_nncf_smooth_quant_0" [label="(197, 1, 768)", style=solid]; +"812 linear_40_updated_constant0" -> "818 quantize_per_channel_default_41" [label="(2304, 768)", style=solid]; +"813 transpose_60_0_0_nncf_smooth_quant_0" -> "814 quantize_per_tensor_default_61" [label="(197, 1, 768)", style=solid]; +"814 quantize_per_tensor_default_61" -> "815 dequantize_per_tensor_default_61" [label="(197, 1, 768)", style=solid]; +"815 dequantize_per_tensor_default_61" -> "821 linear_40" [label="(197, 1, 768)", style=solid]; +"816 linear_40_scale_0" -> "818 quantize_per_channel_default_41" [label="(2304,)", style=solid]; +"816 linear_40_scale_0" -> "819 dequantize_per_channel_default_41" [label="(2304,)", style=solid]; +"817 linear_40_zero_point_0" -> "818 quantize_per_channel_default_41" [label="(2304,)", style=solid]; +"817 linear_40_zero_point_0" -> "819 dequantize_per_channel_default_41" [label="(2304,)", style=solid]; +"818 quantize_per_channel_default_41" -> "819 dequantize_per_channel_default_41" [label="(2304, 768)", style=solid]; +"819 dequantize_per_channel_default_41" -> "821 linear_40" [label="(2304, 768)", style=solid]; +"820 _param_constant127_0_0" -> "821 linear_40" [label="(2304,)", style=solid]; +"821 linear_40" -> "822 unflatten_10" [label="(197, 1, 2304)", style=solid]; +"822 unflatten_10" -> "823 unsqueeze_10" [label="(197, 1, 3, 768)", style=solid]; +"823 unsqueeze_10" -> "824 transpose_61" [label="(1, 197, 1, 3, 768)", style=solid]; +"824 transpose_61" -> "825 squeeze_10" [label="(3, 197, 1, 1, 768)", style=solid]; +"825 squeeze_10" -> "826 contiguous_10" [label="(3, 197, 1, 768)", style=solid]; +"826 contiguous_10" -> "827 quantize_per_tensor_default_62" [label="(3, 197, 1, 768)", style=solid]; +"826 contiguous_10" -> "830 quantize_per_tensor_default_63" [label="(3, 197, 1, 768)", style=solid]; +"826 contiguous_10" -> "833 select_32" [label="(3, 197, 1, 768)", style=solid]; +"827 quantize_per_tensor_default_62" -> "828 dequantize_per_tensor_default_62" [label="(3, 197, 1, 768)", style=solid]; +"828 dequantize_per_tensor_default_62" -> "829 select_30" [label="(3, 197, 1, 768)", style=solid]; +"829 select_30" -> "834 view_80" [label="(197, 1, 768)", style=solid]; +"830 quantize_per_tensor_default_63" -> "831 dequantize_per_tensor_default_63" [label="(3, 197, 1, 768)", style=solid]; +"831 dequantize_per_tensor_default_63" -> "832 select_31" [label="(3, 197, 1, 768)", style=solid]; +"832 select_31" -> "836 view_81" [label="(197, 1, 768)", style=solid]; +"833 select_32" -> "838 view_82" [label="(197, 1, 768)", style=solid]; +"834 view_80" -> "835 transpose_62" [label="(197, 12, 64)", style=solid]; +"835 transpose_62" -> "840 view_83" [label="(12, 197, 64)", style=solid]; +"836 view_81" -> "837 transpose_63" [label="(197, 12, 64)", style=solid]; +"837 transpose_63" -> "841 view_84" [label="(12, 197, 64)", style=solid]; +"838 view_82" -> "839 transpose_64" [label="(197, 12, 64)", style=solid]; +"839 transpose_64" -> "842 view_85" [label="(12, 197, 64)", style=solid]; +"840 view_83" -> "843 scaled_dot_product_attention_10" [label="(1, 12, 197, 64)", style=solid]; +"841 view_84" -> "843 scaled_dot_product_attention_10" [label="(1, 12, 197, 64)", style=solid]; +"842 view_85" -> "843 scaled_dot_product_attention_10" [label="(1, 12, 197, 64)", style=solid]; +"843 scaled_dot_product_attention_10" -> "844 permute_11" [label="(1, 12, 197, 64)", style=solid]; +"844 permute_11" -> "845 view_86" [label="(197, 1, 12, 64)", style=solid]; +"845 view_86" -> "847 view_86_0_0_nncf_smooth_quant_0" [label="(197, 768)", style=solid]; +"846 linear_41_updated_constant0" -> "852 quantize_per_channel_default_42" [label="(768, 768)", style=solid]; +"847 view_86_0_0_nncf_smooth_quant_0" -> "848 quantize_per_tensor_default_64" [label="(197, 768)", style=solid]; +"848 quantize_per_tensor_default_64" -> "849 dequantize_per_tensor_default_64" [label="(197, 768)", style=solid]; +"849 dequantize_per_tensor_default_64" -> "855 linear_41" [label="(197, 768)", style=solid]; +"850 linear_41_scale_0" -> "852 quantize_per_channel_default_42" [label="(768,)", style=solid]; +"850 linear_41_scale_0" -> "853 dequantize_per_channel_default_42" [label="(768,)", style=solid]; +"851 linear_41_zero_point_0" -> "852 quantize_per_channel_default_42" [label="(768,)", style=solid]; +"851 linear_41_zero_point_0" -> "853 dequantize_per_channel_default_42" [label="(768,)", style=solid]; +"852 quantize_per_channel_default_42" -> "853 dequantize_per_channel_default_42" [label="(768, 768)", style=solid]; +"853 dequantize_per_channel_default_42" -> "855 linear_41" [label="(768, 768)", style=solid]; +"854 _param_constant129_0_0" -> "855 linear_41" [label="(768,)", style=solid]; +"855 linear_41" -> "856 view_87" [label="(197, 768)", style=solid]; +"856 view_87" -> "857 transpose_65" [label="(197, 1, 768)", style=solid]; +"857 transpose_65" -> "858 dropout_31" [label="(1, 197, 768)", style=solid]; +"858 dropout_31" -> "859 add_21" [label="(1, 197, 768)", style=solid]; +"859 add_21" -> "862 layer_norm_21" [label="(1, 197, 768)", style=solid]; +"859 add_21" -> "886 add_22" [label="(1, 197, 768)", style=solid]; +"860 _param_constant130" -> "862 layer_norm_21" [label="(768,)", style=solid]; +"861 _param_constant131" -> "862 layer_norm_21" [label="(768,)", style=solid]; +"862 layer_norm_21" -> "864 layer_norm_21_0_0_nncf_smooth_quant_0" [label="(1, 197, 768)", style=solid]; +"863 linear_42_updated_constant0" -> "869 quantize_per_channel_default_43" [label="(3072, 768)", style=solid]; +"864 layer_norm_21_0_0_nncf_smooth_quant_0" -> "865 quantize_per_tensor_default_65" [label="(1, 197, 768)", style=solid]; +"865 quantize_per_tensor_default_65" -> "866 dequantize_per_tensor_default_65" [label="(1, 197, 768)", style=solid]; +"866 dequantize_per_tensor_default_65" -> "872 linear_42" [label="(1, 197, 768)", style=solid]; +"867 linear_42_scale_0" -> "869 quantize_per_channel_default_43" [label="(3072,)", style=solid]; +"867 linear_42_scale_0" -> "870 dequantize_per_channel_default_43" [label="(3072,)", style=solid]; +"868 linear_42_zero_point_0" -> "869 quantize_per_channel_default_43" [label="(3072,)", style=solid]; +"868 linear_42_zero_point_0" -> "870 dequantize_per_channel_default_43" [label="(3072,)", style=solid]; +"869 quantize_per_channel_default_43" -> "870 dequantize_per_channel_default_43" [label="(3072, 768)", style=solid]; +"870 dequantize_per_channel_default_43" -> "872 linear_42" [label="(3072, 768)", style=solid]; +"871 _param_constant133_0_0" -> "872 linear_42" [label="(3072,)", style=solid]; +"872 linear_42" -> "873 gelu_10" [label="(1, 197, 3072)", style=solid]; +"873 gelu_10" -> "874 dropout_32" [label="(1, 197, 3072)", style=solid]; +"874 dropout_32" -> "876 dropout_32_0_0_nncf_smooth_quant_0" [label="(1, 197, 3072)", style=solid]; +"875 linear_43_updated_constant0" -> "881 quantize_per_channel_default_44" [label="(768, 3072)", style=solid]; +"876 dropout_32_0_0_nncf_smooth_quant_0" -> "877 quantize_per_tensor_default_66" [label="(1, 197, 3072)", style=solid]; +"877 quantize_per_tensor_default_66" -> "878 dequantize_per_tensor_default_66" [label="(1, 197, 3072)", style=solid]; +"878 dequantize_per_tensor_default_66" -> "884 linear_43" [label="(1, 197, 3072)", style=solid]; +"879 linear_43_scale_0" -> "881 quantize_per_channel_default_44" [label="(768,)", style=solid]; +"879 linear_43_scale_0" -> "882 dequantize_per_channel_default_44" [label="(768,)", style=solid]; +"880 linear_43_zero_point_0" -> "881 quantize_per_channel_default_44" [label="(768,)", style=solid]; +"880 linear_43_zero_point_0" -> "882 dequantize_per_channel_default_44" [label="(768,)", style=solid]; +"881 quantize_per_channel_default_44" -> "882 dequantize_per_channel_default_44" [label="(768, 3072)", style=solid]; +"882 dequantize_per_channel_default_44" -> "884 linear_43" [label="(768, 3072)", style=solid]; +"883 _param_constant135_0_0" -> "884 linear_43" [label="(768,)", style=solid]; +"884 linear_43" -> "885 dropout_33" [label="(1, 197, 768)", style=solid]; +"885 dropout_33" -> "886 add_22" [label="(1, 197, 768)", style=solid]; +"886 add_22" -> "889 layer_norm_22" [label="(1, 197, 768)", style=solid]; +"886 add_22" -> "938 add_23" [label="(1, 197, 768)", style=solid]; +"887 _param_constant136" -> "889 layer_norm_22" [label="(768,)", style=solid]; +"888 _param_constant137" -> "889 layer_norm_22" [label="(768,)", style=solid]; +"889 layer_norm_22" -> "890 transpose_66" [label="(1, 197, 768)", style=solid]; +"890 transpose_66" -> "892 transpose_66_0_0_nncf_smooth_quant_0" [label="(197, 1, 768)", style=solid]; +"891 linear_44_updated_constant0" -> "897 quantize_per_channel_default_45" [label="(2304, 768)", style=solid]; +"892 transpose_66_0_0_nncf_smooth_quant_0" -> "893 quantize_per_tensor_default_67" [label="(197, 1, 768)", style=solid]; +"893 quantize_per_tensor_default_67" -> "894 dequantize_per_tensor_default_67" [label="(197, 1, 768)", style=solid]; +"894 dequantize_per_tensor_default_67" -> "900 linear_44" [label="(197, 1, 768)", style=solid]; +"895 linear_44_scale_0" -> "897 quantize_per_channel_default_45" [label="(2304,)", style=solid]; +"895 linear_44_scale_0" -> "898 dequantize_per_channel_default_45" [label="(2304,)", style=solid]; +"896 linear_44_zero_point_0" -> "897 quantize_per_channel_default_45" [label="(2304,)", style=solid]; +"896 linear_44_zero_point_0" -> "898 dequantize_per_channel_default_45" [label="(2304,)", style=solid]; +"897 quantize_per_channel_default_45" -> "898 dequantize_per_channel_default_45" [label="(2304, 768)", style=solid]; +"898 dequantize_per_channel_default_45" -> "900 linear_44" [label="(2304, 768)", style=solid]; +"899 _param_constant139_0_0" -> "900 linear_44" [label="(2304,)", style=solid]; +"900 linear_44" -> "901 unflatten_11" [label="(197, 1, 2304)", style=solid]; +"901 unflatten_11" -> "902 unsqueeze_11" [label="(197, 1, 3, 768)", style=solid]; +"902 unsqueeze_11" -> "903 transpose_67" [label="(1, 197, 1, 3, 768)", style=solid]; +"903 transpose_67" -> "904 squeeze_11" [label="(3, 197, 1, 1, 768)", style=solid]; +"904 squeeze_11" -> "905 contiguous_11" [label="(3, 197, 1, 768)", style=solid]; +"905 contiguous_11" -> "906 quantize_per_tensor_default_68" [label="(3, 197, 1, 768)", style=solid]; +"905 contiguous_11" -> "909 quantize_per_tensor_default_69" [label="(3, 197, 1, 768)", style=solid]; +"905 contiguous_11" -> "912 select_35" [label="(3, 197, 1, 768)", style=solid]; +"906 quantize_per_tensor_default_68" -> "907 dequantize_per_tensor_default_68" [label="(3, 197, 1, 768)", style=solid]; +"907 dequantize_per_tensor_default_68" -> "908 select_33" [label="(3, 197, 1, 768)", style=solid]; +"908 select_33" -> "913 view_88" [label="(197, 1, 768)", style=solid]; +"909 quantize_per_tensor_default_69" -> "910 dequantize_per_tensor_default_69" [label="(3, 197, 1, 768)", style=solid]; +"910 dequantize_per_tensor_default_69" -> "911 select_34" [label="(3, 197, 1, 768)", style=solid]; +"911 select_34" -> "915 view_89" [label="(197, 1, 768)", style=solid]; +"912 select_35" -> "917 view_90" [label="(197, 1, 768)", style=solid]; +"913 view_88" -> "914 transpose_68" [label="(197, 12, 64)", style=solid]; +"914 transpose_68" -> "919 view_91" [label="(12, 197, 64)", style=solid]; +"915 view_89" -> "916 transpose_69" [label="(197, 12, 64)", style=solid]; +"916 transpose_69" -> "920 view_92" [label="(12, 197, 64)", style=solid]; +"917 view_90" -> "918 transpose_70" [label="(197, 12, 64)", style=solid]; +"918 transpose_70" -> "921 view_93" [label="(12, 197, 64)", style=solid]; +"919 view_91" -> "922 scaled_dot_product_attention_11" [label="(1, 12, 197, 64)", style=solid]; +"920 view_92" -> "922 scaled_dot_product_attention_11" [label="(1, 12, 197, 64)", style=solid]; +"921 view_93" -> "922 scaled_dot_product_attention_11" [label="(1, 12, 197, 64)", style=solid]; +"922 scaled_dot_product_attention_11" -> "923 permute_12" [label="(1, 12, 197, 64)", style=solid]; +"923 permute_12" -> "924 view_94" [label="(197, 1, 12, 64)", style=solid]; +"924 view_94" -> "926 view_94_0_0_nncf_smooth_quant_0" [label="(197, 768)", style=solid]; +"925 linear_45_updated_constant0" -> "931 quantize_per_channel_default_46" [label="(768, 768)", style=solid]; +"926 view_94_0_0_nncf_smooth_quant_0" -> "927 quantize_per_tensor_default_70" [label="(197, 768)", style=solid]; +"927 quantize_per_tensor_default_70" -> "928 dequantize_per_tensor_default_70" [label="(197, 768)", style=solid]; +"928 dequantize_per_tensor_default_70" -> "934 linear_45" [label="(197, 768)", style=solid]; +"929 linear_45_scale_0" -> "931 quantize_per_channel_default_46" [label="(768,)", style=solid]; +"929 linear_45_scale_0" -> "932 dequantize_per_channel_default_46" [label="(768,)", style=solid]; +"930 linear_45_zero_point_0" -> "931 quantize_per_channel_default_46" [label="(768,)", style=solid]; +"930 linear_45_zero_point_0" -> "932 dequantize_per_channel_default_46" [label="(768,)", style=solid]; +"931 quantize_per_channel_default_46" -> "932 dequantize_per_channel_default_46" [label="(768, 768)", style=solid]; +"932 dequantize_per_channel_default_46" -> "934 linear_45" [label="(768, 768)", style=solid]; +"933 _param_constant141_0_0" -> "934 linear_45" [label="(768,)", style=solid]; +"934 linear_45" -> "935 view_95" [label="(197, 768)", style=solid]; +"935 view_95" -> "936 transpose_71" [label="(197, 1, 768)", style=solid]; +"936 transpose_71" -> "937 dropout_34" [label="(1, 197, 768)", style=solid]; +"937 dropout_34" -> "938 add_23" [label="(1, 197, 768)", style=solid]; +"938 add_23" -> "941 layer_norm_23" [label="(1, 197, 768)", style=solid]; +"938 add_23" -> "965 add_24" [label="(1, 197, 768)", style=solid]; +"939 _param_constant142" -> "941 layer_norm_23" [label="(768,)", style=solid]; +"940 _param_constant143" -> "941 layer_norm_23" [label="(768,)", style=solid]; +"941 layer_norm_23" -> "943 layer_norm_23_0_0_nncf_smooth_quant_0" [label="(1, 197, 768)", style=solid]; +"942 linear_46_updated_constant0" -> "948 quantize_per_channel_default_47" [label="(3072, 768)", style=solid]; +"943 layer_norm_23_0_0_nncf_smooth_quant_0" -> "944 quantize_per_tensor_default_71" [label="(1, 197, 768)", style=solid]; +"944 quantize_per_tensor_default_71" -> "945 dequantize_per_tensor_default_71" [label="(1, 197, 768)", style=solid]; +"945 dequantize_per_tensor_default_71" -> "951 linear_46" [label="(1, 197, 768)", style=solid]; +"946 linear_46_scale_0" -> "948 quantize_per_channel_default_47" [label="(3072,)", style=solid]; +"946 linear_46_scale_0" -> "949 dequantize_per_channel_default_47" [label="(3072,)", style=solid]; +"947 linear_46_zero_point_0" -> "948 quantize_per_channel_default_47" [label="(3072,)", style=solid]; +"947 linear_46_zero_point_0" -> "949 dequantize_per_channel_default_47" [label="(3072,)", style=solid]; +"948 quantize_per_channel_default_47" -> "949 dequantize_per_channel_default_47" [label="(3072, 768)", style=solid]; +"949 dequantize_per_channel_default_47" -> "951 linear_46" [label="(3072, 768)", style=solid]; +"950 _param_constant145_0_0" -> "951 linear_46" [label="(3072,)", style=solid]; +"951 linear_46" -> "952 gelu_11" [label="(1, 197, 3072)", style=solid]; +"952 gelu_11" -> "953 dropout_35" [label="(1, 197, 3072)", style=solid]; +"953 dropout_35" -> "955 dropout_35_0_0_nncf_smooth_quant_0" [label="(1, 197, 3072)", style=solid]; +"954 linear_47_updated_constant0" -> "960 quantize_per_channel_default_48" [label="(768, 3072)", style=solid]; +"955 dropout_35_0_0_nncf_smooth_quant_0" -> "956 quantize_per_tensor_default_72" [label="(1, 197, 3072)", style=solid]; +"956 quantize_per_tensor_default_72" -> "957 dequantize_per_tensor_default_72" [label="(1, 197, 3072)", style=solid]; +"957 dequantize_per_tensor_default_72" -> "963 linear_47" [label="(1, 197, 3072)", style=solid]; +"958 linear_47_scale_0" -> "960 quantize_per_channel_default_48" [label="(768,)", style=solid]; +"958 linear_47_scale_0" -> "961 dequantize_per_channel_default_48" [label="(768,)", style=solid]; +"959 linear_47_zero_point_0" -> "960 quantize_per_channel_default_48" [label="(768,)", style=solid]; +"959 linear_47_zero_point_0" -> "961 dequantize_per_channel_default_48" [label="(768,)", style=solid]; +"960 quantize_per_channel_default_48" -> "961 dequantize_per_channel_default_48" [label="(768, 3072)", style=solid]; +"961 dequantize_per_channel_default_48" -> "963 linear_47" [label="(768, 3072)", style=solid]; +"962 _param_constant147_0_0" -> "963 linear_47" [label="(768,)", style=solid]; +"963 linear_47" -> "964 dropout_36" [label="(1, 197, 768)", style=solid]; +"964 dropout_36" -> "965 add_24" [label="(1, 197, 768)", style=solid]; +"965 add_24" -> "968 layer_norm_24" [label="(1, 197, 768)", style=solid]; +"966 _param_constant148" -> "968 layer_norm_24" [label="(768,)", style=solid]; +"967 _param_constant149" -> "968 layer_norm_24" [label="(768,)", style=solid]; +"968 layer_norm_24" -> "969 slice_1" [label="(1, 197, 768)", style=solid]; +"969 slice_1" -> "970 select_36" [label="(1, 197, 768)", style=solid]; +"970 select_36" -> "972 select_36_0_0_nncf_smooth_quant_0" [label="(1, 768)", style=solid]; +"971 linear_48_updated_constant0" -> "977 quantize_per_channel_default_49" [label="(1000, 768)", style=solid]; +"972 select_36_0_0_nncf_smooth_quant_0" -> "973 quantize_per_tensor_default_73" [label="(1, 768)", style=solid]; +"973 quantize_per_tensor_default_73" -> "974 dequantize_per_tensor_default_73" [label="(1, 768)", style=solid]; +"974 dequantize_per_tensor_default_73" -> "980 linear_48" [label="(1, 768)", style=solid]; +"975 linear_48_scale_0" -> "977 quantize_per_channel_default_49" [label="(1000,)", style=solid]; +"975 linear_48_scale_0" -> "978 dequantize_per_channel_default_49" [label="(1000,)", style=solid]; +"976 linear_48_zero_point_0" -> "977 quantize_per_channel_default_49" [label="(1000,)", style=solid]; +"976 linear_48_zero_point_0" -> "978 dequantize_per_channel_default_49" [label="(1000,)", 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" -> "980 linear_48" [label="(1000, 768)", style=solid]; +"979 _param_constant151_0_0" -> "980 linear_48" [label="(1000,)", style=solid]; +"980 linear_48" -> "981 output" [label="(1, 1000)", style=solid]; +} From fde56b7b75362302ecd83594ed95e9972c0da3d9 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Tue, 24 Sep 2024 10:44:29 +0400 Subject: [PATCH 62/69] Include assert in shared attribute test --- tests/torch/fx/test_models.py | 21 +++++++-------------- 1 file changed, 7 insertions(+), 14 deletions(-) diff --git a/tests/torch/fx/test_models.py b/tests/torch/fx/test_models.py index 46e2954ddf0..2215e4d6fc7 100644 --- a/tests/torch/fx/test_models.py +++ b/tests/torch/fx/test_models.py @@ -40,19 +40,11 @@ from tests.cross_fw.shared.paths import TEST_ROOT from tests.torch import test_models from tests.torch.ptq.test_weights_compression import ShortTransformer +from tests.torch.test_compressed_graph import check_graph from tests.torch.test_models.synthetic import MultiBranchesConnectedModel - -def check_fx_graphs(graph: NNCFGraph, path_to_dot: str, graph_dir: str): - data_dir = TEST_ROOT / "torch" / "data" / "fx" / "reference_graphs" - dot_dir = data_dir / graph_dir - path_to_dot = dot_dir / path_to_dot - nx_graph = graph.get_graph_for_structure_analysis(extended=True) - compare_nx_graph_with_reference(nx_graph, path_to_dot, check_edge_attrs=True) - - -FX_DIR_NAME = "original_graphs" -FX_QUANTIZED_DIR_NAME = "quantized_graphs" +FX_DIR_NAME = Path("fx") +FX_QUANTIZED_DIR_NAME = Path("fx") / "quantized" @dataclass @@ -133,7 +125,7 @@ def test_model(test_case: ModelCase): # Check NNCFGrpah dot_filename = get_dot_filename(model_name) - check_fx_graphs(nncf_graph, dot_filename, FX_DIR_NAME) + check_graph(nncf_graph, dot_filename, FX_DIR_NAME) # Check metatypes model_metatypes = {n.node_name: n.metatype.__name__ for n in nncf_graph.get_all_nodes()} @@ -180,7 +172,7 @@ def transform_fn(data_item): # visualize_fx_model(quantized_model, f"{model_case.model_id}_int8.svg") nncf_graph = GraphConverter.create_nncf_graph(quantized_model) - check_fx_graphs(nncf_graph, get_dot_filename(model_case.model_id), FX_QUANTIZED_DIR_NAME) + check_graph(nncf_graph, get_dot_filename(model_case.model_id), FX_QUANTIZED_DIR_NAME) @pytest.mark.parametrize("unification", [False, True]) @@ -194,4 +186,5 @@ def test_is_shared_attribute(unification): shared_constants_unification_transformation(captured_model) nncf_graph = GraphConverter.create_nncf_graph(captured_model) shared_attributes = {n.node_name: n.is_shared() for n in nncf_graph.get_all_nodes()} - get_ref_from_json(f"{file_prefix}_shared_attribute_test_model", shared_attributes, attributes=True) + ref_attributes = get_ref_from_json(f"{file_prefix}_shared_attribute_test_model", shared_attributes, attributes=True) + assert shared_attributes == ref_attributes From 30ff3d250c3f6fa7a6fc58822959b43c117bf4f9 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Tue, 24 Sep 2024 10:44:39 +0400 Subject: [PATCH 63/69] Fix reference graphs structure --- .../original_graphs/mobilenet_v3_small.dot | 992 --- .../original_graphs/resnet18.dot | 495 -- .../original_graphs/swin_v2_s.dot | 5610 -------------- .../original_graphs/synthetic_transformer.dot | 21 - .../reference_graphs/original_graphs/unet.dot | 537 -- .../original_graphs/vit_b_16.dot | 1219 --- .../quantized_graphs/mobilenet_v3_small.dot | 1182 --- .../quantized_graphs/resnet18.dot | 539 -- .../quantized_graphs/swin_v2_s.dot | 6858 ----------------- .../synthetic_transformer.dot | 53 - .../quantized_graphs/unet.dot | 561 -- .../quantized_graphs/vit_b_16.dot | 2113 ----- 12 files changed, 20180 deletions(-) delete mode 100644 tests/torch/data/fx/reference_graphs/original_graphs/mobilenet_v3_small.dot delete mode 100644 tests/torch/data/fx/reference_graphs/original_graphs/resnet18.dot delete mode 100644 tests/torch/data/fx/reference_graphs/original_graphs/swin_v2_s.dot delete mode 100644 tests/torch/data/fx/reference_graphs/original_graphs/synthetic_transformer.dot delete mode 100644 tests/torch/data/fx/reference_graphs/original_graphs/unet.dot delete mode 100644 tests/torch/data/fx/reference_graphs/original_graphs/vit_b_16.dot delete mode 100644 tests/torch/data/fx/reference_graphs/quantized_graphs/mobilenet_v3_small.dot delete mode 100644 tests/torch/data/fx/reference_graphs/quantized_graphs/resnet18.dot delete mode 100644 tests/torch/data/fx/reference_graphs/quantized_graphs/swin_v2_s.dot delete mode 100644 tests/torch/data/fx/reference_graphs/quantized_graphs/synthetic_transformer.dot delete mode 100644 tests/torch/data/fx/reference_graphs/quantized_graphs/unet.dot delete mode 100644 tests/torch/data/fx/reference_graphs/quantized_graphs/vit_b_16.dot diff --git a/tests/torch/data/fx/reference_graphs/original_graphs/mobilenet_v3_small.dot b/tests/torch/data/fx/reference_graphs/original_graphs/mobilenet_v3_small.dot deleted file mode 100644 index 11ecae8985d..00000000000 --- a/tests/torch/data/fx/reference_graphs/original_graphs/mobilenet_v3_small.dot +++ /dev/null @@ -1,992 +0,0 @@ -strict digraph { -"0 arg0_1" [id=0, type=input]; -"1 _param_constant0" [id=1, type=get_attr]; -"2 conv2d" [id=2, type=conv2d]; -"3 empty" [id=3, type=empty]; -"4 _param_constant1" [id=4, type=get_attr]; -"5 _param_constant2" [id=5, type=get_attr]; -"6 _tensor_constant0" [id=6, type=get_attr]; -"7 _tensor_constant1" [id=7, type=get_attr]; -"8 _native_batch_norm_legit_no_training" [id=8, type=_native_batch_norm_legit_no_training]; -"9 getitem" [id=9, type=__getitem__]; -"10 getitem_1" [id=10, type=__getitem__]; -"11 getitem_2" [id=11, type=__getitem__]; -"12 hardswish_" [id=12, type=hardswish_]; -"13 _param_constant3" [id=13, type=get_attr]; -"14 conv2d_1" [id=14, type=conv2d]; -"15 empty_1" [id=15, type=empty]; -"16 _param_constant4" [id=16, type=get_attr]; -"17 _param_constant5" [id=17, type=get_attr]; -"18 _tensor_constant2" [id=18, type=get_attr]; -"19 _tensor_constant3" [id=19, type=get_attr]; -"20 _native_batch_norm_legit_no_training_1" [id=20, type=_native_batch_norm_legit_no_training]; -"21 getitem_3" [id=21, type=__getitem__]; -"22 getitem_4" [id=22, type=__getitem__]; -"23 getitem_5" [id=23, type=__getitem__]; -"24 relu_" [id=24, type=relu_]; -"25 adaptive_avg_pool2d" [id=25, type=adaptive_avg_pool2d]; -"26 _param_constant6" [id=26, type=get_attr]; -"27 _param_constant7" [id=27, type=get_attr]; -"28 conv2d_2" [id=28, type=conv2d]; -"29 relu" [id=29, type=relu]; -"30 _param_constant8" [id=30, type=get_attr]; -"31 _param_constant9" [id=31, type=get_attr]; -"32 conv2d_3" [id=32, type=conv2d]; -"33 hardsigmoid" [id=33, type=hardsigmoid]; -"34 mul" [id=34, type=mul]; -"35 _param_constant10" [id=35, type=get_attr]; -"36 conv2d_4" [id=36, type=conv2d]; -"37 empty_2" [id=37, type=empty]; -"38 _param_constant11" [id=38, type=get_attr]; -"39 _param_constant12" [id=39, type=get_attr]; -"40 _tensor_constant4" [id=40, type=get_attr]; -"41 _tensor_constant5" [id=41, type=get_attr]; -"42 _native_batch_norm_legit_no_training_2" [id=42, type=_native_batch_norm_legit_no_training]; -"43 getitem_6" [id=43, type=__getitem__]; -"44 getitem_7" [id=44, type=__getitem__]; -"45 getitem_8" [id=45, type=__getitem__]; -"46 _param_constant13" [id=46, type=get_attr]; -"47 conv2d_5" [id=47, type=conv2d]; -"48 empty_3" [id=48, type=empty]; -"49 _param_constant14" [id=49, type=get_attr]; -"50 _param_constant15" [id=50, type=get_attr]; -"51 _tensor_constant6" [id=51, type=get_attr]; -"52 _tensor_constant7" [id=52, type=get_attr]; -"53 _native_batch_norm_legit_no_training_3" [id=53, type=_native_batch_norm_legit_no_training]; -"54 getitem_9" [id=54, type=__getitem__]; -"55 getitem_10" [id=55, type=__getitem__]; -"56 getitem_11" [id=56, type=__getitem__]; -"57 relu__1" [id=57, type=relu_]; -"58 _param_constant16" [id=58, type=get_attr]; -"59 conv2d_6" [id=59, type=conv2d]; -"60 empty_4" [id=60, type=empty]; -"61 _param_constant17" [id=61, type=get_attr]; -"62 _param_constant18" [id=62, type=get_attr]; -"63 _tensor_constant8" [id=63, type=get_attr]; -"64 _tensor_constant9" [id=64, type=get_attr]; -"65 _native_batch_norm_legit_no_training_4" [id=65, type=_native_batch_norm_legit_no_training]; -"66 getitem_12" [id=66, type=__getitem__]; -"67 getitem_13" [id=67, type=__getitem__]; -"68 getitem_14" [id=68, type=__getitem__]; -"69 relu__2" [id=69, type=relu_]; -"70 _param_constant19" [id=70, type=get_attr]; -"71 conv2d_7" [id=71, type=conv2d]; -"72 empty_5" [id=72, type=empty]; -"73 _param_constant20" [id=73, type=get_attr]; -"74 _param_constant21" [id=74, type=get_attr]; -"75 _tensor_constant10" [id=75, type=get_attr]; -"76 _tensor_constant11" [id=76, type=get_attr]; -"77 _native_batch_norm_legit_no_training_5" [id=77, type=_native_batch_norm_legit_no_training]; -"78 getitem_15" [id=78, type=__getitem__]; -"79 getitem_16" [id=79, type=__getitem__]; -"80 getitem_17" [id=80, type=__getitem__]; -"81 _param_constant22" [id=81, type=get_attr]; -"82 conv2d_8" [id=82, type=conv2d]; -"83 empty_6" [id=83, type=empty]; -"84 _param_constant23" [id=84, type=get_attr]; -"85 _param_constant24" [id=85, type=get_attr]; -"86 _tensor_constant12" [id=86, type=get_attr]; -"87 _tensor_constant13" [id=87, type=get_attr]; -"88 _native_batch_norm_legit_no_training_6" [id=88, type=_native_batch_norm_legit_no_training]; -"89 getitem_18" [id=89, type=__getitem__]; -"90 getitem_19" [id=90, type=__getitem__]; -"91 getitem_20" [id=91, type=__getitem__]; -"92 relu__3" [id=92, type=relu_]; -"93 _param_constant25" [id=93, type=get_attr]; -"94 conv2d_9" [id=94, type=conv2d]; -"95 empty_7" [id=95, type=empty]; -"96 _param_constant26" [id=96, type=get_attr]; -"97 _param_constant27" [id=97, type=get_attr]; -"98 _tensor_constant14" [id=98, type=get_attr]; -"99 _tensor_constant15" [id=99, type=get_attr]; -"100 _native_batch_norm_legit_no_training_7" [id=100, type=_native_batch_norm_legit_no_training]; -"101 getitem_21" [id=101, type=__getitem__]; -"102 getitem_22" [id=102, type=__getitem__]; -"103 getitem_23" [id=103, type=__getitem__]; -"104 relu__4" [id=104, type=relu_]; -"105 _param_constant28" [id=105, type=get_attr]; -"106 conv2d_10" [id=106, type=conv2d]; -"107 empty_8" [id=107, type=empty]; -"108 _param_constant29" [id=108, type=get_attr]; -"109 _param_constant30" [id=109, type=get_attr]; -"110 _tensor_constant16" [id=110, type=get_attr]; -"111 _tensor_constant17" [id=111, type=get_attr]; -"112 _native_batch_norm_legit_no_training_8" [id=112, type=_native_batch_norm_legit_no_training]; -"113 getitem_24" [id=113, type=__getitem__]; -"114 getitem_25" [id=114, type=__getitem__]; -"115 getitem_26" [id=115, type=__getitem__]; -"116 add_" [id=116, type=add_]; -"117 _param_constant31" [id=117, type=get_attr]; -"118 conv2d_11" [id=118, type=conv2d]; -"119 empty_9" [id=119, type=empty]; -"120 _param_constant32" [id=120, type=get_attr]; -"121 _param_constant33" [id=121, type=get_attr]; -"122 _tensor_constant18" [id=122, type=get_attr]; -"123 _tensor_constant19" [id=123, type=get_attr]; -"124 _native_batch_norm_legit_no_training_9" [id=124, type=_native_batch_norm_legit_no_training]; -"125 getitem_27" [id=125, type=__getitem__]; -"126 getitem_28" [id=126, type=__getitem__]; -"127 getitem_29" [id=127, type=__getitem__]; -"128 hardswish__1" [id=128, type=hardswish_]; -"129 _param_constant34" [id=129, type=get_attr]; -"130 conv2d_12" [id=130, type=conv2d]; -"131 empty_10" [id=131, type=empty]; -"132 _param_constant35" [id=132, type=get_attr]; -"133 _param_constant36" [id=133, type=get_attr]; -"134 _tensor_constant20" [id=134, type=get_attr]; -"135 _tensor_constant21" [id=135, type=get_attr]; -"136 _native_batch_norm_legit_no_training_10" [id=136, type=_native_batch_norm_legit_no_training]; -"137 getitem_30" [id=137, type=__getitem__]; -"138 getitem_31" [id=138, type=__getitem__]; -"139 getitem_32" [id=139, type=__getitem__]; -"140 hardswish__2" [id=140, type=hardswish_]; -"141 adaptive_avg_pool2d_1" [id=141, type=adaptive_avg_pool2d]; -"142 _param_constant37" [id=142, type=get_attr]; -"143 _param_constant38" [id=143, type=get_attr]; -"144 conv2d_13" [id=144, type=conv2d]; -"145 relu_1" [id=145, type=relu]; -"146 _param_constant39" [id=146, type=get_attr]; -"147 _param_constant40" [id=147, type=get_attr]; -"148 conv2d_14" [id=148, type=conv2d]; -"149 hardsigmoid_1" [id=149, type=hardsigmoid]; -"150 mul_1" [id=150, type=mul]; -"151 _param_constant41" [id=151, type=get_attr]; -"152 conv2d_15" [id=152, type=conv2d]; -"153 empty_11" [id=153, type=empty]; -"154 _param_constant42" [id=154, type=get_attr]; -"155 _param_constant43" [id=155, type=get_attr]; -"156 _tensor_constant22" [id=156, type=get_attr]; -"157 _tensor_constant23" [id=157, type=get_attr]; -"158 _native_batch_norm_legit_no_training_11" [id=158, type=_native_batch_norm_legit_no_training]; -"159 getitem_33" [id=159, type=__getitem__]; -"160 getitem_34" [id=160, type=__getitem__]; -"161 getitem_35" [id=161, type=__getitem__]; -"162 _param_constant44" [id=162, type=get_attr]; -"163 conv2d_16" [id=163, type=conv2d]; -"164 empty_12" [id=164, type=empty]; -"165 _param_constant45" [id=165, type=get_attr]; -"166 _param_constant46" [id=166, type=get_attr]; -"167 _tensor_constant24" [id=167, type=get_attr]; -"168 _tensor_constant25" [id=168, type=get_attr]; -"169 _native_batch_norm_legit_no_training_12" [id=169, type=_native_batch_norm_legit_no_training]; -"170 getitem_36" [id=170, type=__getitem__]; -"171 getitem_37" [id=171, type=__getitem__]; -"172 getitem_38" [id=172, type=__getitem__]; -"173 hardswish__3" [id=173, type=hardswish_]; -"174 _param_constant47" [id=174, type=get_attr]; -"175 conv2d_17" [id=175, type=conv2d]; -"176 empty_13" [id=176, type=empty]; -"177 _param_constant48" [id=177, type=get_attr]; -"178 _param_constant49" [id=178, type=get_attr]; -"179 _tensor_constant26" [id=179, type=get_attr]; -"180 _tensor_constant27" [id=180, type=get_attr]; -"181 _native_batch_norm_legit_no_training_13" [id=181, type=_native_batch_norm_legit_no_training]; -"182 getitem_39" [id=182, type=__getitem__]; -"183 getitem_40" [id=183, type=__getitem__]; -"184 getitem_41" [id=184, type=__getitem__]; -"185 hardswish__4" [id=185, type=hardswish_]; -"186 adaptive_avg_pool2d_2" [id=186, type=adaptive_avg_pool2d]; -"187 _param_constant50" [id=187, type=get_attr]; -"188 _param_constant51" [id=188, type=get_attr]; -"189 conv2d_18" [id=189, type=conv2d]; -"190 relu_2" [id=190, type=relu]; -"191 _param_constant52" [id=191, type=get_attr]; -"192 _param_constant53" [id=192, type=get_attr]; -"193 conv2d_19" [id=193, type=conv2d]; -"194 hardsigmoid_2" [id=194, type=hardsigmoid]; -"195 mul_2" [id=195, type=mul]; -"196 _param_constant54" [id=196, type=get_attr]; -"197 conv2d_20" [id=197, type=conv2d]; -"198 empty_14" [id=198, type=empty]; -"199 _param_constant55" [id=199, type=get_attr]; -"200 _param_constant56" [id=200, type=get_attr]; -"201 _tensor_constant28" [id=201, type=get_attr]; -"202 _tensor_constant29" [id=202, type=get_attr]; -"203 _native_batch_norm_legit_no_training_14" [id=203, type=_native_batch_norm_legit_no_training]; -"204 getitem_42" [id=204, type=__getitem__]; -"205 getitem_43" [id=205, type=__getitem__]; -"206 getitem_44" [id=206, type=__getitem__]; -"207 add__1" [id=207, type=add_]; -"208 _param_constant57" [id=208, type=get_attr]; -"209 conv2d_21" [id=209, type=conv2d]; -"210 empty_15" [id=210, type=empty]; -"211 _param_constant58" [id=211, type=get_attr]; -"212 _param_constant59" [id=212, type=get_attr]; -"213 _tensor_constant30" [id=213, type=get_attr]; -"214 _tensor_constant31" [id=214, type=get_attr]; -"215 _native_batch_norm_legit_no_training_15" [id=215, type=_native_batch_norm_legit_no_training]; -"216 getitem_45" [id=216, type=__getitem__]; -"217 getitem_46" [id=217, type=__getitem__]; -"218 getitem_47" [id=218, type=__getitem__]; -"219 hardswish__5" [id=219, type=hardswish_]; -"220 _param_constant60" [id=220, type=get_attr]; -"221 conv2d_22" [id=221, type=conv2d]; -"222 empty_16" [id=222, type=empty]; -"223 _param_constant61" [id=223, type=get_attr]; -"224 _param_constant62" [id=224, type=get_attr]; -"225 _tensor_constant32" [id=225, type=get_attr]; -"226 _tensor_constant33" [id=226, type=get_attr]; -"227 _native_batch_norm_legit_no_training_16" [id=227, type=_native_batch_norm_legit_no_training]; -"228 getitem_48" [id=228, type=__getitem__]; -"229 getitem_49" [id=229, type=__getitem__]; -"230 getitem_50" [id=230, type=__getitem__]; -"231 hardswish__6" [id=231, type=hardswish_]; -"232 adaptive_avg_pool2d_3" [id=232, type=adaptive_avg_pool2d]; -"233 _param_constant63" [id=233, type=get_attr]; -"234 _param_constant64" [id=234, type=get_attr]; -"235 conv2d_23" [id=235, type=conv2d]; -"236 relu_3" [id=236, type=relu]; -"237 _param_constant65" [id=237, type=get_attr]; -"238 _param_constant66" [id=238, type=get_attr]; -"239 conv2d_24" [id=239, type=conv2d]; -"240 hardsigmoid_3" [id=240, type=hardsigmoid]; -"241 mul_3" [id=241, type=mul]; -"242 _param_constant67" [id=242, type=get_attr]; -"243 conv2d_25" [id=243, type=conv2d]; -"244 empty_17" [id=244, type=empty]; -"245 _param_constant68" [id=245, type=get_attr]; -"246 _param_constant69" [id=246, type=get_attr]; -"247 _tensor_constant34" [id=247, type=get_attr]; -"248 _tensor_constant35" [id=248, type=get_attr]; -"249 _native_batch_norm_legit_no_training_17" [id=249, type=_native_batch_norm_legit_no_training]; -"250 getitem_51" [id=250, type=__getitem__]; -"251 getitem_52" [id=251, type=__getitem__]; -"252 getitem_53" [id=252, type=__getitem__]; -"253 add__2" [id=253, type=add_]; -"254 _param_constant70" [id=254, type=get_attr]; -"255 conv2d_26" [id=255, type=conv2d]; -"256 empty_18" [id=256, type=empty]; -"257 _param_constant71" [id=257, type=get_attr]; -"258 _param_constant72" [id=258, type=get_attr]; -"259 _tensor_constant36" [id=259, type=get_attr]; -"260 _tensor_constant37" [id=260, type=get_attr]; -"261 _native_batch_norm_legit_no_training_18" [id=261, type=_native_batch_norm_legit_no_training]; -"262 getitem_54" [id=262, type=__getitem__]; -"263 getitem_55" [id=263, type=__getitem__]; -"264 getitem_56" [id=264, type=__getitem__]; -"265 hardswish__7" [id=265, type=hardswish_]; -"266 _param_constant73" [id=266, type=get_attr]; -"267 conv2d_27" [id=267, type=conv2d]; -"268 empty_19" [id=268, type=empty]; -"269 _param_constant74" [id=269, type=get_attr]; -"270 _param_constant75" [id=270, type=get_attr]; -"271 _tensor_constant38" [id=271, type=get_attr]; -"272 _tensor_constant39" [id=272, type=get_attr]; -"273 _native_batch_norm_legit_no_training_19" [id=273, type=_native_batch_norm_legit_no_training]; -"274 getitem_57" [id=274, type=__getitem__]; -"275 getitem_58" [id=275, type=__getitem__]; -"276 getitem_59" [id=276, type=__getitem__]; -"277 hardswish__8" [id=277, type=hardswish_]; -"278 adaptive_avg_pool2d_4" [id=278, type=adaptive_avg_pool2d]; -"279 _param_constant76" [id=279, type=get_attr]; -"280 _param_constant77" [id=280, type=get_attr]; -"281 conv2d_28" [id=281, type=conv2d]; -"282 relu_4" [id=282, type=relu]; -"283 _param_constant78" [id=283, type=get_attr]; -"284 _param_constant79" [id=284, type=get_attr]; -"285 conv2d_29" [id=285, type=conv2d]; -"286 hardsigmoid_4" [id=286, type=hardsigmoid]; -"287 mul_4" [id=287, type=mul]; -"288 _param_constant80" [id=288, type=get_attr]; -"289 conv2d_30" [id=289, type=conv2d]; -"290 empty_20" [id=290, type=empty]; -"291 _param_constant81" [id=291, type=get_attr]; -"292 _param_constant82" [id=292, type=get_attr]; -"293 _tensor_constant40" [id=293, type=get_attr]; -"294 _tensor_constant41" [id=294, type=get_attr]; -"295 _native_batch_norm_legit_no_training_20" [id=295, type=_native_batch_norm_legit_no_training]; -"296 getitem_60" [id=296, type=__getitem__]; -"297 getitem_61" [id=297, type=__getitem__]; -"298 getitem_62" [id=298, type=__getitem__]; -"299 _param_constant83" [id=299, type=get_attr]; -"300 conv2d_31" [id=300, type=conv2d]; -"301 empty_21" [id=301, type=empty]; -"302 _param_constant84" [id=302, type=get_attr]; -"303 _param_constant85" [id=303, type=get_attr]; -"304 _tensor_constant42" [id=304, type=get_attr]; -"305 _tensor_constant43" [id=305, type=get_attr]; -"306 _native_batch_norm_legit_no_training_21" [id=306, type=_native_batch_norm_legit_no_training]; -"307 getitem_63" [id=307, type=__getitem__]; -"308 getitem_64" [id=308, type=__getitem__]; -"309 getitem_65" [id=309, type=__getitem__]; -"310 hardswish__9" [id=310, type=hardswish_]; -"311 _param_constant86" [id=311, type=get_attr]; -"312 conv2d_32" [id=312, type=conv2d]; -"313 empty_22" [id=313, type=empty]; -"314 _param_constant87" [id=314, type=get_attr]; -"315 _param_constant88" [id=315, type=get_attr]; -"316 _tensor_constant44" [id=316, type=get_attr]; -"317 _tensor_constant45" [id=317, type=get_attr]; -"318 _native_batch_norm_legit_no_training_22" [id=318, type=_native_batch_norm_legit_no_training]; -"319 getitem_66" [id=319, type=__getitem__]; -"320 getitem_67" [id=320, type=__getitem__]; -"321 getitem_68" [id=321, type=__getitem__]; -"322 hardswish__10" [id=322, type=hardswish_]; -"323 adaptive_avg_pool2d_5" [id=323, type=adaptive_avg_pool2d]; -"324 _param_constant89" [id=324, type=get_attr]; -"325 _param_constant90" [id=325, type=get_attr]; -"326 conv2d_33" [id=326, type=conv2d]; -"327 relu_5" [id=327, type=relu]; -"328 _param_constant91" [id=328, type=get_attr]; -"329 _param_constant92" [id=329, type=get_attr]; -"330 conv2d_34" [id=330, type=conv2d]; -"331 hardsigmoid_5" [id=331, type=hardsigmoid]; -"332 mul_5" [id=332, type=mul]; -"333 _param_constant93" [id=333, type=get_attr]; -"334 conv2d_35" [id=334, type=conv2d]; -"335 empty_23" [id=335, type=empty]; -"336 _param_constant94" [id=336, type=get_attr]; -"337 _param_constant95" [id=337, type=get_attr]; -"338 _tensor_constant46" [id=338, type=get_attr]; -"339 _tensor_constant47" [id=339, type=get_attr]; -"340 _native_batch_norm_legit_no_training_23" [id=340, type=_native_batch_norm_legit_no_training]; -"341 getitem_69" [id=341, type=__getitem__]; -"342 getitem_70" [id=342, type=__getitem__]; -"343 getitem_71" [id=343, type=__getitem__]; -"344 add__3" [id=344, type=add_]; -"345 _param_constant96" [id=345, type=get_attr]; -"346 conv2d_36" [id=346, type=conv2d]; -"347 empty_24" [id=347, type=empty]; -"348 _param_constant97" [id=348, type=get_attr]; -"349 _param_constant98" [id=349, type=get_attr]; -"350 _tensor_constant48" [id=350, type=get_attr]; -"351 _tensor_constant49" [id=351, type=get_attr]; -"352 _native_batch_norm_legit_no_training_24" [id=352, type=_native_batch_norm_legit_no_training]; -"353 getitem_72" [id=353, type=__getitem__]; -"354 getitem_73" [id=354, type=__getitem__]; -"355 getitem_74" [id=355, type=__getitem__]; -"356 hardswish__11" [id=356, type=hardswish_]; -"357 _param_constant99" [id=357, type=get_attr]; -"358 conv2d_37" [id=358, type=conv2d]; -"359 empty_25" [id=359, type=empty]; -"360 _param_constant100" [id=360, type=get_attr]; -"361 _param_constant101" [id=361, type=get_attr]; -"362 _tensor_constant50" [id=362, type=get_attr]; -"363 _tensor_constant51" [id=363, type=get_attr]; -"364 _native_batch_norm_legit_no_training_25" [id=364, type=_native_batch_norm_legit_no_training]; -"365 getitem_75" [id=365, type=__getitem__]; -"366 getitem_76" [id=366, type=__getitem__]; -"367 getitem_77" [id=367, type=__getitem__]; -"368 hardswish__12" [id=368, type=hardswish_]; -"369 adaptive_avg_pool2d_6" [id=369, type=adaptive_avg_pool2d]; -"370 _param_constant102" [id=370, type=get_attr]; -"371 _param_constant103" [id=371, type=get_attr]; -"372 conv2d_38" [id=372, type=conv2d]; -"373 relu_6" [id=373, type=relu]; -"374 _param_constant104" [id=374, type=get_attr]; -"375 _param_constant105" [id=375, type=get_attr]; -"376 conv2d_39" [id=376, type=conv2d]; -"377 hardsigmoid_6" [id=377, type=hardsigmoid]; -"378 mul_6" [id=378, type=mul]; -"379 _param_constant106" [id=379, type=get_attr]; -"380 conv2d_40" [id=380, type=conv2d]; -"381 empty_26" [id=381, type=empty]; -"382 _param_constant107" [id=382, type=get_attr]; -"383 _param_constant108" [id=383, type=get_attr]; -"384 _tensor_constant52" [id=384, type=get_attr]; -"385 _tensor_constant53" [id=385, type=get_attr]; -"386 _native_batch_norm_legit_no_training_26" [id=386, type=_native_batch_norm_legit_no_training]; -"387 getitem_78" [id=387, type=__getitem__]; -"388 getitem_79" [id=388, type=__getitem__]; -"389 getitem_80" [id=389, type=__getitem__]; -"390 _param_constant109" [id=390, type=get_attr]; -"391 conv2d_41" [id=391, type=conv2d]; -"392 empty_27" [id=392, type=empty]; -"393 _param_constant110" [id=393, type=get_attr]; -"394 _param_constant111" [id=394, type=get_attr]; -"395 _tensor_constant54" [id=395, type=get_attr]; -"396 _tensor_constant55" [id=396, type=get_attr]; -"397 _native_batch_norm_legit_no_training_27" [id=397, type=_native_batch_norm_legit_no_training]; -"398 getitem_81" [id=398, type=__getitem__]; -"399 getitem_82" [id=399, type=__getitem__]; -"400 getitem_83" [id=400, type=__getitem__]; -"401 hardswish__13" [id=401, type=hardswish_]; -"402 _param_constant112" [id=402, type=get_attr]; -"403 conv2d_42" [id=403, type=conv2d]; -"404 empty_28" [id=404, type=empty]; -"405 _param_constant113" [id=405, type=get_attr]; -"406 _param_constant114" [id=406, type=get_attr]; -"407 _tensor_constant56" [id=407, type=get_attr]; -"408 _tensor_constant57" [id=408, type=get_attr]; -"409 _native_batch_norm_legit_no_training_28" [id=409, type=_native_batch_norm_legit_no_training]; -"410 getitem_84" [id=410, type=__getitem__]; -"411 getitem_85" [id=411, type=__getitem__]; -"412 getitem_86" [id=412, type=__getitem__]; -"413 hardswish__14" [id=413, type=hardswish_]; -"414 adaptive_avg_pool2d_7" [id=414, type=adaptive_avg_pool2d]; -"415 _param_constant115" [id=415, type=get_attr]; -"416 _param_constant116" [id=416, type=get_attr]; -"417 conv2d_43" [id=417, type=conv2d]; -"418 relu_7" [id=418, type=relu]; -"419 _param_constant117" [id=419, type=get_attr]; -"420 _param_constant118" [id=420, type=get_attr]; -"421 conv2d_44" [id=421, type=conv2d]; -"422 hardsigmoid_7" [id=422, type=hardsigmoid]; -"423 mul_7" [id=423, type=mul]; -"424 _param_constant119" [id=424, type=get_attr]; -"425 conv2d_45" [id=425, type=conv2d]; -"426 empty_29" [id=426, type=empty]; -"427 _param_constant120" [id=427, type=get_attr]; -"428 _param_constant121" [id=428, type=get_attr]; -"429 _tensor_constant58" [id=429, type=get_attr]; -"430 _tensor_constant59" [id=430, type=get_attr]; -"431 _native_batch_norm_legit_no_training_29" [id=431, type=_native_batch_norm_legit_no_training]; -"432 getitem_87" [id=432, type=__getitem__]; -"433 getitem_88" [id=433, type=__getitem__]; -"434 getitem_89" [id=434, type=__getitem__]; -"435 add__4" [id=435, type=add_]; -"436 _param_constant122" [id=436, type=get_attr]; -"437 conv2d_46" [id=437, type=conv2d]; -"438 empty_30" [id=438, type=empty]; -"439 _param_constant123" [id=439, type=get_attr]; -"440 _param_constant124" [id=440, type=get_attr]; -"441 _tensor_constant60" [id=441, type=get_attr]; -"442 _tensor_constant61" [id=442, type=get_attr]; -"443 _native_batch_norm_legit_no_training_30" [id=443, type=_native_batch_norm_legit_no_training]; -"444 getitem_90" [id=444, type=__getitem__]; -"445 getitem_91" [id=445, type=__getitem__]; -"446 getitem_92" [id=446, type=__getitem__]; -"447 hardswish__15" [id=447, type=hardswish_]; -"448 _param_constant125" [id=448, type=get_attr]; -"449 conv2d_47" [id=449, type=conv2d]; -"450 empty_31" [id=450, type=empty]; -"451 _param_constant126" [id=451, type=get_attr]; -"452 _param_constant127" [id=452, type=get_attr]; -"453 _tensor_constant62" [id=453, type=get_attr]; -"454 _tensor_constant63" [id=454, type=get_attr]; -"455 _native_batch_norm_legit_no_training_31" [id=455, type=_native_batch_norm_legit_no_training]; -"456 getitem_93" [id=456, type=__getitem__]; -"457 getitem_94" [id=457, type=__getitem__]; -"458 getitem_95" [id=458, type=__getitem__]; -"459 hardswish__16" [id=459, type=hardswish_]; -"460 adaptive_avg_pool2d_8" [id=460, type=adaptive_avg_pool2d]; -"461 _param_constant128" [id=461, type=get_attr]; -"462 _param_constant129" [id=462, type=get_attr]; -"463 conv2d_48" [id=463, type=conv2d]; -"464 relu_8" [id=464, type=relu]; -"465 _param_constant130" [id=465, type=get_attr]; -"466 _param_constant131" [id=466, type=get_attr]; -"467 conv2d_49" [id=467, type=conv2d]; -"468 hardsigmoid_8" [id=468, type=hardsigmoid]; -"469 mul_8" [id=469, type=mul]; -"470 _param_constant132" [id=470, type=get_attr]; -"471 conv2d_50" [id=471, type=conv2d]; -"472 empty_32" [id=472, type=empty]; -"473 _param_constant133" [id=473, type=get_attr]; -"474 _param_constant134" [id=474, type=get_attr]; -"475 _tensor_constant64" [id=475, type=get_attr]; -"476 _tensor_constant65" [id=476, type=get_attr]; -"477 _native_batch_norm_legit_no_training_32" [id=477, type=_native_batch_norm_legit_no_training]; -"478 getitem_96" [id=478, type=__getitem__]; -"479 getitem_97" [id=479, type=__getitem__]; -"480 getitem_98" [id=480, type=__getitem__]; -"481 add__5" [id=481, type=add_]; -"482 _param_constant135" [id=482, type=get_attr]; -"483 conv2d_51" [id=483, type=conv2d]; -"484 empty_33" [id=484, type=empty]; -"485 _param_constant136" [id=485, type=get_attr]; -"486 _param_constant137" [id=486, type=get_attr]; -"487 _tensor_constant66" [id=487, type=get_attr]; -"488 _tensor_constant67" [id=488, type=get_attr]; -"489 _native_batch_norm_legit_no_training_33" [id=489, type=_native_batch_norm_legit_no_training]; -"490 getitem_99" [id=490, type=__getitem__]; -"491 getitem_100" [id=491, type=__getitem__]; -"492 getitem_101" [id=492, type=__getitem__]; -"493 hardswish__17" [id=493, type=hardswish_]; -"494 adaptive_avg_pool2d_9" [id=494, type=adaptive_avg_pool2d]; -"495 flatten" [id=495, type=flatten]; -"496 _param_constant138" [id=496, type=get_attr]; -"497 _param_constant139" [id=497, type=get_attr]; -"498 linear" [id=498, type=linear]; -"499 hardswish__18" [id=499, type=hardswish_]; -"500 dropout_" [id=500, type=dropout_]; -"501 _param_constant140" [id=501, type=get_attr]; -"502 _param_constant141" [id=502, type=get_attr]; -"503 linear_1" [id=503, type=linear]; -"504 output" [id=504, type=output]; -"0 arg0_1" -> "2 conv2d" [label="(1, 3, 224, 224)", style=solid]; -"1 _param_constant0" -> "2 conv2d" [label="(16, 3, 3, 3)", style=solid]; -"2 conv2d" -> "8 _native_batch_norm_legit_no_training" [label="(1, 16, 112, 112)", style=solid]; -"4 _param_constant1" -> "8 _native_batch_norm_legit_no_training" [label="(16,)", style=solid]; -"5 _param_constant2" -> "8 _native_batch_norm_legit_no_training" [label="(16,)", style=solid]; -"6 _tensor_constant0" -> "8 _native_batch_norm_legit_no_training" [label="(16,)", style=solid]; -"7 _tensor_constant1" -> "8 _native_batch_norm_legit_no_training" [label="(16,)", style=solid]; -"8 _native_batch_norm_legit_no_training" -> "9 getitem" [label="(1, 16, 112, 112)", style=solid]; -"8 _native_batch_norm_legit_no_training" -> "10 getitem_1" [label="(1, 16, 112, 112)", style=solid]; -"8 _native_batch_norm_legit_no_training" -> "11 getitem_2" [label="(1, 16, 112, 112)", style=solid]; -"9 getitem" -> "12 hardswish_" [label="(1, 16, 112, 112)", style=solid]; -"12 hardswish_" -> "14 conv2d_1" [label="(1, 16, 112, 112)", style=solid]; -"13 _param_constant3" -> "14 conv2d_1" [label="(16, 1, 3, 3)", style=solid]; -"14 conv2d_1" -> "20 _native_batch_norm_legit_no_training_1" [label="(1, 16, 56, 56)", style=solid]; -"16 _param_constant4" -> "20 _native_batch_norm_legit_no_training_1" [label="(16,)", style=solid]; -"17 _param_constant5" -> "20 _native_batch_norm_legit_no_training_1" [label="(16,)", style=solid]; -"18 _tensor_constant2" -> "20 _native_batch_norm_legit_no_training_1" [label="(16,)", style=solid]; -"19 _tensor_constant3" -> "20 _native_batch_norm_legit_no_training_1" [label="(16,)", style=solid]; -"20 _native_batch_norm_legit_no_training_1" -> "21 getitem_3" [label="(1, 16, 56, 56)", style=solid]; -"20 _native_batch_norm_legit_no_training_1" -> "22 getitem_4" [label="(1, 16, 56, 56)", style=solid]; -"20 _native_batch_norm_legit_no_training_1" -> "23 getitem_5" [label="(1, 16, 56, 56)", style=solid]; -"21 getitem_3" -> "24 relu_" [label="(1, 16, 56, 56)", style=solid]; -"24 relu_" -> "25 adaptive_avg_pool2d" [label="(1, 16, 56, 56)", style=solid]; -"24 relu_" -> "34 mul" [label="(1, 16, 56, 56)", style=solid]; -"25 adaptive_avg_pool2d" -> "28 conv2d_2" [label="(1, 16, 1, 1)", style=solid]; -"26 _param_constant6" -> "28 conv2d_2" [label="(8, 16, 1, 1)", style=solid]; -"27 _param_constant7" -> "28 conv2d_2" [label="(8,)", style=solid]; -"28 conv2d_2" -> "29 relu" [label="(1, 8, 1, 1)", style=solid]; -"29 relu" -> "32 conv2d_3" [label="(1, 8, 1, 1)", style=solid]; -"30 _param_constant8" -> "32 conv2d_3" [label="(16, 8, 1, 1)", style=solid]; -"31 _param_constant9" -> "32 conv2d_3" [label="(16,)", style=solid]; -"32 conv2d_3" -> "33 hardsigmoid" [label="(1, 16, 1, 1)", style=solid]; -"33 hardsigmoid" -> "34 mul" [label="(1, 16, 1, 1)", style=solid]; -"34 mul" -> "36 conv2d_4" [label="(1, 16, 56, 56)", style=solid]; -"35 _param_constant10" -> "36 conv2d_4" [label="(16, 16, 1, 1)", style=solid]; -"36 conv2d_4" -> "42 _native_batch_norm_legit_no_training_2" [label="(1, 16, 56, 56)", style=solid]; -"38 _param_constant11" -> "42 _native_batch_norm_legit_no_training_2" [label="(16,)", style=solid]; -"39 _param_constant12" -> "42 _native_batch_norm_legit_no_training_2" [label="(16,)", style=solid]; -"40 _tensor_constant4" -> "42 _native_batch_norm_legit_no_training_2" [label="(16,)", style=solid]; -"41 _tensor_constant5" -> "42 _native_batch_norm_legit_no_training_2" [label="(16,)", style=solid]; -"42 _native_batch_norm_legit_no_training_2" -> "43 getitem_6" [label="(1, 16, 56, 56)", style=solid]; -"42 _native_batch_norm_legit_no_training_2" -> "44 getitem_7" [label="(1, 16, 56, 56)", style=solid]; -"42 _native_batch_norm_legit_no_training_2" -> "45 getitem_8" [label="(1, 16, 56, 56)", style=solid]; -"43 getitem_6" -> "47 conv2d_5" [label="(1, 16, 56, 56)", style=solid]; -"46 _param_constant13" -> "47 conv2d_5" [label="(72, 16, 1, 1)", style=solid]; -"47 conv2d_5" -> "53 _native_batch_norm_legit_no_training_3" [label="(1, 72, 56, 56)", style=solid]; -"49 _param_constant14" -> "53 _native_batch_norm_legit_no_training_3" [label="(72,)", style=solid]; -"50 _param_constant15" -> "53 _native_batch_norm_legit_no_training_3" [label="(72,)", style=solid]; -"51 _tensor_constant6" -> "53 _native_batch_norm_legit_no_training_3" [label="(72,)", style=solid]; -"52 _tensor_constant7" -> "53 _native_batch_norm_legit_no_training_3" [label="(72,)", style=solid]; -"53 _native_batch_norm_legit_no_training_3" -> "54 getitem_9" [label="(1, 72, 56, 56)", style=solid]; -"53 _native_batch_norm_legit_no_training_3" -> "55 getitem_10" [label="(1, 72, 56, 56)", style=solid]; -"53 _native_batch_norm_legit_no_training_3" -> "56 getitem_11" [label="(1, 72, 56, 56)", style=solid]; -"54 getitem_9" -> "57 relu__1" [label="(1, 72, 56, 56)", style=solid]; -"57 relu__1" -> "59 conv2d_6" [label="(1, 72, 56, 56)", style=solid]; -"58 _param_constant16" -> "59 conv2d_6" [label="(72, 1, 3, 3)", style=solid]; -"59 conv2d_6" -> "65 _native_batch_norm_legit_no_training_4" [label="(1, 72, 28, 28)", style=solid]; -"61 _param_constant17" -> "65 _native_batch_norm_legit_no_training_4" [label="(72,)", style=solid]; -"62 _param_constant18" -> "65 _native_batch_norm_legit_no_training_4" [label="(72,)", style=solid]; -"63 _tensor_constant8" -> "65 _native_batch_norm_legit_no_training_4" [label="(72,)", style=solid]; -"64 _tensor_constant9" -> "65 _native_batch_norm_legit_no_training_4" [label="(72,)", style=solid]; -"65 _native_batch_norm_legit_no_training_4" -> "66 getitem_12" [label="(1, 72, 28, 28)", style=solid]; -"65 _native_batch_norm_legit_no_training_4" -> "67 getitem_13" [label="(1, 72, 28, 28)", style=solid]; -"65 _native_batch_norm_legit_no_training_4" -> "68 getitem_14" [label="(1, 72, 28, 28)", style=solid]; -"66 getitem_12" -> "69 relu__2" [label="(1, 72, 28, 28)", style=solid]; -"69 relu__2" -> "71 conv2d_7" [label="(1, 72, 28, 28)", style=solid]; -"70 _param_constant19" -> "71 conv2d_7" [label="(24, 72, 1, 1)", style=solid]; -"71 conv2d_7" -> "77 _native_batch_norm_legit_no_training_5" [label="(1, 24, 28, 28)", style=solid]; -"73 _param_constant20" -> "77 _native_batch_norm_legit_no_training_5" [label="(24,)", style=solid]; -"74 _param_constant21" -> "77 _native_batch_norm_legit_no_training_5" [label="(24,)", style=solid]; -"75 _tensor_constant10" -> "77 _native_batch_norm_legit_no_training_5" [label="(24,)", style=solid]; -"76 _tensor_constant11" -> "77 _native_batch_norm_legit_no_training_5" [label="(24,)", style=solid]; -"77 _native_batch_norm_legit_no_training_5" -> "78 getitem_15" [label="(1, 24, 28, 28)", style=solid]; -"77 _native_batch_norm_legit_no_training_5" -> "79 getitem_16" [label="(1, 24, 28, 28)", style=solid]; -"77 _native_batch_norm_legit_no_training_5" -> "80 getitem_17" [label="(1, 24, 28, 28)", style=solid]; -"78 getitem_15" -> "82 conv2d_8" [label="(1, 24, 28, 28)", style=solid]; -"78 getitem_15" -> "116 add_" [label="(1, 24, 28, 28)", style=solid]; -"81 _param_constant22" -> "82 conv2d_8" [label="(88, 24, 1, 1)", style=solid]; -"82 conv2d_8" -> "88 _native_batch_norm_legit_no_training_6" [label="(1, 88, 28, 28)", style=solid]; -"84 _param_constant23" -> "88 _native_batch_norm_legit_no_training_6" [label="(88,)", style=solid]; -"85 _param_constant24" -> "88 _native_batch_norm_legit_no_training_6" [label="(88,)", style=solid]; -"86 _tensor_constant12" -> "88 _native_batch_norm_legit_no_training_6" [label="(88,)", style=solid]; -"87 _tensor_constant13" -> "88 _native_batch_norm_legit_no_training_6" [label="(88,)", style=solid]; -"88 _native_batch_norm_legit_no_training_6" -> "89 getitem_18" [label="(1, 88, 28, 28)", style=solid]; -"88 _native_batch_norm_legit_no_training_6" -> "90 getitem_19" [label="(1, 88, 28, 28)", style=solid]; -"88 _native_batch_norm_legit_no_training_6" -> "91 getitem_20" [label="(1, 88, 28, 28)", style=solid]; -"89 getitem_18" -> "92 relu__3" [label="(1, 88, 28, 28)", style=solid]; -"92 relu__3" -> "94 conv2d_9" [label="(1, 88, 28, 28)", style=solid]; -"93 _param_constant25" -> "94 conv2d_9" [label="(88, 1, 3, 3)", style=solid]; -"94 conv2d_9" -> "100 _native_batch_norm_legit_no_training_7" [label="(1, 88, 28, 28)", style=solid]; -"96 _param_constant26" -> "100 _native_batch_norm_legit_no_training_7" [label="(88,)", style=solid]; -"97 _param_constant27" -> "100 _native_batch_norm_legit_no_training_7" [label="(88,)", style=solid]; -"98 _tensor_constant14" -> "100 _native_batch_norm_legit_no_training_7" [label="(88,)", style=solid]; -"99 _tensor_constant15" -> "100 _native_batch_norm_legit_no_training_7" [label="(88,)", style=solid]; -"100 _native_batch_norm_legit_no_training_7" -> "101 getitem_21" [label="(1, 88, 28, 28)", style=solid]; -"100 _native_batch_norm_legit_no_training_7" -> "102 getitem_22" [label="(1, 88, 28, 28)", style=solid]; -"100 _native_batch_norm_legit_no_training_7" -> "103 getitem_23" [label="(1, 88, 28, 28)", style=solid]; -"101 getitem_21" -> "104 relu__4" [label="(1, 88, 28, 28)", style=solid]; -"104 relu__4" -> "106 conv2d_10" [label="(1, 88, 28, 28)", style=solid]; -"105 _param_constant28" -> "106 conv2d_10" [label="(24, 88, 1, 1)", style=solid]; -"106 conv2d_10" -> "112 _native_batch_norm_legit_no_training_8" [label="(1, 24, 28, 28)", style=solid]; -"108 _param_constant29" -> "112 _native_batch_norm_legit_no_training_8" [label="(24,)", style=solid]; -"109 _param_constant30" -> "112 _native_batch_norm_legit_no_training_8" [label="(24,)", style=solid]; -"110 _tensor_constant16" -> "112 _native_batch_norm_legit_no_training_8" [label="(24,)", style=solid]; -"111 _tensor_constant17" -> "112 _native_batch_norm_legit_no_training_8" [label="(24,)", style=solid]; -"112 _native_batch_norm_legit_no_training_8" -> "113 getitem_24" [label="(1, 24, 28, 28)", style=solid]; -"112 _native_batch_norm_legit_no_training_8" -> "114 getitem_25" [label="(1, 24, 28, 28)", style=solid]; -"112 _native_batch_norm_legit_no_training_8" -> "115 getitem_26" [label="(1, 24, 28, 28)", style=solid]; -"113 getitem_24" -> "116 add_" [label="(1, 24, 28, 28)", style=solid]; -"116 add_" -> "118 conv2d_11" [label="(1, 24, 28, 28)", style=solid]; -"117 _param_constant31" -> "118 conv2d_11" [label="(96, 24, 1, 1)", style=solid]; -"118 conv2d_11" -> "124 _native_batch_norm_legit_no_training_9" [label="(1, 96, 28, 28)", style=solid]; -"120 _param_constant32" -> "124 _native_batch_norm_legit_no_training_9" [label="(96,)", style=solid]; -"121 _param_constant33" -> "124 _native_batch_norm_legit_no_training_9" [label="(96,)", style=solid]; -"122 _tensor_constant18" -> "124 _native_batch_norm_legit_no_training_9" [label="(96,)", style=solid]; -"123 _tensor_constant19" -> "124 _native_batch_norm_legit_no_training_9" [label="(96,)", style=solid]; -"124 _native_batch_norm_legit_no_training_9" -> "125 getitem_27" [label="(1, 96, 28, 28)", style=solid]; -"124 _native_batch_norm_legit_no_training_9" -> "126 getitem_28" [label="(1, 96, 28, 28)", style=solid]; -"124 _native_batch_norm_legit_no_training_9" -> "127 getitem_29" [label="(1, 96, 28, 28)", style=solid]; -"125 getitem_27" -> "128 hardswish__1" [label="(1, 96, 28, 28)", style=solid]; -"128 hardswish__1" -> "130 conv2d_12" [label="(1, 96, 28, 28)", style=solid]; -"129 _param_constant34" -> "130 conv2d_12" [label="(96, 1, 5, 5)", style=solid]; -"130 conv2d_12" -> "136 _native_batch_norm_legit_no_training_10" [label="(1, 96, 14, 14)", style=solid]; -"132 _param_constant35" -> "136 _native_batch_norm_legit_no_training_10" [label="(96,)", style=solid]; -"133 _param_constant36" -> "136 _native_batch_norm_legit_no_training_10" [label="(96,)", style=solid]; -"134 _tensor_constant20" -> "136 _native_batch_norm_legit_no_training_10" [label="(96,)", style=solid]; -"135 _tensor_constant21" -> "136 _native_batch_norm_legit_no_training_10" [label="(96,)", style=solid]; -"136 _native_batch_norm_legit_no_training_10" -> "137 getitem_30" [label="(1, 96, 14, 14)", style=solid]; -"136 _native_batch_norm_legit_no_training_10" -> "138 getitem_31" [label="(1, 96, 14, 14)", style=solid]; -"136 _native_batch_norm_legit_no_training_10" -> "139 getitem_32" [label="(1, 96, 14, 14)", style=solid]; -"137 getitem_30" -> "140 hardswish__2" [label="(1, 96, 14, 14)", style=solid]; -"140 hardswish__2" -> "141 adaptive_avg_pool2d_1" [label="(1, 96, 14, 14)", style=solid]; -"140 hardswish__2" -> "150 mul_1" [label="(1, 96, 14, 14)", style=solid]; -"141 adaptive_avg_pool2d_1" -> "144 conv2d_13" [label="(1, 96, 1, 1)", style=solid]; -"142 _param_constant37" -> "144 conv2d_13" [label="(24, 96, 1, 1)", style=solid]; -"143 _param_constant38" -> "144 conv2d_13" [label="(24,)", style=solid]; -"144 conv2d_13" -> "145 relu_1" [label="(1, 24, 1, 1)", style=solid]; -"145 relu_1" -> "148 conv2d_14" [label="(1, 24, 1, 1)", style=solid]; -"146 _param_constant39" -> "148 conv2d_14" [label="(96, 24, 1, 1)", style=solid]; -"147 _param_constant40" -> "148 conv2d_14" [label="(96,)", style=solid]; -"148 conv2d_14" -> "149 hardsigmoid_1" [label="(1, 96, 1, 1)", style=solid]; -"149 hardsigmoid_1" -> "150 mul_1" [label="(1, 96, 1, 1)", style=solid]; -"150 mul_1" -> "152 conv2d_15" [label="(1, 96, 14, 14)", style=solid]; -"151 _param_constant41" -> "152 conv2d_15" [label="(40, 96, 1, 1)", style=solid]; -"152 conv2d_15" -> "158 _native_batch_norm_legit_no_training_11" [label="(1, 40, 14, 14)", style=solid]; -"154 _param_constant42" -> "158 _native_batch_norm_legit_no_training_11" [label="(40,)", style=solid]; -"155 _param_constant43" -> "158 _native_batch_norm_legit_no_training_11" [label="(40,)", style=solid]; -"156 _tensor_constant22" -> "158 _native_batch_norm_legit_no_training_11" [label="(40,)", style=solid]; -"157 _tensor_constant23" -> "158 _native_batch_norm_legit_no_training_11" [label="(40,)", style=solid]; -"158 _native_batch_norm_legit_no_training_11" -> "159 getitem_33" [label="(1, 40, 14, 14)", style=solid]; -"158 _native_batch_norm_legit_no_training_11" -> "160 getitem_34" [label="(1, 40, 14, 14)", style=solid]; -"158 _native_batch_norm_legit_no_training_11" -> "161 getitem_35" [label="(1, 40, 14, 14)", style=solid]; -"159 getitem_33" -> "163 conv2d_16" [label="(1, 40, 14, 14)", style=solid]; -"159 getitem_33" -> "207 add__1" [label="(1, 40, 14, 14)", style=solid]; -"162 _param_constant44" -> "163 conv2d_16" [label="(240, 40, 1, 1)", style=solid]; -"163 conv2d_16" -> "169 _native_batch_norm_legit_no_training_12" [label="(1, 240, 14, 14)", style=solid]; -"165 _param_constant45" -> "169 _native_batch_norm_legit_no_training_12" [label="(240,)", style=solid]; -"166 _param_constant46" -> "169 _native_batch_norm_legit_no_training_12" [label="(240,)", style=solid]; -"167 _tensor_constant24" -> "169 _native_batch_norm_legit_no_training_12" [label="(240,)", style=solid]; -"168 _tensor_constant25" -> "169 _native_batch_norm_legit_no_training_12" [label="(240,)", style=solid]; -"169 _native_batch_norm_legit_no_training_12" -> "170 getitem_36" [label="(1, 240, 14, 14)", style=solid]; -"169 _native_batch_norm_legit_no_training_12" -> "171 getitem_37" [label="(1, 240, 14, 14)", style=solid]; -"169 _native_batch_norm_legit_no_training_12" -> "172 getitem_38" [label="(1, 240, 14, 14)", style=solid]; -"170 getitem_36" -> "173 hardswish__3" [label="(1, 240, 14, 14)", style=solid]; -"173 hardswish__3" -> "175 conv2d_17" [label="(1, 240, 14, 14)", style=solid]; -"174 _param_constant47" -> "175 conv2d_17" [label="(240, 1, 5, 5)", style=solid]; -"175 conv2d_17" -> "181 _native_batch_norm_legit_no_training_13" [label="(1, 240, 14, 14)", style=solid]; -"177 _param_constant48" -> "181 _native_batch_norm_legit_no_training_13" [label="(240,)", style=solid]; -"178 _param_constant49" -> "181 _native_batch_norm_legit_no_training_13" [label="(240,)", style=solid]; -"179 _tensor_constant26" -> "181 _native_batch_norm_legit_no_training_13" [label="(240,)", style=solid]; -"180 _tensor_constant27" -> "181 _native_batch_norm_legit_no_training_13" [label="(240,)", style=solid]; -"181 _native_batch_norm_legit_no_training_13" -> "182 getitem_39" [label="(1, 240, 14, 14)", style=solid]; -"181 _native_batch_norm_legit_no_training_13" -> "183 getitem_40" [label="(1, 240, 14, 14)", style=solid]; -"181 _native_batch_norm_legit_no_training_13" -> "184 getitem_41" [label="(1, 240, 14, 14)", style=solid]; -"182 getitem_39" -> "185 hardswish__4" [label="(1, 240, 14, 14)", style=solid]; -"185 hardswish__4" -> "186 adaptive_avg_pool2d_2" [label="(1, 240, 14, 14)", style=solid]; -"185 hardswish__4" -> "195 mul_2" [label="(1, 240, 14, 14)", style=solid]; -"186 adaptive_avg_pool2d_2" -> "189 conv2d_18" [label="(1, 240, 1, 1)", style=solid]; -"187 _param_constant50" -> "189 conv2d_18" [label="(64, 240, 1, 1)", style=solid]; -"188 _param_constant51" -> "189 conv2d_18" [label="(64,)", style=solid]; -"189 conv2d_18" -> "190 relu_2" [label="(1, 64, 1, 1)", style=solid]; -"190 relu_2" -> "193 conv2d_19" [label="(1, 64, 1, 1)", style=solid]; -"191 _param_constant52" -> "193 conv2d_19" [label="(240, 64, 1, 1)", style=solid]; -"192 _param_constant53" -> "193 conv2d_19" [label="(240,)", style=solid]; -"193 conv2d_19" -> "194 hardsigmoid_2" [label="(1, 240, 1, 1)", style=solid]; -"194 hardsigmoid_2" -> "195 mul_2" [label="(1, 240, 1, 1)", style=solid]; -"195 mul_2" -> "197 conv2d_20" [label="(1, 240, 14, 14)", style=solid]; -"196 _param_constant54" -> "197 conv2d_20" [label="(40, 240, 1, 1)", style=solid]; -"197 conv2d_20" -> "203 _native_batch_norm_legit_no_training_14" [label="(1, 40, 14, 14)", style=solid]; -"199 _param_constant55" -> "203 _native_batch_norm_legit_no_training_14" [label="(40,)", style=solid]; -"200 _param_constant56" -> "203 _native_batch_norm_legit_no_training_14" [label="(40,)", style=solid]; -"201 _tensor_constant28" -> "203 _native_batch_norm_legit_no_training_14" [label="(40,)", style=solid]; -"202 _tensor_constant29" -> "203 _native_batch_norm_legit_no_training_14" [label="(40,)", style=solid]; -"203 _native_batch_norm_legit_no_training_14" -> "204 getitem_42" [label="(1, 40, 14, 14)", style=solid]; -"203 _native_batch_norm_legit_no_training_14" -> "205 getitem_43" [label="(1, 40, 14, 14)", style=solid]; -"203 _native_batch_norm_legit_no_training_14" -> "206 getitem_44" [label="(1, 40, 14, 14)", style=solid]; -"204 getitem_42" -> "207 add__1" [label="(1, 40, 14, 14)", style=solid]; -"207 add__1" -> "209 conv2d_21" [label="(1, 40, 14, 14)", style=solid]; -"207 add__1" -> "253 add__2" [label="(1, 40, 14, 14)", style=solid]; -"208 _param_constant57" -> "209 conv2d_21" [label="(240, 40, 1, 1)", style=solid]; -"209 conv2d_21" -> "215 _native_batch_norm_legit_no_training_15" [label="(1, 240, 14, 14)", style=solid]; -"211 _param_constant58" -> "215 _native_batch_norm_legit_no_training_15" [label="(240,)", style=solid]; -"212 _param_constant59" -> "215 _native_batch_norm_legit_no_training_15" [label="(240,)", style=solid]; -"213 _tensor_constant30" -> "215 _native_batch_norm_legit_no_training_15" [label="(240,)", style=solid]; -"214 _tensor_constant31" -> "215 _native_batch_norm_legit_no_training_15" [label="(240,)", style=solid]; -"215 _native_batch_norm_legit_no_training_15" -> "216 getitem_45" [label="(1, 240, 14, 14)", style=solid]; -"215 _native_batch_norm_legit_no_training_15" -> "217 getitem_46" [label="(1, 240, 14, 14)", style=solid]; -"215 _native_batch_norm_legit_no_training_15" -> "218 getitem_47" [label="(1, 240, 14, 14)", style=solid]; -"216 getitem_45" -> "219 hardswish__5" [label="(1, 240, 14, 14)", style=solid]; -"219 hardswish__5" -> "221 conv2d_22" [label="(1, 240, 14, 14)", style=solid]; -"220 _param_constant60" -> "221 conv2d_22" [label="(240, 1, 5, 5)", style=solid]; -"221 conv2d_22" -> "227 _native_batch_norm_legit_no_training_16" [label="(1, 240, 14, 14)", style=solid]; -"223 _param_constant61" -> "227 _native_batch_norm_legit_no_training_16" [label="(240,)", style=solid]; -"224 _param_constant62" -> "227 _native_batch_norm_legit_no_training_16" [label="(240,)", style=solid]; -"225 _tensor_constant32" -> "227 _native_batch_norm_legit_no_training_16" [label="(240,)", style=solid]; -"226 _tensor_constant33" -> "227 _native_batch_norm_legit_no_training_16" [label="(240,)", style=solid]; -"227 _native_batch_norm_legit_no_training_16" -> "228 getitem_48" [label="(1, 240, 14, 14)", style=solid]; -"227 _native_batch_norm_legit_no_training_16" -> "229 getitem_49" [label="(1, 240, 14, 14)", style=solid]; -"227 _native_batch_norm_legit_no_training_16" -> "230 getitem_50" [label="(1, 240, 14, 14)", style=solid]; -"228 getitem_48" -> "231 hardswish__6" [label="(1, 240, 14, 14)", style=solid]; -"231 hardswish__6" -> "232 adaptive_avg_pool2d_3" [label="(1, 240, 14, 14)", style=solid]; -"231 hardswish__6" -> "241 mul_3" [label="(1, 240, 14, 14)", style=solid]; -"232 adaptive_avg_pool2d_3" -> "235 conv2d_23" [label="(1, 240, 1, 1)", style=solid]; -"233 _param_constant63" -> "235 conv2d_23" [label="(64, 240, 1, 1)", style=solid]; -"234 _param_constant64" -> "235 conv2d_23" [label="(64,)", style=solid]; -"235 conv2d_23" -> "236 relu_3" [label="(1, 64, 1, 1)", style=solid]; -"236 relu_3" -> "239 conv2d_24" [label="(1, 64, 1, 1)", style=solid]; -"237 _param_constant65" -> "239 conv2d_24" [label="(240, 64, 1, 1)", style=solid]; -"238 _param_constant66" -> "239 conv2d_24" [label="(240,)", style=solid]; -"239 conv2d_24" -> "240 hardsigmoid_3" [label="(1, 240, 1, 1)", style=solid]; -"240 hardsigmoid_3" -> "241 mul_3" [label="(1, 240, 1, 1)", style=solid]; -"241 mul_3" -> "243 conv2d_25" [label="(1, 240, 14, 14)", style=solid]; -"242 _param_constant67" -> "243 conv2d_25" [label="(40, 240, 1, 1)", style=solid]; -"243 conv2d_25" -> "249 _native_batch_norm_legit_no_training_17" [label="(1, 40, 14, 14)", style=solid]; -"245 _param_constant68" -> "249 _native_batch_norm_legit_no_training_17" [label="(40,)", style=solid]; -"246 _param_constant69" -> "249 _native_batch_norm_legit_no_training_17" [label="(40,)", style=solid]; -"247 _tensor_constant34" -> "249 _native_batch_norm_legit_no_training_17" [label="(40,)", style=solid]; -"248 _tensor_constant35" -> "249 _native_batch_norm_legit_no_training_17" [label="(40,)", style=solid]; -"249 _native_batch_norm_legit_no_training_17" -> "250 getitem_51" [label="(1, 40, 14, 14)", style=solid]; -"249 _native_batch_norm_legit_no_training_17" -> "251 getitem_52" [label="(1, 40, 14, 14)", style=solid]; -"249 _native_batch_norm_legit_no_training_17" -> "252 getitem_53" [label="(1, 40, 14, 14)", style=solid]; -"250 getitem_51" -> "253 add__2" [label="(1, 40, 14, 14)", style=solid]; -"253 add__2" -> "255 conv2d_26" [label="(1, 40, 14, 14)", style=solid]; -"254 _param_constant70" -> "255 conv2d_26" [label="(120, 40, 1, 1)", style=solid]; -"255 conv2d_26" -> "261 _native_batch_norm_legit_no_training_18" [label="(1, 120, 14, 14)", style=solid]; -"257 _param_constant71" -> "261 _native_batch_norm_legit_no_training_18" [label="(120,)", style=solid]; -"258 _param_constant72" -> "261 _native_batch_norm_legit_no_training_18" [label="(120,)", style=solid]; -"259 _tensor_constant36" -> "261 _native_batch_norm_legit_no_training_18" [label="(120,)", style=solid]; -"260 _tensor_constant37" -> "261 _native_batch_norm_legit_no_training_18" [label="(120,)", style=solid]; -"261 _native_batch_norm_legit_no_training_18" -> "262 getitem_54" [label="(1, 120, 14, 14)", style=solid]; -"261 _native_batch_norm_legit_no_training_18" -> "263 getitem_55" [label="(1, 120, 14, 14)", style=solid]; -"261 _native_batch_norm_legit_no_training_18" -> "264 getitem_56" [label="(1, 120, 14, 14)", style=solid]; -"262 getitem_54" -> "265 hardswish__7" [label="(1, 120, 14, 14)", style=solid]; -"265 hardswish__7" -> "267 conv2d_27" [label="(1, 120, 14, 14)", style=solid]; -"266 _param_constant73" -> "267 conv2d_27" [label="(120, 1, 5, 5)", style=solid]; -"267 conv2d_27" -> "273 _native_batch_norm_legit_no_training_19" [label="(1, 120, 14, 14)", style=solid]; -"269 _param_constant74" -> "273 _native_batch_norm_legit_no_training_19" [label="(120,)", style=solid]; -"270 _param_constant75" -> "273 _native_batch_norm_legit_no_training_19" [label="(120,)", style=solid]; -"271 _tensor_constant38" -> "273 _native_batch_norm_legit_no_training_19" [label="(120,)", style=solid]; -"272 _tensor_constant39" -> "273 _native_batch_norm_legit_no_training_19" [label="(120,)", style=solid]; -"273 _native_batch_norm_legit_no_training_19" -> "274 getitem_57" [label="(1, 120, 14, 14)", style=solid]; -"273 _native_batch_norm_legit_no_training_19" -> "275 getitem_58" [label="(1, 120, 14, 14)", style=solid]; -"273 _native_batch_norm_legit_no_training_19" -> "276 getitem_59" [label="(1, 120, 14, 14)", style=solid]; -"274 getitem_57" -> "277 hardswish__8" [label="(1, 120, 14, 14)", style=solid]; -"277 hardswish__8" -> "278 adaptive_avg_pool2d_4" [label="(1, 120, 14, 14)", style=solid]; -"277 hardswish__8" -> "287 mul_4" [label="(1, 120, 14, 14)", style=solid]; -"278 adaptive_avg_pool2d_4" -> "281 conv2d_28" [label="(1, 120, 1, 1)", style=solid]; -"279 _param_constant76" -> "281 conv2d_28" [label="(32, 120, 1, 1)", style=solid]; -"280 _param_constant77" -> "281 conv2d_28" [label="(32,)", style=solid]; -"281 conv2d_28" -> "282 relu_4" [label="(1, 32, 1, 1)", style=solid]; -"282 relu_4" -> "285 conv2d_29" [label="(1, 32, 1, 1)", style=solid]; -"283 _param_constant78" -> "285 conv2d_29" [label="(120, 32, 1, 1)", style=solid]; -"284 _param_constant79" -> "285 conv2d_29" [label="(120,)", style=solid]; -"285 conv2d_29" -> "286 hardsigmoid_4" [label="(1, 120, 1, 1)", style=solid]; -"286 hardsigmoid_4" -> "287 mul_4" [label="(1, 120, 1, 1)", style=solid]; -"287 mul_4" -> "289 conv2d_30" [label="(1, 120, 14, 14)", style=solid]; -"288 _param_constant80" -> "289 conv2d_30" [label="(48, 120, 1, 1)", style=solid]; -"289 conv2d_30" -> "295 _native_batch_norm_legit_no_training_20" [label="(1, 48, 14, 14)", style=solid]; -"291 _param_constant81" -> "295 _native_batch_norm_legit_no_training_20" [label="(48,)", style=solid]; -"292 _param_constant82" -> "295 _native_batch_norm_legit_no_training_20" [label="(48,)", style=solid]; -"293 _tensor_constant40" -> "295 _native_batch_norm_legit_no_training_20" [label="(48,)", style=solid]; -"294 _tensor_constant41" -> "295 _native_batch_norm_legit_no_training_20" [label="(48,)", style=solid]; -"295 _native_batch_norm_legit_no_training_20" -> "296 getitem_60" [label="(1, 48, 14, 14)", style=solid]; -"295 _native_batch_norm_legit_no_training_20" -> "297 getitem_61" [label="(1, 48, 14, 14)", style=solid]; -"295 _native_batch_norm_legit_no_training_20" -> "298 getitem_62" [label="(1, 48, 14, 14)", style=solid]; -"296 getitem_60" -> "300 conv2d_31" [label="(1, 48, 14, 14)", style=solid]; -"296 getitem_60" -> "344 add__3" [label="(1, 48, 14, 14)", style=solid]; -"299 _param_constant83" -> "300 conv2d_31" [label="(144, 48, 1, 1)", style=solid]; -"300 conv2d_31" -> "306 _native_batch_norm_legit_no_training_21" [label="(1, 144, 14, 14)", style=solid]; -"302 _param_constant84" -> "306 _native_batch_norm_legit_no_training_21" [label="(144,)", style=solid]; -"303 _param_constant85" -> "306 _native_batch_norm_legit_no_training_21" [label="(144,)", style=solid]; -"304 _tensor_constant42" -> "306 _native_batch_norm_legit_no_training_21" [label="(144,)", style=solid]; -"305 _tensor_constant43" -> "306 _native_batch_norm_legit_no_training_21" [label="(144,)", style=solid]; -"306 _native_batch_norm_legit_no_training_21" -> "307 getitem_63" [label="(1, 144, 14, 14)", style=solid]; -"306 _native_batch_norm_legit_no_training_21" -> "308 getitem_64" [label="(1, 144, 14, 14)", style=solid]; -"306 _native_batch_norm_legit_no_training_21" -> "309 getitem_65" [label="(1, 144, 14, 14)", style=solid]; -"307 getitem_63" -> "310 hardswish__9" [label="(1, 144, 14, 14)", style=solid]; -"310 hardswish__9" -> "312 conv2d_32" [label="(1, 144, 14, 14)", style=solid]; -"311 _param_constant86" -> "312 conv2d_32" [label="(144, 1, 5, 5)", style=solid]; -"312 conv2d_32" -> "318 _native_batch_norm_legit_no_training_22" [label="(1, 144, 14, 14)", style=solid]; -"314 _param_constant87" -> "318 _native_batch_norm_legit_no_training_22" [label="(144,)", style=solid]; -"315 _param_constant88" -> "318 _native_batch_norm_legit_no_training_22" [label="(144,)", style=solid]; -"316 _tensor_constant44" -> "318 _native_batch_norm_legit_no_training_22" [label="(144,)", style=solid]; -"317 _tensor_constant45" -> "318 _native_batch_norm_legit_no_training_22" [label="(144,)", style=solid]; -"318 _native_batch_norm_legit_no_training_22" -> "319 getitem_66" [label="(1, 144, 14, 14)", style=solid]; -"318 _native_batch_norm_legit_no_training_22" -> "320 getitem_67" [label="(1, 144, 14, 14)", style=solid]; -"318 _native_batch_norm_legit_no_training_22" -> "321 getitem_68" [label="(1, 144, 14, 14)", style=solid]; -"319 getitem_66" -> "322 hardswish__10" [label="(1, 144, 14, 14)", style=solid]; -"322 hardswish__10" -> "323 adaptive_avg_pool2d_5" [label="(1, 144, 14, 14)", style=solid]; -"322 hardswish__10" -> "332 mul_5" [label="(1, 144, 14, 14)", style=solid]; -"323 adaptive_avg_pool2d_5" -> "326 conv2d_33" [label="(1, 144, 1, 1)", style=solid]; -"324 _param_constant89" -> "326 conv2d_33" [label="(40, 144, 1, 1)", style=solid]; -"325 _param_constant90" -> "326 conv2d_33" [label="(40,)", style=solid]; -"326 conv2d_33" -> "327 relu_5" [label="(1, 40, 1, 1)", style=solid]; -"327 relu_5" -> "330 conv2d_34" [label="(1, 40, 1, 1)", style=solid]; -"328 _param_constant91" -> "330 conv2d_34" [label="(144, 40, 1, 1)", style=solid]; -"329 _param_constant92" -> "330 conv2d_34" [label="(144,)", style=solid]; -"330 conv2d_34" -> "331 hardsigmoid_5" [label="(1, 144, 1, 1)", style=solid]; -"331 hardsigmoid_5" -> "332 mul_5" [label="(1, 144, 1, 1)", style=solid]; -"332 mul_5" -> "334 conv2d_35" [label="(1, 144, 14, 14)", style=solid]; -"333 _param_constant93" -> "334 conv2d_35" [label="(48, 144, 1, 1)", style=solid]; -"334 conv2d_35" -> "340 _native_batch_norm_legit_no_training_23" [label="(1, 48, 14, 14)", style=solid]; -"336 _param_constant94" -> "340 _native_batch_norm_legit_no_training_23" [label="(48,)", style=solid]; -"337 _param_constant95" -> "340 _native_batch_norm_legit_no_training_23" [label="(48,)", style=solid]; -"338 _tensor_constant46" -> "340 _native_batch_norm_legit_no_training_23" [label="(48,)", style=solid]; -"339 _tensor_constant47" -> "340 _native_batch_norm_legit_no_training_23" [label="(48,)", style=solid]; -"340 _native_batch_norm_legit_no_training_23" -> "341 getitem_69" [label="(1, 48, 14, 14)", style=solid]; -"340 _native_batch_norm_legit_no_training_23" -> "342 getitem_70" [label="(1, 48, 14, 14)", style=solid]; -"340 _native_batch_norm_legit_no_training_23" -> "343 getitem_71" [label="(1, 48, 14, 14)", style=solid]; -"341 getitem_69" -> "344 add__3" [label="(1, 48, 14, 14)", style=solid]; -"344 add__3" -> "346 conv2d_36" [label="(1, 48, 14, 14)", style=solid]; -"345 _param_constant96" -> "346 conv2d_36" [label="(288, 48, 1, 1)", style=solid]; -"346 conv2d_36" -> "352 _native_batch_norm_legit_no_training_24" [label="(1, 288, 14, 14)", style=solid]; -"348 _param_constant97" -> "352 _native_batch_norm_legit_no_training_24" [label="(288,)", style=solid]; -"349 _param_constant98" -> "352 _native_batch_norm_legit_no_training_24" [label="(288,)", style=solid]; -"350 _tensor_constant48" -> "352 _native_batch_norm_legit_no_training_24" [label="(288,)", style=solid]; -"351 _tensor_constant49" -> "352 _native_batch_norm_legit_no_training_24" [label="(288,)", style=solid]; -"352 _native_batch_norm_legit_no_training_24" -> "353 getitem_72" [label="(1, 288, 14, 14)", style=solid]; -"352 _native_batch_norm_legit_no_training_24" -> "354 getitem_73" [label="(1, 288, 14, 14)", style=solid]; -"352 _native_batch_norm_legit_no_training_24" -> "355 getitem_74" [label="(1, 288, 14, 14)", style=solid]; -"353 getitem_72" -> "356 hardswish__11" [label="(1, 288, 14, 14)", style=solid]; -"356 hardswish__11" -> "358 conv2d_37" [label="(1, 288, 14, 14)", style=solid]; -"357 _param_constant99" -> "358 conv2d_37" [label="(288, 1, 5, 5)", style=solid]; -"358 conv2d_37" -> "364 _native_batch_norm_legit_no_training_25" [label="(1, 288, 7, 7)", style=solid]; -"360 _param_constant100" -> "364 _native_batch_norm_legit_no_training_25" [label="(288,)", style=solid]; -"361 _param_constant101" -> "364 _native_batch_norm_legit_no_training_25" [label="(288,)", style=solid]; -"362 _tensor_constant50" -> "364 _native_batch_norm_legit_no_training_25" [label="(288,)", style=solid]; -"363 _tensor_constant51" -> "364 _native_batch_norm_legit_no_training_25" [label="(288,)", style=solid]; -"364 _native_batch_norm_legit_no_training_25" -> "365 getitem_75" [label="(1, 288, 7, 7)", style=solid]; -"364 _native_batch_norm_legit_no_training_25" -> "366 getitem_76" [label="(1, 288, 7, 7)", style=solid]; -"364 _native_batch_norm_legit_no_training_25" -> "367 getitem_77" [label="(1, 288, 7, 7)", style=solid]; -"365 getitem_75" -> "368 hardswish__12" [label="(1, 288, 7, 7)", style=solid]; -"368 hardswish__12" -> "369 adaptive_avg_pool2d_6" [label="(1, 288, 7, 7)", style=solid]; -"368 hardswish__12" -> "378 mul_6" [label="(1, 288, 7, 7)", style=solid]; -"369 adaptive_avg_pool2d_6" -> "372 conv2d_38" [label="(1, 288, 1, 1)", style=solid]; -"370 _param_constant102" -> "372 conv2d_38" [label="(72, 288, 1, 1)", style=solid]; -"371 _param_constant103" -> "372 conv2d_38" [label="(72,)", style=solid]; -"372 conv2d_38" -> "373 relu_6" [label="(1, 72, 1, 1)", style=solid]; -"373 relu_6" -> "376 conv2d_39" [label="(1, 72, 1, 1)", style=solid]; -"374 _param_constant104" -> "376 conv2d_39" [label="(288, 72, 1, 1)", style=solid]; -"375 _param_constant105" -> "376 conv2d_39" [label="(288,)", style=solid]; -"376 conv2d_39" -> "377 hardsigmoid_6" [label="(1, 288, 1, 1)", style=solid]; -"377 hardsigmoid_6" -> "378 mul_6" [label="(1, 288, 1, 1)", style=solid]; -"378 mul_6" -> "380 conv2d_40" [label="(1, 288, 7, 7)", style=solid]; -"379 _param_constant106" -> "380 conv2d_40" [label="(96, 288, 1, 1)", style=solid]; -"380 conv2d_40" -> "386 _native_batch_norm_legit_no_training_26" [label="(1, 96, 7, 7)", style=solid]; -"382 _param_constant107" -> "386 _native_batch_norm_legit_no_training_26" [label="(96,)", style=solid]; -"383 _param_constant108" -> "386 _native_batch_norm_legit_no_training_26" [label="(96,)", style=solid]; -"384 _tensor_constant52" -> "386 _native_batch_norm_legit_no_training_26" [label="(96,)", style=solid]; -"385 _tensor_constant53" -> "386 _native_batch_norm_legit_no_training_26" [label="(96,)", style=solid]; -"386 _native_batch_norm_legit_no_training_26" -> "387 getitem_78" [label="(1, 96, 7, 7)", style=solid]; -"386 _native_batch_norm_legit_no_training_26" -> "388 getitem_79" [label="(1, 96, 7, 7)", style=solid]; -"386 _native_batch_norm_legit_no_training_26" -> "389 getitem_80" [label="(1, 96, 7, 7)", style=solid]; -"387 getitem_78" -> "391 conv2d_41" [label="(1, 96, 7, 7)", style=solid]; -"387 getitem_78" -> "435 add__4" [label="(1, 96, 7, 7)", style=solid]; -"390 _param_constant109" -> "391 conv2d_41" [label="(576, 96, 1, 1)", style=solid]; -"391 conv2d_41" -> "397 _native_batch_norm_legit_no_training_27" [label="(1, 576, 7, 7)", style=solid]; -"393 _param_constant110" -> "397 _native_batch_norm_legit_no_training_27" [label="(576,)", style=solid]; -"394 _param_constant111" -> "397 _native_batch_norm_legit_no_training_27" [label="(576,)", style=solid]; -"395 _tensor_constant54" -> "397 _native_batch_norm_legit_no_training_27" [label="(576,)", style=solid]; -"396 _tensor_constant55" -> "397 _native_batch_norm_legit_no_training_27" [label="(576,)", style=solid]; -"397 _native_batch_norm_legit_no_training_27" -> "398 getitem_81" [label="(1, 576, 7, 7)", style=solid]; -"397 _native_batch_norm_legit_no_training_27" -> "399 getitem_82" [label="(1, 576, 7, 7)", style=solid]; -"397 _native_batch_norm_legit_no_training_27" -> "400 getitem_83" [label="(1, 576, 7, 7)", style=solid]; -"398 getitem_81" -> "401 hardswish__13" [label="(1, 576, 7, 7)", style=solid]; -"401 hardswish__13" -> "403 conv2d_42" [label="(1, 576, 7, 7)", style=solid]; -"402 _param_constant112" -> "403 conv2d_42" [label="(576, 1, 5, 5)", style=solid]; -"403 conv2d_42" -> "409 _native_batch_norm_legit_no_training_28" [label="(1, 576, 7, 7)", style=solid]; -"405 _param_constant113" -> "409 _native_batch_norm_legit_no_training_28" [label="(576,)", style=solid]; -"406 _param_constant114" -> "409 _native_batch_norm_legit_no_training_28" [label="(576,)", style=solid]; -"407 _tensor_constant56" -> "409 _native_batch_norm_legit_no_training_28" [label="(576,)", style=solid]; -"408 _tensor_constant57" -> "409 _native_batch_norm_legit_no_training_28" [label="(576,)", style=solid]; -"409 _native_batch_norm_legit_no_training_28" -> "410 getitem_84" [label="(1, 576, 7, 7)", style=solid]; -"409 _native_batch_norm_legit_no_training_28" -> "411 getitem_85" [label="(1, 576, 7, 7)", style=solid]; -"409 _native_batch_norm_legit_no_training_28" -> "412 getitem_86" [label="(1, 576, 7, 7)", style=solid]; -"410 getitem_84" -> "413 hardswish__14" [label="(1, 576, 7, 7)", style=solid]; -"413 hardswish__14" -> "414 adaptive_avg_pool2d_7" [label="(1, 576, 7, 7)", style=solid]; -"413 hardswish__14" -> "423 mul_7" [label="(1, 576, 7, 7)", style=solid]; -"414 adaptive_avg_pool2d_7" -> "417 conv2d_43" [label="(1, 576, 1, 1)", style=solid]; -"415 _param_constant115" -> "417 conv2d_43" [label="(144, 576, 1, 1)", style=solid]; -"416 _param_constant116" -> "417 conv2d_43" [label="(144,)", style=solid]; -"417 conv2d_43" -> "418 relu_7" [label="(1, 144, 1, 1)", style=solid]; -"418 relu_7" -> "421 conv2d_44" [label="(1, 144, 1, 1)", style=solid]; -"419 _param_constant117" -> "421 conv2d_44" [label="(576, 144, 1, 1)", style=solid]; -"420 _param_constant118" -> "421 conv2d_44" [label="(576,)", style=solid]; -"421 conv2d_44" -> "422 hardsigmoid_7" [label="(1, 576, 1, 1)", style=solid]; -"422 hardsigmoid_7" -> "423 mul_7" [label="(1, 576, 1, 1)", style=solid]; -"423 mul_7" -> "425 conv2d_45" [label="(1, 576, 7, 7)", style=solid]; -"424 _param_constant119" -> "425 conv2d_45" [label="(96, 576, 1, 1)", style=solid]; -"425 conv2d_45" -> "431 _native_batch_norm_legit_no_training_29" [label="(1, 96, 7, 7)", style=solid]; -"427 _param_constant120" -> "431 _native_batch_norm_legit_no_training_29" [label="(96,)", style=solid]; -"428 _param_constant121" -> "431 _native_batch_norm_legit_no_training_29" [label="(96,)", style=solid]; -"429 _tensor_constant58" -> "431 _native_batch_norm_legit_no_training_29" [label="(96,)", style=solid]; -"430 _tensor_constant59" -> "431 _native_batch_norm_legit_no_training_29" [label="(96,)", style=solid]; -"431 _native_batch_norm_legit_no_training_29" -> "432 getitem_87" [label="(1, 96, 7, 7)", style=solid]; -"431 _native_batch_norm_legit_no_training_29" -> "433 getitem_88" [label="(1, 96, 7, 7)", style=solid]; -"431 _native_batch_norm_legit_no_training_29" -> "434 getitem_89" [label="(1, 96, 7, 7)", style=solid]; -"432 getitem_87" -> "435 add__4" [label="(1, 96, 7, 7)", style=solid]; -"435 add__4" -> "437 conv2d_46" [label="(1, 96, 7, 7)", style=solid]; -"435 add__4" -> "481 add__5" [label="(1, 96, 7, 7)", style=solid]; -"436 _param_constant122" -> "437 conv2d_46" [label="(576, 96, 1, 1)", style=solid]; -"437 conv2d_46" -> "443 _native_batch_norm_legit_no_training_30" [label="(1, 576, 7, 7)", style=solid]; -"439 _param_constant123" -> "443 _native_batch_norm_legit_no_training_30" [label="(576,)", style=solid]; -"440 _param_constant124" -> "443 _native_batch_norm_legit_no_training_30" [label="(576,)", style=solid]; -"441 _tensor_constant60" -> "443 _native_batch_norm_legit_no_training_30" [label="(576,)", style=solid]; -"442 _tensor_constant61" -> "443 _native_batch_norm_legit_no_training_30" [label="(576,)", style=solid]; -"443 _native_batch_norm_legit_no_training_30" -> "444 getitem_90" [label="(1, 576, 7, 7)", style=solid]; -"443 _native_batch_norm_legit_no_training_30" -> "445 getitem_91" [label="(1, 576, 7, 7)", style=solid]; -"443 _native_batch_norm_legit_no_training_30" -> "446 getitem_92" [label="(1, 576, 7, 7)", style=solid]; -"444 getitem_90" -> "447 hardswish__15" [label="(1, 576, 7, 7)", style=solid]; -"447 hardswish__15" -> "449 conv2d_47" [label="(1, 576, 7, 7)", style=solid]; -"448 _param_constant125" -> "449 conv2d_47" [label="(576, 1, 5, 5)", style=solid]; -"449 conv2d_47" -> "455 _native_batch_norm_legit_no_training_31" [label="(1, 576, 7, 7)", style=solid]; -"451 _param_constant126" -> "455 _native_batch_norm_legit_no_training_31" [label="(576,)", style=solid]; -"452 _param_constant127" -> "455 _native_batch_norm_legit_no_training_31" [label="(576,)", style=solid]; -"453 _tensor_constant62" -> "455 _native_batch_norm_legit_no_training_31" [label="(576,)", style=solid]; -"454 _tensor_constant63" -> "455 _native_batch_norm_legit_no_training_31" [label="(576,)", style=solid]; -"455 _native_batch_norm_legit_no_training_31" -> "456 getitem_93" [label="(1, 576, 7, 7)", style=solid]; -"455 _native_batch_norm_legit_no_training_31" -> "457 getitem_94" [label="(1, 576, 7, 7)", style=solid]; -"455 _native_batch_norm_legit_no_training_31" -> "458 getitem_95" [label="(1, 576, 7, 7)", style=solid]; -"456 getitem_93" -> "459 hardswish__16" [label="(1, 576, 7, 7)", style=solid]; -"459 hardswish__16" -> "460 adaptive_avg_pool2d_8" [label="(1, 576, 7, 7)", style=solid]; -"459 hardswish__16" -> "469 mul_8" [label="(1, 576, 7, 7)", style=solid]; -"460 adaptive_avg_pool2d_8" -> "463 conv2d_48" [label="(1, 576, 1, 1)", style=solid]; -"461 _param_constant128" -> "463 conv2d_48" [label="(144, 576, 1, 1)", style=solid]; -"462 _param_constant129" -> "463 conv2d_48" [label="(144,)", style=solid]; -"463 conv2d_48" -> "464 relu_8" [label="(1, 144, 1, 1)", style=solid]; -"464 relu_8" -> "467 conv2d_49" [label="(1, 144, 1, 1)", style=solid]; -"465 _param_constant130" -> "467 conv2d_49" [label="(576, 144, 1, 1)", style=solid]; -"466 _param_constant131" -> "467 conv2d_49" [label="(576,)", style=solid]; -"467 conv2d_49" -> "468 hardsigmoid_8" [label="(1, 576, 1, 1)", style=solid]; -"468 hardsigmoid_8" -> "469 mul_8" [label="(1, 576, 1, 1)", style=solid]; -"469 mul_8" -> "471 conv2d_50" [label="(1, 576, 7, 7)", style=solid]; -"470 _param_constant132" -> "471 conv2d_50" [label="(96, 576, 1, 1)", style=solid]; -"471 conv2d_50" -> "477 _native_batch_norm_legit_no_training_32" [label="(1, 96, 7, 7)", style=solid]; -"473 _param_constant133" -> "477 _native_batch_norm_legit_no_training_32" [label="(96,)", style=solid]; -"474 _param_constant134" -> "477 _native_batch_norm_legit_no_training_32" [label="(96,)", style=solid]; -"475 _tensor_constant64" -> "477 _native_batch_norm_legit_no_training_32" [label="(96,)", style=solid]; -"476 _tensor_constant65" -> "477 _native_batch_norm_legit_no_training_32" [label="(96,)", style=solid]; -"477 _native_batch_norm_legit_no_training_32" -> "478 getitem_96" [label="(1, 96, 7, 7)", style=solid]; -"477 _native_batch_norm_legit_no_training_32" -> "479 getitem_97" [label="(1, 96, 7, 7)", style=solid]; -"477 _native_batch_norm_legit_no_training_32" -> "480 getitem_98" [label="(1, 96, 7, 7)", style=solid]; -"478 getitem_96" -> "481 add__5" [label="(1, 96, 7, 7)", style=solid]; -"481 add__5" -> "483 conv2d_51" [label="(1, 96, 7, 7)", style=solid]; -"482 _param_constant135" -> "483 conv2d_51" [label="(576, 96, 1, 1)", style=solid]; -"483 conv2d_51" -> "489 _native_batch_norm_legit_no_training_33" [label="(1, 576, 7, 7)", style=solid]; -"485 _param_constant136" -> "489 _native_batch_norm_legit_no_training_33" [label="(576,)", style=solid]; -"486 _param_constant137" -> "489 _native_batch_norm_legit_no_training_33" [label="(576,)", style=solid]; -"487 _tensor_constant66" -> "489 _native_batch_norm_legit_no_training_33" [label="(576,)", style=solid]; -"488 _tensor_constant67" -> "489 _native_batch_norm_legit_no_training_33" [label="(576,)", style=solid]; -"489 _native_batch_norm_legit_no_training_33" -> "490 getitem_99" [label="(1, 576, 7, 7)", style=solid]; -"489 _native_batch_norm_legit_no_training_33" -> "491 getitem_100" [label="(1, 576, 7, 7)", style=solid]; -"489 _native_batch_norm_legit_no_training_33" -> "492 getitem_101" [label="(1, 576, 7, 7)", style=solid]; -"490 getitem_99" -> "493 hardswish__17" [label="(1, 576, 7, 7)", style=solid]; -"493 hardswish__17" -> "494 adaptive_avg_pool2d_9" [label="(1, 576, 7, 7)", style=solid]; -"494 adaptive_avg_pool2d_9" -> "495 flatten" [label="(1, 576, 1, 1)", style=solid]; -"495 flatten" -> "498 linear" [label="(1, 576)", style=solid]; -"496 _param_constant138" -> "498 linear" [label="(1024, 576)", style=solid]; -"497 _param_constant139" -> "498 linear" [label="(1024,)", style=solid]; -"498 linear" -> "499 hardswish__18" [label="(1, 1024)", style=solid]; -"499 hardswish__18" -> "500 dropout_" [label="(1, 1024)", style=solid]; -"500 dropout_" -> "503 linear_1" [label="(1, 1024)", style=solid]; -"501 _param_constant140" -> "503 linear_1" [label="(1000, 1024)", style=solid]; -"502 _param_constant141" -> "503 linear_1" [label="(1000,)", style=solid]; -"503 linear_1" -> "504 output" [label="(1, 1000)", style=solid]; -} diff --git a/tests/torch/data/fx/reference_graphs/original_graphs/resnet18.dot b/tests/torch/data/fx/reference_graphs/original_graphs/resnet18.dot deleted file mode 100644 index 53a4ea32a8e..00000000000 --- a/tests/torch/data/fx/reference_graphs/original_graphs/resnet18.dot +++ /dev/null @@ -1,495 +0,0 @@ -strict digraph { -"0 arg0_1" [id=0, type=input]; -"1 _param_constant0" [id=1, type=get_attr]; -"2 conv2d" [id=2, type=conv2d]; -"3 empty" [id=3, type=empty]; -"4 _param_constant1" [id=4, type=get_attr]; -"5 _param_constant2" [id=5, type=get_attr]; -"6 _tensor_constant0" [id=6, type=get_attr]; -"7 _tensor_constant1" [id=7, type=get_attr]; -"8 _native_batch_norm_legit_no_training" [id=8, type=_native_batch_norm_legit_no_training]; -"9 getitem" [id=9, type=__getitem__]; -"10 getitem_1" [id=10, type=__getitem__]; -"11 getitem_2" [id=11, type=__getitem__]; -"12 relu_" [id=12, type=relu_]; -"13 max_pool2d" [id=13, type=max_pool2d]; -"14 _param_constant3" [id=14, type=get_attr]; -"15 conv2d_1" [id=15, type=conv2d]; -"16 empty_1" [id=16, type=empty]; -"17 _param_constant4" [id=17, type=get_attr]; -"18 _param_constant5" [id=18, type=get_attr]; -"19 _tensor_constant2" [id=19, type=get_attr]; -"20 _tensor_constant3" [id=20, type=get_attr]; -"21 _native_batch_norm_legit_no_training_1" [id=21, type=_native_batch_norm_legit_no_training]; -"22 getitem_3" [id=22, type=__getitem__]; -"23 getitem_4" [id=23, type=__getitem__]; -"24 getitem_5" [id=24, type=__getitem__]; -"25 relu__1" [id=25, type=relu_]; -"26 _param_constant6" [id=26, type=get_attr]; -"27 conv2d_2" [id=27, type=conv2d]; -"28 empty_2" [id=28, type=empty]; -"29 _param_constant7" [id=29, type=get_attr]; -"30 _param_constant8" [id=30, type=get_attr]; -"31 _tensor_constant4" [id=31, type=get_attr]; -"32 _tensor_constant5" [id=32, type=get_attr]; -"33 _native_batch_norm_legit_no_training_2" [id=33, type=_native_batch_norm_legit_no_training]; -"34 getitem_6" [id=34, type=__getitem__]; -"35 getitem_7" [id=35, type=__getitem__]; -"36 getitem_8" [id=36, type=__getitem__]; -"37 add_" [id=37, type=add_]; -"38 relu__2" [id=38, type=relu_]; -"39 _param_constant9" [id=39, type=get_attr]; -"40 conv2d_3" [id=40, type=conv2d]; -"41 empty_3" [id=41, type=empty]; -"42 _param_constant10" [id=42, type=get_attr]; -"43 _param_constant11" [id=43, type=get_attr]; -"44 _tensor_constant6" [id=44, type=get_attr]; -"45 _tensor_constant7" [id=45, type=get_attr]; -"46 _native_batch_norm_legit_no_training_3" [id=46, type=_native_batch_norm_legit_no_training]; -"47 getitem_9" [id=47, type=__getitem__]; -"48 getitem_10" [id=48, type=__getitem__]; -"49 getitem_11" [id=49, type=__getitem__]; -"50 relu__3" [id=50, type=relu_]; -"51 _param_constant12" [id=51, type=get_attr]; -"52 conv2d_4" [id=52, type=conv2d]; -"53 empty_4" [id=53, type=empty]; -"54 _param_constant13" [id=54, type=get_attr]; -"55 _param_constant14" [id=55, type=get_attr]; -"56 _tensor_constant8" [id=56, type=get_attr]; -"57 _tensor_constant9" [id=57, type=get_attr]; -"58 _native_batch_norm_legit_no_training_4" [id=58, type=_native_batch_norm_legit_no_training]; -"59 getitem_12" [id=59, type=__getitem__]; -"60 getitem_13" [id=60, type=__getitem__]; -"61 getitem_14" [id=61, type=__getitem__]; -"62 add__1" [id=62, type=add_]; -"63 relu__4" [id=63, type=relu_]; -"64 _param_constant15" [id=64, type=get_attr]; -"65 conv2d_5" [id=65, type=conv2d]; -"66 empty_5" [id=66, type=empty]; -"67 _param_constant16" [id=67, type=get_attr]; -"68 _param_constant17" [id=68, type=get_attr]; -"69 _tensor_constant10" [id=69, type=get_attr]; -"70 _tensor_constant11" [id=70, type=get_attr]; -"71 _native_batch_norm_legit_no_training_5" [id=71, type=_native_batch_norm_legit_no_training]; -"72 getitem_15" [id=72, type=__getitem__]; -"73 getitem_16" [id=73, type=__getitem__]; -"74 getitem_17" [id=74, type=__getitem__]; -"75 relu__5" [id=75, type=relu_]; -"76 _param_constant18" [id=76, type=get_attr]; -"77 conv2d_6" [id=77, type=conv2d]; -"78 empty_6" [id=78, type=empty]; -"79 _param_constant19" [id=79, type=get_attr]; -"80 _param_constant20" [id=80, type=get_attr]; -"81 _tensor_constant12" [id=81, type=get_attr]; -"82 _tensor_constant13" [id=82, type=get_attr]; -"83 _native_batch_norm_legit_no_training_6" [id=83, type=_native_batch_norm_legit_no_training]; -"84 getitem_18" [id=84, type=__getitem__]; -"85 getitem_19" [id=85, type=__getitem__]; -"86 getitem_20" [id=86, type=__getitem__]; -"87 _param_constant21" [id=87, type=get_attr]; -"88 conv2d_7" [id=88, type=conv2d]; -"89 empty_7" [id=89, type=empty]; -"90 _param_constant22" [id=90, type=get_attr]; -"91 _param_constant23" [id=91, type=get_attr]; -"92 _tensor_constant14" [id=92, type=get_attr]; -"93 _tensor_constant15" [id=93, type=get_attr]; -"94 _native_batch_norm_legit_no_training_7" [id=94, type=_native_batch_norm_legit_no_training]; -"95 getitem_21" [id=95, type=__getitem__]; -"96 getitem_22" [id=96, type=__getitem__]; -"97 getitem_23" [id=97, type=__getitem__]; -"98 add__2" [id=98, type=add_]; -"99 relu__6" [id=99, type=relu_]; -"100 _param_constant24" [id=100, type=get_attr]; -"101 conv2d_8" [id=101, type=conv2d]; -"102 empty_8" [id=102, type=empty]; -"103 _param_constant25" [id=103, type=get_attr]; -"104 _param_constant26" [id=104, type=get_attr]; -"105 _tensor_constant16" [id=105, type=get_attr]; -"106 _tensor_constant17" [id=106, type=get_attr]; -"107 _native_batch_norm_legit_no_training_8" [id=107, type=_native_batch_norm_legit_no_training]; -"108 getitem_24" [id=108, type=__getitem__]; -"109 getitem_25" [id=109, type=__getitem__]; -"110 getitem_26" [id=110, type=__getitem__]; -"111 relu__7" [id=111, type=relu_]; -"112 _param_constant27" [id=112, type=get_attr]; -"113 conv2d_9" [id=113, type=conv2d]; -"114 empty_9" [id=114, type=empty]; -"115 _param_constant28" [id=115, type=get_attr]; -"116 _param_constant29" [id=116, type=get_attr]; -"117 _tensor_constant18" [id=117, type=get_attr]; -"118 _tensor_constant19" [id=118, type=get_attr]; -"119 _native_batch_norm_legit_no_training_9" [id=119, type=_native_batch_norm_legit_no_training]; -"120 getitem_27" [id=120, type=__getitem__]; -"121 getitem_28" [id=121, type=__getitem__]; -"122 getitem_29" [id=122, type=__getitem__]; -"123 add__3" [id=123, type=add_]; -"124 relu__8" [id=124, type=relu_]; -"125 _param_constant30" [id=125, type=get_attr]; -"126 conv2d_10" [id=126, type=conv2d]; -"127 empty_10" [id=127, type=empty]; -"128 _param_constant31" [id=128, type=get_attr]; -"129 _param_constant32" [id=129, type=get_attr]; -"130 _tensor_constant20" [id=130, type=get_attr]; -"131 _tensor_constant21" [id=131, type=get_attr]; -"132 _native_batch_norm_legit_no_training_10" [id=132, type=_native_batch_norm_legit_no_training]; -"133 getitem_30" [id=133, type=__getitem__]; -"134 getitem_31" [id=134, type=__getitem__]; -"135 getitem_32" [id=135, type=__getitem__]; -"136 relu__9" [id=136, type=relu_]; -"137 _param_constant33" [id=137, type=get_attr]; -"138 conv2d_11" [id=138, type=conv2d]; -"139 empty_11" [id=139, type=empty]; -"140 _param_constant34" [id=140, type=get_attr]; -"141 _param_constant35" [id=141, type=get_attr]; -"142 _tensor_constant22" [id=142, type=get_attr]; -"143 _tensor_constant23" [id=143, type=get_attr]; -"144 _native_batch_norm_legit_no_training_11" [id=144, type=_native_batch_norm_legit_no_training]; -"145 getitem_33" [id=145, type=__getitem__]; -"146 getitem_34" [id=146, type=__getitem__]; -"147 getitem_35" [id=147, type=__getitem__]; -"148 _param_constant36" [id=148, type=get_attr]; -"149 conv2d_12" [id=149, type=conv2d]; -"150 empty_12" [id=150, type=empty]; -"151 _param_constant37" [id=151, type=get_attr]; -"152 _param_constant38" [id=152, type=get_attr]; -"153 _tensor_constant24" [id=153, type=get_attr]; -"154 _tensor_constant25" [id=154, type=get_attr]; -"155 _native_batch_norm_legit_no_training_12" [id=155, type=_native_batch_norm_legit_no_training]; -"156 getitem_36" [id=156, type=__getitem__]; -"157 getitem_37" [id=157, type=__getitem__]; -"158 getitem_38" [id=158, type=__getitem__]; -"159 add__4" [id=159, type=add_]; -"160 relu__10" [id=160, type=relu_]; -"161 _param_constant39" [id=161, type=get_attr]; -"162 conv2d_13" [id=162, type=conv2d]; -"163 empty_13" [id=163, type=empty]; -"164 _param_constant40" [id=164, type=get_attr]; -"165 _param_constant41" [id=165, type=get_attr]; -"166 _tensor_constant26" [id=166, type=get_attr]; -"167 _tensor_constant27" [id=167, type=get_attr]; -"168 _native_batch_norm_legit_no_training_13" [id=168, type=_native_batch_norm_legit_no_training]; -"169 getitem_39" [id=169, type=__getitem__]; -"170 getitem_40" [id=170, type=__getitem__]; -"171 getitem_41" [id=171, type=__getitem__]; -"172 relu__11" [id=172, type=relu_]; -"173 _param_constant42" [id=173, type=get_attr]; -"174 conv2d_14" [id=174, type=conv2d]; -"175 empty_14" [id=175, type=empty]; -"176 _param_constant43" [id=176, type=get_attr]; -"177 _param_constant44" [id=177, type=get_attr]; -"178 _tensor_constant28" [id=178, type=get_attr]; -"179 _tensor_constant29" [id=179, type=get_attr]; -"180 _native_batch_norm_legit_no_training_14" [id=180, type=_native_batch_norm_legit_no_training]; -"181 getitem_42" [id=181, type=__getitem__]; -"182 getitem_43" [id=182, type=__getitem__]; -"183 getitem_44" [id=183, type=__getitem__]; -"184 add__5" [id=184, type=add_]; -"185 relu__12" [id=185, type=relu_]; -"186 _param_constant45" [id=186, type=get_attr]; -"187 conv2d_15" [id=187, type=conv2d]; -"188 empty_15" [id=188, type=empty]; -"189 _param_constant46" [id=189, type=get_attr]; -"190 _param_constant47" [id=190, type=get_attr]; -"191 _tensor_constant30" [id=191, type=get_attr]; -"192 _tensor_constant31" [id=192, type=get_attr]; -"193 _native_batch_norm_legit_no_training_15" [id=193, type=_native_batch_norm_legit_no_training]; -"194 getitem_45" [id=194, type=__getitem__]; -"195 getitem_46" [id=195, type=__getitem__]; -"196 getitem_47" [id=196, type=__getitem__]; -"197 relu__13" [id=197, type=relu_]; -"198 _param_constant48" [id=198, type=get_attr]; -"199 conv2d_16" [id=199, type=conv2d]; -"200 empty_16" [id=200, type=empty]; -"201 _param_constant49" [id=201, type=get_attr]; -"202 _param_constant50" [id=202, type=get_attr]; -"203 _tensor_constant32" [id=203, type=get_attr]; -"204 _tensor_constant33" [id=204, type=get_attr]; -"205 _native_batch_norm_legit_no_training_16" [id=205, type=_native_batch_norm_legit_no_training]; -"206 getitem_48" [id=206, type=__getitem__]; -"207 getitem_49" [id=207, type=__getitem__]; -"208 getitem_50" [id=208, type=__getitem__]; -"209 _param_constant51" [id=209, type=get_attr]; -"210 conv2d_17" [id=210, type=conv2d]; -"211 empty_17" [id=211, type=empty]; -"212 _param_constant52" [id=212, type=get_attr]; -"213 _param_constant53" [id=213, type=get_attr]; -"214 _tensor_constant34" [id=214, type=get_attr]; -"215 _tensor_constant35" [id=215, type=get_attr]; -"216 _native_batch_norm_legit_no_training_17" [id=216, type=_native_batch_norm_legit_no_training]; -"217 getitem_51" [id=217, type=__getitem__]; -"218 getitem_52" [id=218, type=__getitem__]; -"219 getitem_53" [id=219, type=__getitem__]; -"220 add__6" [id=220, type=add_]; -"221 relu__14" [id=221, type=relu_]; -"222 _param_constant54" [id=222, type=get_attr]; -"223 conv2d_18" [id=223, type=conv2d]; -"224 empty_18" [id=224, type=empty]; -"225 _param_constant55" [id=225, type=get_attr]; -"226 _param_constant56" [id=226, type=get_attr]; -"227 _tensor_constant36" [id=227, type=get_attr]; -"228 _tensor_constant37" [id=228, type=get_attr]; -"229 _native_batch_norm_legit_no_training_18" [id=229, type=_native_batch_norm_legit_no_training]; -"230 getitem_54" [id=230, type=__getitem__]; -"231 getitem_55" [id=231, type=__getitem__]; -"232 getitem_56" [id=232, type=__getitem__]; -"233 relu__15" [id=233, type=relu_]; -"234 _param_constant57" [id=234, type=get_attr]; -"235 conv2d_19" [id=235, type=conv2d]; -"236 empty_19" [id=236, type=empty]; -"237 _param_constant58" [id=237, type=get_attr]; -"238 _param_constant59" [id=238, type=get_attr]; -"239 _tensor_constant38" [id=239, type=get_attr]; -"240 _tensor_constant39" [id=240, type=get_attr]; -"241 _native_batch_norm_legit_no_training_19" [id=241, type=_native_batch_norm_legit_no_training]; -"242 getitem_57" [id=242, type=__getitem__]; -"243 getitem_58" [id=243, type=__getitem__]; -"244 getitem_59" [id=244, type=__getitem__]; -"245 add__7" [id=245, type=add_]; -"246 relu__16" [id=246, type=relu_]; -"247 adaptive_avg_pool2d" [id=247, type=adaptive_avg_pool2d]; -"248 flatten" [id=248, type=flatten]; -"249 _param_constant60" [id=249, type=get_attr]; -"250 _param_constant61" [id=250, type=get_attr]; -"251 linear" [id=251, type=linear]; -"252 output" [id=252, type=output]; -"0 arg0_1" -> "2 conv2d" [label="(1, 3, 224, 224)", style=solid]; -"1 _param_constant0" -> "2 conv2d" [label="(64, 3, 7, 7)", style=solid]; -"2 conv2d" -> "8 _native_batch_norm_legit_no_training" [label="(1, 64, 112, 112)", style=solid]; -"4 _param_constant1" -> "8 _native_batch_norm_legit_no_training" [label="(64,)", style=solid]; -"5 _param_constant2" -> "8 _native_batch_norm_legit_no_training" [label="(64,)", style=solid]; -"6 _tensor_constant0" -> "8 _native_batch_norm_legit_no_training" [label="(64,)", style=solid]; -"7 _tensor_constant1" -> "8 _native_batch_norm_legit_no_training" [label="(64,)", style=solid]; -"8 _native_batch_norm_legit_no_training" -> "9 getitem" [label="(1, 64, 112, 112)", style=solid]; -"8 _native_batch_norm_legit_no_training" -> "10 getitem_1" [label="(1, 64, 112, 112)", style=solid]; -"8 _native_batch_norm_legit_no_training" -> "11 getitem_2" [label="(1, 64, 112, 112)", style=solid]; -"9 getitem" -> "12 relu_" [label="(1, 64, 112, 112)", style=solid]; -"12 relu_" -> "13 max_pool2d" [label="(1, 64, 112, 112)", style=solid]; -"13 max_pool2d" -> "15 conv2d_1" [label="(1, 64, 56, 56)", style=solid]; -"13 max_pool2d" -> "37 add_" [label="(1, 64, 56, 56)", style=solid]; -"14 _param_constant3" -> "15 conv2d_1" [label="(64, 64, 3, 3)", style=solid]; -"15 conv2d_1" -> "21 _native_batch_norm_legit_no_training_1" [label="(1, 64, 56, 56)", style=solid]; -"17 _param_constant4" -> "21 _native_batch_norm_legit_no_training_1" [label="(64,)", style=solid]; -"18 _param_constant5" -> "21 _native_batch_norm_legit_no_training_1" [label="(64,)", style=solid]; -"19 _tensor_constant2" -> "21 _native_batch_norm_legit_no_training_1" [label="(64,)", style=solid]; -"20 _tensor_constant3" -> "21 _native_batch_norm_legit_no_training_1" [label="(64,)", style=solid]; -"21 _native_batch_norm_legit_no_training_1" -> "22 getitem_3" [label="(1, 64, 56, 56)", style=solid]; -"21 _native_batch_norm_legit_no_training_1" -> "23 getitem_4" [label="(1, 64, 56, 56)", style=solid]; -"21 _native_batch_norm_legit_no_training_1" -> "24 getitem_5" [label="(1, 64, 56, 56)", style=solid]; -"22 getitem_3" -> "25 relu__1" [label="(1, 64, 56, 56)", style=solid]; -"25 relu__1" -> "27 conv2d_2" [label="(1, 64, 56, 56)", style=solid]; -"26 _param_constant6" -> "27 conv2d_2" [label="(64, 64, 3, 3)", style=solid]; -"27 conv2d_2" -> "33 _native_batch_norm_legit_no_training_2" [label="(1, 64, 56, 56)", style=solid]; -"29 _param_constant7" -> "33 _native_batch_norm_legit_no_training_2" [label="(64,)", style=solid]; -"30 _param_constant8" -> "33 _native_batch_norm_legit_no_training_2" [label="(64,)", style=solid]; -"31 _tensor_constant4" -> "33 _native_batch_norm_legit_no_training_2" [label="(64,)", style=solid]; -"32 _tensor_constant5" -> "33 _native_batch_norm_legit_no_training_2" [label="(64,)", style=solid]; -"33 _native_batch_norm_legit_no_training_2" -> "34 getitem_6" [label="(1, 64, 56, 56)", style=solid]; -"33 _native_batch_norm_legit_no_training_2" -> "35 getitem_7" [label="(1, 64, 56, 56)", style=solid]; -"33 _native_batch_norm_legit_no_training_2" -> "36 getitem_8" [label="(1, 64, 56, 56)", style=solid]; -"34 getitem_6" -> "37 add_" [label="(1, 64, 56, 56)", style=solid]; -"37 add_" -> "38 relu__2" [label="(1, 64, 56, 56)", style=solid]; -"38 relu__2" -> "40 conv2d_3" [label="(1, 64, 56, 56)", style=solid]; -"38 relu__2" -> "62 add__1" [label="(1, 64, 56, 56)", style=solid]; -"39 _param_constant9" -> "40 conv2d_3" [label="(64, 64, 3, 3)", style=solid]; -"40 conv2d_3" -> "46 _native_batch_norm_legit_no_training_3" [label="(1, 64, 56, 56)", style=solid]; -"42 _param_constant10" -> "46 _native_batch_norm_legit_no_training_3" [label="(64,)", style=solid]; -"43 _param_constant11" -> "46 _native_batch_norm_legit_no_training_3" [label="(64,)", style=solid]; -"44 _tensor_constant6" -> "46 _native_batch_norm_legit_no_training_3" [label="(64,)", style=solid]; -"45 _tensor_constant7" -> "46 _native_batch_norm_legit_no_training_3" [label="(64,)", style=solid]; -"46 _native_batch_norm_legit_no_training_3" -> "47 getitem_9" [label="(1, 64, 56, 56)", style=solid]; -"46 _native_batch_norm_legit_no_training_3" -> "48 getitem_10" [label="(1, 64, 56, 56)", style=solid]; -"46 _native_batch_norm_legit_no_training_3" -> "49 getitem_11" [label="(1, 64, 56, 56)", style=solid]; -"47 getitem_9" -> "50 relu__3" [label="(1, 64, 56, 56)", style=solid]; -"50 relu__3" -> "52 conv2d_4" [label="(1, 64, 56, 56)", style=solid]; -"51 _param_constant12" -> "52 conv2d_4" [label="(64, 64, 3, 3)", style=solid]; -"52 conv2d_4" -> "58 _native_batch_norm_legit_no_training_4" [label="(1, 64, 56, 56)", style=solid]; -"54 _param_constant13" -> "58 _native_batch_norm_legit_no_training_4" [label="(64,)", style=solid]; -"55 _param_constant14" -> "58 _native_batch_norm_legit_no_training_4" [label="(64,)", style=solid]; -"56 _tensor_constant8" -> "58 _native_batch_norm_legit_no_training_4" [label="(64,)", style=solid]; -"57 _tensor_constant9" -> "58 _native_batch_norm_legit_no_training_4" [label="(64,)", style=solid]; -"58 _native_batch_norm_legit_no_training_4" -> "59 getitem_12" [label="(1, 64, 56, 56)", style=solid]; -"58 _native_batch_norm_legit_no_training_4" -> "60 getitem_13" [label="(1, 64, 56, 56)", style=solid]; -"58 _native_batch_norm_legit_no_training_4" -> "61 getitem_14" [label="(1, 64, 56, 56)", style=solid]; -"59 getitem_12" -> "62 add__1" [label="(1, 64, 56, 56)", style=solid]; -"62 add__1" -> "63 relu__4" [label="(1, 64, 56, 56)", style=solid]; -"63 relu__4" -> "65 conv2d_5" [label="(1, 64, 56, 56)", style=solid]; -"63 relu__4" -> "88 conv2d_7" [label="(1, 64, 56, 56)", style=solid]; -"64 _param_constant15" -> "65 conv2d_5" [label="(128, 64, 3, 3)", style=solid]; -"65 conv2d_5" -> "71 _native_batch_norm_legit_no_training_5" [label="(1, 128, 28, 28)", style=solid]; -"67 _param_constant16" -> "71 _native_batch_norm_legit_no_training_5" [label="(128,)", style=solid]; -"68 _param_constant17" -> "71 _native_batch_norm_legit_no_training_5" [label="(128,)", style=solid]; -"69 _tensor_constant10" -> "71 _native_batch_norm_legit_no_training_5" [label="(128,)", style=solid]; -"70 _tensor_constant11" -> "71 _native_batch_norm_legit_no_training_5" [label="(128,)", style=solid]; -"71 _native_batch_norm_legit_no_training_5" -> "72 getitem_15" [label="(1, 128, 28, 28)", style=solid]; -"71 _native_batch_norm_legit_no_training_5" -> "73 getitem_16" [label="(1, 128, 28, 28)", style=solid]; -"71 _native_batch_norm_legit_no_training_5" -> "74 getitem_17" [label="(1, 128, 28, 28)", style=solid]; -"72 getitem_15" -> "75 relu__5" [label="(1, 128, 28, 28)", style=solid]; -"75 relu__5" -> "77 conv2d_6" [label="(1, 128, 28, 28)", style=solid]; -"76 _param_constant18" -> "77 conv2d_6" [label="(128, 128, 3, 3)", style=solid]; -"77 conv2d_6" -> "83 _native_batch_norm_legit_no_training_6" [label="(1, 128, 28, 28)", style=solid]; -"79 _param_constant19" -> "83 _native_batch_norm_legit_no_training_6" [label="(128,)", style=solid]; -"80 _param_constant20" -> "83 _native_batch_norm_legit_no_training_6" [label="(128,)", style=solid]; -"81 _tensor_constant12" -> "83 _native_batch_norm_legit_no_training_6" [label="(128,)", style=solid]; -"82 _tensor_constant13" -> "83 _native_batch_norm_legit_no_training_6" [label="(128,)", style=solid]; -"83 _native_batch_norm_legit_no_training_6" -> "84 getitem_18" [label="(1, 128, 28, 28)", style=solid]; -"83 _native_batch_norm_legit_no_training_6" -> "85 getitem_19" [label="(1, 128, 28, 28)", style=solid]; -"83 _native_batch_norm_legit_no_training_6" -> "86 getitem_20" [label="(1, 128, 28, 28)", style=solid]; -"84 getitem_18" -> "98 add__2" [label="(1, 128, 28, 28)", style=solid]; -"87 _param_constant21" -> "88 conv2d_7" [label="(128, 64, 1, 1)", style=solid]; -"88 conv2d_7" -> "94 _native_batch_norm_legit_no_training_7" [label="(1, 128, 28, 28)", style=solid]; -"90 _param_constant22" -> "94 _native_batch_norm_legit_no_training_7" [label="(128,)", style=solid]; -"91 _param_constant23" -> "94 _native_batch_norm_legit_no_training_7" [label="(128,)", style=solid]; -"92 _tensor_constant14" -> "94 _native_batch_norm_legit_no_training_7" [label="(128,)", style=solid]; -"93 _tensor_constant15" -> "94 _native_batch_norm_legit_no_training_7" [label="(128,)", style=solid]; -"94 _native_batch_norm_legit_no_training_7" -> "95 getitem_21" [label="(1, 128, 28, 28)", style=solid]; -"94 _native_batch_norm_legit_no_training_7" -> "96 getitem_22" [label="(1, 128, 28, 28)", style=solid]; -"94 _native_batch_norm_legit_no_training_7" -> "97 getitem_23" [label="(1, 128, 28, 28)", style=solid]; -"95 getitem_21" -> "98 add__2" [label="(1, 128, 28, 28)", style=solid]; -"98 add__2" -> "99 relu__6" [label="(1, 128, 28, 28)", style=solid]; -"99 relu__6" -> "101 conv2d_8" [label="(1, 128, 28, 28)", style=solid]; -"99 relu__6" -> "123 add__3" [label="(1, 128, 28, 28)", style=solid]; -"100 _param_constant24" -> "101 conv2d_8" [label="(128, 128, 3, 3)", style=solid]; -"101 conv2d_8" -> "107 _native_batch_norm_legit_no_training_8" [label="(1, 128, 28, 28)", style=solid]; -"103 _param_constant25" -> "107 _native_batch_norm_legit_no_training_8" [label="(128,)", style=solid]; -"104 _param_constant26" -> "107 _native_batch_norm_legit_no_training_8" [label="(128,)", style=solid]; -"105 _tensor_constant16" -> "107 _native_batch_norm_legit_no_training_8" [label="(128,)", style=solid]; -"106 _tensor_constant17" -> "107 _native_batch_norm_legit_no_training_8" [label="(128,)", style=solid]; -"107 _native_batch_norm_legit_no_training_8" -> "108 getitem_24" [label="(1, 128, 28, 28)", style=solid]; -"107 _native_batch_norm_legit_no_training_8" -> "109 getitem_25" [label="(1, 128, 28, 28)", style=solid]; -"107 _native_batch_norm_legit_no_training_8" -> "110 getitem_26" [label="(1, 128, 28, 28)", style=solid]; -"108 getitem_24" -> "111 relu__7" [label="(1, 128, 28, 28)", style=solid]; -"111 relu__7" -> "113 conv2d_9" [label="(1, 128, 28, 28)", style=solid]; -"112 _param_constant27" -> "113 conv2d_9" [label="(128, 128, 3, 3)", style=solid]; -"113 conv2d_9" -> "119 _native_batch_norm_legit_no_training_9" [label="(1, 128, 28, 28)", style=solid]; -"115 _param_constant28" -> "119 _native_batch_norm_legit_no_training_9" [label="(128,)", style=solid]; -"116 _param_constant29" -> "119 _native_batch_norm_legit_no_training_9" [label="(128,)", style=solid]; -"117 _tensor_constant18" -> "119 _native_batch_norm_legit_no_training_9" [label="(128,)", style=solid]; -"118 _tensor_constant19" -> "119 _native_batch_norm_legit_no_training_9" [label="(128,)", style=solid]; -"119 _native_batch_norm_legit_no_training_9" -> "120 getitem_27" [label="(1, 128, 28, 28)", style=solid]; -"119 _native_batch_norm_legit_no_training_9" -> "121 getitem_28" [label="(1, 128, 28, 28)", style=solid]; -"119 _native_batch_norm_legit_no_training_9" -> "122 getitem_29" [label="(1, 128, 28, 28)", style=solid]; -"120 getitem_27" -> "123 add__3" [label="(1, 128, 28, 28)", style=solid]; -"123 add__3" -> "124 relu__8" [label="(1, 128, 28, 28)", style=solid]; -"124 relu__8" -> "126 conv2d_10" [label="(1, 128, 28, 28)", style=solid]; -"124 relu__8" -> "149 conv2d_12" [label="(1, 128, 28, 28)", style=solid]; -"125 _param_constant30" -> "126 conv2d_10" [label="(256, 128, 3, 3)", style=solid]; -"126 conv2d_10" -> "132 _native_batch_norm_legit_no_training_10" [label="(1, 256, 14, 14)", style=solid]; -"128 _param_constant31" -> "132 _native_batch_norm_legit_no_training_10" [label="(256,)", style=solid]; -"129 _param_constant32" -> "132 _native_batch_norm_legit_no_training_10" [label="(256,)", style=solid]; -"130 _tensor_constant20" -> "132 _native_batch_norm_legit_no_training_10" [label="(256,)", style=solid]; -"131 _tensor_constant21" -> "132 _native_batch_norm_legit_no_training_10" [label="(256,)", style=solid]; -"132 _native_batch_norm_legit_no_training_10" -> "133 getitem_30" [label="(1, 256, 14, 14)", style=solid]; -"132 _native_batch_norm_legit_no_training_10" -> "134 getitem_31" [label="(1, 256, 14, 14)", style=solid]; -"132 _native_batch_norm_legit_no_training_10" -> "135 getitem_32" [label="(1, 256, 14, 14)", style=solid]; -"133 getitem_30" -> "136 relu__9" [label="(1, 256, 14, 14)", style=solid]; -"136 relu__9" -> "138 conv2d_11" [label="(1, 256, 14, 14)", style=solid]; -"137 _param_constant33" -> "138 conv2d_11" [label="(256, 256, 3, 3)", style=solid]; -"138 conv2d_11" -> "144 _native_batch_norm_legit_no_training_11" [label="(1, 256, 14, 14)", style=solid]; -"140 _param_constant34" -> "144 _native_batch_norm_legit_no_training_11" [label="(256,)", style=solid]; -"141 _param_constant35" -> "144 _native_batch_norm_legit_no_training_11" [label="(256,)", style=solid]; -"142 _tensor_constant22" -> "144 _native_batch_norm_legit_no_training_11" [label="(256,)", style=solid]; -"143 _tensor_constant23" -> "144 _native_batch_norm_legit_no_training_11" [label="(256,)", style=solid]; -"144 _native_batch_norm_legit_no_training_11" -> "145 getitem_33" [label="(1, 256, 14, 14)", style=solid]; -"144 _native_batch_norm_legit_no_training_11" -> "146 getitem_34" [label="(1, 256, 14, 14)", style=solid]; -"144 _native_batch_norm_legit_no_training_11" -> "147 getitem_35" [label="(1, 256, 14, 14)", style=solid]; -"145 getitem_33" -> "159 add__4" [label="(1, 256, 14, 14)", style=solid]; -"148 _param_constant36" -> "149 conv2d_12" [label="(256, 128, 1, 1)", style=solid]; -"149 conv2d_12" -> "155 _native_batch_norm_legit_no_training_12" [label="(1, 256, 14, 14)", style=solid]; -"151 _param_constant37" -> "155 _native_batch_norm_legit_no_training_12" [label="(256,)", style=solid]; -"152 _param_constant38" -> "155 _native_batch_norm_legit_no_training_12" [label="(256,)", style=solid]; -"153 _tensor_constant24" -> "155 _native_batch_norm_legit_no_training_12" [label="(256,)", style=solid]; -"154 _tensor_constant25" -> "155 _native_batch_norm_legit_no_training_12" [label="(256,)", style=solid]; -"155 _native_batch_norm_legit_no_training_12" -> "156 getitem_36" [label="(1, 256, 14, 14)", style=solid]; -"155 _native_batch_norm_legit_no_training_12" -> "157 getitem_37" [label="(1, 256, 14, 14)", style=solid]; -"155 _native_batch_norm_legit_no_training_12" -> "158 getitem_38" [label="(1, 256, 14, 14)", style=solid]; -"156 getitem_36" -> "159 add__4" [label="(1, 256, 14, 14)", style=solid]; -"159 add__4" -> "160 relu__10" [label="(1, 256, 14, 14)", style=solid]; -"160 relu__10" -> "162 conv2d_13" [label="(1, 256, 14, 14)", style=solid]; -"160 relu__10" -> "184 add__5" [label="(1, 256, 14, 14)", style=solid]; -"161 _param_constant39" -> "162 conv2d_13" [label="(256, 256, 3, 3)", style=solid]; -"162 conv2d_13" -> "168 _native_batch_norm_legit_no_training_13" [label="(1, 256, 14, 14)", style=solid]; -"164 _param_constant40" -> "168 _native_batch_norm_legit_no_training_13" [label="(256,)", style=solid]; -"165 _param_constant41" -> "168 _native_batch_norm_legit_no_training_13" [label="(256,)", style=solid]; -"166 _tensor_constant26" -> "168 _native_batch_norm_legit_no_training_13" [label="(256,)", style=solid]; -"167 _tensor_constant27" -> "168 _native_batch_norm_legit_no_training_13" [label="(256,)", style=solid]; -"168 _native_batch_norm_legit_no_training_13" -> "169 getitem_39" [label="(1, 256, 14, 14)", style=solid]; -"168 _native_batch_norm_legit_no_training_13" -> "170 getitem_40" [label="(1, 256, 14, 14)", style=solid]; -"168 _native_batch_norm_legit_no_training_13" -> "171 getitem_41" [label="(1, 256, 14, 14)", style=solid]; -"169 getitem_39" -> "172 relu__11" [label="(1, 256, 14, 14)", style=solid]; -"172 relu__11" -> "174 conv2d_14" [label="(1, 256, 14, 14)", style=solid]; -"173 _param_constant42" -> "174 conv2d_14" [label="(256, 256, 3, 3)", style=solid]; -"174 conv2d_14" -> "180 _native_batch_norm_legit_no_training_14" [label="(1, 256, 14, 14)", style=solid]; -"176 _param_constant43" -> "180 _native_batch_norm_legit_no_training_14" [label="(256,)", style=solid]; -"177 _param_constant44" -> "180 _native_batch_norm_legit_no_training_14" [label="(256,)", style=solid]; -"178 _tensor_constant28" -> "180 _native_batch_norm_legit_no_training_14" [label="(256,)", style=solid]; -"179 _tensor_constant29" -> "180 _native_batch_norm_legit_no_training_14" [label="(256,)", style=solid]; -"180 _native_batch_norm_legit_no_training_14" -> "181 getitem_42" [label="(1, 256, 14, 14)", style=solid]; -"180 _native_batch_norm_legit_no_training_14" -> "182 getitem_43" [label="(1, 256, 14, 14)", style=solid]; -"180 _native_batch_norm_legit_no_training_14" -> "183 getitem_44" [label="(1, 256, 14, 14)", style=solid]; -"181 getitem_42" -> "184 add__5" [label="(1, 256, 14, 14)", style=solid]; -"184 add__5" -> "185 relu__12" [label="(1, 256, 14, 14)", style=solid]; -"185 relu__12" -> "187 conv2d_15" [label="(1, 256, 14, 14)", style=solid]; -"185 relu__12" -> "210 conv2d_17" [label="(1, 256, 14, 14)", style=solid]; -"186 _param_constant45" -> "187 conv2d_15" [label="(512, 256, 3, 3)", style=solid]; -"187 conv2d_15" -> "193 _native_batch_norm_legit_no_training_15" [label="(1, 512, 7, 7)", style=solid]; -"189 _param_constant46" -> "193 _native_batch_norm_legit_no_training_15" [label="(512,)", style=solid]; -"190 _param_constant47" -> "193 _native_batch_norm_legit_no_training_15" [label="(512,)", style=solid]; -"191 _tensor_constant30" -> "193 _native_batch_norm_legit_no_training_15" [label="(512,)", style=solid]; -"192 _tensor_constant31" -> "193 _native_batch_norm_legit_no_training_15" [label="(512,)", style=solid]; -"193 _native_batch_norm_legit_no_training_15" -> "194 getitem_45" [label="(1, 512, 7, 7)", style=solid]; -"193 _native_batch_norm_legit_no_training_15" -> "195 getitem_46" [label="(1, 512, 7, 7)", style=solid]; -"193 _native_batch_norm_legit_no_training_15" -> "196 getitem_47" [label="(1, 512, 7, 7)", style=solid]; -"194 getitem_45" -> "197 relu__13" [label="(1, 512, 7, 7)", style=solid]; -"197 relu__13" -> "199 conv2d_16" [label="(1, 512, 7, 7)", style=solid]; -"198 _param_constant48" -> "199 conv2d_16" [label="(512, 512, 3, 3)", style=solid]; -"199 conv2d_16" -> "205 _native_batch_norm_legit_no_training_16" [label="(1, 512, 7, 7)", style=solid]; -"201 _param_constant49" -> "205 _native_batch_norm_legit_no_training_16" [label="(512,)", style=solid]; -"202 _param_constant50" -> "205 _native_batch_norm_legit_no_training_16" [label="(512,)", style=solid]; -"203 _tensor_constant32" -> "205 _native_batch_norm_legit_no_training_16" [label="(512,)", style=solid]; -"204 _tensor_constant33" -> "205 _native_batch_norm_legit_no_training_16" [label="(512,)", style=solid]; -"205 _native_batch_norm_legit_no_training_16" -> "206 getitem_48" [label="(1, 512, 7, 7)", style=solid]; -"205 _native_batch_norm_legit_no_training_16" -> "207 getitem_49" [label="(1, 512, 7, 7)", style=solid]; -"205 _native_batch_norm_legit_no_training_16" -> "208 getitem_50" [label="(1, 512, 7, 7)", style=solid]; -"206 getitem_48" -> "220 add__6" [label="(1, 512, 7, 7)", style=solid]; -"209 _param_constant51" -> "210 conv2d_17" [label="(512, 256, 1, 1)", style=solid]; -"210 conv2d_17" -> "216 _native_batch_norm_legit_no_training_17" [label="(1, 512, 7, 7)", style=solid]; -"212 _param_constant52" -> "216 _native_batch_norm_legit_no_training_17" [label="(512,)", style=solid]; -"213 _param_constant53" -> "216 _native_batch_norm_legit_no_training_17" [label="(512,)", style=solid]; -"214 _tensor_constant34" -> "216 _native_batch_norm_legit_no_training_17" [label="(512,)", style=solid]; -"215 _tensor_constant35" -> "216 _native_batch_norm_legit_no_training_17" [label="(512,)", style=solid]; -"216 _native_batch_norm_legit_no_training_17" -> "217 getitem_51" [label="(1, 512, 7, 7)", style=solid]; -"216 _native_batch_norm_legit_no_training_17" -> "218 getitem_52" [label="(1, 512, 7, 7)", style=solid]; -"216 _native_batch_norm_legit_no_training_17" -> "219 getitem_53" [label="(1, 512, 7, 7)", style=solid]; -"217 getitem_51" -> "220 add__6" [label="(1, 512, 7, 7)", style=solid]; -"220 add__6" -> "221 relu__14" [label="(1, 512, 7, 7)", style=solid]; -"221 relu__14" -> "223 conv2d_18" [label="(1, 512, 7, 7)", style=solid]; -"221 relu__14" -> "245 add__7" [label="(1, 512, 7, 7)", style=solid]; -"222 _param_constant54" -> "223 conv2d_18" [label="(512, 512, 3, 3)", style=solid]; -"223 conv2d_18" -> "229 _native_batch_norm_legit_no_training_18" [label="(1, 512, 7, 7)", style=solid]; -"225 _param_constant55" -> "229 _native_batch_norm_legit_no_training_18" [label="(512,)", style=solid]; -"226 _param_constant56" -> "229 _native_batch_norm_legit_no_training_18" [label="(512,)", style=solid]; -"227 _tensor_constant36" -> "229 _native_batch_norm_legit_no_training_18" [label="(512,)", style=solid]; -"228 _tensor_constant37" -> "229 _native_batch_norm_legit_no_training_18" [label="(512,)", style=solid]; -"229 _native_batch_norm_legit_no_training_18" -> "230 getitem_54" [label="(1, 512, 7, 7)", style=solid]; -"229 _native_batch_norm_legit_no_training_18" -> "231 getitem_55" [label="(1, 512, 7, 7)", style=solid]; -"229 _native_batch_norm_legit_no_training_18" -> "232 getitem_56" [label="(1, 512, 7, 7)", style=solid]; -"230 getitem_54" -> "233 relu__15" [label="(1, 512, 7, 7)", style=solid]; -"233 relu__15" -> "235 conv2d_19" [label="(1, 512, 7, 7)", style=solid]; -"234 _param_constant57" -> "235 conv2d_19" [label="(512, 512, 3, 3)", style=solid]; -"235 conv2d_19" -> "241 _native_batch_norm_legit_no_training_19" [label="(1, 512, 7, 7)", style=solid]; -"237 _param_constant58" -> "241 _native_batch_norm_legit_no_training_19" [label="(512,)", style=solid]; -"238 _param_constant59" -> "241 _native_batch_norm_legit_no_training_19" [label="(512,)", style=solid]; -"239 _tensor_constant38" -> "241 _native_batch_norm_legit_no_training_19" [label="(512,)", style=solid]; -"240 _tensor_constant39" -> "241 _native_batch_norm_legit_no_training_19" [label="(512,)", style=solid]; -"241 _native_batch_norm_legit_no_training_19" -> "242 getitem_57" [label="(1, 512, 7, 7)", style=solid]; -"241 _native_batch_norm_legit_no_training_19" -> "243 getitem_58" [label="(1, 512, 7, 7)", style=solid]; -"241 _native_batch_norm_legit_no_training_19" -> "244 getitem_59" [label="(1, 512, 7, 7)", style=solid]; -"242 getitem_57" -> "245 add__7" [label="(1, 512, 7, 7)", style=solid]; -"245 add__7" -> "246 relu__16" [label="(1, 512, 7, 7)", style=solid]; -"246 relu__16" -> "247 adaptive_avg_pool2d" [label="(1, 512, 7, 7)", style=solid]; -"247 adaptive_avg_pool2d" -> "248 flatten" [label="(1, 512, 1, 1)", style=solid]; -"248 flatten" -> "251 linear" [label="(1, 512)", style=solid]; -"249 _param_constant60" -> "251 linear" [label="(1000, 512)", style=solid]; -"250 _param_constant61" -> "251 linear" [label="(1000,)", style=solid]; -"251 linear" -> "252 output" [label="(1, 1000)", style=solid]; -} diff --git a/tests/torch/data/fx/reference_graphs/original_graphs/swin_v2_s.dot b/tests/torch/data/fx/reference_graphs/original_graphs/swin_v2_s.dot deleted file mode 100644 index 52e2bfdc398..00000000000 --- a/tests/torch/data/fx/reference_graphs/original_graphs/swin_v2_s.dot +++ /dev/null @@ -1,5610 +0,0 @@ -strict digraph { -"0 arg0_1" [id=0, type=input]; -"1 _param_constant0" [id=1, type=get_attr]; -"2 _param_constant1" [id=2, type=get_attr]; -"3 conv2d" [id=3, type=conv2d]; -"4 permute" [id=4, type=permute]; -"5 _param_constant2" [id=5, type=get_attr]; -"6 _param_constant3" [id=6, type=get_attr]; -"7 layer_norm" [id=7, type=layer_norm]; -"8 _tensor_constant0" [id=8, type=get_attr]; -"9 _param_constant4" [id=9, type=get_attr]; -"10 _param_constant5" [id=10, type=get_attr]; -"11 linear" [id=11, type=linear]; -"12 relu_" [id=12, type=relu_]; -"13 _param_constant6" [id=13, type=get_attr]; -"14 linear_1" [id=14, type=linear]; -"15 view" [id=15, type=view]; -"16 _tensor_constant1" [id=16, type=get_attr]; -"17 index" [id=17, type=index]; -"18 view_1" [id=18, type=view]; -"19 permute_1" [id=19, type=permute]; -"20 contiguous" [id=20, type=contiguous]; -"21 unsqueeze" [id=21, type=unsqueeze]; -"22 sigmoid" [id=22, type=sigmoid]; -"23 mul" [id=23, type=mul]; -"24 pad" [id=24, type=pad]; -"25 view_2" [id=25, type=view]; -"26 permute_2" [id=26, type=permute]; -"27 reshape" [id=27, type=reshape]; -"28 _param_constant7" [id=28, type=get_attr]; -"29 clone" [id=29, type=clone]; -"30 slice_1" [id=30, type=slice]; -"31 zero_" [id=31, type=zero_]; -"32 _param_constant8" [id=32, type=get_attr]; -"33 linear_2" [id=33, type=linear]; -"34 reshape_1" [id=34, type=reshape]; -"35 permute_3" [id=35, type=permute]; -"36 select" [id=36, type=select]; -"37 select_1" [id=37, type=select]; -"38 select_2" [id=38, type=select]; -"39 linalg_vector_norm" [id=39, type=linalg_vector_norm]; -"40 clamp_min" [id=40, type=clamp_min]; -"41 expand_as" [id=41, type=expand_as]; -"42 div" [id=42, type=div]; -"43 linalg_vector_norm_1" [id=43, type=linalg_vector_norm]; -"44 clamp_min_1" [id=44, type=clamp_min]; -"45 expand_as_1" [id=45, type=expand_as]; -"46 div_1" [id=46, type=div]; -"47 transpose" [id=47, type=transpose]; -"48 matmul" [id=48, type=matmul]; -"49 _param_constant9" [id=49, type=get_attr]; -"50 clamp" [id=50, type=clamp]; -"51 exp" [id=51, type=exp]; -"52 mul_1" [id=52, type=mul]; -"53 add" [id=53, type=add]; -"54 softmax" [id=54, type=softmax]; -"55 dropout" [id=55, type=dropout]; -"56 matmul_1" [id=56, type=matmul]; -"57 transpose_1" [id=57, type=transpose]; -"58 reshape_2" [id=58, type=reshape]; -"59 _param_constant10" [id=59, type=get_attr]; -"60 _param_constant11" [id=60, type=get_attr]; -"61 linear_3" [id=61, type=linear]; -"62 dropout_1" [id=62, type=dropout]; -"63 view_3" [id=63, type=view]; -"64 permute_4" [id=64, type=permute]; -"65 reshape_3" [id=65, type=reshape]; -"66 slice_2" [id=66, type=slice]; -"67 slice_3" [id=67, type=slice]; -"68 _param_constant12" [id=68, type=get_attr]; -"69 _param_constant13" [id=69, type=get_attr]; -"70 layer_norm_1" [id=70, type=layer_norm]; -"71 add_1" [id=71, type=add]; -"72 _param_constant14" [id=72, type=get_attr]; -"73 _param_constant15" [id=73, type=get_attr]; -"74 linear_4" [id=74, type=linear]; -"75 gelu" [id=75, type=gelu]; -"76 dropout_2" [id=76, type=dropout]; -"77 _param_constant16" [id=77, type=get_attr]; -"78 _param_constant17" [id=78, type=get_attr]; -"79 linear_5" [id=79, type=linear]; -"80 dropout_3" [id=80, type=dropout]; -"81 _param_constant18" [id=81, type=get_attr]; -"82 _param_constant19" [id=82, type=get_attr]; -"83 layer_norm_2" [id=83, type=layer_norm]; -"84 add_2" [id=84, type=add]; -"85 _tensor_constant2" [id=85, type=get_attr]; -"86 _param_constant20" [id=86, type=get_attr]; -"87 _param_constant21" [id=87, type=get_attr]; -"88 linear_6" [id=88, type=linear]; -"89 relu__1" [id=89, type=relu_]; -"90 _param_constant22" [id=90, type=get_attr]; -"91 linear_7" [id=91, type=linear]; -"92 view_4" [id=92, type=view]; -"93 _tensor_constant3" [id=93, type=get_attr]; -"94 index_1" [id=94, type=index]; -"95 view_5" [id=95, type=view]; -"96 permute_5" [id=96, type=permute]; -"97 contiguous_1" [id=97, type=contiguous]; -"98 unsqueeze_1" [id=98, type=unsqueeze]; -"99 sigmoid_1" [id=99, type=sigmoid]; -"100 mul_2" [id=100, type=mul]; -"101 pad_1" [id=101, type=pad]; -"102 roll" [id=102, type=roll]; -"103 view_6" [id=103, type=view]; -"104 permute_6" [id=104, type=permute]; -"105 reshape_4" [id=105, type=reshape]; -"106 _param_constant23" [id=106, type=get_attr]; -"107 clone_1" [id=107, type=clone]; -"108 slice_4" [id=108, type=slice]; -"109 zero__1" [id=109, type=zero_]; -"110 _param_constant24" [id=110, type=get_attr]; -"111 linear_8" [id=111, type=linear]; -"112 reshape_5" [id=112, type=reshape]; -"113 permute_7" [id=113, type=permute]; -"114 select_3" [id=114, type=select]; -"115 select_4" [id=115, type=select]; -"116 select_5" [id=116, type=select]; -"117 linalg_vector_norm_2" [id=117, type=linalg_vector_norm]; -"118 clamp_min_2" [id=118, type=clamp_min]; -"119 expand_as_2" [id=119, type=expand_as]; -"120 div_2" [id=120, type=div]; -"121 linalg_vector_norm_3" [id=121, type=linalg_vector_norm]; -"122 clamp_min_3" [id=122, type=clamp_min]; -"123 expand_as_3" [id=123, type=expand_as]; -"124 div_3" [id=124, type=div]; -"125 transpose_2" [id=125, type=transpose]; -"126 matmul_2" [id=126, type=matmul]; -"127 _param_constant25" [id=127, type=get_attr]; -"128 clamp_1" [id=128, type=clamp]; -"129 exp_1" [id=129, type=exp]; -"130 mul_3" [id=130, type=mul]; -"131 add_3" [id=131, type=add]; -"132 new_zeros" [id=132, type=new_zeros]; -"133 _tensor_constant4" [id=133, type=get_attr]; -"134 lift_fresh_copy" [id=134, type=lift_fresh_copy]; -"135 slice_5" [id=135, type=slice]; -"136 slice_6" [id=136, type=slice]; -"137 fill_" [id=137, type=fill_]; -"138 _tensor_constant5" [id=138, type=get_attr]; -"139 lift_fresh_copy_1" [id=139, type=lift_fresh_copy]; -"140 slice_7" [id=140, type=slice]; -"141 slice_8" [id=141, type=slice]; -"142 fill__1" [id=142, type=fill_]; -"143 _tensor_constant6" [id=143, type=get_attr]; -"144 lift_fresh_copy_2" [id=144, type=lift_fresh_copy]; -"145 slice_9" [id=145, type=slice]; -"146 slice_10" [id=146, type=slice]; -"147 fill__2" [id=147, type=fill_]; -"148 _tensor_constant7" [id=148, type=get_attr]; -"149 lift_fresh_copy_3" [id=149, type=lift_fresh_copy]; -"150 slice_11" [id=150, type=slice]; -"151 slice_12" [id=151, type=slice]; -"152 fill__3" [id=152, type=fill_]; -"153 _tensor_constant8" [id=153, type=get_attr]; -"154 lift_fresh_copy_4" [id=154, type=lift_fresh_copy]; -"155 slice_13" [id=155, type=slice]; -"156 slice_14" [id=156, type=slice]; -"157 fill__4" [id=157, type=fill_]; -"158 _tensor_constant9" [id=158, type=get_attr]; -"159 lift_fresh_copy_5" [id=159, type=lift_fresh_copy]; -"160 slice_15" [id=160, type=slice]; -"161 slice_16" [id=161, type=slice]; -"162 fill__5" [id=162, type=fill_]; -"163 _tensor_constant10" [id=163, type=get_attr]; -"164 lift_fresh_copy_6" [id=164, type=lift_fresh_copy]; -"165 slice_17" [id=165, type=slice]; -"166 slice_18" [id=166, type=slice]; -"167 fill__6" [id=167, type=fill_]; -"168 _tensor_constant11" [id=168, type=get_attr]; -"169 lift_fresh_copy_7" [id=169, type=lift_fresh_copy]; -"170 slice_19" [id=170, type=slice]; -"171 slice_20" [id=171, type=slice]; -"172 fill__7" [id=172, type=fill_]; -"173 _tensor_constant12" [id=173, type=get_attr]; -"174 lift_fresh_copy_8" [id=174, type=lift_fresh_copy]; -"175 slice_21" [id=175, type=slice]; -"176 slice_22" [id=176, type=slice]; -"177 fill__8" [id=177, type=fill_]; -"178 view_7" [id=178, type=view]; -"179 permute_8" [id=179, type=permute]; -"180 reshape_6" [id=180, type=reshape]; -"181 unsqueeze_2" [id=181, type=unsqueeze]; -"182 unsqueeze_3" [id=182, type=unsqueeze]; -"183 sub" [id=183, type=sub]; -"184 ne" [id=184, type=ne]; -"185 masked_fill" [id=185, type=masked_fill]; -"186 eq" [id=186, type=eq]; -"187 masked_fill_1" [id=187, type=masked_fill]; -"188 view_8" [id=188, type=view]; -"189 unsqueeze_4" [id=189, type=unsqueeze]; -"190 unsqueeze_5" [id=190, type=unsqueeze]; -"191 add_4" [id=191, type=add]; -"192 view_9" [id=192, type=view]; -"193 softmax_1" [id=193, type=softmax]; -"194 dropout_4" [id=194, type=dropout]; -"195 matmul_3" [id=195, type=matmul]; -"196 transpose_3" [id=196, type=transpose]; -"197 reshape_7" [id=197, type=reshape]; -"198 _param_constant26" [id=198, type=get_attr]; -"199 _param_constant27" [id=199, type=get_attr]; -"200 linear_9" [id=200, type=linear]; -"201 dropout_5" [id=201, type=dropout]; -"202 view_10" [id=202, type=view]; -"203 permute_9" [id=203, type=permute]; -"204 reshape_8" [id=204, type=reshape]; -"205 roll_1" [id=205, type=roll]; -"206 slice_23" [id=206, type=slice]; -"207 slice_24" [id=207, type=slice]; -"208 _param_constant28" [id=208, type=get_attr]; -"209 _param_constant29" [id=209, type=get_attr]; -"210 layer_norm_3" [id=210, type=layer_norm]; -"211 add_5" [id=211, type=add]; -"212 _param_constant30" [id=212, type=get_attr]; -"213 _param_constant31" [id=213, type=get_attr]; -"214 linear_10" [id=214, type=linear]; -"215 gelu_1" [id=215, type=gelu]; -"216 dropout_6" [id=216, type=dropout]; -"217 _param_constant32" [id=217, type=get_attr]; -"218 _param_constant33" [id=218, type=get_attr]; -"219 linear_11" [id=219, type=linear]; -"220 dropout_7" [id=220, type=dropout]; -"221 _param_constant34" [id=221, type=get_attr]; -"222 _param_constant35" [id=222, type=get_attr]; -"223 layer_norm_4" [id=223, type=layer_norm]; -"224 add_6" [id=224, type=add]; -"225 pad_2" [id=225, type=pad]; -"226 slice_25" [id=226, type=slice]; -"227 slice_26" [id=227, type=slice]; -"228 slice_27" [id=228, type=slice]; -"229 slice_28" [id=229, type=slice]; -"230 slice_29" [id=230, type=slice]; -"231 slice_30" [id=231, type=slice]; -"232 slice_31" [id=232, type=slice]; -"233 slice_32" [id=233, type=slice]; -"234 slice_33" [id=234, type=slice]; -"235 slice_34" [id=235, type=slice]; -"236 slice_35" [id=236, type=slice]; -"237 slice_36" [id=237, type=slice]; -"238 cat" [id=238, type=cat]; -"239 _param_constant36" [id=239, type=get_attr]; -"240 linear_12" [id=240, type=linear]; -"241 _param_constant37" [id=241, type=get_attr]; -"242 _param_constant38" [id=242, type=get_attr]; -"243 layer_norm_5" [id=243, type=layer_norm]; -"244 _tensor_constant13" [id=244, type=get_attr]; -"245 _param_constant39" [id=245, type=get_attr]; -"246 _param_constant40" [id=246, type=get_attr]; -"247 linear_13" [id=247, type=linear]; -"248 relu__2" [id=248, type=relu_]; -"249 _param_constant41" [id=249, type=get_attr]; -"250 linear_14" [id=250, type=linear]; -"251 view_11" [id=251, type=view]; -"252 _tensor_constant14" [id=252, type=get_attr]; -"253 index_2" [id=253, type=index]; -"254 view_12" [id=254, type=view]; -"255 permute_10" [id=255, type=permute]; -"256 contiguous_2" [id=256, type=contiguous]; -"257 unsqueeze_6" [id=257, type=unsqueeze]; -"258 sigmoid_2" [id=258, type=sigmoid]; -"259 mul_4" [id=259, type=mul]; -"260 pad_3" [id=260, type=pad]; -"261 view_13" [id=261, type=view]; -"262 permute_11" [id=262, type=permute]; -"263 reshape_9" [id=263, type=reshape]; -"264 _param_constant42" [id=264, type=get_attr]; -"265 clone_2" [id=265, type=clone]; -"266 slice_37" [id=266, type=slice]; -"267 zero__2" [id=267, type=zero_]; -"268 _param_constant43" [id=268, type=get_attr]; -"269 linear_15" [id=269, type=linear]; -"270 reshape_10" [id=270, type=reshape]; -"271 permute_12" [id=271, type=permute]; -"272 select_6" [id=272, type=select]; -"273 select_7" [id=273, type=select]; -"274 select_8" [id=274, type=select]; -"275 linalg_vector_norm_4" [id=275, type=linalg_vector_norm]; -"276 clamp_min_4" [id=276, type=clamp_min]; -"277 expand_as_4" [id=277, type=expand_as]; -"278 div_4" [id=278, type=div]; -"279 linalg_vector_norm_5" [id=279, type=linalg_vector_norm]; -"280 clamp_min_5" [id=280, type=clamp_min]; -"281 expand_as_5" [id=281, type=expand_as]; -"282 div_5" [id=282, type=div]; -"283 transpose_4" [id=283, type=transpose]; -"284 matmul_4" [id=284, type=matmul]; -"285 _param_constant44" [id=285, type=get_attr]; -"286 clamp_2" [id=286, type=clamp]; -"287 exp_2" [id=287, type=exp]; -"288 mul_5" [id=288, type=mul]; -"289 add_7" [id=289, type=add]; -"290 softmax_2" [id=290, type=softmax]; -"291 dropout_8" [id=291, type=dropout]; -"292 matmul_5" [id=292, type=matmul]; -"293 transpose_5" [id=293, type=transpose]; -"294 reshape_11" [id=294, type=reshape]; -"295 _param_constant45" [id=295, type=get_attr]; -"296 _param_constant46" [id=296, type=get_attr]; -"297 linear_16" [id=297, type=linear]; -"298 dropout_9" [id=298, type=dropout]; -"299 view_14" [id=299, type=view]; -"300 permute_13" [id=300, type=permute]; -"301 reshape_12" [id=301, type=reshape]; -"302 slice_38" [id=302, type=slice]; -"303 slice_39" [id=303, type=slice]; -"304 slice_40" [id=304, type=slice]; -"305 slice_41" [id=305, type=slice]; -"306 contiguous_3" [id=306, type=contiguous]; -"307 _param_constant47" [id=307, type=get_attr]; -"308 _param_constant48" [id=308, type=get_attr]; -"309 layer_norm_6" [id=309, type=layer_norm]; -"310 add_8" [id=310, type=add]; -"311 _param_constant49" [id=311, type=get_attr]; -"312 _param_constant50" [id=312, type=get_attr]; -"313 linear_17" [id=313, type=linear]; -"314 gelu_2" [id=314, type=gelu]; -"315 dropout_10" [id=315, type=dropout]; -"316 _param_constant51" [id=316, type=get_attr]; -"317 _param_constant52" [id=317, type=get_attr]; -"318 linear_18" [id=318, type=linear]; -"319 dropout_11" [id=319, type=dropout]; -"320 _param_constant53" [id=320, type=get_attr]; -"321 _param_constant54" [id=321, type=get_attr]; -"322 layer_norm_7" [id=322, type=layer_norm]; -"323 add_9" [id=323, type=add]; -"324 _tensor_constant15" [id=324, type=get_attr]; -"325 _param_constant55" [id=325, type=get_attr]; -"326 _param_constant56" [id=326, type=get_attr]; -"327 linear_19" [id=327, type=linear]; -"328 relu__3" [id=328, type=relu_]; -"329 _param_constant57" [id=329, type=get_attr]; -"330 linear_20" [id=330, type=linear]; -"331 view_15" [id=331, type=view]; -"332 _tensor_constant16" [id=332, type=get_attr]; -"333 index_3" [id=333, type=index]; -"334 view_16" [id=334, type=view]; -"335 permute_14" [id=335, type=permute]; -"336 contiguous_4" [id=336, type=contiguous]; -"337 unsqueeze_7" [id=337, type=unsqueeze]; -"338 sigmoid_3" [id=338, type=sigmoid]; -"339 mul_6" [id=339, type=mul]; -"340 pad_4" [id=340, type=pad]; -"341 roll_2" [id=341, type=roll]; -"342 view_17" [id=342, type=view]; -"343 permute_15" [id=343, type=permute]; -"344 reshape_13" [id=344, type=reshape]; -"345 _param_constant58" [id=345, type=get_attr]; -"346 clone_3" [id=346, type=clone]; -"347 slice_42" [id=347, type=slice]; -"348 zero__3" [id=348, type=zero_]; -"349 _param_constant59" [id=349, type=get_attr]; -"350 linear_21" [id=350, type=linear]; -"351 reshape_14" [id=351, type=reshape]; -"352 permute_16" [id=352, type=permute]; -"353 select_9" [id=353, type=select]; -"354 select_10" [id=354, type=select]; -"355 select_11" [id=355, type=select]; -"356 linalg_vector_norm_6" [id=356, type=linalg_vector_norm]; -"357 clamp_min_6" [id=357, type=clamp_min]; -"358 expand_as_6" [id=358, type=expand_as]; -"359 div_6" [id=359, type=div]; -"360 linalg_vector_norm_7" [id=360, type=linalg_vector_norm]; -"361 clamp_min_7" [id=361, type=clamp_min]; -"362 expand_as_7" [id=362, type=expand_as]; -"363 div_7" [id=363, type=div]; -"364 transpose_6" [id=364, type=transpose]; -"365 matmul_6" [id=365, type=matmul]; -"366 _param_constant60" [id=366, type=get_attr]; -"367 clamp_3" [id=367, type=clamp]; -"368 exp_3" [id=368, type=exp]; -"369 mul_7" [id=369, type=mul]; -"370 add_10" [id=370, type=add]; -"371 new_zeros_1" [id=371, type=new_zeros]; -"372 _tensor_constant17" [id=372, type=get_attr]; -"373 lift_fresh_copy_9" [id=373, type=lift_fresh_copy]; -"374 slice_43" [id=374, type=slice]; -"375 slice_44" [id=375, type=slice]; -"376 fill__9" [id=376, type=fill_]; -"377 _tensor_constant18" [id=377, type=get_attr]; -"378 lift_fresh_copy_10" [id=378, type=lift_fresh_copy]; -"379 slice_45" [id=379, type=slice]; -"380 slice_46" [id=380, type=slice]; -"381 fill__10" [id=381, type=fill_]; -"382 _tensor_constant19" [id=382, type=get_attr]; -"383 lift_fresh_copy_11" [id=383, type=lift_fresh_copy]; -"384 slice_47" [id=384, type=slice]; -"385 slice_48" [id=385, type=slice]; -"386 fill__11" [id=386, type=fill_]; -"387 _tensor_constant20" [id=387, type=get_attr]; -"388 lift_fresh_copy_12" [id=388, type=lift_fresh_copy]; -"389 slice_49" [id=389, type=slice]; -"390 slice_50" [id=390, type=slice]; -"391 fill__12" [id=391, type=fill_]; -"392 _tensor_constant21" [id=392, type=get_attr]; -"393 lift_fresh_copy_13" [id=393, type=lift_fresh_copy]; -"394 slice_51" [id=394, type=slice]; -"395 slice_52" [id=395, type=slice]; -"396 fill__13" [id=396, type=fill_]; -"397 _tensor_constant22" [id=397, type=get_attr]; -"398 lift_fresh_copy_14" [id=398, type=lift_fresh_copy]; -"399 slice_53" [id=399, type=slice]; -"400 slice_54" [id=400, type=slice]; -"401 fill__14" [id=401, type=fill_]; -"402 _tensor_constant23" [id=402, type=get_attr]; -"403 lift_fresh_copy_15" [id=403, type=lift_fresh_copy]; -"404 slice_55" [id=404, type=slice]; -"405 slice_56" [id=405, type=slice]; -"406 fill__15" [id=406, type=fill_]; -"407 _tensor_constant24" [id=407, type=get_attr]; -"408 lift_fresh_copy_16" [id=408, type=lift_fresh_copy]; -"409 slice_57" [id=409, type=slice]; -"410 slice_58" [id=410, type=slice]; -"411 fill__16" [id=411, type=fill_]; -"412 _tensor_constant25" [id=412, type=get_attr]; -"413 lift_fresh_copy_17" [id=413, type=lift_fresh_copy]; -"414 slice_59" [id=414, type=slice]; -"415 slice_60" [id=415, type=slice]; -"416 fill__17" [id=416, type=fill_]; -"417 view_18" [id=417, type=view]; -"418 permute_17" [id=418, type=permute]; -"419 reshape_15" [id=419, type=reshape]; -"420 unsqueeze_8" [id=420, type=unsqueeze]; -"421 unsqueeze_9" [id=421, type=unsqueeze]; -"422 sub_1" [id=422, type=sub]; -"423 ne_1" [id=423, type=ne]; -"424 masked_fill_2" [id=424, type=masked_fill]; -"425 eq_1" [id=425, type=eq]; -"426 masked_fill_3" [id=426, type=masked_fill]; -"427 view_19" [id=427, type=view]; -"428 unsqueeze_10" [id=428, type=unsqueeze]; -"429 unsqueeze_11" [id=429, type=unsqueeze]; -"430 add_11" [id=430, type=add]; -"431 view_20" [id=431, type=view]; -"432 softmax_3" [id=432, type=softmax]; -"433 dropout_12" [id=433, type=dropout]; -"434 matmul_7" [id=434, type=matmul]; -"435 transpose_7" [id=435, type=transpose]; -"436 reshape_16" [id=436, type=reshape]; -"437 _param_constant61" [id=437, type=get_attr]; -"438 _param_constant62" [id=438, type=get_attr]; -"439 linear_22" [id=439, type=linear]; -"440 dropout_13" [id=440, type=dropout]; -"441 view_21" [id=441, type=view]; -"442 permute_18" [id=442, type=permute]; -"443 reshape_17" [id=443, type=reshape]; -"444 roll_3" [id=444, type=roll]; -"445 slice_61" [id=445, type=slice]; -"446 slice_62" [id=446, type=slice]; -"447 slice_63" [id=447, type=slice]; -"448 slice_64" [id=448, type=slice]; -"449 contiguous_5" [id=449, type=contiguous]; -"450 _param_constant63" [id=450, type=get_attr]; -"451 _param_constant64" [id=451, type=get_attr]; -"452 layer_norm_8" [id=452, type=layer_norm]; -"453 add_12" [id=453, type=add]; -"454 _param_constant65" [id=454, type=get_attr]; -"455 _param_constant66" [id=455, type=get_attr]; -"456 linear_23" [id=456, type=linear]; -"457 gelu_3" [id=457, type=gelu]; -"458 dropout_14" [id=458, type=dropout]; -"459 _param_constant67" [id=459, type=get_attr]; -"460 _param_constant68" [id=460, type=get_attr]; -"461 linear_24" [id=461, type=linear]; -"462 dropout_15" [id=462, type=dropout]; -"463 _param_constant69" [id=463, type=get_attr]; -"464 _param_constant70" [id=464, type=get_attr]; -"465 layer_norm_9" [id=465, type=layer_norm]; -"466 add_13" [id=466, type=add]; -"467 pad_5" [id=467, type=pad]; -"468 slice_65" [id=468, type=slice]; -"469 slice_66" [id=469, type=slice]; -"470 slice_67" [id=470, type=slice]; -"471 slice_68" [id=471, type=slice]; -"472 slice_69" [id=472, type=slice]; -"473 slice_70" [id=473, type=slice]; -"474 slice_71" [id=474, type=slice]; -"475 slice_72" [id=475, type=slice]; -"476 slice_73" [id=476, type=slice]; -"477 slice_74" [id=477, type=slice]; -"478 slice_75" [id=478, type=slice]; -"479 slice_76" [id=479, type=slice]; -"480 cat_1" [id=480, type=cat]; -"481 _param_constant71" [id=481, type=get_attr]; -"482 linear_25" [id=482, type=linear]; -"483 _param_constant72" [id=483, type=get_attr]; -"484 _param_constant73" [id=484, type=get_attr]; -"485 layer_norm_10" [id=485, type=layer_norm]; -"486 _tensor_constant26" [id=486, type=get_attr]; -"487 _param_constant74" [id=487, type=get_attr]; -"488 _param_constant75" [id=488, type=get_attr]; -"489 linear_26" [id=489, type=linear]; -"490 relu__4" [id=490, type=relu_]; -"491 _param_constant76" [id=491, type=get_attr]; -"492 linear_27" [id=492, type=linear]; -"493 view_22" [id=493, type=view]; -"494 _tensor_constant27" [id=494, type=get_attr]; -"495 index_4" [id=495, type=index]; -"496 view_23" [id=496, type=view]; -"497 permute_19" [id=497, type=permute]; -"498 contiguous_6" [id=498, type=contiguous]; -"499 unsqueeze_12" [id=499, type=unsqueeze]; -"500 sigmoid_4" [id=500, type=sigmoid]; -"501 mul_8" [id=501, type=mul]; -"502 pad_6" [id=502, type=pad]; -"503 view_24" [id=503, type=view]; -"504 permute_20" [id=504, type=permute]; -"505 reshape_18" [id=505, type=reshape]; -"506 _param_constant77" [id=506, type=get_attr]; -"507 clone_4" [id=507, type=clone]; -"508 slice_77" [id=508, type=slice]; -"509 zero__4" [id=509, type=zero_]; -"510 _param_constant78" [id=510, type=get_attr]; -"511 linear_28" [id=511, type=linear]; -"512 reshape_19" [id=512, type=reshape]; -"513 permute_21" [id=513, type=permute]; -"514 select_12" [id=514, type=select]; -"515 select_13" [id=515, type=select]; -"516 select_14" [id=516, type=select]; -"517 linalg_vector_norm_8" [id=517, type=linalg_vector_norm]; -"518 clamp_min_8" [id=518, type=clamp_min]; -"519 expand_as_8" [id=519, type=expand_as]; -"520 div_8" [id=520, type=div]; -"521 linalg_vector_norm_9" [id=521, type=linalg_vector_norm]; -"522 clamp_min_9" [id=522, type=clamp_min]; -"523 expand_as_9" [id=523, type=expand_as]; -"524 div_9" [id=524, type=div]; -"525 transpose_8" [id=525, type=transpose]; -"526 matmul_8" [id=526, type=matmul]; -"527 _param_constant79" [id=527, type=get_attr]; -"528 clamp_4" [id=528, type=clamp]; -"529 exp_4" [id=529, type=exp]; -"530 mul_9" [id=530, type=mul]; -"531 add_14" [id=531, type=add]; -"532 softmax_4" [id=532, type=softmax]; -"533 dropout_16" [id=533, type=dropout]; -"534 matmul_9" [id=534, type=matmul]; -"535 transpose_9" [id=535, type=transpose]; -"536 reshape_20" [id=536, type=reshape]; -"537 _param_constant80" [id=537, type=get_attr]; -"538 _param_constant81" [id=538, type=get_attr]; -"539 linear_29" [id=539, type=linear]; -"540 dropout_17" [id=540, type=dropout]; -"541 view_25" [id=541, type=view]; -"542 permute_22" [id=542, type=permute]; -"543 reshape_21" [id=543, type=reshape]; -"544 slice_78" [id=544, type=slice]; -"545 slice_79" [id=545, type=slice]; -"546 slice_80" [id=546, type=slice]; -"547 slice_81" [id=547, type=slice]; -"548 contiguous_7" [id=548, type=contiguous]; -"549 _param_constant82" [id=549, type=get_attr]; -"550 _param_constant83" [id=550, type=get_attr]; -"551 layer_norm_11" [id=551, type=layer_norm]; -"552 add_15" [id=552, type=add]; -"553 _param_constant84" [id=553, type=get_attr]; -"554 _param_constant85" [id=554, type=get_attr]; -"555 linear_30" [id=555, type=linear]; -"556 gelu_4" [id=556, type=gelu]; -"557 dropout_18" [id=557, type=dropout]; -"558 _param_constant86" [id=558, type=get_attr]; -"559 _param_constant87" [id=559, type=get_attr]; -"560 linear_31" [id=560, type=linear]; -"561 dropout_19" [id=561, type=dropout]; -"562 _param_constant88" [id=562, type=get_attr]; -"563 _param_constant89" [id=563, type=get_attr]; -"564 layer_norm_12" [id=564, type=layer_norm]; -"565 add_16" [id=565, type=add]; -"566 _tensor_constant28" [id=566, type=get_attr]; -"567 _param_constant90" [id=567, type=get_attr]; -"568 _param_constant91" [id=568, type=get_attr]; -"569 linear_32" [id=569, type=linear]; -"570 relu__5" [id=570, type=relu_]; -"571 _param_constant92" [id=571, type=get_attr]; -"572 linear_33" [id=572, type=linear]; -"573 view_26" [id=573, type=view]; -"574 _tensor_constant29" [id=574, type=get_attr]; -"575 index_5" [id=575, type=index]; -"576 view_27" [id=576, type=view]; -"577 permute_23" [id=577, type=permute]; -"578 contiguous_8" [id=578, type=contiguous]; -"579 unsqueeze_13" [id=579, type=unsqueeze]; -"580 sigmoid_5" [id=580, type=sigmoid]; -"581 mul_10" [id=581, type=mul]; -"582 pad_7" [id=582, type=pad]; -"583 roll_4" [id=583, type=roll]; -"584 view_28" [id=584, type=view]; -"585 permute_24" [id=585, type=permute]; -"586 reshape_22" [id=586, type=reshape]; -"587 _param_constant93" [id=587, type=get_attr]; -"588 clone_5" [id=588, type=clone]; -"589 slice_82" [id=589, type=slice]; -"590 zero__5" [id=590, type=zero_]; -"591 _param_constant94" [id=591, type=get_attr]; -"592 linear_34" [id=592, type=linear]; -"593 reshape_23" [id=593, type=reshape]; -"594 permute_25" [id=594, type=permute]; -"595 select_15" [id=595, type=select]; -"596 select_16" [id=596, type=select]; -"597 select_17" [id=597, type=select]; -"598 linalg_vector_norm_10" [id=598, type=linalg_vector_norm]; -"599 clamp_min_10" [id=599, type=clamp_min]; -"600 expand_as_10" [id=600, type=expand_as]; -"601 div_10" [id=601, type=div]; -"602 linalg_vector_norm_11" [id=602, type=linalg_vector_norm]; -"603 clamp_min_11" [id=603, type=clamp_min]; -"604 expand_as_11" [id=604, type=expand_as]; -"605 div_11" [id=605, type=div]; -"606 transpose_10" [id=606, type=transpose]; -"607 matmul_10" [id=607, type=matmul]; -"608 _param_constant95" [id=608, type=get_attr]; -"609 clamp_5" [id=609, type=clamp]; -"610 exp_5" [id=610, type=exp]; -"611 mul_11" [id=611, type=mul]; -"612 add_17" [id=612, type=add]; -"613 new_zeros_2" [id=613, type=new_zeros]; -"614 _tensor_constant30" [id=614, type=get_attr]; -"615 lift_fresh_copy_18" [id=615, type=lift_fresh_copy]; -"616 slice_83" [id=616, type=slice]; -"617 slice_84" [id=617, type=slice]; -"618 fill__18" [id=618, type=fill_]; -"619 _tensor_constant31" [id=619, type=get_attr]; -"620 lift_fresh_copy_19" [id=620, type=lift_fresh_copy]; -"621 slice_85" [id=621, type=slice]; -"622 slice_86" [id=622, type=slice]; -"623 fill__19" [id=623, type=fill_]; -"624 _tensor_constant32" [id=624, type=get_attr]; -"625 lift_fresh_copy_20" [id=625, type=lift_fresh_copy]; -"626 slice_87" [id=626, type=slice]; -"627 slice_88" [id=627, type=slice]; -"628 fill__20" [id=628, type=fill_]; -"629 _tensor_constant33" [id=629, type=get_attr]; -"630 lift_fresh_copy_21" [id=630, type=lift_fresh_copy]; -"631 slice_89" [id=631, type=slice]; -"632 slice_90" [id=632, type=slice]; -"633 fill__21" [id=633, type=fill_]; -"634 _tensor_constant34" [id=634, type=get_attr]; -"635 lift_fresh_copy_22" [id=635, type=lift_fresh_copy]; -"636 slice_91" [id=636, type=slice]; -"637 slice_92" [id=637, type=slice]; -"638 fill__22" [id=638, type=fill_]; -"639 _tensor_constant35" [id=639, type=get_attr]; -"640 lift_fresh_copy_23" [id=640, type=lift_fresh_copy]; -"641 slice_93" [id=641, type=slice]; -"642 slice_94" [id=642, type=slice]; -"643 fill__23" [id=643, type=fill_]; -"644 _tensor_constant36" [id=644, type=get_attr]; -"645 lift_fresh_copy_24" [id=645, type=lift_fresh_copy]; -"646 slice_95" [id=646, type=slice]; -"647 slice_96" [id=647, type=slice]; -"648 fill__24" [id=648, type=fill_]; -"649 _tensor_constant37" [id=649, type=get_attr]; -"650 lift_fresh_copy_25" [id=650, type=lift_fresh_copy]; -"651 slice_97" [id=651, type=slice]; -"652 slice_98" [id=652, type=slice]; -"653 fill__25" [id=653, type=fill_]; -"654 _tensor_constant38" [id=654, type=get_attr]; -"655 lift_fresh_copy_26" [id=655, type=lift_fresh_copy]; -"656 slice_99" [id=656, type=slice]; -"657 slice_100" [id=657, type=slice]; -"658 fill__26" [id=658, type=fill_]; -"659 view_29" [id=659, type=view]; -"660 permute_26" [id=660, type=permute]; -"661 reshape_24" [id=661, type=reshape]; -"662 unsqueeze_14" [id=662, type=unsqueeze]; -"663 unsqueeze_15" [id=663, type=unsqueeze]; -"664 sub_2" [id=664, type=sub]; -"665 ne_2" [id=665, type=ne]; -"666 masked_fill_4" [id=666, type=masked_fill]; -"667 eq_2" [id=667, type=eq]; -"668 masked_fill_5" [id=668, type=masked_fill]; -"669 view_30" [id=669, type=view]; -"670 unsqueeze_16" [id=670, type=unsqueeze]; -"671 unsqueeze_17" [id=671, type=unsqueeze]; -"672 add_18" [id=672, type=add]; -"673 view_31" [id=673, type=view]; -"674 softmax_5" [id=674, type=softmax]; -"675 dropout_20" [id=675, type=dropout]; -"676 matmul_11" [id=676, type=matmul]; -"677 transpose_11" [id=677, type=transpose]; -"678 reshape_25" [id=678, type=reshape]; -"679 _param_constant96" [id=679, type=get_attr]; -"680 _param_constant97" [id=680, type=get_attr]; -"681 linear_35" [id=681, type=linear]; -"682 dropout_21" [id=682, type=dropout]; -"683 view_32" [id=683, type=view]; -"684 permute_27" [id=684, type=permute]; -"685 reshape_26" [id=685, type=reshape]; -"686 roll_5" [id=686, type=roll]; -"687 slice_101" [id=687, type=slice]; -"688 slice_102" [id=688, type=slice]; -"689 slice_103" [id=689, type=slice]; -"690 slice_104" [id=690, type=slice]; -"691 contiguous_9" [id=691, type=contiguous]; -"692 _param_constant98" [id=692, type=get_attr]; -"693 _param_constant99" [id=693, type=get_attr]; -"694 layer_norm_13" [id=694, type=layer_norm]; -"695 add_19" [id=695, type=add]; -"696 _param_constant100" [id=696, type=get_attr]; -"697 _param_constant101" [id=697, type=get_attr]; -"698 linear_36" [id=698, type=linear]; -"699 gelu_5" [id=699, type=gelu]; -"700 dropout_22" [id=700, type=dropout]; -"701 _param_constant102" [id=701, type=get_attr]; -"702 _param_constant103" [id=702, type=get_attr]; -"703 linear_37" [id=703, type=linear]; -"704 dropout_23" [id=704, type=dropout]; -"705 _param_constant104" [id=705, type=get_attr]; -"706 _param_constant105" [id=706, type=get_attr]; -"707 layer_norm_14" [id=707, type=layer_norm]; -"708 add_20" [id=708, type=add]; -"709 _tensor_constant39" [id=709, type=get_attr]; -"710 _param_constant106" [id=710, type=get_attr]; -"711 _param_constant107" [id=711, type=get_attr]; -"712 linear_38" [id=712, type=linear]; -"713 relu__6" [id=713, type=relu_]; -"714 _param_constant108" [id=714, type=get_attr]; -"715 linear_39" [id=715, type=linear]; -"716 view_33" [id=716, type=view]; -"717 _tensor_constant40" [id=717, type=get_attr]; -"718 index_6" [id=718, type=index]; -"719 view_34" [id=719, type=view]; -"720 permute_28" [id=720, type=permute]; -"721 contiguous_10" [id=721, type=contiguous]; -"722 unsqueeze_18" [id=722, type=unsqueeze]; -"723 sigmoid_6" [id=723, type=sigmoid]; -"724 mul_12" [id=724, type=mul]; -"725 pad_8" [id=725, type=pad]; -"726 view_35" [id=726, type=view]; -"727 permute_29" [id=727, type=permute]; -"728 reshape_27" [id=728, type=reshape]; -"729 _param_constant109" [id=729, type=get_attr]; -"730 clone_6" [id=730, type=clone]; -"731 slice_105" [id=731, type=slice]; -"732 zero__6" [id=732, type=zero_]; -"733 _param_constant110" [id=733, type=get_attr]; -"734 linear_40" [id=734, type=linear]; -"735 reshape_28" [id=735, type=reshape]; -"736 permute_30" [id=736, type=permute]; -"737 select_18" [id=737, type=select]; -"738 select_19" [id=738, type=select]; -"739 select_20" [id=739, type=select]; -"740 linalg_vector_norm_12" [id=740, type=linalg_vector_norm]; -"741 clamp_min_12" [id=741, type=clamp_min]; -"742 expand_as_12" [id=742, type=expand_as]; -"743 div_12" [id=743, type=div]; -"744 linalg_vector_norm_13" [id=744, type=linalg_vector_norm]; -"745 clamp_min_13" [id=745, type=clamp_min]; -"746 expand_as_13" [id=746, type=expand_as]; -"747 div_13" [id=747, type=div]; -"748 transpose_12" [id=748, type=transpose]; -"749 matmul_12" [id=749, type=matmul]; -"750 _param_constant111" [id=750, type=get_attr]; -"751 clamp_6" [id=751, type=clamp]; -"752 exp_6" [id=752, type=exp]; -"753 mul_13" [id=753, type=mul]; -"754 add_21" [id=754, type=add]; -"755 softmax_6" [id=755, type=softmax]; -"756 dropout_24" [id=756, type=dropout]; -"757 matmul_13" [id=757, type=matmul]; -"758 transpose_13" [id=758, type=transpose]; -"759 reshape_29" [id=759, type=reshape]; -"760 _param_constant112" [id=760, type=get_attr]; -"761 _param_constant113" [id=761, type=get_attr]; -"762 linear_41" [id=762, type=linear]; -"763 dropout_25" [id=763, type=dropout]; -"764 view_36" [id=764, type=view]; -"765 permute_31" [id=765, type=permute]; -"766 reshape_30" [id=766, type=reshape]; -"767 slice_106" [id=767, type=slice]; -"768 slice_107" [id=768, type=slice]; -"769 slice_108" [id=769, type=slice]; -"770 slice_109" [id=770, type=slice]; -"771 contiguous_11" [id=771, type=contiguous]; -"772 _param_constant114" [id=772, type=get_attr]; -"773 _param_constant115" [id=773, type=get_attr]; -"774 layer_norm_15" [id=774, type=layer_norm]; -"775 add_22" [id=775, type=add]; -"776 _param_constant116" [id=776, type=get_attr]; -"777 _param_constant117" [id=777, type=get_attr]; -"778 linear_42" [id=778, type=linear]; -"779 gelu_6" [id=779, type=gelu]; -"780 dropout_26" [id=780, type=dropout]; -"781 _param_constant118" [id=781, type=get_attr]; -"782 _param_constant119" [id=782, type=get_attr]; -"783 linear_43" [id=783, type=linear]; -"784 dropout_27" [id=784, type=dropout]; -"785 _param_constant120" [id=785, type=get_attr]; -"786 _param_constant121" [id=786, type=get_attr]; -"787 layer_norm_16" [id=787, type=layer_norm]; -"788 add_23" [id=788, type=add]; -"789 _tensor_constant41" [id=789, type=get_attr]; -"790 _param_constant122" [id=790, type=get_attr]; -"791 _param_constant123" [id=791, type=get_attr]; -"792 linear_44" [id=792, type=linear]; -"793 relu__7" [id=793, type=relu_]; -"794 _param_constant124" [id=794, type=get_attr]; -"795 linear_45" [id=795, type=linear]; -"796 view_37" [id=796, type=view]; -"797 _tensor_constant42" [id=797, type=get_attr]; -"798 index_7" [id=798, type=index]; -"799 view_38" [id=799, type=view]; -"800 permute_32" [id=800, type=permute]; -"801 contiguous_12" [id=801, type=contiguous]; -"802 unsqueeze_19" [id=802, type=unsqueeze]; -"803 sigmoid_7" [id=803, type=sigmoid]; -"804 mul_14" [id=804, type=mul]; -"805 pad_9" [id=805, type=pad]; -"806 roll_6" [id=806, type=roll]; -"807 view_39" [id=807, type=view]; -"808 permute_33" [id=808, type=permute]; -"809 reshape_31" [id=809, type=reshape]; -"810 _param_constant125" [id=810, type=get_attr]; -"811 clone_7" [id=811, type=clone]; -"812 slice_110" [id=812, type=slice]; -"813 zero__7" [id=813, type=zero_]; -"814 _param_constant126" [id=814, type=get_attr]; -"815 linear_46" [id=815, type=linear]; -"816 reshape_32" [id=816, type=reshape]; -"817 permute_34" [id=817, type=permute]; -"818 select_21" [id=818, type=select]; -"819 select_22" [id=819, type=select]; -"820 select_23" [id=820, type=select]; -"821 linalg_vector_norm_14" [id=821, type=linalg_vector_norm]; -"822 clamp_min_14" [id=822, type=clamp_min]; -"823 expand_as_14" [id=823, type=expand_as]; -"824 div_14" [id=824, type=div]; -"825 linalg_vector_norm_15" [id=825, type=linalg_vector_norm]; -"826 clamp_min_15" [id=826, type=clamp_min]; -"827 expand_as_15" [id=827, type=expand_as]; -"828 div_15" [id=828, type=div]; -"829 transpose_14" [id=829, type=transpose]; -"830 matmul_14" [id=830, type=matmul]; -"831 _param_constant127" [id=831, type=get_attr]; -"832 clamp_7" [id=832, type=clamp]; -"833 exp_7" [id=833, type=exp]; -"834 mul_15" [id=834, type=mul]; -"835 add_24" [id=835, type=add]; -"836 new_zeros_3" [id=836, type=new_zeros]; -"837 _tensor_constant43" [id=837, type=get_attr]; -"838 lift_fresh_copy_27" [id=838, type=lift_fresh_copy]; -"839 slice_111" [id=839, type=slice]; -"840 slice_112" [id=840, type=slice]; -"841 fill__27" [id=841, type=fill_]; -"842 _tensor_constant44" [id=842, type=get_attr]; -"843 lift_fresh_copy_28" [id=843, type=lift_fresh_copy]; -"844 slice_113" [id=844, type=slice]; -"845 slice_114" [id=845, type=slice]; -"846 fill__28" [id=846, type=fill_]; -"847 _tensor_constant45" [id=847, type=get_attr]; -"848 lift_fresh_copy_29" [id=848, type=lift_fresh_copy]; -"849 slice_115" [id=849, type=slice]; -"850 slice_116" [id=850, type=slice]; -"851 fill__29" [id=851, type=fill_]; -"852 _tensor_constant46" [id=852, type=get_attr]; -"853 lift_fresh_copy_30" [id=853, type=lift_fresh_copy]; -"854 slice_117" [id=854, type=slice]; -"855 slice_118" [id=855, type=slice]; -"856 fill__30" [id=856, type=fill_]; -"857 _tensor_constant47" [id=857, type=get_attr]; -"858 lift_fresh_copy_31" [id=858, type=lift_fresh_copy]; -"859 slice_119" [id=859, type=slice]; -"860 slice_120" [id=860, type=slice]; -"861 fill__31" [id=861, type=fill_]; -"862 _tensor_constant48" [id=862, type=get_attr]; -"863 lift_fresh_copy_32" [id=863, type=lift_fresh_copy]; -"864 slice_121" [id=864, type=slice]; -"865 slice_122" [id=865, type=slice]; -"866 fill__32" [id=866, type=fill_]; -"867 _tensor_constant49" [id=867, type=get_attr]; -"868 lift_fresh_copy_33" [id=868, type=lift_fresh_copy]; -"869 slice_123" [id=869, type=slice]; -"870 slice_124" [id=870, type=slice]; -"871 fill__33" [id=871, type=fill_]; -"872 _tensor_constant50" [id=872, type=get_attr]; -"873 lift_fresh_copy_34" [id=873, type=lift_fresh_copy]; -"874 slice_125" [id=874, type=slice]; -"875 slice_126" [id=875, type=slice]; -"876 fill__34" [id=876, type=fill_]; -"877 _tensor_constant51" [id=877, type=get_attr]; -"878 lift_fresh_copy_35" [id=878, type=lift_fresh_copy]; -"879 slice_127" [id=879, type=slice]; -"880 slice_128" [id=880, type=slice]; -"881 fill__35" [id=881, type=fill_]; -"882 view_40" [id=882, type=view]; -"883 permute_35" [id=883, type=permute]; -"884 reshape_33" [id=884, type=reshape]; -"885 unsqueeze_20" [id=885, type=unsqueeze]; -"886 unsqueeze_21" [id=886, type=unsqueeze]; -"887 sub_3" [id=887, type=sub]; -"888 ne_3" [id=888, type=ne]; -"889 masked_fill_6" [id=889, type=masked_fill]; -"890 eq_3" [id=890, type=eq]; -"891 masked_fill_7" [id=891, type=masked_fill]; -"892 view_41" [id=892, type=view]; -"893 unsqueeze_22" [id=893, type=unsqueeze]; -"894 unsqueeze_23" [id=894, type=unsqueeze]; -"895 add_25" [id=895, type=add]; -"896 view_42" [id=896, type=view]; -"897 softmax_7" [id=897, type=softmax]; -"898 dropout_28" [id=898, type=dropout]; -"899 matmul_15" [id=899, type=matmul]; -"900 transpose_15" [id=900, type=transpose]; -"901 reshape_34" [id=901, type=reshape]; -"902 _param_constant128" [id=902, type=get_attr]; -"903 _param_constant129" [id=903, type=get_attr]; -"904 linear_47" [id=904, type=linear]; -"905 dropout_29" [id=905, type=dropout]; -"906 view_43" [id=906, type=view]; -"907 permute_36" [id=907, type=permute]; -"908 reshape_35" [id=908, type=reshape]; -"909 roll_7" [id=909, type=roll]; -"910 slice_129" [id=910, type=slice]; -"911 slice_130" [id=911, type=slice]; -"912 slice_131" [id=912, type=slice]; -"913 slice_132" [id=913, type=slice]; -"914 contiguous_13" [id=914, type=contiguous]; -"915 _param_constant130" [id=915, type=get_attr]; -"916 _param_constant131" [id=916, type=get_attr]; -"917 layer_norm_17" [id=917, type=layer_norm]; -"918 add_26" [id=918, type=add]; -"919 _param_constant132" [id=919, type=get_attr]; -"920 _param_constant133" [id=920, type=get_attr]; -"921 linear_48" [id=921, type=linear]; -"922 gelu_7" [id=922, type=gelu]; -"923 dropout_30" [id=923, type=dropout]; -"924 _param_constant134" [id=924, type=get_attr]; -"925 _param_constant135" [id=925, type=get_attr]; -"926 linear_49" [id=926, type=linear]; -"927 dropout_31" [id=927, type=dropout]; -"928 _param_constant136" [id=928, type=get_attr]; -"929 _param_constant137" [id=929, type=get_attr]; -"930 layer_norm_18" [id=930, type=layer_norm]; -"931 add_27" [id=931, type=add]; -"932 _tensor_constant52" [id=932, type=get_attr]; -"933 _param_constant138" [id=933, type=get_attr]; -"934 _param_constant139" [id=934, type=get_attr]; -"935 linear_50" [id=935, type=linear]; -"936 relu__8" [id=936, type=relu_]; -"937 _param_constant140" [id=937, type=get_attr]; -"938 linear_51" [id=938, type=linear]; -"939 view_44" [id=939, type=view]; -"940 _tensor_constant53" [id=940, type=get_attr]; -"941 index_8" [id=941, type=index]; -"942 view_45" [id=942, type=view]; -"943 permute_37" [id=943, type=permute]; -"944 contiguous_14" [id=944, type=contiguous]; -"945 unsqueeze_24" [id=945, type=unsqueeze]; -"946 sigmoid_8" [id=946, type=sigmoid]; -"947 mul_16" [id=947, type=mul]; -"948 pad_10" [id=948, type=pad]; -"949 view_46" [id=949, type=view]; -"950 permute_38" [id=950, type=permute]; -"951 reshape_36" [id=951, type=reshape]; -"952 _param_constant141" [id=952, type=get_attr]; -"953 clone_8" [id=953, type=clone]; -"954 slice_133" [id=954, type=slice]; -"955 zero__8" [id=955, type=zero_]; -"956 _param_constant142" [id=956, type=get_attr]; -"957 linear_52" [id=957, type=linear]; -"958 reshape_37" [id=958, type=reshape]; -"959 permute_39" [id=959, type=permute]; -"960 select_24" [id=960, type=select]; -"961 select_25" [id=961, type=select]; -"962 select_26" [id=962, type=select]; -"963 linalg_vector_norm_16" [id=963, type=linalg_vector_norm]; -"964 clamp_min_16" [id=964, type=clamp_min]; -"965 expand_as_16" [id=965, type=expand_as]; -"966 div_16" [id=966, type=div]; -"967 linalg_vector_norm_17" [id=967, type=linalg_vector_norm]; -"968 clamp_min_17" [id=968, type=clamp_min]; -"969 expand_as_17" [id=969, type=expand_as]; -"970 div_17" [id=970, type=div]; -"971 transpose_16" [id=971, type=transpose]; -"972 matmul_16" [id=972, type=matmul]; -"973 _param_constant143" [id=973, type=get_attr]; -"974 clamp_8" [id=974, type=clamp]; -"975 exp_8" [id=975, type=exp]; -"976 mul_17" [id=976, type=mul]; -"977 add_28" [id=977, type=add]; -"978 softmax_8" [id=978, type=softmax]; -"979 dropout_32" [id=979, type=dropout]; -"980 matmul_17" [id=980, type=matmul]; -"981 transpose_17" [id=981, type=transpose]; -"982 reshape_38" [id=982, type=reshape]; -"983 _param_constant144" [id=983, type=get_attr]; -"984 _param_constant145" [id=984, type=get_attr]; -"985 linear_53" [id=985, type=linear]; -"986 dropout_33" [id=986, type=dropout]; -"987 view_47" [id=987, type=view]; -"988 permute_40" [id=988, type=permute]; -"989 reshape_39" [id=989, type=reshape]; -"990 slice_134" [id=990, type=slice]; -"991 slice_135" [id=991, type=slice]; -"992 slice_136" [id=992, type=slice]; -"993 slice_137" [id=993, type=slice]; -"994 contiguous_15" [id=994, type=contiguous]; -"995 _param_constant146" [id=995, type=get_attr]; -"996 _param_constant147" [id=996, type=get_attr]; -"997 layer_norm_19" [id=997, type=layer_norm]; -"998 add_29" [id=998, type=add]; -"999 _param_constant148" [id=999, type=get_attr]; -"1000 _param_constant149" [id=1000, type=get_attr]; -"1001 linear_54" [id=1001, type=linear]; -"1002 gelu_8" [id=1002, type=gelu]; -"1003 dropout_34" [id=1003, type=dropout]; -"1004 _param_constant150" [id=1004, type=get_attr]; -"1005 _param_constant151" [id=1005, type=get_attr]; -"1006 linear_55" [id=1006, type=linear]; -"1007 dropout_35" [id=1007, type=dropout]; -"1008 _param_constant152" [id=1008, type=get_attr]; -"1009 _param_constant153" [id=1009, type=get_attr]; -"1010 layer_norm_20" [id=1010, type=layer_norm]; -"1011 add_30" [id=1011, type=add]; -"1012 _tensor_constant54" [id=1012, type=get_attr]; -"1013 _param_constant154" [id=1013, type=get_attr]; -"1014 _param_constant155" [id=1014, type=get_attr]; -"1015 linear_56" [id=1015, type=linear]; -"1016 relu__9" [id=1016, type=relu_]; -"1017 _param_constant156" [id=1017, type=get_attr]; -"1018 linear_57" [id=1018, type=linear]; -"1019 view_48" [id=1019, type=view]; -"1020 _tensor_constant55" [id=1020, type=get_attr]; -"1021 index_9" [id=1021, type=index]; -"1022 view_49" [id=1022, type=view]; -"1023 permute_41" [id=1023, type=permute]; -"1024 contiguous_16" [id=1024, type=contiguous]; -"1025 unsqueeze_25" [id=1025, type=unsqueeze]; -"1026 sigmoid_9" [id=1026, type=sigmoid]; -"1027 mul_18" [id=1027, type=mul]; -"1028 pad_11" [id=1028, type=pad]; -"1029 roll_8" [id=1029, type=roll]; -"1030 view_50" [id=1030, type=view]; -"1031 permute_42" [id=1031, type=permute]; -"1032 reshape_40" [id=1032, type=reshape]; -"1033 _param_constant157" [id=1033, type=get_attr]; -"1034 clone_9" [id=1034, type=clone]; -"1035 slice_138" [id=1035, type=slice]; -"1036 zero__9" [id=1036, type=zero_]; -"1037 _param_constant158" [id=1037, type=get_attr]; -"1038 linear_58" [id=1038, type=linear]; -"1039 reshape_41" [id=1039, type=reshape]; -"1040 permute_43" [id=1040, type=permute]; -"1041 select_27" [id=1041, type=select]; -"1042 select_28" [id=1042, type=select]; -"1043 select_29" [id=1043, type=select]; -"1044 linalg_vector_norm_18" [id=1044, type=linalg_vector_norm]; -"1045 clamp_min_18" [id=1045, type=clamp_min]; -"1046 expand_as_18" [id=1046, type=expand_as]; -"1047 div_18" [id=1047, type=div]; -"1048 linalg_vector_norm_19" [id=1048, type=linalg_vector_norm]; -"1049 clamp_min_19" [id=1049, type=clamp_min]; -"1050 expand_as_19" [id=1050, type=expand_as]; -"1051 div_19" [id=1051, type=div]; -"1052 transpose_18" [id=1052, type=transpose]; -"1053 matmul_18" [id=1053, type=matmul]; -"1054 _param_constant159" [id=1054, type=get_attr]; -"1055 clamp_9" [id=1055, type=clamp]; -"1056 exp_9" [id=1056, type=exp]; -"1057 mul_19" [id=1057, type=mul]; -"1058 add_31" [id=1058, type=add]; -"1059 new_zeros_4" [id=1059, type=new_zeros]; -"1060 _tensor_constant56" [id=1060, type=get_attr]; -"1061 lift_fresh_copy_36" [id=1061, type=lift_fresh_copy]; -"1062 slice_139" [id=1062, type=slice]; -"1063 slice_140" [id=1063, type=slice]; -"1064 fill__36" [id=1064, type=fill_]; -"1065 _tensor_constant57" [id=1065, type=get_attr]; -"1066 lift_fresh_copy_37" [id=1066, type=lift_fresh_copy]; -"1067 slice_141" [id=1067, type=slice]; -"1068 slice_142" [id=1068, type=slice]; -"1069 fill__37" [id=1069, type=fill_]; -"1070 _tensor_constant58" [id=1070, type=get_attr]; -"1071 lift_fresh_copy_38" [id=1071, type=lift_fresh_copy]; -"1072 slice_143" [id=1072, type=slice]; -"1073 slice_144" [id=1073, type=slice]; -"1074 fill__38" [id=1074, type=fill_]; -"1075 _tensor_constant59" [id=1075, type=get_attr]; -"1076 lift_fresh_copy_39" [id=1076, type=lift_fresh_copy]; -"1077 slice_145" [id=1077, type=slice]; -"1078 slice_146" [id=1078, type=slice]; -"1079 fill__39" [id=1079, type=fill_]; -"1080 _tensor_constant60" [id=1080, type=get_attr]; -"1081 lift_fresh_copy_40" [id=1081, type=lift_fresh_copy]; -"1082 slice_147" [id=1082, type=slice]; -"1083 slice_148" [id=1083, type=slice]; -"1084 fill__40" [id=1084, type=fill_]; -"1085 _tensor_constant61" [id=1085, type=get_attr]; -"1086 lift_fresh_copy_41" [id=1086, type=lift_fresh_copy]; -"1087 slice_149" [id=1087, type=slice]; -"1088 slice_150" [id=1088, type=slice]; -"1089 fill__41" [id=1089, type=fill_]; -"1090 _tensor_constant62" [id=1090, type=get_attr]; -"1091 lift_fresh_copy_42" [id=1091, type=lift_fresh_copy]; -"1092 slice_151" [id=1092, type=slice]; -"1093 slice_152" [id=1093, type=slice]; -"1094 fill__42" [id=1094, type=fill_]; -"1095 _tensor_constant63" [id=1095, type=get_attr]; -"1096 lift_fresh_copy_43" [id=1096, type=lift_fresh_copy]; -"1097 slice_153" [id=1097, type=slice]; -"1098 slice_154" [id=1098, type=slice]; -"1099 fill__43" [id=1099, type=fill_]; -"1100 _tensor_constant64" [id=1100, type=get_attr]; -"1101 lift_fresh_copy_44" [id=1101, type=lift_fresh_copy]; -"1102 slice_155" [id=1102, type=slice]; -"1103 slice_156" [id=1103, type=slice]; -"1104 fill__44" [id=1104, type=fill_]; -"1105 view_51" [id=1105, type=view]; -"1106 permute_44" [id=1106, type=permute]; -"1107 reshape_42" [id=1107, type=reshape]; -"1108 unsqueeze_26" [id=1108, type=unsqueeze]; -"1109 unsqueeze_27" [id=1109, type=unsqueeze]; -"1110 sub_4" [id=1110, type=sub]; -"1111 ne_4" [id=1111, type=ne]; -"1112 masked_fill_8" [id=1112, type=masked_fill]; -"1113 eq_4" [id=1113, type=eq]; -"1114 masked_fill_9" [id=1114, type=masked_fill]; -"1115 view_52" [id=1115, type=view]; -"1116 unsqueeze_28" [id=1116, type=unsqueeze]; -"1117 unsqueeze_29" [id=1117, type=unsqueeze]; -"1118 add_32" [id=1118, type=add]; -"1119 view_53" [id=1119, type=view]; -"1120 softmax_9" [id=1120, type=softmax]; -"1121 dropout_36" [id=1121, type=dropout]; -"1122 matmul_19" [id=1122, type=matmul]; -"1123 transpose_19" [id=1123, type=transpose]; -"1124 reshape_43" [id=1124, type=reshape]; -"1125 _param_constant160" [id=1125, type=get_attr]; -"1126 _param_constant161" [id=1126, type=get_attr]; -"1127 linear_59" [id=1127, type=linear]; -"1128 dropout_37" [id=1128, type=dropout]; -"1129 view_54" [id=1129, type=view]; -"1130 permute_45" [id=1130, type=permute]; -"1131 reshape_44" [id=1131, type=reshape]; -"1132 roll_9" [id=1132, type=roll]; -"1133 slice_157" [id=1133, type=slice]; -"1134 slice_158" [id=1134, type=slice]; -"1135 slice_159" [id=1135, type=slice]; -"1136 slice_160" [id=1136, type=slice]; -"1137 contiguous_17" [id=1137, type=contiguous]; -"1138 _param_constant162" [id=1138, type=get_attr]; -"1139 _param_constant163" [id=1139, type=get_attr]; -"1140 layer_norm_21" [id=1140, type=layer_norm]; -"1141 add_33" [id=1141, type=add]; -"1142 _param_constant164" [id=1142, type=get_attr]; -"1143 _param_constant165" [id=1143, type=get_attr]; -"1144 linear_60" [id=1144, type=linear]; -"1145 gelu_9" [id=1145, type=gelu]; -"1146 dropout_38" [id=1146, type=dropout]; -"1147 _param_constant166" [id=1147, type=get_attr]; -"1148 _param_constant167" [id=1148, type=get_attr]; -"1149 linear_61" [id=1149, type=linear]; -"1150 dropout_39" [id=1150, type=dropout]; -"1151 _param_constant168" [id=1151, type=get_attr]; -"1152 _param_constant169" [id=1152, type=get_attr]; -"1153 layer_norm_22" [id=1153, type=layer_norm]; -"1154 add_34" [id=1154, type=add]; -"1155 _tensor_constant65" [id=1155, type=get_attr]; -"1156 _param_constant170" [id=1156, type=get_attr]; -"1157 _param_constant171" [id=1157, type=get_attr]; -"1158 linear_62" [id=1158, type=linear]; -"1159 relu__10" [id=1159, type=relu_]; -"1160 _param_constant172" [id=1160, type=get_attr]; -"1161 linear_63" [id=1161, type=linear]; -"1162 view_55" [id=1162, type=view]; -"1163 _tensor_constant66" [id=1163, type=get_attr]; -"1164 index_10" [id=1164, type=index]; -"1165 view_56" [id=1165, type=view]; -"1166 permute_46" [id=1166, type=permute]; -"1167 contiguous_18" [id=1167, type=contiguous]; -"1168 unsqueeze_30" [id=1168, type=unsqueeze]; -"1169 sigmoid_10" [id=1169, type=sigmoid]; -"1170 mul_20" [id=1170, type=mul]; -"1171 pad_12" [id=1171, type=pad]; -"1172 view_57" [id=1172, type=view]; -"1173 permute_47" [id=1173, type=permute]; -"1174 reshape_45" [id=1174, type=reshape]; -"1175 _param_constant173" [id=1175, type=get_attr]; -"1176 clone_10" [id=1176, type=clone]; -"1177 slice_161" [id=1177, type=slice]; -"1178 zero__10" [id=1178, type=zero_]; -"1179 _param_constant174" [id=1179, type=get_attr]; -"1180 linear_64" [id=1180, type=linear]; -"1181 reshape_46" [id=1181, type=reshape]; -"1182 permute_48" [id=1182, type=permute]; -"1183 select_30" [id=1183, type=select]; -"1184 select_31" [id=1184, type=select]; -"1185 select_32" [id=1185, type=select]; -"1186 linalg_vector_norm_20" [id=1186, type=linalg_vector_norm]; -"1187 clamp_min_20" [id=1187, type=clamp_min]; -"1188 expand_as_20" [id=1188, type=expand_as]; -"1189 div_20" [id=1189, type=div]; -"1190 linalg_vector_norm_21" [id=1190, type=linalg_vector_norm]; -"1191 clamp_min_21" [id=1191, type=clamp_min]; -"1192 expand_as_21" [id=1192, type=expand_as]; -"1193 div_21" [id=1193, type=div]; -"1194 transpose_20" [id=1194, type=transpose]; -"1195 matmul_20" [id=1195, type=matmul]; -"1196 _param_constant175" [id=1196, type=get_attr]; -"1197 clamp_10" [id=1197, type=clamp]; -"1198 exp_10" [id=1198, type=exp]; -"1199 mul_21" [id=1199, type=mul]; -"1200 add_35" [id=1200, type=add]; -"1201 softmax_10" [id=1201, type=softmax]; -"1202 dropout_40" [id=1202, type=dropout]; -"1203 matmul_21" [id=1203, type=matmul]; -"1204 transpose_21" [id=1204, type=transpose]; -"1205 reshape_47" [id=1205, type=reshape]; -"1206 _param_constant176" [id=1206, type=get_attr]; -"1207 _param_constant177" [id=1207, type=get_attr]; -"1208 linear_65" [id=1208, type=linear]; -"1209 dropout_41" [id=1209, type=dropout]; -"1210 view_58" [id=1210, type=view]; -"1211 permute_49" [id=1211, type=permute]; -"1212 reshape_48" [id=1212, type=reshape]; -"1213 slice_162" [id=1213, type=slice]; -"1214 slice_163" [id=1214, type=slice]; -"1215 slice_164" [id=1215, type=slice]; -"1216 slice_165" [id=1216, type=slice]; -"1217 contiguous_19" [id=1217, type=contiguous]; -"1218 _param_constant178" [id=1218, type=get_attr]; -"1219 _param_constant179" [id=1219, type=get_attr]; -"1220 layer_norm_23" [id=1220, type=layer_norm]; -"1221 add_36" [id=1221, type=add]; -"1222 _param_constant180" [id=1222, type=get_attr]; -"1223 _param_constant181" [id=1223, type=get_attr]; -"1224 linear_66" [id=1224, type=linear]; -"1225 gelu_10" [id=1225, type=gelu]; -"1226 dropout_42" [id=1226, type=dropout]; -"1227 _param_constant182" [id=1227, type=get_attr]; -"1228 _param_constant183" [id=1228, type=get_attr]; -"1229 linear_67" [id=1229, type=linear]; -"1230 dropout_43" [id=1230, type=dropout]; -"1231 _param_constant184" [id=1231, type=get_attr]; -"1232 _param_constant185" [id=1232, type=get_attr]; -"1233 layer_norm_24" [id=1233, type=layer_norm]; -"1234 add_37" [id=1234, type=add]; -"1235 _tensor_constant67" [id=1235, type=get_attr]; -"1236 _param_constant186" [id=1236, type=get_attr]; -"1237 _param_constant187" [id=1237, type=get_attr]; -"1238 linear_68" [id=1238, type=linear]; -"1239 relu__11" [id=1239, type=relu_]; -"1240 _param_constant188" [id=1240, type=get_attr]; -"1241 linear_69" [id=1241, type=linear]; -"1242 view_59" [id=1242, type=view]; -"1243 _tensor_constant68" [id=1243, type=get_attr]; -"1244 index_11" [id=1244, type=index]; -"1245 view_60" [id=1245, type=view]; -"1246 permute_50" [id=1246, type=permute]; -"1247 contiguous_20" [id=1247, type=contiguous]; -"1248 unsqueeze_31" [id=1248, type=unsqueeze]; -"1249 sigmoid_11" [id=1249, type=sigmoid]; -"1250 mul_22" [id=1250, type=mul]; -"1251 pad_13" [id=1251, type=pad]; -"1252 roll_10" [id=1252, type=roll]; -"1253 view_61" [id=1253, type=view]; -"1254 permute_51" [id=1254, type=permute]; -"1255 reshape_49" [id=1255, type=reshape]; -"1256 _param_constant189" [id=1256, type=get_attr]; -"1257 clone_11" [id=1257, type=clone]; -"1258 slice_166" [id=1258, type=slice]; -"1259 zero__11" [id=1259, type=zero_]; -"1260 _param_constant190" [id=1260, type=get_attr]; -"1261 linear_70" [id=1261, type=linear]; -"1262 reshape_50" [id=1262, type=reshape]; -"1263 permute_52" [id=1263, type=permute]; -"1264 select_33" [id=1264, type=select]; -"1265 select_34" [id=1265, type=select]; -"1266 select_35" [id=1266, type=select]; -"1267 linalg_vector_norm_22" [id=1267, type=linalg_vector_norm]; -"1268 clamp_min_22" [id=1268, type=clamp_min]; -"1269 expand_as_22" [id=1269, type=expand_as]; -"1270 div_22" [id=1270, type=div]; -"1271 linalg_vector_norm_23" [id=1271, type=linalg_vector_norm]; -"1272 clamp_min_23" [id=1272, type=clamp_min]; -"1273 expand_as_23" [id=1273, type=expand_as]; -"1274 div_23" [id=1274, type=div]; -"1275 transpose_22" [id=1275, type=transpose]; -"1276 matmul_22" [id=1276, type=matmul]; -"1277 _param_constant191" [id=1277, type=get_attr]; -"1278 clamp_11" [id=1278, type=clamp]; -"1279 exp_11" [id=1279, type=exp]; -"1280 mul_23" [id=1280, type=mul]; -"1281 add_38" [id=1281, type=add]; -"1282 new_zeros_5" [id=1282, type=new_zeros]; -"1283 _tensor_constant69" [id=1283, type=get_attr]; -"1284 lift_fresh_copy_45" [id=1284, type=lift_fresh_copy]; -"1285 slice_167" [id=1285, type=slice]; -"1286 slice_168" [id=1286, type=slice]; -"1287 fill__45" [id=1287, type=fill_]; -"1288 _tensor_constant70" [id=1288, type=get_attr]; -"1289 lift_fresh_copy_46" [id=1289, type=lift_fresh_copy]; -"1290 slice_169" [id=1290, type=slice]; -"1291 slice_170" [id=1291, type=slice]; -"1292 fill__46" [id=1292, type=fill_]; -"1293 _tensor_constant71" [id=1293, type=get_attr]; -"1294 lift_fresh_copy_47" [id=1294, type=lift_fresh_copy]; -"1295 slice_171" [id=1295, type=slice]; -"1296 slice_172" [id=1296, type=slice]; -"1297 fill__47" [id=1297, type=fill_]; -"1298 _tensor_constant72" [id=1298, type=get_attr]; -"1299 lift_fresh_copy_48" [id=1299, type=lift_fresh_copy]; -"1300 slice_173" [id=1300, type=slice]; -"1301 slice_174" [id=1301, type=slice]; -"1302 fill__48" [id=1302, type=fill_]; -"1303 _tensor_constant73" [id=1303, type=get_attr]; -"1304 lift_fresh_copy_49" [id=1304, type=lift_fresh_copy]; -"1305 slice_175" [id=1305, type=slice]; -"1306 slice_176" [id=1306, type=slice]; -"1307 fill__49" [id=1307, type=fill_]; -"1308 _tensor_constant74" [id=1308, type=get_attr]; -"1309 lift_fresh_copy_50" [id=1309, type=lift_fresh_copy]; -"1310 slice_177" [id=1310, type=slice]; -"1311 slice_178" [id=1311, type=slice]; -"1312 fill__50" [id=1312, type=fill_]; -"1313 _tensor_constant75" [id=1313, type=get_attr]; -"1314 lift_fresh_copy_51" [id=1314, type=lift_fresh_copy]; -"1315 slice_179" [id=1315, type=slice]; -"1316 slice_180" [id=1316, type=slice]; -"1317 fill__51" [id=1317, type=fill_]; -"1318 _tensor_constant76" [id=1318, type=get_attr]; -"1319 lift_fresh_copy_52" [id=1319, type=lift_fresh_copy]; -"1320 slice_181" [id=1320, type=slice]; -"1321 slice_182" [id=1321, type=slice]; -"1322 fill__52" [id=1322, type=fill_]; -"1323 _tensor_constant77" [id=1323, type=get_attr]; -"1324 lift_fresh_copy_53" [id=1324, type=lift_fresh_copy]; -"1325 slice_183" [id=1325, type=slice]; -"1326 slice_184" [id=1326, type=slice]; -"1327 fill__53" [id=1327, type=fill_]; -"1328 view_62" [id=1328, type=view]; -"1329 permute_53" [id=1329, type=permute]; -"1330 reshape_51" [id=1330, type=reshape]; -"1331 unsqueeze_32" [id=1331, type=unsqueeze]; -"1332 unsqueeze_33" [id=1332, type=unsqueeze]; -"1333 sub_5" [id=1333, type=sub]; -"1334 ne_5" [id=1334, type=ne]; -"1335 masked_fill_10" [id=1335, type=masked_fill]; -"1336 eq_5" [id=1336, type=eq]; -"1337 masked_fill_11" [id=1337, type=masked_fill]; -"1338 view_63" [id=1338, type=view]; -"1339 unsqueeze_34" [id=1339, type=unsqueeze]; -"1340 unsqueeze_35" [id=1340, type=unsqueeze]; -"1341 add_39" [id=1341, type=add]; -"1342 view_64" [id=1342, type=view]; -"1343 softmax_11" [id=1343, type=softmax]; -"1344 dropout_44" [id=1344, type=dropout]; -"1345 matmul_23" [id=1345, type=matmul]; -"1346 transpose_23" [id=1346, type=transpose]; -"1347 reshape_52" [id=1347, type=reshape]; -"1348 _param_constant192" [id=1348, type=get_attr]; -"1349 _param_constant193" [id=1349, type=get_attr]; -"1350 linear_71" [id=1350, type=linear]; -"1351 dropout_45" [id=1351, type=dropout]; -"1352 view_65" [id=1352, type=view]; -"1353 permute_54" [id=1353, type=permute]; -"1354 reshape_53" [id=1354, type=reshape]; -"1355 roll_11" [id=1355, type=roll]; -"1356 slice_185" [id=1356, type=slice]; -"1357 slice_186" [id=1357, type=slice]; -"1358 slice_187" [id=1358, type=slice]; -"1359 slice_188" [id=1359, type=slice]; -"1360 contiguous_21" [id=1360, type=contiguous]; -"1361 _param_constant194" [id=1361, type=get_attr]; -"1362 _param_constant195" [id=1362, type=get_attr]; -"1363 layer_norm_25" [id=1363, type=layer_norm]; -"1364 add_40" [id=1364, type=add]; -"1365 _param_constant196" [id=1365, type=get_attr]; -"1366 _param_constant197" [id=1366, type=get_attr]; -"1367 linear_72" [id=1367, type=linear]; -"1368 gelu_11" [id=1368, type=gelu]; -"1369 dropout_46" [id=1369, type=dropout]; -"1370 _param_constant198" [id=1370, type=get_attr]; -"1371 _param_constant199" [id=1371, type=get_attr]; -"1372 linear_73" [id=1372, type=linear]; -"1373 dropout_47" [id=1373, type=dropout]; -"1374 _param_constant200" [id=1374, type=get_attr]; -"1375 _param_constant201" [id=1375, type=get_attr]; -"1376 layer_norm_26" [id=1376, type=layer_norm]; -"1377 add_41" [id=1377, type=add]; -"1378 _tensor_constant78" [id=1378, type=get_attr]; -"1379 _param_constant202" [id=1379, type=get_attr]; -"1380 _param_constant203" [id=1380, type=get_attr]; -"1381 linear_74" [id=1381, type=linear]; -"1382 relu__12" [id=1382, type=relu_]; -"1383 _param_constant204" [id=1383, type=get_attr]; -"1384 linear_75" [id=1384, type=linear]; -"1385 view_66" [id=1385, type=view]; -"1386 _tensor_constant79" [id=1386, type=get_attr]; -"1387 index_12" [id=1387, type=index]; -"1388 view_67" [id=1388, type=view]; -"1389 permute_55" [id=1389, type=permute]; -"1390 contiguous_22" [id=1390, type=contiguous]; -"1391 unsqueeze_36" [id=1391, type=unsqueeze]; -"1392 sigmoid_12" [id=1392, type=sigmoid]; -"1393 mul_24" [id=1393, type=mul]; -"1394 pad_14" [id=1394, type=pad]; -"1395 view_68" [id=1395, type=view]; -"1396 permute_56" [id=1396, type=permute]; -"1397 reshape_54" [id=1397, type=reshape]; -"1398 _param_constant205" [id=1398, type=get_attr]; -"1399 clone_12" [id=1399, type=clone]; -"1400 slice_189" [id=1400, type=slice]; -"1401 zero__12" [id=1401, type=zero_]; -"1402 _param_constant206" [id=1402, type=get_attr]; -"1403 linear_76" [id=1403, type=linear]; -"1404 reshape_55" [id=1404, type=reshape]; -"1405 permute_57" [id=1405, type=permute]; -"1406 select_36" [id=1406, type=select]; -"1407 select_37" [id=1407, type=select]; -"1408 select_38" [id=1408, type=select]; -"1409 linalg_vector_norm_24" [id=1409, type=linalg_vector_norm]; -"1410 clamp_min_24" [id=1410, type=clamp_min]; -"1411 expand_as_24" [id=1411, type=expand_as]; -"1412 div_24" [id=1412, type=div]; -"1413 linalg_vector_norm_25" [id=1413, type=linalg_vector_norm]; -"1414 clamp_min_25" [id=1414, type=clamp_min]; -"1415 expand_as_25" [id=1415, type=expand_as]; -"1416 div_25" [id=1416, type=div]; -"1417 transpose_24" [id=1417, type=transpose]; -"1418 matmul_24" [id=1418, type=matmul]; -"1419 _param_constant207" [id=1419, type=get_attr]; -"1420 clamp_12" [id=1420, type=clamp]; -"1421 exp_12" [id=1421, type=exp]; -"1422 mul_25" [id=1422, type=mul]; -"1423 add_42" [id=1423, type=add]; -"1424 softmax_12" [id=1424, type=softmax]; -"1425 dropout_48" [id=1425, type=dropout]; -"1426 matmul_25" [id=1426, type=matmul]; -"1427 transpose_25" [id=1427, type=transpose]; -"1428 reshape_56" [id=1428, type=reshape]; -"1429 _param_constant208" [id=1429, type=get_attr]; -"1430 _param_constant209" [id=1430, type=get_attr]; -"1431 linear_77" [id=1431, type=linear]; -"1432 dropout_49" [id=1432, type=dropout]; -"1433 view_69" [id=1433, type=view]; -"1434 permute_58" [id=1434, type=permute]; -"1435 reshape_57" [id=1435, type=reshape]; -"1436 slice_190" [id=1436, type=slice]; -"1437 slice_191" [id=1437, type=slice]; -"1438 slice_192" [id=1438, type=slice]; -"1439 slice_193" [id=1439, type=slice]; -"1440 contiguous_23" [id=1440, type=contiguous]; -"1441 _param_constant210" [id=1441, type=get_attr]; -"1442 _param_constant211" [id=1442, type=get_attr]; -"1443 layer_norm_27" [id=1443, type=layer_norm]; -"1444 add_43" [id=1444, type=add]; -"1445 _param_constant212" [id=1445, type=get_attr]; -"1446 _param_constant213" [id=1446, type=get_attr]; -"1447 linear_78" [id=1447, type=linear]; -"1448 gelu_12" [id=1448, type=gelu]; -"1449 dropout_50" [id=1449, type=dropout]; -"1450 _param_constant214" [id=1450, type=get_attr]; -"1451 _param_constant215" [id=1451, type=get_attr]; -"1452 linear_79" [id=1452, type=linear]; -"1453 dropout_51" [id=1453, type=dropout]; -"1454 _param_constant216" [id=1454, type=get_attr]; -"1455 _param_constant217" [id=1455, type=get_attr]; -"1456 layer_norm_28" [id=1456, type=layer_norm]; -"1457 add_44" [id=1457, type=add]; -"1458 _tensor_constant80" [id=1458, type=get_attr]; -"1459 _param_constant218" [id=1459, type=get_attr]; -"1460 _param_constant219" [id=1460, type=get_attr]; -"1461 linear_80" [id=1461, type=linear]; -"1462 relu__13" [id=1462, type=relu_]; -"1463 _param_constant220" [id=1463, type=get_attr]; -"1464 linear_81" [id=1464, type=linear]; -"1465 view_70" [id=1465, type=view]; -"1466 _tensor_constant81" [id=1466, type=get_attr]; -"1467 index_13" [id=1467, type=index]; -"1468 view_71" [id=1468, type=view]; -"1469 permute_59" [id=1469, type=permute]; -"1470 contiguous_24" [id=1470, type=contiguous]; -"1471 unsqueeze_37" [id=1471, type=unsqueeze]; -"1472 sigmoid_13" [id=1472, type=sigmoid]; -"1473 mul_26" [id=1473, type=mul]; -"1474 pad_15" [id=1474, type=pad]; -"1475 roll_12" [id=1475, type=roll]; -"1476 view_72" [id=1476, type=view]; -"1477 permute_60" [id=1477, type=permute]; -"1478 reshape_58" [id=1478, type=reshape]; -"1479 _param_constant221" [id=1479, type=get_attr]; -"1480 clone_13" [id=1480, type=clone]; -"1481 slice_194" [id=1481, type=slice]; -"1482 zero__13" [id=1482, type=zero_]; -"1483 _param_constant222" [id=1483, type=get_attr]; -"1484 linear_82" [id=1484, type=linear]; -"1485 reshape_59" [id=1485, type=reshape]; -"1486 permute_61" [id=1486, type=permute]; -"1487 select_39" [id=1487, type=select]; -"1488 select_40" [id=1488, type=select]; -"1489 select_41" [id=1489, type=select]; -"1490 linalg_vector_norm_26" [id=1490, type=linalg_vector_norm]; -"1491 clamp_min_26" [id=1491, type=clamp_min]; -"1492 expand_as_26" [id=1492, type=expand_as]; -"1493 div_26" [id=1493, type=div]; -"1494 linalg_vector_norm_27" [id=1494, type=linalg_vector_norm]; -"1495 clamp_min_27" [id=1495, type=clamp_min]; -"1496 expand_as_27" [id=1496, type=expand_as]; -"1497 div_27" [id=1497, type=div]; -"1498 transpose_26" [id=1498, type=transpose]; -"1499 matmul_26" [id=1499, type=matmul]; -"1500 _param_constant223" [id=1500, type=get_attr]; -"1501 clamp_13" [id=1501, type=clamp]; -"1502 exp_13" [id=1502, type=exp]; -"1503 mul_27" [id=1503, type=mul]; -"1504 add_45" [id=1504, type=add]; -"1505 new_zeros_6" [id=1505, type=new_zeros]; -"1506 _tensor_constant82" [id=1506, type=get_attr]; -"1507 lift_fresh_copy_54" [id=1507, type=lift_fresh_copy]; -"1508 slice_195" [id=1508, type=slice]; -"1509 slice_196" [id=1509, type=slice]; -"1510 fill__54" [id=1510, type=fill_]; -"1511 _tensor_constant83" [id=1511, type=get_attr]; -"1512 lift_fresh_copy_55" [id=1512, type=lift_fresh_copy]; -"1513 slice_197" [id=1513, type=slice]; -"1514 slice_198" [id=1514, type=slice]; -"1515 fill__55" [id=1515, type=fill_]; -"1516 _tensor_constant84" [id=1516, type=get_attr]; -"1517 lift_fresh_copy_56" [id=1517, type=lift_fresh_copy]; -"1518 slice_199" [id=1518, type=slice]; -"1519 slice_200" [id=1519, type=slice]; -"1520 fill__56" [id=1520, type=fill_]; -"1521 _tensor_constant85" [id=1521, type=get_attr]; -"1522 lift_fresh_copy_57" [id=1522, type=lift_fresh_copy]; -"1523 slice_201" [id=1523, type=slice]; -"1524 slice_202" [id=1524, type=slice]; -"1525 fill__57" [id=1525, type=fill_]; -"1526 _tensor_constant86" [id=1526, type=get_attr]; -"1527 lift_fresh_copy_58" [id=1527, type=lift_fresh_copy]; -"1528 slice_203" [id=1528, type=slice]; -"1529 slice_204" [id=1529, type=slice]; -"1530 fill__58" [id=1530, type=fill_]; -"1531 _tensor_constant87" [id=1531, type=get_attr]; -"1532 lift_fresh_copy_59" [id=1532, type=lift_fresh_copy]; -"1533 slice_205" [id=1533, type=slice]; -"1534 slice_206" [id=1534, type=slice]; -"1535 fill__59" [id=1535, type=fill_]; -"1536 _tensor_constant88" [id=1536, type=get_attr]; -"1537 lift_fresh_copy_60" [id=1537, type=lift_fresh_copy]; -"1538 slice_207" [id=1538, type=slice]; -"1539 slice_208" [id=1539, type=slice]; -"1540 fill__60" [id=1540, type=fill_]; -"1541 _tensor_constant89" [id=1541, type=get_attr]; -"1542 lift_fresh_copy_61" [id=1542, type=lift_fresh_copy]; -"1543 slice_209" [id=1543, type=slice]; -"1544 slice_210" [id=1544, type=slice]; -"1545 fill__61" [id=1545, type=fill_]; -"1546 _tensor_constant90" [id=1546, type=get_attr]; -"1547 lift_fresh_copy_62" [id=1547, type=lift_fresh_copy]; -"1548 slice_211" [id=1548, type=slice]; -"1549 slice_212" [id=1549, type=slice]; -"1550 fill__62" [id=1550, type=fill_]; -"1551 view_73" [id=1551, type=view]; -"1552 permute_62" [id=1552, type=permute]; -"1553 reshape_60" [id=1553, type=reshape]; -"1554 unsqueeze_38" [id=1554, type=unsqueeze]; -"1555 unsqueeze_39" [id=1555, type=unsqueeze]; -"1556 sub_6" [id=1556, type=sub]; -"1557 ne_6" [id=1557, type=ne]; -"1558 masked_fill_12" [id=1558, type=masked_fill]; -"1559 eq_6" [id=1559, type=eq]; -"1560 masked_fill_13" [id=1560, type=masked_fill]; -"1561 view_74" [id=1561, type=view]; -"1562 unsqueeze_40" [id=1562, type=unsqueeze]; -"1563 unsqueeze_41" [id=1563, type=unsqueeze]; -"1564 add_46" [id=1564, type=add]; -"1565 view_75" [id=1565, type=view]; -"1566 softmax_13" [id=1566, type=softmax]; -"1567 dropout_52" [id=1567, type=dropout]; -"1568 matmul_27" [id=1568, type=matmul]; -"1569 transpose_27" [id=1569, type=transpose]; -"1570 reshape_61" [id=1570, type=reshape]; -"1571 _param_constant224" [id=1571, type=get_attr]; -"1572 _param_constant225" [id=1572, type=get_attr]; -"1573 linear_83" [id=1573, type=linear]; -"1574 dropout_53" [id=1574, type=dropout]; -"1575 view_76" [id=1575, type=view]; -"1576 permute_63" [id=1576, type=permute]; -"1577 reshape_62" [id=1577, type=reshape]; -"1578 roll_13" [id=1578, type=roll]; -"1579 slice_213" [id=1579, type=slice]; -"1580 slice_214" [id=1580, type=slice]; -"1581 slice_215" [id=1581, type=slice]; -"1582 slice_216" [id=1582, type=slice]; -"1583 contiguous_25" [id=1583, type=contiguous]; -"1584 _param_constant226" [id=1584, type=get_attr]; -"1585 _param_constant227" [id=1585, type=get_attr]; -"1586 layer_norm_29" [id=1586, type=layer_norm]; -"1587 add_47" [id=1587, type=add]; -"1588 _param_constant228" [id=1588, type=get_attr]; -"1589 _param_constant229" [id=1589, type=get_attr]; -"1590 linear_84" [id=1590, type=linear]; -"1591 gelu_13" [id=1591, type=gelu]; -"1592 dropout_54" [id=1592, type=dropout]; -"1593 _param_constant230" [id=1593, type=get_attr]; -"1594 _param_constant231" [id=1594, type=get_attr]; -"1595 linear_85" [id=1595, type=linear]; -"1596 dropout_55" [id=1596, type=dropout]; -"1597 _param_constant232" [id=1597, type=get_attr]; -"1598 _param_constant233" [id=1598, type=get_attr]; -"1599 layer_norm_30" [id=1599, type=layer_norm]; -"1600 add_48" [id=1600, type=add]; -"1601 _tensor_constant91" [id=1601, type=get_attr]; -"1602 _param_constant234" [id=1602, type=get_attr]; -"1603 _param_constant235" [id=1603, type=get_attr]; -"1604 linear_86" [id=1604, type=linear]; -"1605 relu__14" [id=1605, type=relu_]; -"1606 _param_constant236" [id=1606, type=get_attr]; -"1607 linear_87" [id=1607, type=linear]; -"1608 view_77" [id=1608, type=view]; -"1609 _tensor_constant92" [id=1609, type=get_attr]; -"1610 index_14" [id=1610, type=index]; -"1611 view_78" [id=1611, type=view]; -"1612 permute_64" [id=1612, type=permute]; -"1613 contiguous_26" [id=1613, type=contiguous]; -"1614 unsqueeze_42" [id=1614, type=unsqueeze]; -"1615 sigmoid_14" [id=1615, type=sigmoid]; -"1616 mul_28" [id=1616, type=mul]; -"1617 pad_16" [id=1617, type=pad]; -"1618 view_79" [id=1618, type=view]; -"1619 permute_65" [id=1619, type=permute]; -"1620 reshape_63" [id=1620, type=reshape]; -"1621 _param_constant237" [id=1621, type=get_attr]; -"1622 clone_14" [id=1622, type=clone]; -"1623 slice_217" [id=1623, type=slice]; -"1624 zero__14" [id=1624, type=zero_]; -"1625 _param_constant238" [id=1625, type=get_attr]; -"1626 linear_88" [id=1626, type=linear]; -"1627 reshape_64" [id=1627, type=reshape]; -"1628 permute_66" [id=1628, type=permute]; -"1629 select_42" [id=1629, type=select]; -"1630 select_43" [id=1630, type=select]; -"1631 select_44" [id=1631, type=select]; -"1632 linalg_vector_norm_28" [id=1632, type=linalg_vector_norm]; -"1633 clamp_min_28" [id=1633, type=clamp_min]; -"1634 expand_as_28" [id=1634, type=expand_as]; -"1635 div_28" [id=1635, type=div]; -"1636 linalg_vector_norm_29" [id=1636, type=linalg_vector_norm]; -"1637 clamp_min_29" [id=1637, type=clamp_min]; -"1638 expand_as_29" [id=1638, type=expand_as]; -"1639 div_29" [id=1639, type=div]; -"1640 transpose_28" [id=1640, type=transpose]; -"1641 matmul_28" [id=1641, type=matmul]; -"1642 _param_constant239" [id=1642, type=get_attr]; -"1643 clamp_14" [id=1643, type=clamp]; -"1644 exp_14" [id=1644, type=exp]; -"1645 mul_29" [id=1645, type=mul]; -"1646 add_49" [id=1646, type=add]; -"1647 softmax_14" [id=1647, type=softmax]; -"1648 dropout_56" [id=1648, type=dropout]; -"1649 matmul_29" [id=1649, type=matmul]; -"1650 transpose_29" [id=1650, type=transpose]; -"1651 reshape_65" [id=1651, type=reshape]; -"1652 _param_constant240" [id=1652, type=get_attr]; -"1653 _param_constant241" [id=1653, type=get_attr]; -"1654 linear_89" [id=1654, type=linear]; -"1655 dropout_57" [id=1655, type=dropout]; -"1656 view_80" [id=1656, type=view]; -"1657 permute_67" [id=1657, type=permute]; -"1658 reshape_66" [id=1658, type=reshape]; -"1659 slice_218" [id=1659, type=slice]; -"1660 slice_219" [id=1660, type=slice]; -"1661 slice_220" [id=1661, type=slice]; -"1662 slice_221" [id=1662, type=slice]; -"1663 contiguous_27" [id=1663, type=contiguous]; -"1664 _param_constant242" [id=1664, type=get_attr]; -"1665 _param_constant243" [id=1665, type=get_attr]; -"1666 layer_norm_31" [id=1666, type=layer_norm]; -"1667 add_50" [id=1667, type=add]; -"1668 _param_constant244" [id=1668, type=get_attr]; -"1669 _param_constant245" [id=1669, type=get_attr]; -"1670 linear_90" [id=1670, type=linear]; -"1671 gelu_14" [id=1671, type=gelu]; -"1672 dropout_58" [id=1672, type=dropout]; -"1673 _param_constant246" [id=1673, type=get_attr]; -"1674 _param_constant247" [id=1674, type=get_attr]; -"1675 linear_91" [id=1675, type=linear]; -"1676 dropout_59" [id=1676, type=dropout]; -"1677 _param_constant248" [id=1677, type=get_attr]; -"1678 _param_constant249" [id=1678, type=get_attr]; -"1679 layer_norm_32" [id=1679, type=layer_norm]; -"1680 add_51" [id=1680, type=add]; -"1681 _tensor_constant93" [id=1681, type=get_attr]; -"1682 _param_constant250" [id=1682, type=get_attr]; -"1683 _param_constant251" [id=1683, type=get_attr]; -"1684 linear_92" [id=1684, type=linear]; -"1685 relu__15" [id=1685, type=relu_]; -"1686 _param_constant252" [id=1686, type=get_attr]; -"1687 linear_93" [id=1687, type=linear]; -"1688 view_81" [id=1688, type=view]; -"1689 _tensor_constant94" [id=1689, type=get_attr]; -"1690 index_15" [id=1690, type=index]; -"1691 view_82" [id=1691, type=view]; -"1692 permute_68" [id=1692, type=permute]; -"1693 contiguous_28" [id=1693, type=contiguous]; -"1694 unsqueeze_43" [id=1694, type=unsqueeze]; -"1695 sigmoid_15" [id=1695, type=sigmoid]; -"1696 mul_30" [id=1696, type=mul]; -"1697 pad_17" [id=1697, type=pad]; -"1698 roll_14" [id=1698, type=roll]; -"1699 view_83" [id=1699, type=view]; -"1700 permute_69" [id=1700, type=permute]; -"1701 reshape_67" [id=1701, type=reshape]; -"1702 _param_constant253" [id=1702, type=get_attr]; -"1703 clone_15" [id=1703, type=clone]; -"1704 slice_222" [id=1704, type=slice]; -"1705 zero__15" [id=1705, type=zero_]; -"1706 _param_constant254" [id=1706, type=get_attr]; -"1707 linear_94" [id=1707, type=linear]; -"1708 reshape_68" [id=1708, type=reshape]; -"1709 permute_70" [id=1709, type=permute]; -"1710 select_45" [id=1710, type=select]; -"1711 select_46" [id=1711, type=select]; -"1712 select_47" [id=1712, type=select]; -"1713 linalg_vector_norm_30" [id=1713, type=linalg_vector_norm]; -"1714 clamp_min_30" [id=1714, type=clamp_min]; -"1715 expand_as_30" [id=1715, type=expand_as]; -"1716 div_30" [id=1716, type=div]; -"1717 linalg_vector_norm_31" [id=1717, type=linalg_vector_norm]; -"1718 clamp_min_31" [id=1718, type=clamp_min]; -"1719 expand_as_31" [id=1719, type=expand_as]; -"1720 div_31" [id=1720, type=div]; -"1721 transpose_30" [id=1721, type=transpose]; -"1722 matmul_30" [id=1722, type=matmul]; -"1723 _param_constant255" [id=1723, type=get_attr]; -"1724 clamp_15" [id=1724, type=clamp]; -"1725 exp_15" [id=1725, type=exp]; -"1726 mul_31" [id=1726, type=mul]; -"1727 add_52" [id=1727, type=add]; -"1728 new_zeros_7" [id=1728, type=new_zeros]; -"1729 _tensor_constant95" [id=1729, type=get_attr]; -"1730 lift_fresh_copy_63" [id=1730, type=lift_fresh_copy]; -"1731 slice_223" [id=1731, type=slice]; -"1732 slice_224" [id=1732, type=slice]; -"1733 fill__63" [id=1733, type=fill_]; -"1734 _tensor_constant96" [id=1734, type=get_attr]; -"1735 lift_fresh_copy_64" [id=1735, type=lift_fresh_copy]; -"1736 slice_225" [id=1736, type=slice]; -"1737 slice_226" [id=1737, type=slice]; -"1738 fill__64" [id=1738, type=fill_]; -"1739 _tensor_constant97" [id=1739, type=get_attr]; -"1740 lift_fresh_copy_65" [id=1740, type=lift_fresh_copy]; -"1741 slice_227" [id=1741, type=slice]; -"1742 slice_228" [id=1742, type=slice]; -"1743 fill__65" [id=1743, type=fill_]; -"1744 _tensor_constant98" [id=1744, type=get_attr]; -"1745 lift_fresh_copy_66" [id=1745, type=lift_fresh_copy]; -"1746 slice_229" [id=1746, type=slice]; -"1747 slice_230" [id=1747, type=slice]; -"1748 fill__66" [id=1748, type=fill_]; -"1749 _tensor_constant99" [id=1749, type=get_attr]; -"1750 lift_fresh_copy_67" [id=1750, type=lift_fresh_copy]; -"1751 slice_231" [id=1751, type=slice]; -"1752 slice_232" [id=1752, type=slice]; -"1753 fill__67" [id=1753, type=fill_]; -"1754 _tensor_constant100" [id=1754, type=get_attr]; -"1755 lift_fresh_copy_68" [id=1755, type=lift_fresh_copy]; -"1756 slice_233" [id=1756, type=slice]; -"1757 slice_234" [id=1757, type=slice]; -"1758 fill__68" [id=1758, type=fill_]; -"1759 _tensor_constant101" [id=1759, type=get_attr]; -"1760 lift_fresh_copy_69" [id=1760, type=lift_fresh_copy]; -"1761 slice_235" [id=1761, type=slice]; -"1762 slice_236" [id=1762, type=slice]; -"1763 fill__69" [id=1763, type=fill_]; -"1764 _tensor_constant102" [id=1764, type=get_attr]; -"1765 lift_fresh_copy_70" [id=1765, type=lift_fresh_copy]; -"1766 slice_237" [id=1766, type=slice]; -"1767 slice_238" [id=1767, type=slice]; -"1768 fill__70" [id=1768, type=fill_]; -"1769 _tensor_constant103" [id=1769, type=get_attr]; -"1770 lift_fresh_copy_71" [id=1770, type=lift_fresh_copy]; -"1771 slice_239" [id=1771, type=slice]; -"1772 slice_240" [id=1772, type=slice]; -"1773 fill__71" [id=1773, type=fill_]; -"1774 view_84" [id=1774, type=view]; -"1775 permute_71" [id=1775, type=permute]; -"1776 reshape_69" [id=1776, type=reshape]; -"1777 unsqueeze_44" [id=1777, type=unsqueeze]; -"1778 unsqueeze_45" [id=1778, type=unsqueeze]; -"1779 sub_7" [id=1779, type=sub]; -"1780 ne_7" [id=1780, type=ne]; -"1781 masked_fill_14" [id=1781, type=masked_fill]; -"1782 eq_7" [id=1782, type=eq]; -"1783 masked_fill_15" [id=1783, type=masked_fill]; -"1784 view_85" [id=1784, type=view]; -"1785 unsqueeze_46" [id=1785, type=unsqueeze]; -"1786 unsqueeze_47" [id=1786, type=unsqueeze]; -"1787 add_53" [id=1787, type=add]; -"1788 view_86" [id=1788, type=view]; -"1789 softmax_15" [id=1789, type=softmax]; -"1790 dropout_60" [id=1790, type=dropout]; -"1791 matmul_31" [id=1791, type=matmul]; -"1792 transpose_31" [id=1792, type=transpose]; -"1793 reshape_70" [id=1793, type=reshape]; -"1794 _param_constant256" [id=1794, type=get_attr]; -"1795 _param_constant257" [id=1795, type=get_attr]; -"1796 linear_95" [id=1796, type=linear]; -"1797 dropout_61" [id=1797, type=dropout]; -"1798 view_87" [id=1798, type=view]; -"1799 permute_72" [id=1799, type=permute]; -"1800 reshape_71" [id=1800, type=reshape]; -"1801 roll_15" [id=1801, type=roll]; -"1802 slice_241" [id=1802, type=slice]; -"1803 slice_242" [id=1803, type=slice]; -"1804 slice_243" [id=1804, type=slice]; -"1805 slice_244" [id=1805, type=slice]; -"1806 contiguous_29" [id=1806, type=contiguous]; -"1807 _param_constant258" [id=1807, type=get_attr]; -"1808 _param_constant259" [id=1808, type=get_attr]; -"1809 layer_norm_33" [id=1809, type=layer_norm]; -"1810 add_54" [id=1810, type=add]; -"1811 _param_constant260" [id=1811, type=get_attr]; -"1812 _param_constant261" [id=1812, type=get_attr]; -"1813 linear_96" [id=1813, type=linear]; -"1814 gelu_15" [id=1814, type=gelu]; -"1815 dropout_62" [id=1815, type=dropout]; -"1816 _param_constant262" [id=1816, type=get_attr]; -"1817 _param_constant263" [id=1817, type=get_attr]; -"1818 linear_97" [id=1818, type=linear]; -"1819 dropout_63" [id=1819, type=dropout]; -"1820 _param_constant264" [id=1820, type=get_attr]; -"1821 _param_constant265" [id=1821, type=get_attr]; -"1822 layer_norm_34" [id=1822, type=layer_norm]; -"1823 add_55" [id=1823, type=add]; -"1824 _tensor_constant104" [id=1824, type=get_attr]; -"1825 _param_constant266" [id=1825, type=get_attr]; -"1826 _param_constant267" [id=1826, type=get_attr]; -"1827 linear_98" [id=1827, type=linear]; -"1828 relu__16" [id=1828, type=relu_]; -"1829 _param_constant268" [id=1829, type=get_attr]; -"1830 linear_99" [id=1830, type=linear]; -"1831 view_88" [id=1831, type=view]; -"1832 _tensor_constant105" [id=1832, type=get_attr]; -"1833 index_16" [id=1833, type=index]; -"1834 view_89" [id=1834, type=view]; -"1835 permute_73" [id=1835, type=permute]; -"1836 contiguous_30" [id=1836, type=contiguous]; -"1837 unsqueeze_48" [id=1837, type=unsqueeze]; -"1838 sigmoid_16" [id=1838, type=sigmoid]; -"1839 mul_32" [id=1839, type=mul]; -"1840 pad_18" [id=1840, type=pad]; -"1841 view_90" [id=1841, type=view]; -"1842 permute_74" [id=1842, type=permute]; -"1843 reshape_72" [id=1843, type=reshape]; -"1844 _param_constant269" [id=1844, type=get_attr]; -"1845 clone_16" [id=1845, type=clone]; -"1846 slice_245" [id=1846, type=slice]; -"1847 zero__16" [id=1847, type=zero_]; -"1848 _param_constant270" [id=1848, type=get_attr]; -"1849 linear_100" [id=1849, type=linear]; -"1850 reshape_73" [id=1850, type=reshape]; -"1851 permute_75" [id=1851, type=permute]; -"1852 select_48" [id=1852, type=select]; -"1853 select_49" [id=1853, type=select]; -"1854 select_50" [id=1854, type=select]; -"1855 linalg_vector_norm_32" [id=1855, type=linalg_vector_norm]; -"1856 clamp_min_32" [id=1856, type=clamp_min]; -"1857 expand_as_32" [id=1857, type=expand_as]; -"1858 div_32" [id=1858, type=div]; -"1859 linalg_vector_norm_33" [id=1859, type=linalg_vector_norm]; -"1860 clamp_min_33" [id=1860, type=clamp_min]; -"1861 expand_as_33" [id=1861, type=expand_as]; -"1862 div_33" [id=1862, type=div]; -"1863 transpose_32" [id=1863, type=transpose]; -"1864 matmul_32" [id=1864, type=matmul]; -"1865 _param_constant271" [id=1865, type=get_attr]; -"1866 clamp_16" [id=1866, type=clamp]; -"1867 exp_16" [id=1867, type=exp]; -"1868 mul_33" [id=1868, type=mul]; -"1869 add_56" [id=1869, type=add]; -"1870 softmax_16" [id=1870, type=softmax]; -"1871 dropout_64" [id=1871, type=dropout]; -"1872 matmul_33" [id=1872, type=matmul]; -"1873 transpose_33" [id=1873, type=transpose]; -"1874 reshape_74" [id=1874, type=reshape]; -"1875 _param_constant272" [id=1875, type=get_attr]; -"1876 _param_constant273" [id=1876, type=get_attr]; -"1877 linear_101" [id=1877, type=linear]; -"1878 dropout_65" [id=1878, type=dropout]; -"1879 view_91" [id=1879, type=view]; -"1880 permute_76" [id=1880, type=permute]; -"1881 reshape_75" [id=1881, type=reshape]; -"1882 slice_246" [id=1882, type=slice]; -"1883 slice_247" [id=1883, type=slice]; -"1884 slice_248" [id=1884, type=slice]; -"1885 slice_249" [id=1885, type=slice]; -"1886 contiguous_31" [id=1886, type=contiguous]; -"1887 _param_constant274" [id=1887, type=get_attr]; -"1888 _param_constant275" [id=1888, type=get_attr]; -"1889 layer_norm_35" [id=1889, type=layer_norm]; -"1890 add_57" [id=1890, type=add]; -"1891 _param_constant276" [id=1891, type=get_attr]; -"1892 _param_constant277" [id=1892, type=get_attr]; -"1893 linear_102" [id=1893, type=linear]; -"1894 gelu_16" [id=1894, type=gelu]; -"1895 dropout_66" [id=1895, type=dropout]; -"1896 _param_constant278" [id=1896, type=get_attr]; -"1897 _param_constant279" [id=1897, type=get_attr]; -"1898 linear_103" [id=1898, type=linear]; -"1899 dropout_67" [id=1899, type=dropout]; -"1900 _param_constant280" [id=1900, type=get_attr]; -"1901 _param_constant281" [id=1901, type=get_attr]; -"1902 layer_norm_36" [id=1902, type=layer_norm]; -"1903 add_58" [id=1903, type=add]; -"1904 _tensor_constant106" [id=1904, type=get_attr]; -"1905 _param_constant282" [id=1905, type=get_attr]; -"1906 _param_constant283" [id=1906, type=get_attr]; -"1907 linear_104" [id=1907, type=linear]; -"1908 relu__17" [id=1908, type=relu_]; -"1909 _param_constant284" [id=1909, type=get_attr]; -"1910 linear_105" [id=1910, type=linear]; -"1911 view_92" [id=1911, type=view]; -"1912 _tensor_constant107" [id=1912, type=get_attr]; -"1913 index_17" [id=1913, type=index]; -"1914 view_93" [id=1914, type=view]; -"1915 permute_77" [id=1915, type=permute]; -"1916 contiguous_32" [id=1916, type=contiguous]; -"1917 unsqueeze_49" [id=1917, type=unsqueeze]; -"1918 sigmoid_17" [id=1918, type=sigmoid]; -"1919 mul_34" [id=1919, type=mul]; -"1920 pad_19" [id=1920, type=pad]; -"1921 roll_16" [id=1921, type=roll]; -"1922 view_94" [id=1922, type=view]; -"1923 permute_78" [id=1923, type=permute]; -"1924 reshape_76" [id=1924, type=reshape]; -"1925 _param_constant285" [id=1925, type=get_attr]; -"1926 clone_17" [id=1926, type=clone]; -"1927 slice_250" [id=1927, type=slice]; -"1928 zero__17" [id=1928, type=zero_]; -"1929 _param_constant286" [id=1929, type=get_attr]; -"1930 linear_106" [id=1930, type=linear]; -"1931 reshape_77" [id=1931, type=reshape]; -"1932 permute_79" [id=1932, type=permute]; -"1933 select_51" [id=1933, type=select]; -"1934 select_52" [id=1934, type=select]; -"1935 select_53" [id=1935, type=select]; -"1936 linalg_vector_norm_34" [id=1936, type=linalg_vector_norm]; -"1937 clamp_min_34" [id=1937, type=clamp_min]; -"1938 expand_as_34" [id=1938, type=expand_as]; -"1939 div_34" [id=1939, type=div]; -"1940 linalg_vector_norm_35" [id=1940, type=linalg_vector_norm]; -"1941 clamp_min_35" [id=1941, type=clamp_min]; -"1942 expand_as_35" [id=1942, type=expand_as]; -"1943 div_35" [id=1943, type=div]; -"1944 transpose_34" [id=1944, type=transpose]; -"1945 matmul_34" [id=1945, type=matmul]; -"1946 _param_constant287" [id=1946, type=get_attr]; -"1947 clamp_17" [id=1947, type=clamp]; -"1948 exp_17" [id=1948, type=exp]; -"1949 mul_35" [id=1949, type=mul]; -"1950 add_59" [id=1950, type=add]; -"1951 new_zeros_8" [id=1951, type=new_zeros]; -"1952 _tensor_constant108" [id=1952, type=get_attr]; -"1953 lift_fresh_copy_72" [id=1953, type=lift_fresh_copy]; -"1954 slice_251" [id=1954, type=slice]; -"1955 slice_252" [id=1955, type=slice]; -"1956 fill__72" [id=1956, type=fill_]; -"1957 _tensor_constant109" [id=1957, type=get_attr]; -"1958 lift_fresh_copy_73" [id=1958, type=lift_fresh_copy]; -"1959 slice_253" [id=1959, type=slice]; -"1960 slice_254" [id=1960, type=slice]; -"1961 fill__73" [id=1961, type=fill_]; -"1962 _tensor_constant110" [id=1962, type=get_attr]; -"1963 lift_fresh_copy_74" [id=1963, type=lift_fresh_copy]; -"1964 slice_255" [id=1964, type=slice]; -"1965 slice_256" [id=1965, type=slice]; -"1966 fill__74" [id=1966, type=fill_]; -"1967 _tensor_constant111" [id=1967, type=get_attr]; -"1968 lift_fresh_copy_75" [id=1968, type=lift_fresh_copy]; -"1969 slice_257" [id=1969, type=slice]; -"1970 slice_258" [id=1970, type=slice]; -"1971 fill__75" [id=1971, type=fill_]; -"1972 _tensor_constant112" [id=1972, type=get_attr]; -"1973 lift_fresh_copy_76" [id=1973, type=lift_fresh_copy]; -"1974 slice_259" [id=1974, type=slice]; -"1975 slice_260" [id=1975, type=slice]; -"1976 fill__76" [id=1976, type=fill_]; -"1977 _tensor_constant113" [id=1977, type=get_attr]; -"1978 lift_fresh_copy_77" [id=1978, type=lift_fresh_copy]; -"1979 slice_261" [id=1979, type=slice]; -"1980 slice_262" [id=1980, type=slice]; -"1981 fill__77" [id=1981, type=fill_]; -"1982 _tensor_constant114" [id=1982, type=get_attr]; -"1983 lift_fresh_copy_78" [id=1983, type=lift_fresh_copy]; -"1984 slice_263" [id=1984, type=slice]; -"1985 slice_264" [id=1985, type=slice]; -"1986 fill__78" [id=1986, type=fill_]; -"1987 _tensor_constant115" [id=1987, type=get_attr]; -"1988 lift_fresh_copy_79" [id=1988, type=lift_fresh_copy]; -"1989 slice_265" [id=1989, type=slice]; -"1990 slice_266" [id=1990, type=slice]; -"1991 fill__79" [id=1991, type=fill_]; -"1992 _tensor_constant116" [id=1992, type=get_attr]; -"1993 lift_fresh_copy_80" [id=1993, type=lift_fresh_copy]; -"1994 slice_267" [id=1994, type=slice]; -"1995 slice_268" [id=1995, type=slice]; -"1996 fill__80" [id=1996, type=fill_]; -"1997 view_95" [id=1997, type=view]; -"1998 permute_80" [id=1998, type=permute]; -"1999 reshape_78" [id=1999, type=reshape]; -"2000 unsqueeze_50" [id=2000, type=unsqueeze]; -"2001 unsqueeze_51" [id=2001, type=unsqueeze]; -"2002 sub_8" [id=2002, type=sub]; -"2003 ne_8" [id=2003, type=ne]; -"2004 masked_fill_16" [id=2004, type=masked_fill]; -"2005 eq_8" [id=2005, type=eq]; -"2006 masked_fill_17" [id=2006, type=masked_fill]; -"2007 view_96" [id=2007, type=view]; -"2008 unsqueeze_52" [id=2008, type=unsqueeze]; -"2009 unsqueeze_53" [id=2009, type=unsqueeze]; -"2010 add_60" [id=2010, type=add]; -"2011 view_97" [id=2011, type=view]; -"2012 softmax_17" [id=2012, type=softmax]; -"2013 dropout_68" [id=2013, type=dropout]; -"2014 matmul_35" [id=2014, type=matmul]; -"2015 transpose_35" [id=2015, type=transpose]; -"2016 reshape_79" [id=2016, type=reshape]; -"2017 _param_constant288" [id=2017, type=get_attr]; -"2018 _param_constant289" [id=2018, type=get_attr]; -"2019 linear_107" [id=2019, type=linear]; -"2020 dropout_69" [id=2020, type=dropout]; -"2021 view_98" [id=2021, type=view]; -"2022 permute_81" [id=2022, type=permute]; -"2023 reshape_80" [id=2023, type=reshape]; -"2024 roll_17" [id=2024, type=roll]; -"2025 slice_269" [id=2025, type=slice]; -"2026 slice_270" [id=2026, type=slice]; -"2027 slice_271" [id=2027, type=slice]; -"2028 slice_272" [id=2028, type=slice]; -"2029 contiguous_33" [id=2029, type=contiguous]; -"2030 _param_constant290" [id=2030, type=get_attr]; -"2031 _param_constant291" [id=2031, type=get_attr]; -"2032 layer_norm_37" [id=2032, type=layer_norm]; -"2033 add_61" [id=2033, type=add]; -"2034 _param_constant292" [id=2034, type=get_attr]; -"2035 _param_constant293" [id=2035, type=get_attr]; -"2036 linear_108" [id=2036, type=linear]; -"2037 gelu_17" [id=2037, type=gelu]; -"2038 dropout_70" [id=2038, type=dropout]; -"2039 _param_constant294" [id=2039, type=get_attr]; -"2040 _param_constant295" [id=2040, type=get_attr]; -"2041 linear_109" [id=2041, type=linear]; -"2042 dropout_71" [id=2042, type=dropout]; -"2043 _param_constant296" [id=2043, type=get_attr]; -"2044 _param_constant297" [id=2044, type=get_attr]; -"2045 layer_norm_38" [id=2045, type=layer_norm]; -"2046 add_62" [id=2046, type=add]; -"2047 _tensor_constant117" [id=2047, type=get_attr]; -"2048 _param_constant298" [id=2048, type=get_attr]; -"2049 _param_constant299" [id=2049, type=get_attr]; -"2050 linear_110" [id=2050, type=linear]; -"2051 relu__18" [id=2051, type=relu_]; -"2052 _param_constant300" [id=2052, type=get_attr]; -"2053 linear_111" [id=2053, type=linear]; -"2054 view_99" [id=2054, type=view]; -"2055 _tensor_constant118" [id=2055, type=get_attr]; -"2056 index_18" [id=2056, type=index]; -"2057 view_100" [id=2057, type=view]; -"2058 permute_82" [id=2058, type=permute]; -"2059 contiguous_34" [id=2059, type=contiguous]; -"2060 unsqueeze_54" [id=2060, type=unsqueeze]; -"2061 sigmoid_18" [id=2061, type=sigmoid]; -"2062 mul_36" [id=2062, type=mul]; -"2063 pad_20" [id=2063, type=pad]; -"2064 view_101" [id=2064, type=view]; -"2065 permute_83" [id=2065, type=permute]; -"2066 reshape_81" [id=2066, type=reshape]; -"2067 _param_constant301" [id=2067, type=get_attr]; -"2068 clone_18" [id=2068, type=clone]; -"2069 slice_273" [id=2069, type=slice]; -"2070 zero__18" [id=2070, type=zero_]; -"2071 _param_constant302" [id=2071, type=get_attr]; -"2072 linear_112" [id=2072, type=linear]; -"2073 reshape_82" [id=2073, type=reshape]; -"2074 permute_84" [id=2074, type=permute]; -"2075 select_54" [id=2075, type=select]; -"2076 select_55" [id=2076, type=select]; -"2077 select_56" [id=2077, type=select]; -"2078 linalg_vector_norm_36" [id=2078, type=linalg_vector_norm]; -"2079 clamp_min_36" [id=2079, type=clamp_min]; -"2080 expand_as_36" [id=2080, type=expand_as]; -"2081 div_36" [id=2081, type=div]; -"2082 linalg_vector_norm_37" [id=2082, type=linalg_vector_norm]; -"2083 clamp_min_37" [id=2083, type=clamp_min]; -"2084 expand_as_37" [id=2084, type=expand_as]; -"2085 div_37" [id=2085, type=div]; -"2086 transpose_36" [id=2086, type=transpose]; -"2087 matmul_36" [id=2087, type=matmul]; -"2088 _param_constant303" [id=2088, type=get_attr]; -"2089 clamp_18" [id=2089, type=clamp]; -"2090 exp_18" [id=2090, type=exp]; -"2091 mul_37" [id=2091, type=mul]; -"2092 add_63" [id=2092, type=add]; -"2093 softmax_18" [id=2093, type=softmax]; -"2094 dropout_72" [id=2094, type=dropout]; -"2095 matmul_37" [id=2095, type=matmul]; -"2096 transpose_37" [id=2096, type=transpose]; -"2097 reshape_83" [id=2097, type=reshape]; -"2098 _param_constant304" [id=2098, type=get_attr]; -"2099 _param_constant305" [id=2099, type=get_attr]; -"2100 linear_113" [id=2100, type=linear]; -"2101 dropout_73" [id=2101, type=dropout]; -"2102 view_102" [id=2102, type=view]; -"2103 permute_85" [id=2103, type=permute]; -"2104 reshape_84" [id=2104, type=reshape]; -"2105 slice_274" [id=2105, type=slice]; -"2106 slice_275" [id=2106, type=slice]; -"2107 slice_276" [id=2107, type=slice]; -"2108 slice_277" [id=2108, type=slice]; -"2109 contiguous_35" [id=2109, type=contiguous]; -"2110 _param_constant306" [id=2110, type=get_attr]; -"2111 _param_constant307" [id=2111, type=get_attr]; -"2112 layer_norm_39" [id=2112, type=layer_norm]; -"2113 add_64" [id=2113, type=add]; -"2114 _param_constant308" [id=2114, type=get_attr]; -"2115 _param_constant309" [id=2115, type=get_attr]; -"2116 linear_114" [id=2116, type=linear]; -"2117 gelu_18" [id=2117, type=gelu]; -"2118 dropout_74" [id=2118, type=dropout]; -"2119 _param_constant310" [id=2119, type=get_attr]; -"2120 _param_constant311" [id=2120, type=get_attr]; -"2121 linear_115" [id=2121, type=linear]; -"2122 dropout_75" [id=2122, type=dropout]; -"2123 _param_constant312" [id=2123, type=get_attr]; -"2124 _param_constant313" [id=2124, type=get_attr]; -"2125 layer_norm_40" [id=2125, type=layer_norm]; -"2126 add_65" [id=2126, type=add]; -"2127 _tensor_constant119" [id=2127, type=get_attr]; -"2128 _param_constant314" [id=2128, type=get_attr]; -"2129 _param_constant315" [id=2129, type=get_attr]; -"2130 linear_116" [id=2130, type=linear]; -"2131 relu__19" [id=2131, type=relu_]; -"2132 _param_constant316" [id=2132, type=get_attr]; -"2133 linear_117" [id=2133, type=linear]; -"2134 view_103" [id=2134, type=view]; -"2135 _tensor_constant120" [id=2135, type=get_attr]; -"2136 index_19" [id=2136, type=index]; -"2137 view_104" [id=2137, type=view]; -"2138 permute_86" [id=2138, type=permute]; -"2139 contiguous_36" [id=2139, type=contiguous]; -"2140 unsqueeze_55" [id=2140, type=unsqueeze]; -"2141 sigmoid_19" [id=2141, type=sigmoid]; -"2142 mul_38" [id=2142, type=mul]; -"2143 pad_21" [id=2143, type=pad]; -"2144 roll_18" [id=2144, type=roll]; -"2145 view_105" [id=2145, type=view]; -"2146 permute_87" [id=2146, type=permute]; -"2147 reshape_85" [id=2147, type=reshape]; -"2148 _param_constant317" [id=2148, type=get_attr]; -"2149 clone_19" [id=2149, type=clone]; -"2150 slice_278" [id=2150, type=slice]; -"2151 zero__19" [id=2151, type=zero_]; -"2152 _param_constant318" [id=2152, type=get_attr]; -"2153 linear_118" [id=2153, type=linear]; -"2154 reshape_86" [id=2154, type=reshape]; -"2155 permute_88" [id=2155, type=permute]; -"2156 select_57" [id=2156, type=select]; -"2157 select_58" [id=2157, type=select]; -"2158 select_59" [id=2158, type=select]; -"2159 linalg_vector_norm_38" [id=2159, type=linalg_vector_norm]; -"2160 clamp_min_38" [id=2160, type=clamp_min]; -"2161 expand_as_38" [id=2161, type=expand_as]; -"2162 div_38" [id=2162, type=div]; -"2163 linalg_vector_norm_39" [id=2163, type=linalg_vector_norm]; -"2164 clamp_min_39" [id=2164, type=clamp_min]; -"2165 expand_as_39" [id=2165, type=expand_as]; -"2166 div_39" [id=2166, type=div]; -"2167 transpose_38" [id=2167, type=transpose]; -"2168 matmul_38" [id=2168, type=matmul]; -"2169 _param_constant319" [id=2169, type=get_attr]; -"2170 clamp_19" [id=2170, type=clamp]; -"2171 exp_19" [id=2171, type=exp]; -"2172 mul_39" [id=2172, type=mul]; -"2173 add_66" [id=2173, type=add]; -"2174 new_zeros_9" [id=2174, type=new_zeros]; -"2175 _tensor_constant121" [id=2175, type=get_attr]; -"2176 lift_fresh_copy_81" [id=2176, type=lift_fresh_copy]; -"2177 slice_279" [id=2177, type=slice]; -"2178 slice_280" [id=2178, type=slice]; -"2179 fill__81" [id=2179, type=fill_]; -"2180 _tensor_constant122" [id=2180, type=get_attr]; -"2181 lift_fresh_copy_82" [id=2181, type=lift_fresh_copy]; -"2182 slice_281" [id=2182, type=slice]; -"2183 slice_282" [id=2183, type=slice]; -"2184 fill__82" [id=2184, type=fill_]; -"2185 _tensor_constant123" [id=2185, type=get_attr]; -"2186 lift_fresh_copy_83" [id=2186, type=lift_fresh_copy]; -"2187 slice_283" [id=2187, type=slice]; -"2188 slice_284" [id=2188, type=slice]; -"2189 fill__83" [id=2189, type=fill_]; -"2190 _tensor_constant124" [id=2190, type=get_attr]; -"2191 lift_fresh_copy_84" [id=2191, type=lift_fresh_copy]; -"2192 slice_285" [id=2192, type=slice]; -"2193 slice_286" [id=2193, type=slice]; -"2194 fill__84" [id=2194, type=fill_]; -"2195 _tensor_constant125" [id=2195, type=get_attr]; -"2196 lift_fresh_copy_85" [id=2196, type=lift_fresh_copy]; -"2197 slice_287" [id=2197, type=slice]; -"2198 slice_288" [id=2198, type=slice]; -"2199 fill__85" [id=2199, type=fill_]; -"2200 _tensor_constant126" [id=2200, type=get_attr]; -"2201 lift_fresh_copy_86" [id=2201, type=lift_fresh_copy]; -"2202 slice_289" [id=2202, type=slice]; -"2203 slice_290" [id=2203, type=slice]; -"2204 fill__86" [id=2204, type=fill_]; -"2205 _tensor_constant127" [id=2205, type=get_attr]; -"2206 lift_fresh_copy_87" [id=2206, type=lift_fresh_copy]; -"2207 slice_291" [id=2207, type=slice]; -"2208 slice_292" [id=2208, type=slice]; -"2209 fill__87" [id=2209, type=fill_]; -"2210 _tensor_constant128" [id=2210, type=get_attr]; -"2211 lift_fresh_copy_88" [id=2211, type=lift_fresh_copy]; -"2212 slice_293" [id=2212, type=slice]; -"2213 slice_294" [id=2213, type=slice]; -"2214 fill__88" [id=2214, type=fill_]; -"2215 _tensor_constant129" [id=2215, type=get_attr]; -"2216 lift_fresh_copy_89" [id=2216, type=lift_fresh_copy]; -"2217 slice_295" [id=2217, type=slice]; -"2218 slice_296" [id=2218, type=slice]; -"2219 fill__89" [id=2219, type=fill_]; -"2220 view_106" [id=2220, type=view]; -"2221 permute_89" [id=2221, type=permute]; -"2222 reshape_87" [id=2222, type=reshape]; -"2223 unsqueeze_56" [id=2223, type=unsqueeze]; -"2224 unsqueeze_57" [id=2224, type=unsqueeze]; -"2225 sub_9" [id=2225, type=sub]; -"2226 ne_9" [id=2226, type=ne]; -"2227 masked_fill_18" [id=2227, type=masked_fill]; -"2228 eq_9" [id=2228, type=eq]; -"2229 masked_fill_19" [id=2229, type=masked_fill]; -"2230 view_107" [id=2230, type=view]; -"2231 unsqueeze_58" [id=2231, type=unsqueeze]; -"2232 unsqueeze_59" [id=2232, type=unsqueeze]; -"2233 add_67" [id=2233, type=add]; -"2234 view_108" [id=2234, type=view]; -"2235 softmax_19" [id=2235, type=softmax]; -"2236 dropout_76" [id=2236, type=dropout]; -"2237 matmul_39" [id=2237, type=matmul]; -"2238 transpose_39" [id=2238, type=transpose]; -"2239 reshape_88" [id=2239, type=reshape]; -"2240 _param_constant320" [id=2240, type=get_attr]; -"2241 _param_constant321" [id=2241, type=get_attr]; -"2242 linear_119" [id=2242, type=linear]; -"2243 dropout_77" [id=2243, type=dropout]; -"2244 view_109" [id=2244, type=view]; -"2245 permute_90" [id=2245, type=permute]; -"2246 reshape_89" [id=2246, type=reshape]; -"2247 roll_19" [id=2247, type=roll]; -"2248 slice_297" [id=2248, type=slice]; -"2249 slice_298" [id=2249, type=slice]; -"2250 slice_299" [id=2250, type=slice]; -"2251 slice_300" [id=2251, type=slice]; -"2252 contiguous_37" [id=2252, type=contiguous]; -"2253 _param_constant322" [id=2253, type=get_attr]; -"2254 _param_constant323" [id=2254, type=get_attr]; -"2255 layer_norm_41" [id=2255, type=layer_norm]; -"2256 add_68" [id=2256, type=add]; -"2257 _param_constant324" [id=2257, type=get_attr]; -"2258 _param_constant325" [id=2258, type=get_attr]; -"2259 linear_120" [id=2259, type=linear]; -"2260 gelu_19" [id=2260, type=gelu]; -"2261 dropout_78" [id=2261, type=dropout]; -"2262 _param_constant326" [id=2262, type=get_attr]; -"2263 _param_constant327" [id=2263, type=get_attr]; -"2264 linear_121" [id=2264, type=linear]; -"2265 dropout_79" [id=2265, type=dropout]; -"2266 _param_constant328" [id=2266, type=get_attr]; -"2267 _param_constant329" [id=2267, type=get_attr]; -"2268 layer_norm_42" [id=2268, type=layer_norm]; -"2269 add_69" [id=2269, type=add]; -"2270 _tensor_constant130" [id=2270, type=get_attr]; -"2271 _param_constant330" [id=2271, type=get_attr]; -"2272 _param_constant331" [id=2272, type=get_attr]; -"2273 linear_122" [id=2273, type=linear]; -"2274 relu__20" [id=2274, type=relu_]; -"2275 _param_constant332" [id=2275, type=get_attr]; -"2276 linear_123" [id=2276, type=linear]; -"2277 view_110" [id=2277, type=view]; -"2278 _tensor_constant131" [id=2278, type=get_attr]; -"2279 index_20" [id=2279, type=index]; -"2280 view_111" [id=2280, type=view]; -"2281 permute_91" [id=2281, type=permute]; -"2282 contiguous_38" [id=2282, type=contiguous]; -"2283 unsqueeze_60" [id=2283, type=unsqueeze]; -"2284 sigmoid_20" [id=2284, type=sigmoid]; -"2285 mul_40" [id=2285, type=mul]; -"2286 pad_22" [id=2286, type=pad]; -"2287 view_112" [id=2287, type=view]; -"2288 permute_92" [id=2288, type=permute]; -"2289 reshape_90" [id=2289, type=reshape]; -"2290 _param_constant333" [id=2290, type=get_attr]; -"2291 clone_20" [id=2291, type=clone]; -"2292 slice_301" [id=2292, type=slice]; -"2293 zero__20" [id=2293, type=zero_]; -"2294 _param_constant334" [id=2294, type=get_attr]; -"2295 linear_124" [id=2295, type=linear]; -"2296 reshape_91" [id=2296, type=reshape]; -"2297 permute_93" [id=2297, type=permute]; -"2298 select_60" [id=2298, type=select]; -"2299 select_61" [id=2299, type=select]; -"2300 select_62" [id=2300, type=select]; -"2301 linalg_vector_norm_40" [id=2301, type=linalg_vector_norm]; -"2302 clamp_min_40" [id=2302, type=clamp_min]; -"2303 expand_as_40" [id=2303, type=expand_as]; -"2304 div_40" [id=2304, type=div]; -"2305 linalg_vector_norm_41" [id=2305, type=linalg_vector_norm]; -"2306 clamp_min_41" [id=2306, type=clamp_min]; -"2307 expand_as_41" [id=2307, type=expand_as]; -"2308 div_41" [id=2308, type=div]; -"2309 transpose_40" [id=2309, type=transpose]; -"2310 matmul_40" [id=2310, type=matmul]; -"2311 _param_constant335" [id=2311, type=get_attr]; -"2312 clamp_20" [id=2312, type=clamp]; -"2313 exp_20" [id=2313, type=exp]; -"2314 mul_41" [id=2314, type=mul]; -"2315 add_70" [id=2315, type=add]; -"2316 softmax_20" [id=2316, type=softmax]; -"2317 dropout_80" [id=2317, type=dropout]; -"2318 matmul_41" [id=2318, type=matmul]; -"2319 transpose_41" [id=2319, type=transpose]; -"2320 reshape_92" [id=2320, type=reshape]; -"2321 _param_constant336" [id=2321, type=get_attr]; -"2322 _param_constant337" [id=2322, type=get_attr]; -"2323 linear_125" [id=2323, type=linear]; -"2324 dropout_81" [id=2324, type=dropout]; -"2325 view_113" [id=2325, type=view]; -"2326 permute_94" [id=2326, type=permute]; -"2327 reshape_93" [id=2327, type=reshape]; -"2328 slice_302" [id=2328, type=slice]; -"2329 slice_303" [id=2329, type=slice]; -"2330 slice_304" [id=2330, type=slice]; -"2331 slice_305" [id=2331, type=slice]; -"2332 contiguous_39" [id=2332, type=contiguous]; -"2333 _param_constant338" [id=2333, type=get_attr]; -"2334 _param_constant339" [id=2334, type=get_attr]; -"2335 layer_norm_43" [id=2335, type=layer_norm]; -"2336 add_71" [id=2336, type=add]; -"2337 _param_constant340" [id=2337, type=get_attr]; -"2338 _param_constant341" [id=2338, type=get_attr]; -"2339 linear_126" [id=2339, type=linear]; -"2340 gelu_20" [id=2340, type=gelu]; -"2341 dropout_82" [id=2341, type=dropout]; -"2342 _param_constant342" [id=2342, type=get_attr]; -"2343 _param_constant343" [id=2343, type=get_attr]; -"2344 linear_127" [id=2344, type=linear]; -"2345 dropout_83" [id=2345, type=dropout]; -"2346 _param_constant344" [id=2346, type=get_attr]; -"2347 _param_constant345" [id=2347, type=get_attr]; -"2348 layer_norm_44" [id=2348, type=layer_norm]; -"2349 add_72" [id=2349, type=add]; -"2350 _tensor_constant132" [id=2350, type=get_attr]; -"2351 _param_constant346" [id=2351, type=get_attr]; -"2352 _param_constant347" [id=2352, type=get_attr]; -"2353 linear_128" [id=2353, type=linear]; -"2354 relu__21" [id=2354, type=relu_]; -"2355 _param_constant348" [id=2355, type=get_attr]; -"2356 linear_129" [id=2356, type=linear]; -"2357 view_114" [id=2357, type=view]; -"2358 _tensor_constant133" [id=2358, type=get_attr]; -"2359 index_21" [id=2359, type=index]; -"2360 view_115" [id=2360, type=view]; -"2361 permute_95" [id=2361, type=permute]; -"2362 contiguous_40" [id=2362, type=contiguous]; -"2363 unsqueeze_61" [id=2363, type=unsqueeze]; -"2364 sigmoid_21" [id=2364, type=sigmoid]; -"2365 mul_42" [id=2365, type=mul]; -"2366 pad_23" [id=2366, type=pad]; -"2367 roll_20" [id=2367, type=roll]; -"2368 view_116" [id=2368, type=view]; -"2369 permute_96" [id=2369, type=permute]; -"2370 reshape_94" [id=2370, type=reshape]; -"2371 _param_constant349" [id=2371, type=get_attr]; -"2372 clone_21" [id=2372, type=clone]; -"2373 slice_306" [id=2373, type=slice]; -"2374 zero__21" [id=2374, type=zero_]; -"2375 _param_constant350" [id=2375, type=get_attr]; -"2376 linear_130" [id=2376, type=linear]; -"2377 reshape_95" [id=2377, type=reshape]; -"2378 permute_97" [id=2378, type=permute]; -"2379 select_63" [id=2379, type=select]; -"2380 select_64" [id=2380, type=select]; -"2381 select_65" [id=2381, type=select]; -"2382 linalg_vector_norm_42" [id=2382, type=linalg_vector_norm]; -"2383 clamp_min_42" [id=2383, type=clamp_min]; -"2384 expand_as_42" [id=2384, type=expand_as]; -"2385 div_42" [id=2385, type=div]; -"2386 linalg_vector_norm_43" [id=2386, type=linalg_vector_norm]; -"2387 clamp_min_43" [id=2387, type=clamp_min]; -"2388 expand_as_43" [id=2388, type=expand_as]; -"2389 div_43" [id=2389, type=div]; -"2390 transpose_42" [id=2390, type=transpose]; -"2391 matmul_42" [id=2391, type=matmul]; -"2392 _param_constant351" [id=2392, type=get_attr]; -"2393 clamp_21" [id=2393, type=clamp]; -"2394 exp_21" [id=2394, type=exp]; -"2395 mul_43" [id=2395, type=mul]; -"2396 add_73" [id=2396, type=add]; -"2397 new_zeros_10" [id=2397, type=new_zeros]; -"2398 _tensor_constant134" [id=2398, type=get_attr]; -"2399 lift_fresh_copy_90" [id=2399, type=lift_fresh_copy]; -"2400 slice_307" [id=2400, type=slice]; -"2401 slice_308" [id=2401, type=slice]; -"2402 fill__90" [id=2402, type=fill_]; -"2403 _tensor_constant135" [id=2403, type=get_attr]; -"2404 lift_fresh_copy_91" [id=2404, type=lift_fresh_copy]; -"2405 slice_309" [id=2405, type=slice]; -"2406 slice_310" [id=2406, type=slice]; -"2407 fill__91" [id=2407, type=fill_]; -"2408 _tensor_constant136" [id=2408, type=get_attr]; -"2409 lift_fresh_copy_92" [id=2409, type=lift_fresh_copy]; -"2410 slice_311" [id=2410, type=slice]; -"2411 slice_312" [id=2411, type=slice]; -"2412 fill__92" [id=2412, type=fill_]; -"2413 _tensor_constant137" [id=2413, type=get_attr]; -"2414 lift_fresh_copy_93" [id=2414, type=lift_fresh_copy]; -"2415 slice_313" [id=2415, type=slice]; -"2416 slice_314" [id=2416, type=slice]; -"2417 fill__93" [id=2417, type=fill_]; -"2418 _tensor_constant138" [id=2418, type=get_attr]; -"2419 lift_fresh_copy_94" [id=2419, type=lift_fresh_copy]; -"2420 slice_315" [id=2420, type=slice]; -"2421 slice_316" [id=2421, type=slice]; -"2422 fill__94" [id=2422, type=fill_]; -"2423 _tensor_constant139" [id=2423, type=get_attr]; -"2424 lift_fresh_copy_95" [id=2424, type=lift_fresh_copy]; -"2425 slice_317" [id=2425, type=slice]; -"2426 slice_318" [id=2426, type=slice]; -"2427 fill__95" [id=2427, type=fill_]; -"2428 _tensor_constant140" [id=2428, type=get_attr]; -"2429 lift_fresh_copy_96" [id=2429, type=lift_fresh_copy]; -"2430 slice_319" [id=2430, type=slice]; -"2431 slice_320" [id=2431, type=slice]; -"2432 fill__96" [id=2432, type=fill_]; -"2433 _tensor_constant141" [id=2433, type=get_attr]; -"2434 lift_fresh_copy_97" [id=2434, type=lift_fresh_copy]; -"2435 slice_321" [id=2435, type=slice]; -"2436 slice_322" [id=2436, type=slice]; -"2437 fill__97" [id=2437, type=fill_]; -"2438 _tensor_constant142" [id=2438, type=get_attr]; -"2439 lift_fresh_copy_98" [id=2439, type=lift_fresh_copy]; -"2440 slice_323" [id=2440, type=slice]; -"2441 slice_324" [id=2441, type=slice]; -"2442 fill__98" [id=2442, type=fill_]; -"2443 view_117" [id=2443, type=view]; -"2444 permute_98" [id=2444, type=permute]; -"2445 reshape_96" [id=2445, type=reshape]; -"2446 unsqueeze_62" [id=2446, type=unsqueeze]; -"2447 unsqueeze_63" [id=2447, type=unsqueeze]; -"2448 sub_10" [id=2448, type=sub]; -"2449 ne_10" [id=2449, type=ne]; -"2450 masked_fill_20" [id=2450, type=masked_fill]; -"2451 eq_10" [id=2451, type=eq]; -"2452 masked_fill_21" [id=2452, type=masked_fill]; -"2453 view_118" [id=2453, type=view]; -"2454 unsqueeze_64" [id=2454, type=unsqueeze]; -"2455 unsqueeze_65" [id=2455, type=unsqueeze]; -"2456 add_74" [id=2456, type=add]; -"2457 view_119" [id=2457, type=view]; -"2458 softmax_21" [id=2458, type=softmax]; -"2459 dropout_84" [id=2459, type=dropout]; -"2460 matmul_43" [id=2460, type=matmul]; -"2461 transpose_43" [id=2461, type=transpose]; -"2462 reshape_97" [id=2462, type=reshape]; -"2463 _param_constant352" [id=2463, type=get_attr]; -"2464 _param_constant353" [id=2464, type=get_attr]; -"2465 linear_131" [id=2465, type=linear]; -"2466 dropout_85" [id=2466, type=dropout]; -"2467 view_120" [id=2467, type=view]; -"2468 permute_99" [id=2468, type=permute]; -"2469 reshape_98" [id=2469, type=reshape]; -"2470 roll_21" [id=2470, type=roll]; -"2471 slice_325" [id=2471, type=slice]; -"2472 slice_326" [id=2472, type=slice]; -"2473 slice_327" [id=2473, type=slice]; -"2474 slice_328" [id=2474, type=slice]; -"2475 contiguous_41" [id=2475, type=contiguous]; -"2476 _param_constant354" [id=2476, type=get_attr]; -"2477 _param_constant355" [id=2477, type=get_attr]; -"2478 layer_norm_45" [id=2478, type=layer_norm]; -"2479 add_75" [id=2479, type=add]; -"2480 _param_constant356" [id=2480, type=get_attr]; -"2481 _param_constant357" [id=2481, type=get_attr]; -"2482 linear_132" [id=2482, type=linear]; -"2483 gelu_21" [id=2483, type=gelu]; -"2484 dropout_86" [id=2484, type=dropout]; -"2485 _param_constant358" [id=2485, type=get_attr]; -"2486 _param_constant359" [id=2486, type=get_attr]; -"2487 linear_133" [id=2487, type=linear]; -"2488 dropout_87" [id=2488, type=dropout]; -"2489 _param_constant360" [id=2489, type=get_attr]; -"2490 _param_constant361" [id=2490, type=get_attr]; -"2491 layer_norm_46" [id=2491, type=layer_norm]; -"2492 add_76" [id=2492, type=add]; -"2493 pad_24" [id=2493, type=pad]; -"2494 slice_329" [id=2494, type=slice]; -"2495 slice_330" [id=2495, type=slice]; -"2496 slice_331" [id=2496, type=slice]; -"2497 slice_332" [id=2497, type=slice]; -"2498 slice_333" [id=2498, type=slice]; -"2499 slice_334" [id=2499, type=slice]; -"2500 slice_335" [id=2500, type=slice]; -"2501 slice_336" [id=2501, type=slice]; -"2502 slice_337" [id=2502, type=slice]; -"2503 slice_338" [id=2503, type=slice]; -"2504 slice_339" [id=2504, type=slice]; -"2505 slice_340" [id=2505, type=slice]; -"2506 cat_2" [id=2506, type=cat]; -"2507 _param_constant362" [id=2507, type=get_attr]; -"2508 linear_134" [id=2508, type=linear]; -"2509 _param_constant363" [id=2509, type=get_attr]; -"2510 _param_constant364" [id=2510, type=get_attr]; -"2511 layer_norm_47" [id=2511, type=layer_norm]; -"2512 _tensor_constant143" [id=2512, type=get_attr]; -"2513 _param_constant365" [id=2513, type=get_attr]; -"2514 _param_constant366" [id=2514, type=get_attr]; -"2515 linear_135" [id=2515, type=linear]; -"2516 relu__22" [id=2516, type=relu_]; -"2517 _param_constant367" [id=2517, type=get_attr]; -"2518 linear_136" [id=2518, type=linear]; -"2519 view_121" [id=2519, type=view]; -"2520 _tensor_constant144" [id=2520, type=get_attr]; -"2521 index_22" [id=2521, type=index]; -"2522 view_122" [id=2522, type=view]; -"2523 permute_100" [id=2523, type=permute]; -"2524 contiguous_42" [id=2524, type=contiguous]; -"2525 unsqueeze_66" [id=2525, type=unsqueeze]; -"2526 sigmoid_22" [id=2526, type=sigmoid]; -"2527 mul_44" [id=2527, type=mul]; -"2528 pad_25" [id=2528, type=pad]; -"2529 view_123" [id=2529, type=view]; -"2530 permute_101" [id=2530, type=permute]; -"2531 reshape_99" [id=2531, type=reshape]; -"2532 _param_constant368" [id=2532, type=get_attr]; -"2533 clone_22" [id=2533, type=clone]; -"2534 slice_341" [id=2534, type=slice]; -"2535 zero__22" [id=2535, type=zero_]; -"2536 _param_constant369" [id=2536, type=get_attr]; -"2537 linear_137" [id=2537, type=linear]; -"2538 reshape_100" [id=2538, type=reshape]; -"2539 permute_102" [id=2539, type=permute]; -"2540 select_66" [id=2540, type=select]; -"2541 select_67" [id=2541, type=select]; -"2542 select_68" [id=2542, type=select]; -"2543 linalg_vector_norm_44" [id=2543, type=linalg_vector_norm]; -"2544 clamp_min_44" [id=2544, type=clamp_min]; -"2545 expand_as_44" [id=2545, type=expand_as]; -"2546 div_44" [id=2546, type=div]; -"2547 linalg_vector_norm_45" [id=2547, type=linalg_vector_norm]; -"2548 clamp_min_45" [id=2548, type=clamp_min]; -"2549 expand_as_45" [id=2549, type=expand_as]; -"2550 div_45" [id=2550, type=div]; -"2551 transpose_44" [id=2551, type=transpose]; -"2552 matmul_44" [id=2552, type=matmul]; -"2553 _param_constant370" [id=2553, type=get_attr]; -"2554 clamp_22" [id=2554, type=clamp]; -"2555 exp_22" [id=2555, type=exp]; -"2556 mul_45" [id=2556, type=mul]; -"2557 add_77" [id=2557, type=add]; -"2558 softmax_22" [id=2558, type=softmax]; -"2559 dropout_88" [id=2559, type=dropout]; -"2560 matmul_45" [id=2560, type=matmul]; -"2561 transpose_45" [id=2561, type=transpose]; -"2562 reshape_101" [id=2562, type=reshape]; -"2563 _param_constant371" [id=2563, type=get_attr]; -"2564 _param_constant372" [id=2564, type=get_attr]; -"2565 linear_138" [id=2565, type=linear]; -"2566 dropout_89" [id=2566, type=dropout]; -"2567 view_124" [id=2567, type=view]; -"2568 permute_103" [id=2568, type=permute]; -"2569 reshape_102" [id=2569, type=reshape]; -"2570 slice_342" [id=2570, type=slice]; -"2571 slice_343" [id=2571, type=slice]; -"2572 slice_344" [id=2572, type=slice]; -"2573 slice_345" [id=2573, type=slice]; -"2574 contiguous_43" [id=2574, type=contiguous]; -"2575 _param_constant373" [id=2575, type=get_attr]; -"2576 _param_constant374" [id=2576, type=get_attr]; -"2577 layer_norm_48" [id=2577, type=layer_norm]; -"2578 add_78" [id=2578, type=add]; -"2579 _param_constant375" [id=2579, type=get_attr]; -"2580 _param_constant376" [id=2580, type=get_attr]; -"2581 linear_139" [id=2581, type=linear]; -"2582 gelu_22" [id=2582, type=gelu]; -"2583 dropout_90" [id=2583, type=dropout]; -"2584 _param_constant377" [id=2584, type=get_attr]; -"2585 _param_constant378" [id=2585, type=get_attr]; -"2586 linear_140" [id=2586, type=linear]; -"2587 dropout_91" [id=2587, type=dropout]; -"2588 _param_constant379" [id=2588, type=get_attr]; -"2589 _param_constant380" [id=2589, type=get_attr]; -"2590 layer_norm_49" [id=2590, type=layer_norm]; -"2591 add_79" [id=2591, type=add]; -"2592 _tensor_constant145" [id=2592, type=get_attr]; -"2593 _param_constant381" [id=2593, type=get_attr]; -"2594 _param_constant382" [id=2594, type=get_attr]; -"2595 linear_141" [id=2595, type=linear]; -"2596 relu__23" [id=2596, type=relu_]; -"2597 _param_constant383" [id=2597, type=get_attr]; -"2598 linear_142" [id=2598, type=linear]; -"2599 view_125" [id=2599, type=view]; -"2600 _tensor_constant146" [id=2600, type=get_attr]; -"2601 index_23" [id=2601, type=index]; -"2602 view_126" [id=2602, type=view]; -"2603 permute_104" [id=2603, type=permute]; -"2604 contiguous_44" [id=2604, type=contiguous]; -"2605 unsqueeze_67" [id=2605, type=unsqueeze]; -"2606 sigmoid_23" [id=2606, type=sigmoid]; -"2607 mul_46" [id=2607, type=mul]; -"2608 pad_26" [id=2608, type=pad]; -"2609 view_127" [id=2609, type=view]; -"2610 permute_105" [id=2610, type=permute]; -"2611 reshape_103" [id=2611, type=reshape]; -"2612 _param_constant384" [id=2612, type=get_attr]; -"2613 clone_23" [id=2613, type=clone]; -"2614 slice_346" [id=2614, type=slice]; -"2615 zero__23" [id=2615, type=zero_]; -"2616 _param_constant385" [id=2616, type=get_attr]; -"2617 linear_143" [id=2617, type=linear]; -"2618 reshape_104" [id=2618, type=reshape]; -"2619 permute_106" [id=2619, type=permute]; -"2620 select_69" [id=2620, type=select]; -"2621 select_70" [id=2621, type=select]; -"2622 select_71" [id=2622, type=select]; -"2623 linalg_vector_norm_46" [id=2623, type=linalg_vector_norm]; -"2624 clamp_min_46" [id=2624, type=clamp_min]; -"2625 expand_as_46" [id=2625, type=expand_as]; -"2626 div_46" [id=2626, type=div]; -"2627 linalg_vector_norm_47" [id=2627, type=linalg_vector_norm]; -"2628 clamp_min_47" [id=2628, type=clamp_min]; -"2629 expand_as_47" [id=2629, type=expand_as]; -"2630 div_47" [id=2630, type=div]; -"2631 transpose_46" [id=2631, type=transpose]; -"2632 matmul_46" [id=2632, type=matmul]; -"2633 _param_constant386" [id=2633, type=get_attr]; -"2634 clamp_23" [id=2634, type=clamp]; -"2635 exp_23" [id=2635, type=exp]; -"2636 mul_47" [id=2636, type=mul]; -"2637 add_80" [id=2637, type=add]; -"2638 softmax_23" [id=2638, type=softmax]; -"2639 dropout_92" [id=2639, type=dropout]; -"2640 matmul_47" [id=2640, type=matmul]; -"2641 transpose_47" [id=2641, type=transpose]; -"2642 reshape_105" [id=2642, type=reshape]; -"2643 _param_constant387" [id=2643, type=get_attr]; -"2644 _param_constant388" [id=2644, type=get_attr]; -"2645 linear_144" [id=2645, type=linear]; -"2646 dropout_93" [id=2646, type=dropout]; -"2647 view_128" [id=2647, type=view]; -"2648 permute_107" [id=2648, type=permute]; -"2649 reshape_106" [id=2649, type=reshape]; -"2650 slice_347" [id=2650, type=slice]; -"2651 slice_348" [id=2651, type=slice]; -"2652 slice_349" [id=2652, type=slice]; -"2653 slice_350" [id=2653, type=slice]; -"2654 contiguous_45" [id=2654, type=contiguous]; -"2655 _param_constant389" [id=2655, type=get_attr]; -"2656 _param_constant390" [id=2656, type=get_attr]; -"2657 layer_norm_50" [id=2657, type=layer_norm]; -"2658 add_81" [id=2658, type=add]; -"2659 _param_constant391" [id=2659, type=get_attr]; -"2660 _param_constant392" [id=2660, type=get_attr]; -"2661 linear_145" [id=2661, type=linear]; -"2662 gelu_23" [id=2662, type=gelu]; -"2663 dropout_94" [id=2663, type=dropout]; -"2664 _param_constant393" [id=2664, type=get_attr]; -"2665 _param_constant394" [id=2665, type=get_attr]; -"2666 linear_146" [id=2666, type=linear]; -"2667 dropout_95" [id=2667, type=dropout]; -"2668 _param_constant395" [id=2668, type=get_attr]; -"2669 _param_constant396" [id=2669, type=get_attr]; -"2670 layer_norm_51" [id=2670, type=layer_norm]; -"2671 add_82" [id=2671, type=add]; -"2672 _param_constant397" [id=2672, type=get_attr]; -"2673 _param_constant398" [id=2673, type=get_attr]; -"2674 layer_norm_52" [id=2674, type=layer_norm]; -"2675 permute_108" [id=2675, type=permute]; -"2676 adaptive_avg_pool2d" [id=2676, type=adaptive_avg_pool2d]; -"2677 flatten" [id=2677, type=flatten]; -"2678 _param_constant399" [id=2678, type=get_attr]; -"2679 _param_constant400" [id=2679, type=get_attr]; -"2680 linear_147" [id=2680, type=linear]; -"2681 output" [id=2681, type=output]; -"0 arg0_1" -> "3 conv2d" [label="(1, 3, 224, 224)", style=solid]; -"1 _param_constant0" -> "3 conv2d" [label="(96, 3, 4, 4)", style=solid]; -"2 _param_constant1" -> "3 conv2d" [label="(96,)", style=solid]; -"3 conv2d" -> "4 permute" [label="(1, 96, 56, 56)", style=solid]; -"4 permute" -> "7 layer_norm" [label="(1, 56, 56, 96)", style=solid]; -"5 _param_constant2" -> "7 layer_norm" [label="(96,)", style=solid]; -"6 _param_constant3" -> "7 layer_norm" [label="(96,)", style=solid]; -"7 layer_norm" -> "24 pad" [label="(1, 56, 56, 96)", style=solid]; -"7 layer_norm" -> "71 add_1" [label="(1, 56, 56, 96)", style=solid]; -"8 _tensor_constant0" -> "11 linear" [label="(1, 15, 15, 2)", style=solid]; -"9 _param_constant4" -> "11 linear" [label="(512, 2)", style=solid]; -"10 _param_constant5" -> "11 linear" [label="(512,)", style=solid]; -"11 linear" -> "12 relu_" [label="(1, 15, 15, 512)", style=solid]; -"12 relu_" -> "14 linear_1" [label="(1, 15, 15, 512)", style=solid]; -"13 _param_constant6" -> "14 linear_1" [label="(3, 512)", style=solid]; -"14 linear_1" -> "15 view" [label="(1, 15, 15, 3)", style=solid]; -"15 view" -> "17 index" [label="(225, 3)", style=solid]; -"16 _tensor_constant1" -> "17 index" [label="(4096,)", style=solid]; -"17 index" -> "18 view_1" [label="(4096, 3)", style=solid]; -"18 view_1" -> "19 permute_1" [label="(64, 64, 3)", style=solid]; -"19 permute_1" -> "20 contiguous" [label="(3, 64, 64)", style=solid]; -"20 contiguous" -> "21 unsqueeze" [label="(3, 64, 64)", style=solid]; -"21 unsqueeze" -> "22 sigmoid" [label="(1, 3, 64, 64)", style=solid]; -"22 sigmoid" -> "23 mul" [label="(1, 3, 64, 64)", style=solid]; -"23 mul" -> "53 add" [label="(1, 3, 64, 64)", style=solid]; -"24 pad" -> "25 view_2" [label="(1, 56, 56, 96)", style=solid]; -"25 view_2" -> "26 permute_2" [label="(1, 7, 8, 7, 8, 96)", style=solid]; -"26 permute_2" -> "27 reshape" [label="(1, 7, 7, 8, 8, 96)", style=solid]; -"27 reshape" -> "33 linear_2" [label="(49, 64, 96)", style=solid]; -"28 _param_constant7" -> "29 clone" [label="(288,)", style=solid]; -"29 clone" -> "30 slice_1" [label="(288,)", style=solid]; -"29 clone" -> "33 linear_2" [label="(288,)", style=solid]; -"30 slice_1" -> "31 zero_" [label="(96,)", style=solid]; -"32 _param_constant8" -> "33 linear_2" [label="(288, 96)", style=solid]; -"33 linear_2" -> "34 reshape_1" [label="(49, 64, 288)", style=solid]; -"34 reshape_1" -> "35 permute_3" [label="(49, 64, 3, 3, 32)", style=solid]; -"35 permute_3" -> "36 select" [label="(3, 49, 3, 64, 32)", style=solid]; -"35 permute_3" -> "37 select_1" [label="(3, 49, 3, 64, 32)", style=solid]; -"35 permute_3" -> "38 select_2" [label="(3, 49, 3, 64, 32)", style=solid]; -"36 select" -> "39 linalg_vector_norm" [label="(49, 3, 64, 32)", style=solid]; -"36 select" -> "41 expand_as" [label="(49, 3, 64, 32)", style=solid]; -"36 select" -> "42 div" [label="(49, 3, 64, 32)", style=solid]; -"37 select_1" -> "43 linalg_vector_norm_1" [label="(49, 3, 64, 32)", style=solid]; -"37 select_1" -> "45 expand_as_1" [label="(49, 3, 64, 32)", style=solid]; -"37 select_1" -> "46 div_1" [label="(49, 3, 64, 32)", style=solid]; -"38 select_2" -> "56 matmul_1" [label="(49, 3, 64, 32)", style=solid]; -"39 linalg_vector_norm" -> "40 clamp_min" [label="(49, 3, 64, 1)", style=solid]; -"40 clamp_min" -> "41 expand_as" [label="(49, 3, 64, 1)", style=solid]; -"41 expand_as" -> "42 div" [label="(49, 3, 64, 32)", style=solid]; -"42 div" -> "48 matmul" [label="(49, 3, 64, 32)", style=solid]; -"43 linalg_vector_norm_1" -> "44 clamp_min_1" [label="(49, 3, 64, 1)", style=solid]; -"44 clamp_min_1" -> "45 expand_as_1" [label="(49, 3, 64, 1)", style=solid]; -"45 expand_as_1" -> "46 div_1" [label="(49, 3, 64, 32)", style=solid]; -"46 div_1" -> "47 transpose" [label="(49, 3, 64, 32)", style=solid]; -"47 transpose" -> "48 matmul" [label="(49, 3, 32, 64)", style=solid]; -"48 matmul" -> "52 mul_1" [label="(49, 3, 64, 64)", style=solid]; -"49 _param_constant9" -> "50 clamp" [label="(3, 1, 1)", style=solid]; -"50 clamp" -> "51 exp" [label="(3, 1, 1)", style=solid]; -"51 exp" -> "52 mul_1" [label="(3, 1, 1)", style=solid]; -"52 mul_1" -> "53 add" [label="(49, 3, 64, 64)", style=solid]; -"53 add" -> "54 softmax" [label="(49, 3, 64, 64)", style=solid]; -"54 softmax" -> "55 dropout" [label="(49, 3, 64, 64)", style=solid]; -"55 dropout" -> "56 matmul_1" [label="(49, 3, 64, 64)", style=solid]; -"56 matmul_1" -> "57 transpose_1" [label="(49, 3, 64, 32)", style=solid]; -"57 transpose_1" -> "58 reshape_2" [label="(49, 64, 3, 32)", style=solid]; -"58 reshape_2" -> "61 linear_3" [label="(49, 64, 96)", style=solid]; -"59 _param_constant10" -> "61 linear_3" [label="(96, 96)", style=solid]; -"60 _param_constant11" -> "61 linear_3" [label="(96,)", style=solid]; -"61 linear_3" -> "62 dropout_1" [label="(49, 64, 96)", style=solid]; -"62 dropout_1" -> "63 view_3" [label="(49, 64, 96)", style=solid]; -"63 view_3" -> "64 permute_4" [label="(1, 7, 7, 8, 8, 96)", style=solid]; -"64 permute_4" -> "65 reshape_3" [label="(1, 7, 8, 7, 8, 96)", style=solid]; -"65 reshape_3" -> "66 slice_2" [label="(1, 56, 56, 96)", style=solid]; -"66 slice_2" -> "67 slice_3" [label="(1, 56, 56, 96)", style=solid]; -"67 slice_3" -> "70 layer_norm_1" [label="(1, 56, 56, 96)", style=solid]; -"68 _param_constant12" -> "70 layer_norm_1" [label="(96,)", style=solid]; -"69 _param_constant13" -> "70 layer_norm_1" [label="(96,)", style=solid]; -"70 layer_norm_1" -> "71 add_1" [label="(1, 56, 56, 96)", style=solid]; -"71 add_1" -> "74 linear_4" [label="(1, 56, 56, 96)", style=solid]; -"71 add_1" -> "84 add_2" [label="(1, 56, 56, 96)", style=solid]; -"72 _param_constant14" -> "74 linear_4" [label="(384, 96)", style=solid]; -"73 _param_constant15" -> "74 linear_4" [label="(384,)", style=solid]; -"74 linear_4" -> "75 gelu" [label="(1, 56, 56, 384)", style=solid]; -"75 gelu" -> "76 dropout_2" [label="(1, 56, 56, 384)", style=solid]; -"76 dropout_2" -> "79 linear_5" [label="(1, 56, 56, 384)", style=solid]; -"77 _param_constant16" -> "79 linear_5" [label="(96, 384)", style=solid]; -"78 _param_constant17" -> "79 linear_5" [label="(96,)", style=solid]; -"79 linear_5" -> "80 dropout_3" [label="(1, 56, 56, 96)", style=solid]; -"80 dropout_3" -> "83 layer_norm_2" [label="(1, 56, 56, 96)", style=solid]; -"81 _param_constant18" -> "83 layer_norm_2" [label="(96,)", style=solid]; -"82 _param_constant19" -> "83 layer_norm_2" [label="(96,)", style=solid]; -"83 layer_norm_2" -> "84 add_2" [label="(1, 56, 56, 96)", style=solid]; -"84 add_2" -> "101 pad_1" [label="(1, 56, 56, 96)", style=solid]; -"84 add_2" -> "211 add_5" [label="(1, 56, 56, 96)", style=solid]; -"85 _tensor_constant2" -> "88 linear_6" [label="(1, 15, 15, 2)", style=solid]; -"86 _param_constant20" -> "88 linear_6" [label="(512, 2)", style=solid]; -"87 _param_constant21" -> "88 linear_6" [label="(512,)", style=solid]; -"88 linear_6" -> "89 relu__1" [label="(1, 15, 15, 512)", style=solid]; -"89 relu__1" -> "91 linear_7" [label="(1, 15, 15, 512)", style=solid]; -"90 _param_constant22" -> "91 linear_7" [label="(3, 512)", style=solid]; -"91 linear_7" -> "92 view_4" [label="(1, 15, 15, 3)", style=solid]; -"92 view_4" -> "94 index_1" [label="(225, 3)", style=solid]; -"93 _tensor_constant3" -> "94 index_1" [label="(4096,)", style=solid]; -"94 index_1" -> "95 view_5" [label="(4096, 3)", style=solid]; -"95 view_5" -> "96 permute_5" [label="(64, 64, 3)", style=solid]; -"96 permute_5" -> "97 contiguous_1" [label="(3, 64, 64)", style=solid]; -"97 contiguous_1" -> "98 unsqueeze_1" [label="(3, 64, 64)", style=solid]; -"98 unsqueeze_1" -> "99 sigmoid_1" [label="(1, 3, 64, 64)", style=solid]; -"99 sigmoid_1" -> "100 mul_2" [label="(1, 3, 64, 64)", style=solid]; -"100 mul_2" -> "131 add_3" [label="(1, 3, 64, 64)", style=solid]; -"101 pad_1" -> "102 roll" [label="(1, 56, 56, 96)", style=solid]; -"102 roll" -> "103 view_6" [label="(1, 56, 56, 96)", style=solid]; -"103 view_6" -> "104 permute_6" [label="(1, 7, 8, 7, 8, 96)", style=solid]; -"104 permute_6" -> "105 reshape_4" [label="(1, 7, 7, 8, 8, 96)", style=solid]; -"105 reshape_4" -> "111 linear_8" [label="(49, 64, 96)", style=solid]; -"105 reshape_4" -> "132 new_zeros" [label="(49, 64, 96)", style=solid]; -"106 _param_constant23" -> "107 clone_1" [label="(288,)", style=solid]; -"107 clone_1" -> "108 slice_4" [label="(288,)", style=solid]; -"107 clone_1" -> "111 linear_8" [label="(288,)", style=solid]; -"108 slice_4" -> "109 zero__1" [label="(96,)", style=solid]; -"110 _param_constant24" -> "111 linear_8" [label="(288, 96)", style=solid]; -"111 linear_8" -> "112 reshape_5" [label="(49, 64, 288)", style=solid]; -"112 reshape_5" -> "113 permute_7" [label="(49, 64, 3, 3, 32)", style=solid]; -"113 permute_7" -> "114 select_3" [label="(3, 49, 3, 64, 32)", style=solid]; -"113 permute_7" -> "115 select_4" [label="(3, 49, 3, 64, 32)", style=solid]; -"113 permute_7" -> "116 select_5" [label="(3, 49, 3, 64, 32)", style=solid]; -"114 select_3" -> "117 linalg_vector_norm_2" [label="(49, 3, 64, 32)", style=solid]; -"114 select_3" -> "119 expand_as_2" [label="(49, 3, 64, 32)", style=solid]; -"114 select_3" -> "120 div_2" [label="(49, 3, 64, 32)", style=solid]; -"115 select_4" -> "121 linalg_vector_norm_3" [label="(49, 3, 64, 32)", style=solid]; -"115 select_4" -> "123 expand_as_3" [label="(49, 3, 64, 32)", style=solid]; -"115 select_4" -> "124 div_3" [label="(49, 3, 64, 32)", style=solid]; -"116 select_5" -> "195 matmul_3" [label="(49, 3, 64, 32)", style=solid]; -"117 linalg_vector_norm_2" -> "118 clamp_min_2" [label="(49, 3, 64, 1)", style=solid]; -"118 clamp_min_2" -> "119 expand_as_2" [label="(49, 3, 64, 1)", style=solid]; -"119 expand_as_2" -> "120 div_2" [label="(49, 3, 64, 32)", style=solid]; -"120 div_2" -> "126 matmul_2" [label="(49, 3, 64, 32)", style=solid]; -"121 linalg_vector_norm_3" -> "122 clamp_min_3" [label="(49, 3, 64, 1)", style=solid]; -"122 clamp_min_3" -> "123 expand_as_3" [label="(49, 3, 64, 1)", style=solid]; -"123 expand_as_3" -> "124 div_3" [label="(49, 3, 64, 32)", style=solid]; -"124 div_3" -> "125 transpose_2" [label="(49, 3, 64, 32)", style=solid]; -"125 transpose_2" -> "126 matmul_2" [label="(49, 3, 32, 64)", style=solid]; -"126 matmul_2" -> "130 mul_3" [label="(49, 3, 64, 64)", style=solid]; -"127 _param_constant25" -> "128 clamp_1" [label="(3, 1, 1)", style=solid]; -"128 clamp_1" -> "129 exp_1" [label="(3, 1, 1)", style=solid]; -"129 exp_1" -> "130 mul_3" [label="(3, 1, 1)", style=solid]; -"130 mul_3" -> "131 add_3" [label="(49, 3, 64, 64)", style=solid]; -"131 add_3" -> "188 view_8" [label="(49, 3, 64, 64)", style=solid]; -"132 new_zeros" -> "135 slice_5" [label="(56, 56)", style=solid]; -"132 new_zeros" -> "140 slice_7" [label="(56, 56)", style=solid]; -"132 new_zeros" -> "145 slice_9" [label="(56, 56)", style=solid]; -"132 new_zeros" -> "150 slice_11" [label="(56, 56)", style=solid]; -"132 new_zeros" -> "155 slice_13" [label="(56, 56)", style=solid]; -"132 new_zeros" -> "160 slice_15" [label="(56, 56)", style=solid]; -"132 new_zeros" -> "165 slice_17" [label="(56, 56)", style=solid]; -"132 new_zeros" -> "170 slice_19" [label="(56, 56)", style=solid]; -"132 new_zeros" -> "175 slice_21" [label="(56, 56)", style=solid]; -"132 new_zeros" -> "178 view_7" [label="(56, 56)", style=solid]; -"133 _tensor_constant4" -> "134 lift_fresh_copy" [label="()", style=solid]; -"134 lift_fresh_copy" -> "137 fill_" [label="()", style=solid]; -"135 slice_5" -> "136 slice_6" [label="(48, 56)", style=solid]; -"136 slice_6" -> "137 fill_" [label="(48, 48)", style=solid]; -"138 _tensor_constant5" -> "139 lift_fresh_copy_1" [label="()", style=solid]; -"139 lift_fresh_copy_1" -> "142 fill__1" [label="()", style=solid]; -"140 slice_7" -> "141 slice_8" [label="(48, 56)", style=solid]; -"141 slice_8" -> "142 fill__1" [label="(48, 4)", style=solid]; -"143 _tensor_constant6" -> "144 lift_fresh_copy_2" [label="()", style=solid]; -"144 lift_fresh_copy_2" -> "147 fill__2" [label="()", style=solid]; -"145 slice_9" -> "146 slice_10" [label="(48, 56)", style=solid]; -"146 slice_10" -> "147 fill__2" [label="(48, 4)", style=solid]; -"148 _tensor_constant7" -> "149 lift_fresh_copy_3" [label="()", style=solid]; -"149 lift_fresh_copy_3" -> "152 fill__3" [label="()", style=solid]; -"150 slice_11" -> "151 slice_12" [label="(4, 56)", style=solid]; -"151 slice_12" -> "152 fill__3" [label="(4, 48)", style=solid]; -"153 _tensor_constant8" -> "154 lift_fresh_copy_4" [label="()", style=solid]; -"154 lift_fresh_copy_4" -> "157 fill__4" [label="()", style=solid]; -"155 slice_13" -> "156 slice_14" [label="(4, 56)", style=solid]; -"156 slice_14" -> "157 fill__4" [label="(4, 4)", style=solid]; -"158 _tensor_constant9" -> "159 lift_fresh_copy_5" [label="()", style=solid]; -"159 lift_fresh_copy_5" -> "162 fill__5" [label="()", style=solid]; -"160 slice_15" -> "161 slice_16" [label="(4, 56)", style=solid]; -"161 slice_16" -> "162 fill__5" [label="(4, 4)", style=solid]; -"163 _tensor_constant10" -> "164 lift_fresh_copy_6" [label="()", style=solid]; -"164 lift_fresh_copy_6" -> "167 fill__6" [label="()", style=solid]; -"165 slice_17" -> "166 slice_18" [label="(4, 56)", style=solid]; -"166 slice_18" -> "167 fill__6" [label="(4, 48)", style=solid]; -"168 _tensor_constant11" -> "169 lift_fresh_copy_7" [label="()", style=solid]; -"169 lift_fresh_copy_7" -> "172 fill__7" [label="()", style=solid]; -"170 slice_19" -> "171 slice_20" [label="(4, 56)", style=solid]; -"171 slice_20" -> "172 fill__7" [label="(4, 4)", style=solid]; -"173 _tensor_constant12" -> "174 lift_fresh_copy_8" [label="()", style=solid]; -"174 lift_fresh_copy_8" -> "177 fill__8" [label="()", style=solid]; -"175 slice_21" -> "176 slice_22" [label="(4, 56)", style=solid]; -"176 slice_22" -> "177 fill__8" [label="(4, 4)", style=solid]; -"178 view_7" -> "179 permute_8" [label="(7, 8, 7, 8)", style=solid]; -"179 permute_8" -> "180 reshape_6" [label="(7, 7, 8, 8)", style=solid]; -"180 reshape_6" -> "181 unsqueeze_2" [label="(49, 64)", style=solid]; -"180 reshape_6" -> "182 unsqueeze_3" [label="(49, 64)", style=solid]; -"181 unsqueeze_2" -> "183 sub" [label="(49, 1, 64)", style=solid]; -"182 unsqueeze_3" -> "183 sub" [label="(49, 64, 1)", style=solid]; -"183 sub" -> "184 ne" [label="(49, 64, 64)", style=solid]; -"183 sub" -> "185 masked_fill" [label="(49, 64, 64)", style=solid]; -"183 sub" -> "186 eq" [label="(49, 64, 64)", style=solid]; -"184 ne" -> "185 masked_fill" [label="(49, 64, 64)", style=solid]; -"185 masked_fill" -> "187 masked_fill_1" [label="(49, 64, 64)", style=solid]; -"186 eq" -> "187 masked_fill_1" [label="(49, 64, 64)", style=solid]; -"187 masked_fill_1" -> "189 unsqueeze_4" [label="(49, 64, 64)", style=solid]; -"188 view_8" -> "191 add_4" [label="(1, 49, 3, 64, 64)", style=solid]; -"189 unsqueeze_4" -> "190 unsqueeze_5" [label="(49, 1, 64, 64)", style=solid]; -"190 unsqueeze_5" -> "191 add_4" [label="(1, 49, 1, 64, 64)", style=solid]; -"191 add_4" -> "192 view_9" [label="(1, 49, 3, 64, 64)", style=solid]; -"192 view_9" -> "193 softmax_1" [label="(49, 3, 64, 64)", style=solid]; -"193 softmax_1" -> "194 dropout_4" [label="(49, 3, 64, 64)", style=solid]; -"194 dropout_4" -> "195 matmul_3" [label="(49, 3, 64, 64)", style=solid]; -"195 matmul_3" -> "196 transpose_3" [label="(49, 3, 64, 32)", style=solid]; -"196 transpose_3" -> "197 reshape_7" [label="(49, 64, 3, 32)", style=solid]; -"197 reshape_7" -> "200 linear_9" [label="(49, 64, 96)", style=solid]; -"198 _param_constant26" -> "200 linear_9" [label="(96, 96)", style=solid]; -"199 _param_constant27" -> "200 linear_9" [label="(96,)", style=solid]; -"200 linear_9" -> "201 dropout_5" [label="(49, 64, 96)", style=solid]; -"201 dropout_5" -> "202 view_10" [label="(49, 64, 96)", style=solid]; -"202 view_10" -> "203 permute_9" [label="(1, 7, 7, 8, 8, 96)", style=solid]; -"203 permute_9" -> "204 reshape_8" [label="(1, 7, 8, 7, 8, 96)", style=solid]; -"204 reshape_8" -> "205 roll_1" [label="(1, 56, 56, 96)", style=solid]; -"205 roll_1" -> "206 slice_23" [label="(1, 56, 56, 96)", style=solid]; -"206 slice_23" -> "207 slice_24" [label="(1, 56, 56, 96)", style=solid]; -"207 slice_24" -> "210 layer_norm_3" [label="(1, 56, 56, 96)", style=solid]; -"208 _param_constant28" -> "210 layer_norm_3" [label="(96,)", style=solid]; -"209 _param_constant29" -> "210 layer_norm_3" [label="(96,)", style=solid]; -"210 layer_norm_3" -> "211 add_5" [label="(1, 56, 56, 96)", style=solid]; -"211 add_5" -> "214 linear_10" [label="(1, 56, 56, 96)", style=solid]; -"211 add_5" -> "224 add_6" [label="(1, 56, 56, 96)", style=solid]; -"212 _param_constant30" -> "214 linear_10" [label="(384, 96)", style=solid]; -"213 _param_constant31" -> "214 linear_10" [label="(384,)", style=solid]; -"214 linear_10" -> "215 gelu_1" [label="(1, 56, 56, 384)", style=solid]; -"215 gelu_1" -> "216 dropout_6" [label="(1, 56, 56, 384)", style=solid]; -"216 dropout_6" -> "219 linear_11" [label="(1, 56, 56, 384)", style=solid]; -"217 _param_constant32" -> "219 linear_11" [label="(96, 384)", style=solid]; -"218 _param_constant33" -> "219 linear_11" [label="(96,)", style=solid]; -"219 linear_11" -> "220 dropout_7" [label="(1, 56, 56, 96)", style=solid]; -"220 dropout_7" -> "223 layer_norm_4" [label="(1, 56, 56, 96)", style=solid]; -"221 _param_constant34" -> "223 layer_norm_4" [label="(96,)", style=solid]; -"222 _param_constant35" -> "223 layer_norm_4" [label="(96,)", style=solid]; -"223 layer_norm_4" -> "224 add_6" [label="(1, 56, 56, 96)", style=solid]; -"224 add_6" -> "225 pad_2" [label="(1, 56, 56, 96)", style=solid]; -"225 pad_2" -> "226 slice_25" [label="(1, 56, 56, 96)", style=solid]; -"225 pad_2" -> "229 slice_28" [label="(1, 56, 56, 96)", style=solid]; -"225 pad_2" -> "232 slice_31" [label="(1, 56, 56, 96)", style=solid]; -"225 pad_2" -> "235 slice_34" [label="(1, 56, 56, 96)", style=solid]; -"226 slice_25" -> "227 slice_26" [label="(1, 28, 56, 96)", style=solid]; -"227 slice_26" -> "228 slice_27" [label="(1, 28, 28, 96)", style=solid]; -"228 slice_27" -> "238 cat" [label="(1, 28, 28, 96)", style=solid]; -"229 slice_28" -> "230 slice_29" [label="(1, 28, 56, 96)", style=solid]; -"230 slice_29" -> "231 slice_30" [label="(1, 28, 28, 96)", style=solid]; -"231 slice_30" -> "238 cat" [label="(1, 28, 28, 96)", style=solid]; -"232 slice_31" -> "233 slice_32" [label="(1, 28, 56, 96)", style=solid]; -"233 slice_32" -> "234 slice_33" [label="(1, 28, 28, 96)", style=solid]; -"234 slice_33" -> "238 cat" [label="(1, 28, 28, 96)", style=solid]; -"235 slice_34" -> "236 slice_35" [label="(1, 28, 56, 96)", style=solid]; -"236 slice_35" -> "237 slice_36" [label="(1, 28, 28, 96)", style=solid]; -"237 slice_36" -> "238 cat" [label="(1, 28, 28, 96)", style=solid]; -"238 cat" -> "240 linear_12" [label="(1, 28, 28, 384)", style=solid]; -"239 _param_constant36" -> "240 linear_12" [label="(192, 384)", style=solid]; -"240 linear_12" -> "243 layer_norm_5" [label="(1, 28, 28, 192)", style=solid]; -"241 _param_constant37" -> "243 layer_norm_5" [label="(192,)", style=solid]; -"242 _param_constant38" -> "243 layer_norm_5" [label="(192,)", style=solid]; -"243 layer_norm_5" -> "260 pad_3" [label="(1, 28, 28, 192)", style=solid]; -"243 layer_norm_5" -> "310 add_8" [label="(1, 28, 28, 192)", style=solid]; -"244 _tensor_constant13" -> "247 linear_13" [label="(1, 15, 15, 2)", style=solid]; -"245 _param_constant39" -> "247 linear_13" [label="(512, 2)", style=solid]; -"246 _param_constant40" -> "247 linear_13" [label="(512,)", style=solid]; -"247 linear_13" -> "248 relu__2" [label="(1, 15, 15, 512)", style=solid]; -"248 relu__2" -> "250 linear_14" [label="(1, 15, 15, 512)", style=solid]; -"249 _param_constant41" -> "250 linear_14" [label="(6, 512)", style=solid]; -"250 linear_14" -> "251 view_11" [label="(1, 15, 15, 6)", style=solid]; -"251 view_11" -> "253 index_2" [label="(225, 6)", style=solid]; -"252 _tensor_constant14" -> "253 index_2" [label="(4096,)", style=solid]; -"253 index_2" -> "254 view_12" [label="(4096, 6)", style=solid]; -"254 view_12" -> "255 permute_10" [label="(64, 64, 6)", style=solid]; -"255 permute_10" -> "256 contiguous_2" [label="(6, 64, 64)", style=solid]; -"256 contiguous_2" -> "257 unsqueeze_6" [label="(6, 64, 64)", style=solid]; -"257 unsqueeze_6" -> "258 sigmoid_2" [label="(1, 6, 64, 64)", style=solid]; -"258 sigmoid_2" -> "259 mul_4" [label="(1, 6, 64, 64)", style=solid]; -"259 mul_4" -> "289 add_7" [label="(1, 6, 64, 64)", style=solid]; -"260 pad_3" -> "261 view_13" [label="(1, 32, 32, 192)", style=solid]; -"261 view_13" -> "262 permute_11" [label="(1, 4, 8, 4, 8, 192)", style=solid]; -"262 permute_11" -> "263 reshape_9" [label="(1, 4, 4, 8, 8, 192)", style=solid]; -"263 reshape_9" -> "269 linear_15" [label="(16, 64, 192)", style=solid]; -"264 _param_constant42" -> "265 clone_2" [label="(576,)", style=solid]; -"265 clone_2" -> "266 slice_37" [label="(576,)", style=solid]; -"265 clone_2" -> "269 linear_15" [label="(576,)", style=solid]; -"266 slice_37" -> "267 zero__2" [label="(192,)", style=solid]; -"268 _param_constant43" -> "269 linear_15" [label="(576, 192)", style=solid]; -"269 linear_15" -> "270 reshape_10" [label="(16, 64, 576)", style=solid]; -"270 reshape_10" -> "271 permute_12" [label="(16, 64, 3, 6, 32)", style=solid]; -"271 permute_12" -> "272 select_6" [label="(3, 16, 6, 64, 32)", style=solid]; -"271 permute_12" -> "273 select_7" [label="(3, 16, 6, 64, 32)", style=solid]; -"271 permute_12" -> "274 select_8" [label="(3, 16, 6, 64, 32)", style=solid]; -"272 select_6" -> "275 linalg_vector_norm_4" [label="(16, 6, 64, 32)", style=solid]; -"272 select_6" -> "277 expand_as_4" [label="(16, 6, 64, 32)", style=solid]; -"272 select_6" -> "278 div_4" [label="(16, 6, 64, 32)", style=solid]; -"273 select_7" -> "279 linalg_vector_norm_5" [label="(16, 6, 64, 32)", style=solid]; -"273 select_7" -> "281 expand_as_5" [label="(16, 6, 64, 32)", style=solid]; -"273 select_7" -> "282 div_5" [label="(16, 6, 64, 32)", style=solid]; -"274 select_8" -> "292 matmul_5" [label="(16, 6, 64, 32)", style=solid]; -"275 linalg_vector_norm_4" -> "276 clamp_min_4" [label="(16, 6, 64, 1)", style=solid]; -"276 clamp_min_4" -> "277 expand_as_4" [label="(16, 6, 64, 1)", style=solid]; -"277 expand_as_4" -> "278 div_4" [label="(16, 6, 64, 32)", style=solid]; -"278 div_4" -> "284 matmul_4" [label="(16, 6, 64, 32)", style=solid]; -"279 linalg_vector_norm_5" -> "280 clamp_min_5" [label="(16, 6, 64, 1)", style=solid]; -"280 clamp_min_5" -> "281 expand_as_5" [label="(16, 6, 64, 1)", style=solid]; -"281 expand_as_5" -> "282 div_5" [label="(16, 6, 64, 32)", style=solid]; -"282 div_5" -> "283 transpose_4" [label="(16, 6, 64, 32)", style=solid]; -"283 transpose_4" -> "284 matmul_4" [label="(16, 6, 32, 64)", style=solid]; -"284 matmul_4" -> "288 mul_5" [label="(16, 6, 64, 64)", style=solid]; -"285 _param_constant44" -> "286 clamp_2" [label="(6, 1, 1)", style=solid]; -"286 clamp_2" -> "287 exp_2" [label="(6, 1, 1)", style=solid]; -"287 exp_2" -> "288 mul_5" [label="(6, 1, 1)", style=solid]; -"288 mul_5" -> "289 add_7" [label="(16, 6, 64, 64)", style=solid]; -"289 add_7" -> "290 softmax_2" [label="(16, 6, 64, 64)", style=solid]; -"290 softmax_2" -> "291 dropout_8" [label="(16, 6, 64, 64)", style=solid]; -"291 dropout_8" -> "292 matmul_5" [label="(16, 6, 64, 64)", style=solid]; -"292 matmul_5" -> "293 transpose_5" [label="(16, 6, 64, 32)", style=solid]; -"293 transpose_5" -> "294 reshape_11" [label="(16, 64, 6, 32)", style=solid]; -"294 reshape_11" -> "297 linear_16" [label="(16, 64, 192)", style=solid]; -"295 _param_constant45" -> "297 linear_16" [label="(192, 192)", style=solid]; -"296 _param_constant46" -> "297 linear_16" [label="(192,)", style=solid]; -"297 linear_16" -> "298 dropout_9" [label="(16, 64, 192)", style=solid]; -"298 dropout_9" -> "299 view_14" [label="(16, 64, 192)", style=solid]; -"299 view_14" -> "300 permute_13" [label="(1, 4, 4, 8, 8, 192)", style=solid]; -"300 permute_13" -> "301 reshape_12" [label="(1, 4, 8, 4, 8, 192)", style=solid]; -"301 reshape_12" -> "302 slice_38" [label="(1, 32, 32, 192)", style=solid]; -"302 slice_38" -> "303 slice_39" [label="(1, 32, 32, 192)", style=solid]; -"303 slice_39" -> "304 slice_40" [label="(1, 28, 32, 192)", style=solid]; -"304 slice_40" -> "305 slice_41" [label="(1, 28, 28, 192)", style=solid]; -"305 slice_41" -> "306 contiguous_3" [label="(1, 28, 28, 192)", style=solid]; -"306 contiguous_3" -> "309 layer_norm_6" [label="(1, 28, 28, 192)", style=solid]; -"307 _param_constant47" -> "309 layer_norm_6" [label="(192,)", style=solid]; -"308 _param_constant48" -> "309 layer_norm_6" [label="(192,)", style=solid]; -"309 layer_norm_6" -> "310 add_8" [label="(1, 28, 28, 192)", style=solid]; -"310 add_8" -> "313 linear_17" [label="(1, 28, 28, 192)", style=solid]; -"310 add_8" -> "323 add_9" [label="(1, 28, 28, 192)", style=solid]; -"311 _param_constant49" -> "313 linear_17" [label="(768, 192)", style=solid]; -"312 _param_constant50" -> "313 linear_17" [label="(768,)", style=solid]; -"313 linear_17" -> "314 gelu_2" [label="(1, 28, 28, 768)", style=solid]; -"314 gelu_2" -> "315 dropout_10" [label="(1, 28, 28, 768)", style=solid]; -"315 dropout_10" -> "318 linear_18" [label="(1, 28, 28, 768)", style=solid]; -"316 _param_constant51" -> "318 linear_18" [label="(192, 768)", style=solid]; -"317 _param_constant52" -> "318 linear_18" [label="(192,)", style=solid]; -"318 linear_18" -> "319 dropout_11" [label="(1, 28, 28, 192)", style=solid]; -"319 dropout_11" -> "322 layer_norm_7" [label="(1, 28, 28, 192)", style=solid]; -"320 _param_constant53" -> "322 layer_norm_7" [label="(192,)", style=solid]; -"321 _param_constant54" -> "322 layer_norm_7" [label="(192,)", style=solid]; -"322 layer_norm_7" -> "323 add_9" [label="(1, 28, 28, 192)", style=solid]; -"323 add_9" -> "340 pad_4" [label="(1, 28, 28, 192)", style=solid]; -"323 add_9" -> "453 add_12" [label="(1, 28, 28, 192)", style=solid]; -"324 _tensor_constant15" -> "327 linear_19" [label="(1, 15, 15, 2)", style=solid]; -"325 _param_constant55" -> "327 linear_19" [label="(512, 2)", style=solid]; -"326 _param_constant56" -> "327 linear_19" [label="(512,)", style=solid]; -"327 linear_19" -> "328 relu__3" [label="(1, 15, 15, 512)", style=solid]; -"328 relu__3" -> "330 linear_20" [label="(1, 15, 15, 512)", style=solid]; -"329 _param_constant57" -> "330 linear_20" [label="(6, 512)", style=solid]; -"330 linear_20" -> "331 view_15" [label="(1, 15, 15, 6)", style=solid]; -"331 view_15" -> "333 index_3" [label="(225, 6)", style=solid]; -"332 _tensor_constant16" -> "333 index_3" [label="(4096,)", style=solid]; -"333 index_3" -> "334 view_16" [label="(4096, 6)", style=solid]; -"334 view_16" -> "335 permute_14" [label="(64, 64, 6)", style=solid]; -"335 permute_14" -> "336 contiguous_4" [label="(6, 64, 64)", style=solid]; -"336 contiguous_4" -> "337 unsqueeze_7" [label="(6, 64, 64)", style=solid]; -"337 unsqueeze_7" -> "338 sigmoid_3" [label="(1, 6, 64, 64)", style=solid]; -"338 sigmoid_3" -> "339 mul_6" [label="(1, 6, 64, 64)", style=solid]; -"339 mul_6" -> "370 add_10" [label="(1, 6, 64, 64)", style=solid]; -"340 pad_4" -> "341 roll_2" [label="(1, 32, 32, 192)", style=solid]; -"341 roll_2" -> "342 view_17" [label="(1, 32, 32, 192)", style=solid]; -"342 view_17" -> "343 permute_15" [label="(1, 4, 8, 4, 8, 192)", style=solid]; -"343 permute_15" -> "344 reshape_13" [label="(1, 4, 4, 8, 8, 192)", style=solid]; -"344 reshape_13" -> "350 linear_21" [label="(16, 64, 192)", style=solid]; -"344 reshape_13" -> "371 new_zeros_1" [label="(16, 64, 192)", style=solid]; -"345 _param_constant58" -> "346 clone_3" [label="(576,)", style=solid]; -"346 clone_3" -> "347 slice_42" [label="(576,)", style=solid]; -"346 clone_3" -> "350 linear_21" [label="(576,)", style=solid]; -"347 slice_42" -> "348 zero__3" [label="(192,)", style=solid]; -"349 _param_constant59" -> "350 linear_21" [label="(576, 192)", style=solid]; -"350 linear_21" -> "351 reshape_14" [label="(16, 64, 576)", style=solid]; -"351 reshape_14" -> "352 permute_16" [label="(16, 64, 3, 6, 32)", style=solid]; -"352 permute_16" -> "353 select_9" [label="(3, 16, 6, 64, 32)", style=solid]; -"352 permute_16" -> "354 select_10" [label="(3, 16, 6, 64, 32)", style=solid]; -"352 permute_16" -> "355 select_11" [label="(3, 16, 6, 64, 32)", style=solid]; -"353 select_9" -> "356 linalg_vector_norm_6" [label="(16, 6, 64, 32)", style=solid]; -"353 select_9" -> "358 expand_as_6" [label="(16, 6, 64, 32)", style=solid]; -"353 select_9" -> "359 div_6" [label="(16, 6, 64, 32)", style=solid]; -"354 select_10" -> "360 linalg_vector_norm_7" [label="(16, 6, 64, 32)", style=solid]; -"354 select_10" -> "362 expand_as_7" [label="(16, 6, 64, 32)", style=solid]; -"354 select_10" -> "363 div_7" [label="(16, 6, 64, 32)", style=solid]; -"355 select_11" -> "434 matmul_7" [label="(16, 6, 64, 32)", style=solid]; -"356 linalg_vector_norm_6" -> "357 clamp_min_6" [label="(16, 6, 64, 1)", style=solid]; -"357 clamp_min_6" -> "358 expand_as_6" [label="(16, 6, 64, 1)", style=solid]; -"358 expand_as_6" -> "359 div_6" [label="(16, 6, 64, 32)", style=solid]; -"359 div_6" -> "365 matmul_6" [label="(16, 6, 64, 32)", style=solid]; -"360 linalg_vector_norm_7" -> "361 clamp_min_7" [label="(16, 6, 64, 1)", style=solid]; -"361 clamp_min_7" -> "362 expand_as_7" [label="(16, 6, 64, 1)", style=solid]; -"362 expand_as_7" -> "363 div_7" [label="(16, 6, 64, 32)", style=solid]; -"363 div_7" -> "364 transpose_6" [label="(16, 6, 64, 32)", style=solid]; -"364 transpose_6" -> "365 matmul_6" [label="(16, 6, 32, 64)", style=solid]; -"365 matmul_6" -> "369 mul_7" [label="(16, 6, 64, 64)", style=solid]; -"366 _param_constant60" -> "367 clamp_3" [label="(6, 1, 1)", style=solid]; -"367 clamp_3" -> "368 exp_3" [label="(6, 1, 1)", style=solid]; -"368 exp_3" -> "369 mul_7" [label="(6, 1, 1)", style=solid]; -"369 mul_7" -> "370 add_10" [label="(16, 6, 64, 64)", style=solid]; -"370 add_10" -> "427 view_19" [label="(16, 6, 64, 64)", style=solid]; -"371 new_zeros_1" -> "374 slice_43" [label="(32, 32)", style=solid]; -"371 new_zeros_1" -> "379 slice_45" [label="(32, 32)", style=solid]; -"371 new_zeros_1" -> "384 slice_47" [label="(32, 32)", style=solid]; -"371 new_zeros_1" -> "389 slice_49" [label="(32, 32)", style=solid]; -"371 new_zeros_1" -> "394 slice_51" [label="(32, 32)", style=solid]; -"371 new_zeros_1" -> "399 slice_53" [label="(32, 32)", style=solid]; -"371 new_zeros_1" -> "404 slice_55" [label="(32, 32)", style=solid]; -"371 new_zeros_1" -> "409 slice_57" [label="(32, 32)", style=solid]; -"371 new_zeros_1" -> "414 slice_59" [label="(32, 32)", style=solid]; -"371 new_zeros_1" -> "417 view_18" [label="(32, 32)", style=solid]; -"372 _tensor_constant17" -> "373 lift_fresh_copy_9" [label="()", style=solid]; -"373 lift_fresh_copy_9" -> "376 fill__9" [label="()", style=solid]; -"374 slice_43" -> "375 slice_44" [label="(24, 32)", style=solid]; -"375 slice_44" -> "376 fill__9" [label="(24, 24)", style=solid]; -"377 _tensor_constant18" -> "378 lift_fresh_copy_10" [label="()", style=solid]; -"378 lift_fresh_copy_10" -> "381 fill__10" [label="()", style=solid]; -"379 slice_45" -> "380 slice_46" [label="(24, 32)", style=solid]; -"380 slice_46" -> "381 fill__10" [label="(24, 4)", style=solid]; -"382 _tensor_constant19" -> "383 lift_fresh_copy_11" [label="()", style=solid]; -"383 lift_fresh_copy_11" -> "386 fill__11" [label="()", style=solid]; -"384 slice_47" -> "385 slice_48" [label="(24, 32)", style=solid]; -"385 slice_48" -> "386 fill__11" [label="(24, 4)", style=solid]; -"387 _tensor_constant20" -> "388 lift_fresh_copy_12" [label="()", style=solid]; -"388 lift_fresh_copy_12" -> "391 fill__12" [label="()", style=solid]; -"389 slice_49" -> "390 slice_50" [label="(4, 32)", style=solid]; -"390 slice_50" -> "391 fill__12" [label="(4, 24)", style=solid]; -"392 _tensor_constant21" -> "393 lift_fresh_copy_13" [label="()", style=solid]; -"393 lift_fresh_copy_13" -> "396 fill__13" [label="()", style=solid]; -"394 slice_51" -> "395 slice_52" [label="(4, 32)", style=solid]; -"395 slice_52" -> "396 fill__13" [label="(4, 4)", style=solid]; -"397 _tensor_constant22" -> "398 lift_fresh_copy_14" [label="()", style=solid]; -"398 lift_fresh_copy_14" -> "401 fill__14" [label="()", style=solid]; -"399 slice_53" -> "400 slice_54" [label="(4, 32)", style=solid]; -"400 slice_54" -> "401 fill__14" [label="(4, 4)", style=solid]; -"402 _tensor_constant23" -> "403 lift_fresh_copy_15" [label="()", style=solid]; -"403 lift_fresh_copy_15" -> "406 fill__15" [label="()", style=solid]; -"404 slice_55" -> "405 slice_56" [label="(4, 32)", style=solid]; -"405 slice_56" -> "406 fill__15" [label="(4, 24)", style=solid]; -"407 _tensor_constant24" -> "408 lift_fresh_copy_16" [label="()", style=solid]; -"408 lift_fresh_copy_16" -> "411 fill__16" [label="()", style=solid]; -"409 slice_57" -> "410 slice_58" [label="(4, 32)", style=solid]; -"410 slice_58" -> "411 fill__16" [label="(4, 4)", style=solid]; -"412 _tensor_constant25" -> "413 lift_fresh_copy_17" [label="()", style=solid]; -"413 lift_fresh_copy_17" -> "416 fill__17" [label="()", style=solid]; -"414 slice_59" -> "415 slice_60" [label="(4, 32)", style=solid]; -"415 slice_60" -> "416 fill__17" [label="(4, 4)", style=solid]; -"417 view_18" -> "418 permute_17" [label="(4, 8, 4, 8)", style=solid]; -"418 permute_17" -> "419 reshape_15" [label="(4, 4, 8, 8)", style=solid]; -"419 reshape_15" -> "420 unsqueeze_8" [label="(16, 64)", style=solid]; -"419 reshape_15" -> "421 unsqueeze_9" [label="(16, 64)", style=solid]; -"420 unsqueeze_8" -> "422 sub_1" [label="(16, 1, 64)", style=solid]; -"421 unsqueeze_9" -> "422 sub_1" [label="(16, 64, 1)", style=solid]; -"422 sub_1" -> "423 ne_1" [label="(16, 64, 64)", style=solid]; -"422 sub_1" -> "424 masked_fill_2" [label="(16, 64, 64)", style=solid]; -"422 sub_1" -> "425 eq_1" [label="(16, 64, 64)", style=solid]; -"423 ne_1" -> "424 masked_fill_2" [label="(16, 64, 64)", style=solid]; -"424 masked_fill_2" -> "426 masked_fill_3" [label="(16, 64, 64)", style=solid]; -"425 eq_1" -> "426 masked_fill_3" [label="(16, 64, 64)", style=solid]; -"426 masked_fill_3" -> "428 unsqueeze_10" [label="(16, 64, 64)", style=solid]; -"427 view_19" -> "430 add_11" [label="(1, 16, 6, 64, 64)", style=solid]; -"428 unsqueeze_10" -> "429 unsqueeze_11" [label="(16, 1, 64, 64)", style=solid]; -"429 unsqueeze_11" -> "430 add_11" [label="(1, 16, 1, 64, 64)", style=solid]; -"430 add_11" -> "431 view_20" [label="(1, 16, 6, 64, 64)", style=solid]; -"431 view_20" -> "432 softmax_3" [label="(16, 6, 64, 64)", style=solid]; -"432 softmax_3" -> "433 dropout_12" [label="(16, 6, 64, 64)", style=solid]; -"433 dropout_12" -> "434 matmul_7" [label="(16, 6, 64, 64)", style=solid]; -"434 matmul_7" -> "435 transpose_7" [label="(16, 6, 64, 32)", style=solid]; -"435 transpose_7" -> "436 reshape_16" [label="(16, 64, 6, 32)", style=solid]; -"436 reshape_16" -> "439 linear_22" [label="(16, 64, 192)", style=solid]; -"437 _param_constant61" -> "439 linear_22" [label="(192, 192)", style=solid]; -"438 _param_constant62" -> "439 linear_22" [label="(192,)", style=solid]; -"439 linear_22" -> "440 dropout_13" [label="(16, 64, 192)", style=solid]; -"440 dropout_13" -> "441 view_21" [label="(16, 64, 192)", style=solid]; -"441 view_21" -> "442 permute_18" [label="(1, 4, 4, 8, 8, 192)", style=solid]; -"442 permute_18" -> "443 reshape_17" [label="(1, 4, 8, 4, 8, 192)", style=solid]; -"443 reshape_17" -> "444 roll_3" [label="(1, 32, 32, 192)", style=solid]; -"444 roll_3" -> "445 slice_61" [label="(1, 32, 32, 192)", style=solid]; -"445 slice_61" -> "446 slice_62" [label="(1, 32, 32, 192)", style=solid]; -"446 slice_62" -> "447 slice_63" [label="(1, 28, 32, 192)", style=solid]; -"447 slice_63" -> "448 slice_64" [label="(1, 28, 28, 192)", style=solid]; -"448 slice_64" -> "449 contiguous_5" [label="(1, 28, 28, 192)", style=solid]; -"449 contiguous_5" -> "452 layer_norm_8" [label="(1, 28, 28, 192)", style=solid]; -"450 _param_constant63" -> "452 layer_norm_8" [label="(192,)", style=solid]; -"451 _param_constant64" -> "452 layer_norm_8" [label="(192,)", style=solid]; -"452 layer_norm_8" -> "453 add_12" [label="(1, 28, 28, 192)", style=solid]; -"453 add_12" -> "456 linear_23" [label="(1, 28, 28, 192)", style=solid]; -"453 add_12" -> "466 add_13" [label="(1, 28, 28, 192)", style=solid]; -"454 _param_constant65" -> "456 linear_23" [label="(768, 192)", style=solid]; -"455 _param_constant66" -> "456 linear_23" [label="(768,)", style=solid]; -"456 linear_23" -> "457 gelu_3" [label="(1, 28, 28, 768)", style=solid]; -"457 gelu_3" -> "458 dropout_14" [label="(1, 28, 28, 768)", style=solid]; -"458 dropout_14" -> "461 linear_24" [label="(1, 28, 28, 768)", style=solid]; -"459 _param_constant67" -> "461 linear_24" [label="(192, 768)", style=solid]; -"460 _param_constant68" -> "461 linear_24" [label="(192,)", style=solid]; -"461 linear_24" -> "462 dropout_15" [label="(1, 28, 28, 192)", style=solid]; -"462 dropout_15" -> "465 layer_norm_9" [label="(1, 28, 28, 192)", style=solid]; -"463 _param_constant69" -> "465 layer_norm_9" [label="(192,)", style=solid]; -"464 _param_constant70" -> "465 layer_norm_9" [label="(192,)", style=solid]; -"465 layer_norm_9" -> "466 add_13" [label="(1, 28, 28, 192)", style=solid]; -"466 add_13" -> "467 pad_5" [label="(1, 28, 28, 192)", style=solid]; -"467 pad_5" -> "468 slice_65" [label="(1, 28, 28, 192)", style=solid]; -"467 pad_5" -> "471 slice_68" [label="(1, 28, 28, 192)", style=solid]; -"467 pad_5" -> "474 slice_71" [label="(1, 28, 28, 192)", style=solid]; -"467 pad_5" -> "477 slice_74" [label="(1, 28, 28, 192)", style=solid]; -"468 slice_65" -> "469 slice_66" [label="(1, 14, 28, 192)", style=solid]; -"469 slice_66" -> "470 slice_67" [label="(1, 14, 14, 192)", style=solid]; -"470 slice_67" -> "480 cat_1" [label="(1, 14, 14, 192)", style=solid]; -"471 slice_68" -> "472 slice_69" [label="(1, 14, 28, 192)", style=solid]; -"472 slice_69" -> "473 slice_70" [label="(1, 14, 14, 192)", style=solid]; -"473 slice_70" -> "480 cat_1" [label="(1, 14, 14, 192)", style=solid]; -"474 slice_71" -> "475 slice_72" [label="(1, 14, 28, 192)", style=solid]; -"475 slice_72" -> "476 slice_73" [label="(1, 14, 14, 192)", style=solid]; -"476 slice_73" -> "480 cat_1" [label="(1, 14, 14, 192)", style=solid]; -"477 slice_74" -> "478 slice_75" [label="(1, 14, 28, 192)", style=solid]; -"478 slice_75" -> "479 slice_76" [label="(1, 14, 14, 192)", style=solid]; -"479 slice_76" -> "480 cat_1" [label="(1, 14, 14, 192)", style=solid]; -"480 cat_1" -> "482 linear_25" [label="(1, 14, 14, 768)", style=solid]; -"481 _param_constant71" -> "482 linear_25" [label="(384, 768)", style=solid]; -"482 linear_25" -> "485 layer_norm_10" [label="(1, 14, 14, 384)", style=solid]; -"483 _param_constant72" -> "485 layer_norm_10" [label="(384,)", style=solid]; -"484 _param_constant73" -> "485 layer_norm_10" [label="(384,)", style=solid]; -"485 layer_norm_10" -> "502 pad_6" [label="(1, 14, 14, 384)", style=solid]; -"485 layer_norm_10" -> "552 add_15" [label="(1, 14, 14, 384)", style=solid]; -"486 _tensor_constant26" -> "489 linear_26" [label="(1, 15, 15, 2)", style=solid]; -"487 _param_constant74" -> "489 linear_26" [label="(512, 2)", style=solid]; -"488 _param_constant75" -> "489 linear_26" [label="(512,)", style=solid]; -"489 linear_26" -> "490 relu__4" [label="(1, 15, 15, 512)", style=solid]; -"490 relu__4" -> "492 linear_27" [label="(1, 15, 15, 512)", style=solid]; -"491 _param_constant76" -> "492 linear_27" [label="(12, 512)", style=solid]; -"492 linear_27" -> "493 view_22" [label="(1, 15, 15, 12)", style=solid]; -"493 view_22" -> "495 index_4" [label="(225, 12)", style=solid]; -"494 _tensor_constant27" -> "495 index_4" [label="(4096,)", style=solid]; -"495 index_4" -> "496 view_23" [label="(4096, 12)", style=solid]; -"496 view_23" -> "497 permute_19" [label="(64, 64, 12)", style=solid]; -"497 permute_19" -> "498 contiguous_6" [label="(12, 64, 64)", style=solid]; -"498 contiguous_6" -> "499 unsqueeze_12" [label="(12, 64, 64)", style=solid]; -"499 unsqueeze_12" -> "500 sigmoid_4" [label="(1, 12, 64, 64)", style=solid]; -"500 sigmoid_4" -> "501 mul_8" [label="(1, 12, 64, 64)", style=solid]; -"501 mul_8" -> "531 add_14" [label="(1, 12, 64, 64)", style=solid]; -"502 pad_6" -> "503 view_24" [label="(1, 16, 16, 384)", style=solid]; -"503 view_24" -> "504 permute_20" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"504 permute_20" -> "505 reshape_18" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"505 reshape_18" -> "511 linear_28" [label="(4, 64, 384)", style=solid]; -"506 _param_constant77" -> "507 clone_4" [label="(1152,)", style=solid]; -"507 clone_4" -> "508 slice_77" [label="(1152,)", style=solid]; -"507 clone_4" -> "511 linear_28" [label="(1152,)", style=solid]; -"508 slice_77" -> "509 zero__4" [label="(384,)", style=solid]; -"510 _param_constant78" -> "511 linear_28" [label="(1152, 384)", style=solid]; -"511 linear_28" -> "512 reshape_19" [label="(4, 64, 1152)", style=solid]; -"512 reshape_19" -> "513 permute_21" [label="(4, 64, 3, 12, 32)", style=solid]; -"513 permute_21" -> "514 select_12" [label="(3, 4, 12, 64, 32)", style=solid]; -"513 permute_21" -> "515 select_13" [label="(3, 4, 12, 64, 32)", style=solid]; -"513 permute_21" -> "516 select_14" [label="(3, 4, 12, 64, 32)", style=solid]; -"514 select_12" -> "517 linalg_vector_norm_8" [label="(4, 12, 64, 32)", style=solid]; -"514 select_12" -> "519 expand_as_8" [label="(4, 12, 64, 32)", style=solid]; -"514 select_12" -> "520 div_8" [label="(4, 12, 64, 32)", style=solid]; -"515 select_13" -> "521 linalg_vector_norm_9" [label="(4, 12, 64, 32)", style=solid]; -"515 select_13" -> "523 expand_as_9" [label="(4, 12, 64, 32)", style=solid]; -"515 select_13" -> "524 div_9" [label="(4, 12, 64, 32)", style=solid]; -"516 select_14" -> "534 matmul_9" [label="(4, 12, 64, 32)", style=solid]; -"517 linalg_vector_norm_8" -> "518 clamp_min_8" [label="(4, 12, 64, 1)", style=solid]; -"518 clamp_min_8" -> "519 expand_as_8" [label="(4, 12, 64, 1)", style=solid]; -"519 expand_as_8" -> "520 div_8" [label="(4, 12, 64, 32)", style=solid]; -"520 div_8" -> "526 matmul_8" [label="(4, 12, 64, 32)", style=solid]; -"521 linalg_vector_norm_9" -> "522 clamp_min_9" [label="(4, 12, 64, 1)", style=solid]; -"522 clamp_min_9" -> "523 expand_as_9" [label="(4, 12, 64, 1)", style=solid]; -"523 expand_as_9" -> "524 div_9" [label="(4, 12, 64, 32)", style=solid]; -"524 div_9" -> "525 transpose_8" [label="(4, 12, 64, 32)", style=solid]; -"525 transpose_8" -> "526 matmul_8" [label="(4, 12, 32, 64)", style=solid]; -"526 matmul_8" -> "530 mul_9" [label="(4, 12, 64, 64)", style=solid]; -"527 _param_constant79" -> "528 clamp_4" [label="(12, 1, 1)", style=solid]; -"528 clamp_4" -> "529 exp_4" [label="(12, 1, 1)", style=solid]; -"529 exp_4" -> "530 mul_9" [label="(12, 1, 1)", style=solid]; -"530 mul_9" -> "531 add_14" [label="(4, 12, 64, 64)", style=solid]; -"531 add_14" -> "532 softmax_4" [label="(4, 12, 64, 64)", style=solid]; -"532 softmax_4" -> "533 dropout_16" [label="(4, 12, 64, 64)", style=solid]; -"533 dropout_16" -> "534 matmul_9" [label="(4, 12, 64, 64)", style=solid]; -"534 matmul_9" -> "535 transpose_9" [label="(4, 12, 64, 32)", style=solid]; -"535 transpose_9" -> "536 reshape_20" [label="(4, 64, 12, 32)", style=solid]; -"536 reshape_20" -> "539 linear_29" [label="(4, 64, 384)", style=solid]; -"537 _param_constant80" -> "539 linear_29" [label="(384, 384)", style=solid]; -"538 _param_constant81" -> "539 linear_29" [label="(384,)", style=solid]; -"539 linear_29" -> "540 dropout_17" [label="(4, 64, 384)", style=solid]; -"540 dropout_17" -> "541 view_25" [label="(4, 64, 384)", style=solid]; -"541 view_25" -> "542 permute_22" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"542 permute_22" -> "543 reshape_21" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"543 reshape_21" -> "544 slice_78" [label="(1, 16, 16, 384)", style=solid]; -"544 slice_78" -> "545 slice_79" [label="(1, 16, 16, 384)", style=solid]; -"545 slice_79" -> "546 slice_80" [label="(1, 14, 16, 384)", style=solid]; -"546 slice_80" -> "547 slice_81" [label="(1, 14, 14, 384)", style=solid]; -"547 slice_81" -> "548 contiguous_7" [label="(1, 14, 14, 384)", style=solid]; -"548 contiguous_7" -> "551 layer_norm_11" [label="(1, 14, 14, 384)", style=solid]; -"549 _param_constant82" -> "551 layer_norm_11" [label="(384,)", style=solid]; -"550 _param_constant83" -> "551 layer_norm_11" [label="(384,)", style=solid]; -"551 layer_norm_11" -> "552 add_15" [label="(1, 14, 14, 384)", style=solid]; -"552 add_15" -> "555 linear_30" [label="(1, 14, 14, 384)", style=solid]; -"552 add_15" -> "565 add_16" [label="(1, 14, 14, 384)", style=solid]; -"553 _param_constant84" -> "555 linear_30" [label="(1536, 384)", style=solid]; -"554 _param_constant85" -> "555 linear_30" [label="(1536,)", style=solid]; -"555 linear_30" -> "556 gelu_4" [label="(1, 14, 14, 1536)", style=solid]; -"556 gelu_4" -> "557 dropout_18" [label="(1, 14, 14, 1536)", style=solid]; -"557 dropout_18" -> "560 linear_31" [label="(1, 14, 14, 1536)", style=solid]; -"558 _param_constant86" -> "560 linear_31" [label="(384, 1536)", style=solid]; -"559 _param_constant87" -> "560 linear_31" [label="(384,)", style=solid]; -"560 linear_31" -> "561 dropout_19" [label="(1, 14, 14, 384)", style=solid]; -"561 dropout_19" -> "564 layer_norm_12" [label="(1, 14, 14, 384)", style=solid]; -"562 _param_constant88" -> "564 layer_norm_12" [label="(384,)", style=solid]; -"563 _param_constant89" -> "564 layer_norm_12" [label="(384,)", style=solid]; -"564 layer_norm_12" -> "565 add_16" [label="(1, 14, 14, 384)", style=solid]; -"565 add_16" -> "582 pad_7" [label="(1, 14, 14, 384)", style=solid]; -"565 add_16" -> "695 add_19" [label="(1, 14, 14, 384)", style=solid]; -"566 _tensor_constant28" -> "569 linear_32" [label="(1, 15, 15, 2)", style=solid]; -"567 _param_constant90" -> "569 linear_32" [label="(512, 2)", style=solid]; -"568 _param_constant91" -> "569 linear_32" [label="(512,)", style=solid]; -"569 linear_32" -> "570 relu__5" [label="(1, 15, 15, 512)", style=solid]; -"570 relu__5" -> "572 linear_33" [label="(1, 15, 15, 512)", style=solid]; -"571 _param_constant92" -> "572 linear_33" [label="(12, 512)", style=solid]; -"572 linear_33" -> "573 view_26" [label="(1, 15, 15, 12)", style=solid]; -"573 view_26" -> "575 index_5" [label="(225, 12)", style=solid]; -"574 _tensor_constant29" -> "575 index_5" [label="(4096,)", style=solid]; -"575 index_5" -> "576 view_27" [label="(4096, 12)", style=solid]; -"576 view_27" -> "577 permute_23" [label="(64, 64, 12)", style=solid]; -"577 permute_23" -> "578 contiguous_8" [label="(12, 64, 64)", style=solid]; -"578 contiguous_8" -> "579 unsqueeze_13" [label="(12, 64, 64)", style=solid]; -"579 unsqueeze_13" -> "580 sigmoid_5" [label="(1, 12, 64, 64)", style=solid]; -"580 sigmoid_5" -> "581 mul_10" [label="(1, 12, 64, 64)", style=solid]; -"581 mul_10" -> "612 add_17" [label="(1, 12, 64, 64)", style=solid]; -"582 pad_7" -> "583 roll_4" [label="(1, 16, 16, 384)", style=solid]; -"583 roll_4" -> "584 view_28" [label="(1, 16, 16, 384)", style=solid]; -"584 view_28" -> "585 permute_24" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"585 permute_24" -> "586 reshape_22" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"586 reshape_22" -> "592 linear_34" [label="(4, 64, 384)", style=solid]; -"586 reshape_22" -> "613 new_zeros_2" [label="(4, 64, 384)", style=solid]; -"587 _param_constant93" -> "588 clone_5" [label="(1152,)", style=solid]; -"588 clone_5" -> "589 slice_82" [label="(1152,)", style=solid]; -"588 clone_5" -> "592 linear_34" [label="(1152,)", style=solid]; -"589 slice_82" -> "590 zero__5" [label="(384,)", style=solid]; -"591 _param_constant94" -> "592 linear_34" [label="(1152, 384)", style=solid]; -"592 linear_34" -> "593 reshape_23" [label="(4, 64, 1152)", style=solid]; -"593 reshape_23" -> "594 permute_25" [label="(4, 64, 3, 12, 32)", style=solid]; -"594 permute_25" -> "595 select_15" [label="(3, 4, 12, 64, 32)", style=solid]; -"594 permute_25" -> "596 select_16" [label="(3, 4, 12, 64, 32)", style=solid]; -"594 permute_25" -> "597 select_17" [label="(3, 4, 12, 64, 32)", style=solid]; -"595 select_15" -> "598 linalg_vector_norm_10" [label="(4, 12, 64, 32)", style=solid]; -"595 select_15" -> "600 expand_as_10" [label="(4, 12, 64, 32)", style=solid]; -"595 select_15" -> "601 div_10" [label="(4, 12, 64, 32)", style=solid]; -"596 select_16" -> "602 linalg_vector_norm_11" [label="(4, 12, 64, 32)", style=solid]; -"596 select_16" -> "604 expand_as_11" [label="(4, 12, 64, 32)", style=solid]; -"596 select_16" -> "605 div_11" [label="(4, 12, 64, 32)", style=solid]; -"597 select_17" -> "676 matmul_11" [label="(4, 12, 64, 32)", style=solid]; -"598 linalg_vector_norm_10" -> "599 clamp_min_10" [label="(4, 12, 64, 1)", style=solid]; -"599 clamp_min_10" -> "600 expand_as_10" [label="(4, 12, 64, 1)", style=solid]; -"600 expand_as_10" -> "601 div_10" [label="(4, 12, 64, 32)", style=solid]; -"601 div_10" -> "607 matmul_10" [label="(4, 12, 64, 32)", style=solid]; -"602 linalg_vector_norm_11" -> "603 clamp_min_11" [label="(4, 12, 64, 1)", style=solid]; -"603 clamp_min_11" -> "604 expand_as_11" [label="(4, 12, 64, 1)", style=solid]; -"604 expand_as_11" -> "605 div_11" [label="(4, 12, 64, 32)", style=solid]; -"605 div_11" -> "606 transpose_10" [label="(4, 12, 64, 32)", style=solid]; -"606 transpose_10" -> "607 matmul_10" [label="(4, 12, 32, 64)", style=solid]; -"607 matmul_10" -> "611 mul_11" [label="(4, 12, 64, 64)", style=solid]; -"608 _param_constant95" -> "609 clamp_5" [label="(12, 1, 1)", style=solid]; -"609 clamp_5" -> "610 exp_5" [label="(12, 1, 1)", style=solid]; -"610 exp_5" -> "611 mul_11" [label="(12, 1, 1)", style=solid]; -"611 mul_11" -> "612 add_17" [label="(4, 12, 64, 64)", style=solid]; -"612 add_17" -> "669 view_30" [label="(4, 12, 64, 64)", style=solid]; -"613 new_zeros_2" -> "616 slice_83" [label="(16, 16)", style=solid]; -"613 new_zeros_2" -> "621 slice_85" [label="(16, 16)", style=solid]; -"613 new_zeros_2" -> "626 slice_87" [label="(16, 16)", style=solid]; -"613 new_zeros_2" -> "631 slice_89" [label="(16, 16)", style=solid]; -"613 new_zeros_2" -> "636 slice_91" [label="(16, 16)", style=solid]; -"613 new_zeros_2" -> "641 slice_93" [label="(16, 16)", style=solid]; -"613 new_zeros_2" -> "646 slice_95" [label="(16, 16)", style=solid]; -"613 new_zeros_2" -> "651 slice_97" [label="(16, 16)", style=solid]; -"613 new_zeros_2" -> "656 slice_99" [label="(16, 16)", style=solid]; -"613 new_zeros_2" -> "659 view_29" [label="(16, 16)", style=solid]; -"614 _tensor_constant30" -> "615 lift_fresh_copy_18" [label="()", style=solid]; -"615 lift_fresh_copy_18" -> "618 fill__18" [label="()", style=solid]; -"616 slice_83" -> "617 slice_84" [label="(8, 16)", style=solid]; -"617 slice_84" -> "618 fill__18" [label="(8, 8)", style=solid]; -"619 _tensor_constant31" -> "620 lift_fresh_copy_19" [label="()", style=solid]; -"620 lift_fresh_copy_19" -> "623 fill__19" [label="()", style=solid]; -"621 slice_85" -> "622 slice_86" [label="(8, 16)", style=solid]; -"622 slice_86" -> "623 fill__19" [label="(8, 4)", style=solid]; -"624 _tensor_constant32" -> "625 lift_fresh_copy_20" [label="()", style=solid]; -"625 lift_fresh_copy_20" -> "628 fill__20" [label="()", style=solid]; -"626 slice_87" -> "627 slice_88" [label="(8, 16)", style=solid]; -"627 slice_88" -> "628 fill__20" [label="(8, 4)", style=solid]; -"629 _tensor_constant33" -> "630 lift_fresh_copy_21" [label="()", style=solid]; -"630 lift_fresh_copy_21" -> "633 fill__21" [label="()", style=solid]; -"631 slice_89" -> "632 slice_90" [label="(4, 16)", style=solid]; -"632 slice_90" -> "633 fill__21" [label="(4, 8)", style=solid]; -"634 _tensor_constant34" -> "635 lift_fresh_copy_22" [label="()", style=solid]; -"635 lift_fresh_copy_22" -> "638 fill__22" [label="()", style=solid]; -"636 slice_91" -> "637 slice_92" [label="(4, 16)", style=solid]; -"637 slice_92" -> "638 fill__22" [label="(4, 4)", style=solid]; -"639 _tensor_constant35" -> "640 lift_fresh_copy_23" [label="()", style=solid]; -"640 lift_fresh_copy_23" -> "643 fill__23" [label="()", style=solid]; -"641 slice_93" -> "642 slice_94" [label="(4, 16)", style=solid]; -"642 slice_94" -> "643 fill__23" [label="(4, 4)", style=solid]; -"644 _tensor_constant36" -> "645 lift_fresh_copy_24" [label="()", style=solid]; -"645 lift_fresh_copy_24" -> "648 fill__24" [label="()", style=solid]; -"646 slice_95" -> "647 slice_96" [label="(4, 16)", style=solid]; -"647 slice_96" -> "648 fill__24" [label="(4, 8)", style=solid]; -"649 _tensor_constant37" -> "650 lift_fresh_copy_25" [label="()", style=solid]; -"650 lift_fresh_copy_25" -> "653 fill__25" [label="()", style=solid]; -"651 slice_97" -> "652 slice_98" [label="(4, 16)", style=solid]; -"652 slice_98" -> "653 fill__25" [label="(4, 4)", style=solid]; -"654 _tensor_constant38" -> "655 lift_fresh_copy_26" [label="()", style=solid]; -"655 lift_fresh_copy_26" -> "658 fill__26" [label="()", style=solid]; -"656 slice_99" -> "657 slice_100" [label="(4, 16)", style=solid]; -"657 slice_100" -> "658 fill__26" [label="(4, 4)", style=solid]; -"659 view_29" -> "660 permute_26" [label="(2, 8, 2, 8)", style=solid]; -"660 permute_26" -> "661 reshape_24" [label="(2, 2, 8, 8)", style=solid]; -"661 reshape_24" -> "662 unsqueeze_14" [label="(4, 64)", style=solid]; -"661 reshape_24" -> "663 unsqueeze_15" [label="(4, 64)", style=solid]; -"662 unsqueeze_14" -> "664 sub_2" [label="(4, 1, 64)", style=solid]; -"663 unsqueeze_15" -> "664 sub_2" [label="(4, 64, 1)", style=solid]; -"664 sub_2" -> "665 ne_2" [label="(4, 64, 64)", style=solid]; -"664 sub_2" -> "666 masked_fill_4" [label="(4, 64, 64)", style=solid]; -"664 sub_2" -> "667 eq_2" [label="(4, 64, 64)", style=solid]; -"665 ne_2" -> "666 masked_fill_4" [label="(4, 64, 64)", style=solid]; -"666 masked_fill_4" -> "668 masked_fill_5" [label="(4, 64, 64)", style=solid]; -"667 eq_2" -> "668 masked_fill_5" [label="(4, 64, 64)", style=solid]; -"668 masked_fill_5" -> "670 unsqueeze_16" [label="(4, 64, 64)", style=solid]; -"669 view_30" -> "672 add_18" [label="(1, 4, 12, 64, 64)", style=solid]; -"670 unsqueeze_16" -> "671 unsqueeze_17" [label="(4, 1, 64, 64)", style=solid]; -"671 unsqueeze_17" -> "672 add_18" [label="(1, 4, 1, 64, 64)", style=solid]; -"672 add_18" -> "673 view_31" [label="(1, 4, 12, 64, 64)", style=solid]; -"673 view_31" -> "674 softmax_5" [label="(4, 12, 64, 64)", style=solid]; -"674 softmax_5" -> "675 dropout_20" [label="(4, 12, 64, 64)", style=solid]; -"675 dropout_20" -> "676 matmul_11" [label="(4, 12, 64, 64)", style=solid]; -"676 matmul_11" -> "677 transpose_11" [label="(4, 12, 64, 32)", style=solid]; -"677 transpose_11" -> "678 reshape_25" [label="(4, 64, 12, 32)", style=solid]; -"678 reshape_25" -> "681 linear_35" [label="(4, 64, 384)", style=solid]; -"679 _param_constant96" -> "681 linear_35" [label="(384, 384)", style=solid]; -"680 _param_constant97" -> "681 linear_35" [label="(384,)", style=solid]; -"681 linear_35" -> "682 dropout_21" [label="(4, 64, 384)", style=solid]; -"682 dropout_21" -> "683 view_32" [label="(4, 64, 384)", style=solid]; -"683 view_32" -> "684 permute_27" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"684 permute_27" -> "685 reshape_26" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"685 reshape_26" -> "686 roll_5" [label="(1, 16, 16, 384)", style=solid]; -"686 roll_5" -> "687 slice_101" [label="(1, 16, 16, 384)", style=solid]; -"687 slice_101" -> "688 slice_102" [label="(1, 16, 16, 384)", style=solid]; -"688 slice_102" -> "689 slice_103" [label="(1, 14, 16, 384)", style=solid]; -"689 slice_103" -> "690 slice_104" [label="(1, 14, 14, 384)", style=solid]; -"690 slice_104" -> "691 contiguous_9" [label="(1, 14, 14, 384)", style=solid]; -"691 contiguous_9" -> "694 layer_norm_13" [label="(1, 14, 14, 384)", style=solid]; -"692 _param_constant98" -> "694 layer_norm_13" [label="(384,)", style=solid]; -"693 _param_constant99" -> "694 layer_norm_13" [label="(384,)", style=solid]; -"694 layer_norm_13" -> "695 add_19" [label="(1, 14, 14, 384)", style=solid]; -"695 add_19" -> "698 linear_36" [label="(1, 14, 14, 384)", style=solid]; -"695 add_19" -> "708 add_20" [label="(1, 14, 14, 384)", style=solid]; -"696 _param_constant100" -> "698 linear_36" [label="(1536, 384)", style=solid]; -"697 _param_constant101" -> "698 linear_36" [label="(1536,)", style=solid]; -"698 linear_36" -> "699 gelu_5" [label="(1, 14, 14, 1536)", style=solid]; -"699 gelu_5" -> "700 dropout_22" [label="(1, 14, 14, 1536)", style=solid]; -"700 dropout_22" -> "703 linear_37" [label="(1, 14, 14, 1536)", style=solid]; -"701 _param_constant102" -> "703 linear_37" [label="(384, 1536)", style=solid]; -"702 _param_constant103" -> "703 linear_37" [label="(384,)", style=solid]; -"703 linear_37" -> "704 dropout_23" [label="(1, 14, 14, 384)", style=solid]; -"704 dropout_23" -> "707 layer_norm_14" [label="(1, 14, 14, 384)", style=solid]; -"705 _param_constant104" -> "707 layer_norm_14" [label="(384,)", style=solid]; -"706 _param_constant105" -> "707 layer_norm_14" [label="(384,)", style=solid]; -"707 layer_norm_14" -> "708 add_20" [label="(1, 14, 14, 384)", style=solid]; -"708 add_20" -> "725 pad_8" [label="(1, 14, 14, 384)", style=solid]; -"708 add_20" -> "775 add_22" [label="(1, 14, 14, 384)", style=solid]; -"709 _tensor_constant39" -> "712 linear_38" [label="(1, 15, 15, 2)", style=solid]; -"710 _param_constant106" -> "712 linear_38" [label="(512, 2)", style=solid]; -"711 _param_constant107" -> "712 linear_38" [label="(512,)", style=solid]; -"712 linear_38" -> "713 relu__6" [label="(1, 15, 15, 512)", style=solid]; -"713 relu__6" -> "715 linear_39" [label="(1, 15, 15, 512)", style=solid]; -"714 _param_constant108" -> "715 linear_39" [label="(12, 512)", style=solid]; -"715 linear_39" -> "716 view_33" [label="(1, 15, 15, 12)", style=solid]; -"716 view_33" -> "718 index_6" [label="(225, 12)", style=solid]; -"717 _tensor_constant40" -> "718 index_6" [label="(4096,)", style=solid]; -"718 index_6" -> "719 view_34" [label="(4096, 12)", style=solid]; -"719 view_34" -> "720 permute_28" [label="(64, 64, 12)", style=solid]; -"720 permute_28" -> "721 contiguous_10" [label="(12, 64, 64)", style=solid]; -"721 contiguous_10" -> "722 unsqueeze_18" [label="(12, 64, 64)", style=solid]; -"722 unsqueeze_18" -> "723 sigmoid_6" [label="(1, 12, 64, 64)", style=solid]; -"723 sigmoid_6" -> "724 mul_12" [label="(1, 12, 64, 64)", style=solid]; -"724 mul_12" -> "754 add_21" [label="(1, 12, 64, 64)", style=solid]; -"725 pad_8" -> "726 view_35" [label="(1, 16, 16, 384)", style=solid]; -"726 view_35" -> "727 permute_29" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"727 permute_29" -> "728 reshape_27" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"728 reshape_27" -> "734 linear_40" [label="(4, 64, 384)", style=solid]; -"729 _param_constant109" -> "730 clone_6" [label="(1152,)", style=solid]; -"730 clone_6" -> "731 slice_105" [label="(1152,)", style=solid]; -"730 clone_6" -> "734 linear_40" [label="(1152,)", style=solid]; -"731 slice_105" -> "732 zero__6" [label="(384,)", style=solid]; -"733 _param_constant110" -> "734 linear_40" [label="(1152, 384)", style=solid]; -"734 linear_40" -> "735 reshape_28" [label="(4, 64, 1152)", style=solid]; -"735 reshape_28" -> "736 permute_30" [label="(4, 64, 3, 12, 32)", style=solid]; -"736 permute_30" -> "737 select_18" [label="(3, 4, 12, 64, 32)", style=solid]; -"736 permute_30" -> "738 select_19" [label="(3, 4, 12, 64, 32)", style=solid]; -"736 permute_30" -> "739 select_20" [label="(3, 4, 12, 64, 32)", style=solid]; -"737 select_18" -> "740 linalg_vector_norm_12" [label="(4, 12, 64, 32)", style=solid]; -"737 select_18" -> "742 expand_as_12" [label="(4, 12, 64, 32)", style=solid]; -"737 select_18" -> "743 div_12" [label="(4, 12, 64, 32)", style=solid]; -"738 select_19" -> "744 linalg_vector_norm_13" [label="(4, 12, 64, 32)", style=solid]; -"738 select_19" -> "746 expand_as_13" [label="(4, 12, 64, 32)", style=solid]; -"738 select_19" -> "747 div_13" [label="(4, 12, 64, 32)", style=solid]; -"739 select_20" -> "757 matmul_13" [label="(4, 12, 64, 32)", style=solid]; -"740 linalg_vector_norm_12" -> "741 clamp_min_12" [label="(4, 12, 64, 1)", style=solid]; -"741 clamp_min_12" -> "742 expand_as_12" [label="(4, 12, 64, 1)", style=solid]; -"742 expand_as_12" -> "743 div_12" [label="(4, 12, 64, 32)", style=solid]; -"743 div_12" -> "749 matmul_12" [label="(4, 12, 64, 32)", style=solid]; -"744 linalg_vector_norm_13" -> "745 clamp_min_13" [label="(4, 12, 64, 1)", style=solid]; -"745 clamp_min_13" -> "746 expand_as_13" [label="(4, 12, 64, 1)", style=solid]; -"746 expand_as_13" -> "747 div_13" [label="(4, 12, 64, 32)", style=solid]; -"747 div_13" -> "748 transpose_12" [label="(4, 12, 64, 32)", style=solid]; -"748 transpose_12" -> "749 matmul_12" [label="(4, 12, 32, 64)", style=solid]; -"749 matmul_12" -> "753 mul_13" [label="(4, 12, 64, 64)", style=solid]; -"750 _param_constant111" -> "751 clamp_6" [label="(12, 1, 1)", style=solid]; -"751 clamp_6" -> "752 exp_6" [label="(12, 1, 1)", style=solid]; -"752 exp_6" -> "753 mul_13" [label="(12, 1, 1)", style=solid]; -"753 mul_13" -> "754 add_21" [label="(4, 12, 64, 64)", style=solid]; -"754 add_21" -> "755 softmax_6" [label="(4, 12, 64, 64)", style=solid]; -"755 softmax_6" -> "756 dropout_24" [label="(4, 12, 64, 64)", style=solid]; -"756 dropout_24" -> "757 matmul_13" [label="(4, 12, 64, 64)", style=solid]; -"757 matmul_13" -> "758 transpose_13" [label="(4, 12, 64, 32)", style=solid]; -"758 transpose_13" -> "759 reshape_29" [label="(4, 64, 12, 32)", style=solid]; -"759 reshape_29" -> "762 linear_41" [label="(4, 64, 384)", style=solid]; -"760 _param_constant112" -> "762 linear_41" [label="(384, 384)", style=solid]; -"761 _param_constant113" -> "762 linear_41" [label="(384,)", style=solid]; -"762 linear_41" -> "763 dropout_25" [label="(4, 64, 384)", style=solid]; -"763 dropout_25" -> "764 view_36" [label="(4, 64, 384)", style=solid]; -"764 view_36" -> "765 permute_31" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"765 permute_31" -> "766 reshape_30" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"766 reshape_30" -> "767 slice_106" [label="(1, 16, 16, 384)", style=solid]; -"767 slice_106" -> "768 slice_107" [label="(1, 16, 16, 384)", style=solid]; -"768 slice_107" -> "769 slice_108" [label="(1, 14, 16, 384)", style=solid]; -"769 slice_108" -> "770 slice_109" [label="(1, 14, 14, 384)", style=solid]; -"770 slice_109" -> "771 contiguous_11" [label="(1, 14, 14, 384)", style=solid]; -"771 contiguous_11" -> "774 layer_norm_15" [label="(1, 14, 14, 384)", style=solid]; -"772 _param_constant114" -> "774 layer_norm_15" [label="(384,)", style=solid]; -"773 _param_constant115" -> "774 layer_norm_15" [label="(384,)", style=solid]; -"774 layer_norm_15" -> "775 add_22" [label="(1, 14, 14, 384)", style=solid]; -"775 add_22" -> "778 linear_42" [label="(1, 14, 14, 384)", style=solid]; -"775 add_22" -> "788 add_23" [label="(1, 14, 14, 384)", style=solid]; -"776 _param_constant116" -> "778 linear_42" [label="(1536, 384)", style=solid]; -"777 _param_constant117" -> "778 linear_42" [label="(1536,)", style=solid]; -"778 linear_42" -> "779 gelu_6" [label="(1, 14, 14, 1536)", style=solid]; -"779 gelu_6" -> "780 dropout_26" [label="(1, 14, 14, 1536)", style=solid]; -"780 dropout_26" -> "783 linear_43" [label="(1, 14, 14, 1536)", style=solid]; -"781 _param_constant118" -> "783 linear_43" [label="(384, 1536)", style=solid]; -"782 _param_constant119" -> "783 linear_43" [label="(384,)", style=solid]; -"783 linear_43" -> "784 dropout_27" [label="(1, 14, 14, 384)", style=solid]; -"784 dropout_27" -> "787 layer_norm_16" [label="(1, 14, 14, 384)", style=solid]; -"785 _param_constant120" -> "787 layer_norm_16" [label="(384,)", style=solid]; -"786 _param_constant121" -> "787 layer_norm_16" [label="(384,)", style=solid]; -"787 layer_norm_16" -> "788 add_23" [label="(1, 14, 14, 384)", style=solid]; -"788 add_23" -> "805 pad_9" [label="(1, 14, 14, 384)", style=solid]; -"788 add_23" -> "918 add_26" [label="(1, 14, 14, 384)", style=solid]; -"789 _tensor_constant41" -> "792 linear_44" [label="(1, 15, 15, 2)", style=solid]; -"790 _param_constant122" -> "792 linear_44" [label="(512, 2)", style=solid]; -"791 _param_constant123" -> "792 linear_44" [label="(512,)", style=solid]; -"792 linear_44" -> "793 relu__7" [label="(1, 15, 15, 512)", style=solid]; -"793 relu__7" -> "795 linear_45" [label="(1, 15, 15, 512)", style=solid]; -"794 _param_constant124" -> "795 linear_45" [label="(12, 512)", style=solid]; -"795 linear_45" -> "796 view_37" [label="(1, 15, 15, 12)", style=solid]; -"796 view_37" -> "798 index_7" [label="(225, 12)", style=solid]; -"797 _tensor_constant42" -> "798 index_7" [label="(4096,)", style=solid]; -"798 index_7" -> "799 view_38" [label="(4096, 12)", style=solid]; -"799 view_38" -> "800 permute_32" [label="(64, 64, 12)", style=solid]; -"800 permute_32" -> "801 contiguous_12" [label="(12, 64, 64)", style=solid]; -"801 contiguous_12" -> "802 unsqueeze_19" [label="(12, 64, 64)", style=solid]; -"802 unsqueeze_19" -> "803 sigmoid_7" [label="(1, 12, 64, 64)", style=solid]; -"803 sigmoid_7" -> "804 mul_14" [label="(1, 12, 64, 64)", style=solid]; -"804 mul_14" -> "835 add_24" [label="(1, 12, 64, 64)", style=solid]; -"805 pad_9" -> "806 roll_6" [label="(1, 16, 16, 384)", style=solid]; -"806 roll_6" -> "807 view_39" [label="(1, 16, 16, 384)", style=solid]; -"807 view_39" -> "808 permute_33" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"808 permute_33" -> "809 reshape_31" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"809 reshape_31" -> "815 linear_46" [label="(4, 64, 384)", style=solid]; -"809 reshape_31" -> "836 new_zeros_3" [label="(4, 64, 384)", style=solid]; -"810 _param_constant125" -> "811 clone_7" [label="(1152,)", style=solid]; -"811 clone_7" -> "812 slice_110" [label="(1152,)", style=solid]; -"811 clone_7" -> "815 linear_46" [label="(1152,)", style=solid]; -"812 slice_110" -> "813 zero__7" [label="(384,)", style=solid]; -"814 _param_constant126" -> "815 linear_46" [label="(1152, 384)", style=solid]; -"815 linear_46" -> "816 reshape_32" [label="(4, 64, 1152)", style=solid]; -"816 reshape_32" -> "817 permute_34" [label="(4, 64, 3, 12, 32)", style=solid]; -"817 permute_34" -> "818 select_21" [label="(3, 4, 12, 64, 32)", style=solid]; -"817 permute_34" -> "819 select_22" [label="(3, 4, 12, 64, 32)", style=solid]; -"817 permute_34" -> "820 select_23" [label="(3, 4, 12, 64, 32)", style=solid]; -"818 select_21" -> "821 linalg_vector_norm_14" [label="(4, 12, 64, 32)", style=solid]; -"818 select_21" -> "823 expand_as_14" [label="(4, 12, 64, 32)", style=solid]; -"818 select_21" -> "824 div_14" [label="(4, 12, 64, 32)", style=solid]; -"819 select_22" -> "825 linalg_vector_norm_15" [label="(4, 12, 64, 32)", style=solid]; -"819 select_22" -> "827 expand_as_15" [label="(4, 12, 64, 32)", style=solid]; -"819 select_22" -> "828 div_15" [label="(4, 12, 64, 32)", style=solid]; -"820 select_23" -> "899 matmul_15" [label="(4, 12, 64, 32)", style=solid]; -"821 linalg_vector_norm_14" -> "822 clamp_min_14" [label="(4, 12, 64, 1)", style=solid]; -"822 clamp_min_14" -> "823 expand_as_14" [label="(4, 12, 64, 1)", style=solid]; -"823 expand_as_14" -> "824 div_14" [label="(4, 12, 64, 32)", style=solid]; -"824 div_14" -> "830 matmul_14" [label="(4, 12, 64, 32)", style=solid]; -"825 linalg_vector_norm_15" -> "826 clamp_min_15" [label="(4, 12, 64, 1)", style=solid]; -"826 clamp_min_15" -> "827 expand_as_15" [label="(4, 12, 64, 1)", style=solid]; -"827 expand_as_15" -> "828 div_15" [label="(4, 12, 64, 32)", style=solid]; -"828 div_15" -> "829 transpose_14" [label="(4, 12, 64, 32)", style=solid]; -"829 transpose_14" -> "830 matmul_14" [label="(4, 12, 32, 64)", style=solid]; -"830 matmul_14" -> "834 mul_15" [label="(4, 12, 64, 64)", style=solid]; -"831 _param_constant127" -> "832 clamp_7" [label="(12, 1, 1)", style=solid]; -"832 clamp_7" -> "833 exp_7" [label="(12, 1, 1)", style=solid]; -"833 exp_7" -> "834 mul_15" [label="(12, 1, 1)", style=solid]; -"834 mul_15" -> "835 add_24" [label="(4, 12, 64, 64)", style=solid]; -"835 add_24" -> "892 view_41" [label="(4, 12, 64, 64)", style=solid]; -"836 new_zeros_3" -> "839 slice_111" [label="(16, 16)", style=solid]; -"836 new_zeros_3" -> "844 slice_113" [label="(16, 16)", style=solid]; -"836 new_zeros_3" -> "849 slice_115" [label="(16, 16)", style=solid]; -"836 new_zeros_3" -> "854 slice_117" [label="(16, 16)", style=solid]; -"836 new_zeros_3" -> "859 slice_119" [label="(16, 16)", style=solid]; -"836 new_zeros_3" -> "864 slice_121" [label="(16, 16)", style=solid]; -"836 new_zeros_3" -> "869 slice_123" [label="(16, 16)", style=solid]; -"836 new_zeros_3" -> "874 slice_125" [label="(16, 16)", style=solid]; -"836 new_zeros_3" -> "879 slice_127" [label="(16, 16)", style=solid]; -"836 new_zeros_3" -> "882 view_40" [label="(16, 16)", style=solid]; -"837 _tensor_constant43" -> "838 lift_fresh_copy_27" [label="()", style=solid]; -"838 lift_fresh_copy_27" -> "841 fill__27" [label="()", style=solid]; -"839 slice_111" -> "840 slice_112" [label="(8, 16)", style=solid]; -"840 slice_112" -> "841 fill__27" [label="(8, 8)", style=solid]; -"842 _tensor_constant44" -> "843 lift_fresh_copy_28" [label="()", style=solid]; -"843 lift_fresh_copy_28" -> "846 fill__28" [label="()", style=solid]; -"844 slice_113" -> "845 slice_114" [label="(8, 16)", style=solid]; -"845 slice_114" -> "846 fill__28" [label="(8, 4)", style=solid]; -"847 _tensor_constant45" -> "848 lift_fresh_copy_29" [label="()", style=solid]; -"848 lift_fresh_copy_29" -> "851 fill__29" [label="()", style=solid]; -"849 slice_115" -> "850 slice_116" [label="(8, 16)", style=solid]; -"850 slice_116" -> "851 fill__29" [label="(8, 4)", style=solid]; -"852 _tensor_constant46" -> "853 lift_fresh_copy_30" [label="()", style=solid]; -"853 lift_fresh_copy_30" -> "856 fill__30" [label="()", style=solid]; -"854 slice_117" -> "855 slice_118" [label="(4, 16)", style=solid]; -"855 slice_118" -> "856 fill__30" [label="(4, 8)", style=solid]; -"857 _tensor_constant47" -> "858 lift_fresh_copy_31" [label="()", style=solid]; -"858 lift_fresh_copy_31" -> "861 fill__31" [label="()", style=solid]; -"859 slice_119" -> "860 slice_120" [label="(4, 16)", style=solid]; -"860 slice_120" -> "861 fill__31" [label="(4, 4)", style=solid]; -"862 _tensor_constant48" -> "863 lift_fresh_copy_32" [label="()", style=solid]; -"863 lift_fresh_copy_32" -> "866 fill__32" [label="()", style=solid]; -"864 slice_121" -> "865 slice_122" [label="(4, 16)", style=solid]; -"865 slice_122" -> "866 fill__32" [label="(4, 4)", style=solid]; -"867 _tensor_constant49" -> "868 lift_fresh_copy_33" [label="()", style=solid]; -"868 lift_fresh_copy_33" -> "871 fill__33" [label="()", style=solid]; -"869 slice_123" -> "870 slice_124" [label="(4, 16)", style=solid]; -"870 slice_124" -> "871 fill__33" [label="(4, 8)", style=solid]; -"872 _tensor_constant50" -> "873 lift_fresh_copy_34" [label="()", style=solid]; -"873 lift_fresh_copy_34" -> "876 fill__34" [label="()", style=solid]; -"874 slice_125" -> "875 slice_126" [label="(4, 16)", style=solid]; -"875 slice_126" -> "876 fill__34" [label="(4, 4)", style=solid]; -"877 _tensor_constant51" -> "878 lift_fresh_copy_35" [label="()", style=solid]; -"878 lift_fresh_copy_35" -> "881 fill__35" [label="()", style=solid]; -"879 slice_127" -> "880 slice_128" [label="(4, 16)", style=solid]; -"880 slice_128" -> "881 fill__35" [label="(4, 4)", style=solid]; -"882 view_40" -> "883 permute_35" [label="(2, 8, 2, 8)", style=solid]; -"883 permute_35" -> "884 reshape_33" [label="(2, 2, 8, 8)", style=solid]; -"884 reshape_33" -> "885 unsqueeze_20" [label="(4, 64)", style=solid]; -"884 reshape_33" -> "886 unsqueeze_21" [label="(4, 64)", style=solid]; -"885 unsqueeze_20" -> "887 sub_3" [label="(4, 1, 64)", style=solid]; -"886 unsqueeze_21" -> "887 sub_3" [label="(4, 64, 1)", style=solid]; -"887 sub_3" -> "888 ne_3" [label="(4, 64, 64)", style=solid]; -"887 sub_3" -> "889 masked_fill_6" [label="(4, 64, 64)", style=solid]; -"887 sub_3" -> "890 eq_3" [label="(4, 64, 64)", style=solid]; -"888 ne_3" -> "889 masked_fill_6" [label="(4, 64, 64)", style=solid]; -"889 masked_fill_6" -> "891 masked_fill_7" [label="(4, 64, 64)", style=solid]; -"890 eq_3" -> "891 masked_fill_7" [label="(4, 64, 64)", style=solid]; -"891 masked_fill_7" -> "893 unsqueeze_22" [label="(4, 64, 64)", style=solid]; -"892 view_41" -> "895 add_25" [label="(1, 4, 12, 64, 64)", style=solid]; -"893 unsqueeze_22" -> "894 unsqueeze_23" [label="(4, 1, 64, 64)", style=solid]; -"894 unsqueeze_23" -> "895 add_25" [label="(1, 4, 1, 64, 64)", style=solid]; -"895 add_25" -> "896 view_42" [label="(1, 4, 12, 64, 64)", style=solid]; -"896 view_42" -> "897 softmax_7" [label="(4, 12, 64, 64)", style=solid]; -"897 softmax_7" -> "898 dropout_28" [label="(4, 12, 64, 64)", style=solid]; -"898 dropout_28" -> "899 matmul_15" [label="(4, 12, 64, 64)", style=solid]; -"899 matmul_15" -> "900 transpose_15" [label="(4, 12, 64, 32)", style=solid]; -"900 transpose_15" -> "901 reshape_34" [label="(4, 64, 12, 32)", style=solid]; -"901 reshape_34" -> "904 linear_47" [label="(4, 64, 384)", style=solid]; -"902 _param_constant128" -> "904 linear_47" [label="(384, 384)", style=solid]; -"903 _param_constant129" -> "904 linear_47" [label="(384,)", style=solid]; -"904 linear_47" -> "905 dropout_29" [label="(4, 64, 384)", style=solid]; -"905 dropout_29" -> "906 view_43" [label="(4, 64, 384)", style=solid]; -"906 view_43" -> "907 permute_36" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"907 permute_36" -> "908 reshape_35" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"908 reshape_35" -> "909 roll_7" [label="(1, 16, 16, 384)", style=solid]; -"909 roll_7" -> "910 slice_129" [label="(1, 16, 16, 384)", style=solid]; -"910 slice_129" -> "911 slice_130" [label="(1, 16, 16, 384)", style=solid]; -"911 slice_130" -> "912 slice_131" [label="(1, 14, 16, 384)", style=solid]; -"912 slice_131" -> "913 slice_132" [label="(1, 14, 14, 384)", style=solid]; -"913 slice_132" -> "914 contiguous_13" [label="(1, 14, 14, 384)", style=solid]; -"914 contiguous_13" -> "917 layer_norm_17" [label="(1, 14, 14, 384)", style=solid]; -"915 _param_constant130" -> "917 layer_norm_17" [label="(384,)", style=solid]; -"916 _param_constant131" -> "917 layer_norm_17" [label="(384,)", style=solid]; -"917 layer_norm_17" -> "918 add_26" [label="(1, 14, 14, 384)", style=solid]; -"918 add_26" -> "921 linear_48" [label="(1, 14, 14, 384)", style=solid]; -"918 add_26" -> "931 add_27" [label="(1, 14, 14, 384)", style=solid]; -"919 _param_constant132" -> "921 linear_48" [label="(1536, 384)", style=solid]; -"920 _param_constant133" -> "921 linear_48" [label="(1536,)", style=solid]; -"921 linear_48" -> "922 gelu_7" [label="(1, 14, 14, 1536)", style=solid]; -"922 gelu_7" -> "923 dropout_30" [label="(1, 14, 14, 1536)", style=solid]; -"923 dropout_30" -> "926 linear_49" [label="(1, 14, 14, 1536)", style=solid]; -"924 _param_constant134" -> "926 linear_49" [label="(384, 1536)", style=solid]; -"925 _param_constant135" -> "926 linear_49" [label="(384,)", style=solid]; -"926 linear_49" -> "927 dropout_31" [label="(1, 14, 14, 384)", style=solid]; -"927 dropout_31" -> "930 layer_norm_18" [label="(1, 14, 14, 384)", style=solid]; -"928 _param_constant136" -> "930 layer_norm_18" [label="(384,)", style=solid]; -"929 _param_constant137" -> "930 layer_norm_18" [label="(384,)", style=solid]; -"930 layer_norm_18" -> "931 add_27" [label="(1, 14, 14, 384)", style=solid]; -"931 add_27" -> "948 pad_10" [label="(1, 14, 14, 384)", style=solid]; -"931 add_27" -> "998 add_29" [label="(1, 14, 14, 384)", style=solid]; -"932 _tensor_constant52" -> "935 linear_50" [label="(1, 15, 15, 2)", style=solid]; -"933 _param_constant138" -> "935 linear_50" [label="(512, 2)", style=solid]; -"934 _param_constant139" -> "935 linear_50" [label="(512,)", style=solid]; -"935 linear_50" -> "936 relu__8" [label="(1, 15, 15, 512)", style=solid]; -"936 relu__8" -> "938 linear_51" [label="(1, 15, 15, 512)", style=solid]; -"937 _param_constant140" -> "938 linear_51" [label="(12, 512)", style=solid]; -"938 linear_51" -> "939 view_44" [label="(1, 15, 15, 12)", style=solid]; -"939 view_44" -> "941 index_8" [label="(225, 12)", style=solid]; -"940 _tensor_constant53" -> "941 index_8" [label="(4096,)", style=solid]; -"941 index_8" -> "942 view_45" [label="(4096, 12)", style=solid]; -"942 view_45" -> "943 permute_37" [label="(64, 64, 12)", style=solid]; -"943 permute_37" -> "944 contiguous_14" [label="(12, 64, 64)", style=solid]; -"944 contiguous_14" -> "945 unsqueeze_24" [label="(12, 64, 64)", style=solid]; -"945 unsqueeze_24" -> "946 sigmoid_8" [label="(1, 12, 64, 64)", style=solid]; -"946 sigmoid_8" -> "947 mul_16" [label="(1, 12, 64, 64)", style=solid]; -"947 mul_16" -> "977 add_28" [label="(1, 12, 64, 64)", style=solid]; -"948 pad_10" -> "949 view_46" [label="(1, 16, 16, 384)", style=solid]; -"949 view_46" -> "950 permute_38" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"950 permute_38" -> "951 reshape_36" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"951 reshape_36" -> "957 linear_52" [label="(4, 64, 384)", style=solid]; -"952 _param_constant141" -> "953 clone_8" [label="(1152,)", style=solid]; -"953 clone_8" -> "954 slice_133" [label="(1152,)", style=solid]; -"953 clone_8" -> "957 linear_52" [label="(1152,)", style=solid]; -"954 slice_133" -> "955 zero__8" [label="(384,)", style=solid]; -"956 _param_constant142" -> "957 linear_52" [label="(1152, 384)", style=solid]; -"957 linear_52" -> "958 reshape_37" [label="(4, 64, 1152)", style=solid]; -"958 reshape_37" -> "959 permute_39" [label="(4, 64, 3, 12, 32)", style=solid]; -"959 permute_39" -> "960 select_24" [label="(3, 4, 12, 64, 32)", style=solid]; -"959 permute_39" -> "961 select_25" [label="(3, 4, 12, 64, 32)", style=solid]; -"959 permute_39" -> "962 select_26" [label="(3, 4, 12, 64, 32)", style=solid]; -"960 select_24" -> "963 linalg_vector_norm_16" [label="(4, 12, 64, 32)", style=solid]; -"960 select_24" -> "965 expand_as_16" [label="(4, 12, 64, 32)", style=solid]; -"960 select_24" -> "966 div_16" [label="(4, 12, 64, 32)", style=solid]; -"961 select_25" -> "967 linalg_vector_norm_17" [label="(4, 12, 64, 32)", style=solid]; -"961 select_25" -> "969 expand_as_17" [label="(4, 12, 64, 32)", style=solid]; -"961 select_25" -> "970 div_17" [label="(4, 12, 64, 32)", style=solid]; -"962 select_26" -> "980 matmul_17" [label="(4, 12, 64, 32)", style=solid]; -"963 linalg_vector_norm_16" -> "964 clamp_min_16" [label="(4, 12, 64, 1)", style=solid]; -"964 clamp_min_16" -> "965 expand_as_16" [label="(4, 12, 64, 1)", style=solid]; -"965 expand_as_16" -> "966 div_16" [label="(4, 12, 64, 32)", style=solid]; -"966 div_16" -> "972 matmul_16" [label="(4, 12, 64, 32)", style=solid]; -"967 linalg_vector_norm_17" -> "968 clamp_min_17" [label="(4, 12, 64, 1)", style=solid]; -"968 clamp_min_17" -> "969 expand_as_17" [label="(4, 12, 64, 1)", style=solid]; -"969 expand_as_17" -> "970 div_17" [label="(4, 12, 64, 32)", style=solid]; -"970 div_17" -> "971 transpose_16" [label="(4, 12, 64, 32)", style=solid]; -"971 transpose_16" -> "972 matmul_16" [label="(4, 12, 32, 64)", style=solid]; -"972 matmul_16" -> "976 mul_17" [label="(4, 12, 64, 64)", style=solid]; -"973 _param_constant143" -> "974 clamp_8" [label="(12, 1, 1)", style=solid]; -"974 clamp_8" -> "975 exp_8" [label="(12, 1, 1)", style=solid]; -"975 exp_8" -> "976 mul_17" [label="(12, 1, 1)", style=solid]; -"976 mul_17" -> "977 add_28" [label="(4, 12, 64, 64)", style=solid]; -"977 add_28" -> "978 softmax_8" [label="(4, 12, 64, 64)", style=solid]; -"978 softmax_8" -> "979 dropout_32" [label="(4, 12, 64, 64)", style=solid]; -"979 dropout_32" -> "980 matmul_17" [label="(4, 12, 64, 64)", style=solid]; -"980 matmul_17" -> "981 transpose_17" [label="(4, 12, 64, 32)", style=solid]; -"981 transpose_17" -> "982 reshape_38" [label="(4, 64, 12, 32)", style=solid]; -"982 reshape_38" -> "985 linear_53" [label="(4, 64, 384)", style=solid]; -"983 _param_constant144" -> "985 linear_53" [label="(384, 384)", style=solid]; -"984 _param_constant145" -> "985 linear_53" [label="(384,)", style=solid]; -"985 linear_53" -> "986 dropout_33" [label="(4, 64, 384)", style=solid]; -"986 dropout_33" -> "987 view_47" [label="(4, 64, 384)", style=solid]; -"987 view_47" -> "988 permute_40" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"988 permute_40" -> "989 reshape_39" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"989 reshape_39" -> "990 slice_134" [label="(1, 16, 16, 384)", style=solid]; -"990 slice_134" -> "991 slice_135" [label="(1, 16, 16, 384)", style=solid]; -"991 slice_135" -> "992 slice_136" [label="(1, 14, 16, 384)", style=solid]; -"992 slice_136" -> "993 slice_137" [label="(1, 14, 14, 384)", style=solid]; -"993 slice_137" -> "994 contiguous_15" [label="(1, 14, 14, 384)", style=solid]; -"994 contiguous_15" -> "997 layer_norm_19" [label="(1, 14, 14, 384)", style=solid]; -"995 _param_constant146" -> "997 layer_norm_19" [label="(384,)", style=solid]; -"996 _param_constant147" -> "997 layer_norm_19" [label="(384,)", style=solid]; -"997 layer_norm_19" -> "998 add_29" [label="(1, 14, 14, 384)", style=solid]; -"998 add_29" -> "1001 linear_54" [label="(1, 14, 14, 384)", style=solid]; -"998 add_29" -> "1011 add_30" [label="(1, 14, 14, 384)", style=solid]; -"999 _param_constant148" -> "1001 linear_54" [label="(1536, 384)", style=solid]; -"1000 _param_constant149" -> "1001 linear_54" [label="(1536,)", style=solid]; -"1001 linear_54" -> "1002 gelu_8" [label="(1, 14, 14, 1536)", style=solid]; -"1002 gelu_8" -> "1003 dropout_34" [label="(1, 14, 14, 1536)", style=solid]; -"1003 dropout_34" -> "1006 linear_55" [label="(1, 14, 14, 1536)", style=solid]; -"1004 _param_constant150" -> "1006 linear_55" [label="(384, 1536)", style=solid]; -"1005 _param_constant151" -> "1006 linear_55" [label="(384,)", style=solid]; -"1006 linear_55" -> "1007 dropout_35" [label="(1, 14, 14, 384)", style=solid]; -"1007 dropout_35" -> "1010 layer_norm_20" [label="(1, 14, 14, 384)", style=solid]; -"1008 _param_constant152" -> "1010 layer_norm_20" [label="(384,)", style=solid]; -"1009 _param_constant153" -> "1010 layer_norm_20" [label="(384,)", style=solid]; -"1010 layer_norm_20" -> "1011 add_30" [label="(1, 14, 14, 384)", style=solid]; -"1011 add_30" -> "1028 pad_11" [label="(1, 14, 14, 384)", style=solid]; -"1011 add_30" -> "1141 add_33" [label="(1, 14, 14, 384)", style=solid]; -"1012 _tensor_constant54" -> "1015 linear_56" [label="(1, 15, 15, 2)", style=solid]; -"1013 _param_constant154" -> "1015 linear_56" [label="(512, 2)", style=solid]; -"1014 _param_constant155" -> "1015 linear_56" [label="(512,)", style=solid]; -"1015 linear_56" -> "1016 relu__9" [label="(1, 15, 15, 512)", style=solid]; -"1016 relu__9" -> "1018 linear_57" [label="(1, 15, 15, 512)", style=solid]; -"1017 _param_constant156" -> "1018 linear_57" [label="(12, 512)", style=solid]; -"1018 linear_57" -> "1019 view_48" [label="(1, 15, 15, 12)", style=solid]; -"1019 view_48" -> "1021 index_9" [label="(225, 12)", style=solid]; -"1020 _tensor_constant55" -> "1021 index_9" [label="(4096,)", style=solid]; -"1021 index_9" -> "1022 view_49" [label="(4096, 12)", style=solid]; -"1022 view_49" -> "1023 permute_41" [label="(64, 64, 12)", style=solid]; -"1023 permute_41" -> "1024 contiguous_16" [label="(12, 64, 64)", style=solid]; -"1024 contiguous_16" -> "1025 unsqueeze_25" [label="(12, 64, 64)", style=solid]; -"1025 unsqueeze_25" -> "1026 sigmoid_9" [label="(1, 12, 64, 64)", style=solid]; -"1026 sigmoid_9" -> "1027 mul_18" [label="(1, 12, 64, 64)", style=solid]; -"1027 mul_18" -> "1058 add_31" [label="(1, 12, 64, 64)", style=solid]; -"1028 pad_11" -> "1029 roll_8" [label="(1, 16, 16, 384)", style=solid]; -"1029 roll_8" -> "1030 view_50" [label="(1, 16, 16, 384)", style=solid]; -"1030 view_50" -> "1031 permute_42" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1031 permute_42" -> "1032 reshape_40" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1032 reshape_40" -> "1038 linear_58" [label="(4, 64, 384)", style=solid]; -"1032 reshape_40" -> "1059 new_zeros_4" [label="(4, 64, 384)", style=solid]; -"1033 _param_constant157" -> "1034 clone_9" [label="(1152,)", style=solid]; -"1034 clone_9" -> "1035 slice_138" [label="(1152,)", style=solid]; -"1034 clone_9" -> "1038 linear_58" [label="(1152,)", style=solid]; -"1035 slice_138" -> "1036 zero__9" [label="(384,)", style=solid]; -"1037 _param_constant158" -> "1038 linear_58" [label="(1152, 384)", style=solid]; -"1038 linear_58" -> "1039 reshape_41" [label="(4, 64, 1152)", style=solid]; -"1039 reshape_41" -> "1040 permute_43" [label="(4, 64, 3, 12, 32)", style=solid]; -"1040 permute_43" -> "1041 select_27" [label="(3, 4, 12, 64, 32)", style=solid]; -"1040 permute_43" -> "1042 select_28" [label="(3, 4, 12, 64, 32)", style=solid]; -"1040 permute_43" -> "1043 select_29" [label="(3, 4, 12, 64, 32)", style=solid]; -"1041 select_27" -> "1044 linalg_vector_norm_18" [label="(4, 12, 64, 32)", style=solid]; -"1041 select_27" -> "1046 expand_as_18" [label="(4, 12, 64, 32)", style=solid]; -"1041 select_27" -> "1047 div_18" [label="(4, 12, 64, 32)", style=solid]; -"1042 select_28" -> "1048 linalg_vector_norm_19" [label="(4, 12, 64, 32)", style=solid]; -"1042 select_28" -> "1050 expand_as_19" [label="(4, 12, 64, 32)", style=solid]; -"1042 select_28" -> "1051 div_19" [label="(4, 12, 64, 32)", style=solid]; -"1043 select_29" -> "1122 matmul_19" [label="(4, 12, 64, 32)", style=solid]; -"1044 linalg_vector_norm_18" -> "1045 clamp_min_18" [label="(4, 12, 64, 1)", style=solid]; -"1045 clamp_min_18" -> "1046 expand_as_18" [label="(4, 12, 64, 1)", style=solid]; -"1046 expand_as_18" -> "1047 div_18" [label="(4, 12, 64, 32)", style=solid]; -"1047 div_18" -> "1053 matmul_18" [label="(4, 12, 64, 32)", style=solid]; -"1048 linalg_vector_norm_19" -> "1049 clamp_min_19" [label="(4, 12, 64, 1)", style=solid]; -"1049 clamp_min_19" -> "1050 expand_as_19" [label="(4, 12, 64, 1)", style=solid]; -"1050 expand_as_19" -> "1051 div_19" [label="(4, 12, 64, 32)", style=solid]; -"1051 div_19" -> "1052 transpose_18" [label="(4, 12, 64, 32)", style=solid]; -"1052 transpose_18" -> "1053 matmul_18" [label="(4, 12, 32, 64)", style=solid]; -"1053 matmul_18" -> "1057 mul_19" [label="(4, 12, 64, 64)", style=solid]; -"1054 _param_constant159" -> "1055 clamp_9" [label="(12, 1, 1)", style=solid]; -"1055 clamp_9" -> "1056 exp_9" [label="(12, 1, 1)", style=solid]; -"1056 exp_9" -> "1057 mul_19" [label="(12, 1, 1)", style=solid]; -"1057 mul_19" -> "1058 add_31" [label="(4, 12, 64, 64)", style=solid]; -"1058 add_31" -> "1115 view_52" [label="(4, 12, 64, 64)", style=solid]; -"1059 new_zeros_4" -> "1062 slice_139" [label="(16, 16)", style=solid]; -"1059 new_zeros_4" -> "1067 slice_141" [label="(16, 16)", style=solid]; -"1059 new_zeros_4" -> "1072 slice_143" [label="(16, 16)", style=solid]; -"1059 new_zeros_4" -> "1077 slice_145" [label="(16, 16)", style=solid]; -"1059 new_zeros_4" -> "1082 slice_147" [label="(16, 16)", style=solid]; -"1059 new_zeros_4" -> "1087 slice_149" [label="(16, 16)", style=solid]; -"1059 new_zeros_4" -> "1092 slice_151" [label="(16, 16)", style=solid]; -"1059 new_zeros_4" -> "1097 slice_153" [label="(16, 16)", style=solid]; -"1059 new_zeros_4" -> "1102 slice_155" [label="(16, 16)", style=solid]; -"1059 new_zeros_4" -> "1105 view_51" [label="(16, 16)", style=solid]; -"1060 _tensor_constant56" -> "1061 lift_fresh_copy_36" [label="()", style=solid]; -"1061 lift_fresh_copy_36" -> "1064 fill__36" [label="()", style=solid]; -"1062 slice_139" -> "1063 slice_140" [label="(8, 16)", style=solid]; -"1063 slice_140" -> "1064 fill__36" [label="(8, 8)", style=solid]; -"1065 _tensor_constant57" -> "1066 lift_fresh_copy_37" [label="()", style=solid]; -"1066 lift_fresh_copy_37" -> "1069 fill__37" [label="()", style=solid]; -"1067 slice_141" -> "1068 slice_142" [label="(8, 16)", style=solid]; -"1068 slice_142" -> "1069 fill__37" [label="(8, 4)", style=solid]; -"1070 _tensor_constant58" -> "1071 lift_fresh_copy_38" [label="()", style=solid]; -"1071 lift_fresh_copy_38" -> "1074 fill__38" [label="()", style=solid]; -"1072 slice_143" -> "1073 slice_144" [label="(8, 16)", style=solid]; -"1073 slice_144" -> "1074 fill__38" [label="(8, 4)", style=solid]; -"1075 _tensor_constant59" -> "1076 lift_fresh_copy_39" [label="()", style=solid]; -"1076 lift_fresh_copy_39" -> "1079 fill__39" [label="()", style=solid]; -"1077 slice_145" -> "1078 slice_146" [label="(4, 16)", style=solid]; -"1078 slice_146" -> "1079 fill__39" [label="(4, 8)", style=solid]; -"1080 _tensor_constant60" -> "1081 lift_fresh_copy_40" [label="()", style=solid]; -"1081 lift_fresh_copy_40" -> "1084 fill__40" [label="()", style=solid]; -"1082 slice_147" -> "1083 slice_148" [label="(4, 16)", style=solid]; -"1083 slice_148" -> "1084 fill__40" [label="(4, 4)", style=solid]; -"1085 _tensor_constant61" -> "1086 lift_fresh_copy_41" [label="()", style=solid]; -"1086 lift_fresh_copy_41" -> "1089 fill__41" [label="()", style=solid]; -"1087 slice_149" -> "1088 slice_150" [label="(4, 16)", style=solid]; -"1088 slice_150" -> "1089 fill__41" [label="(4, 4)", style=solid]; -"1090 _tensor_constant62" -> "1091 lift_fresh_copy_42" [label="()", style=solid]; -"1091 lift_fresh_copy_42" -> "1094 fill__42" [label="()", style=solid]; -"1092 slice_151" -> "1093 slice_152" [label="(4, 16)", style=solid]; -"1093 slice_152" -> "1094 fill__42" [label="(4, 8)", style=solid]; -"1095 _tensor_constant63" -> "1096 lift_fresh_copy_43" [label="()", style=solid]; -"1096 lift_fresh_copy_43" -> "1099 fill__43" [label="()", style=solid]; -"1097 slice_153" -> "1098 slice_154" [label="(4, 16)", style=solid]; -"1098 slice_154" -> "1099 fill__43" [label="(4, 4)", style=solid]; -"1100 _tensor_constant64" -> "1101 lift_fresh_copy_44" [label="()", style=solid]; -"1101 lift_fresh_copy_44" -> "1104 fill__44" [label="()", style=solid]; -"1102 slice_155" -> "1103 slice_156" [label="(4, 16)", style=solid]; -"1103 slice_156" -> "1104 fill__44" [label="(4, 4)", style=solid]; -"1105 view_51" -> "1106 permute_44" [label="(2, 8, 2, 8)", style=solid]; -"1106 permute_44" -> "1107 reshape_42" [label="(2, 2, 8, 8)", style=solid]; -"1107 reshape_42" -> "1108 unsqueeze_26" [label="(4, 64)", style=solid]; -"1107 reshape_42" -> "1109 unsqueeze_27" [label="(4, 64)", style=solid]; -"1108 unsqueeze_26" -> "1110 sub_4" [label="(4, 1, 64)", style=solid]; -"1109 unsqueeze_27" -> "1110 sub_4" [label="(4, 64, 1)", style=solid]; -"1110 sub_4" -> "1111 ne_4" [label="(4, 64, 64)", style=solid]; -"1110 sub_4" -> "1112 masked_fill_8" [label="(4, 64, 64)", style=solid]; -"1110 sub_4" -> "1113 eq_4" [label="(4, 64, 64)", style=solid]; -"1111 ne_4" -> "1112 masked_fill_8" [label="(4, 64, 64)", style=solid]; -"1112 masked_fill_8" -> "1114 masked_fill_9" [label="(4, 64, 64)", style=solid]; -"1113 eq_4" -> "1114 masked_fill_9" [label="(4, 64, 64)", style=solid]; -"1114 masked_fill_9" -> "1116 unsqueeze_28" [label="(4, 64, 64)", style=solid]; -"1115 view_52" -> "1118 add_32" [label="(1, 4, 12, 64, 64)", style=solid]; -"1116 unsqueeze_28" -> "1117 unsqueeze_29" [label="(4, 1, 64, 64)", style=solid]; -"1117 unsqueeze_29" -> "1118 add_32" [label="(1, 4, 1, 64, 64)", style=solid]; -"1118 add_32" -> "1119 view_53" [label="(1, 4, 12, 64, 64)", style=solid]; -"1119 view_53" -> "1120 softmax_9" [label="(4, 12, 64, 64)", style=solid]; -"1120 softmax_9" -> "1121 dropout_36" [label="(4, 12, 64, 64)", style=solid]; -"1121 dropout_36" -> "1122 matmul_19" [label="(4, 12, 64, 64)", style=solid]; -"1122 matmul_19" -> "1123 transpose_19" [label="(4, 12, 64, 32)", style=solid]; -"1123 transpose_19" -> "1124 reshape_43" [label="(4, 64, 12, 32)", style=solid]; -"1124 reshape_43" -> "1127 linear_59" [label="(4, 64, 384)", style=solid]; -"1125 _param_constant160" -> "1127 linear_59" [label="(384, 384)", style=solid]; -"1126 _param_constant161" -> "1127 linear_59" [label="(384,)", style=solid]; -"1127 linear_59" -> "1128 dropout_37" [label="(4, 64, 384)", style=solid]; -"1128 dropout_37" -> "1129 view_54" [label="(4, 64, 384)", style=solid]; -"1129 view_54" -> "1130 permute_45" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1130 permute_45" -> "1131 reshape_44" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1131 reshape_44" -> "1132 roll_9" [label="(1, 16, 16, 384)", style=solid]; -"1132 roll_9" -> "1133 slice_157" [label="(1, 16, 16, 384)", style=solid]; -"1133 slice_157" -> "1134 slice_158" [label="(1, 16, 16, 384)", style=solid]; -"1134 slice_158" -> "1135 slice_159" [label="(1, 14, 16, 384)", style=solid]; -"1135 slice_159" -> "1136 slice_160" [label="(1, 14, 14, 384)", style=solid]; -"1136 slice_160" -> "1137 contiguous_17" [label="(1, 14, 14, 384)", style=solid]; -"1137 contiguous_17" -> "1140 layer_norm_21" [label="(1, 14, 14, 384)", style=solid]; -"1138 _param_constant162" -> "1140 layer_norm_21" [label="(384,)", style=solid]; -"1139 _param_constant163" -> "1140 layer_norm_21" [label="(384,)", style=solid]; -"1140 layer_norm_21" -> "1141 add_33" [label="(1, 14, 14, 384)", style=solid]; -"1141 add_33" -> "1144 linear_60" [label="(1, 14, 14, 384)", style=solid]; -"1141 add_33" -> "1154 add_34" [label="(1, 14, 14, 384)", style=solid]; -"1142 _param_constant164" -> "1144 linear_60" [label="(1536, 384)", style=solid]; -"1143 _param_constant165" -> "1144 linear_60" [label="(1536,)", style=solid]; -"1144 linear_60" -> "1145 gelu_9" [label="(1, 14, 14, 1536)", style=solid]; -"1145 gelu_9" -> "1146 dropout_38" [label="(1, 14, 14, 1536)", style=solid]; -"1146 dropout_38" -> "1149 linear_61" [label="(1, 14, 14, 1536)", style=solid]; -"1147 _param_constant166" -> "1149 linear_61" [label="(384, 1536)", style=solid]; -"1148 _param_constant167" -> "1149 linear_61" [label="(384,)", style=solid]; -"1149 linear_61" -> "1150 dropout_39" [label="(1, 14, 14, 384)", style=solid]; -"1150 dropout_39" -> "1153 layer_norm_22" [label="(1, 14, 14, 384)", style=solid]; -"1151 _param_constant168" -> "1153 layer_norm_22" [label="(384,)", style=solid]; -"1152 _param_constant169" -> "1153 layer_norm_22" [label="(384,)", style=solid]; -"1153 layer_norm_22" -> "1154 add_34" [label="(1, 14, 14, 384)", style=solid]; -"1154 add_34" -> "1171 pad_12" [label="(1, 14, 14, 384)", style=solid]; -"1154 add_34" -> "1221 add_36" [label="(1, 14, 14, 384)", style=solid]; -"1155 _tensor_constant65" -> "1158 linear_62" [label="(1, 15, 15, 2)", style=solid]; -"1156 _param_constant170" -> "1158 linear_62" [label="(512, 2)", style=solid]; -"1157 _param_constant171" -> "1158 linear_62" [label="(512,)", style=solid]; -"1158 linear_62" -> "1159 relu__10" [label="(1, 15, 15, 512)", style=solid]; -"1159 relu__10" -> "1161 linear_63" [label="(1, 15, 15, 512)", style=solid]; -"1160 _param_constant172" -> "1161 linear_63" [label="(12, 512)", style=solid]; -"1161 linear_63" -> "1162 view_55" [label="(1, 15, 15, 12)", style=solid]; -"1162 view_55" -> "1164 index_10" [label="(225, 12)", style=solid]; -"1163 _tensor_constant66" -> "1164 index_10" [label="(4096,)", style=solid]; -"1164 index_10" -> "1165 view_56" [label="(4096, 12)", style=solid]; -"1165 view_56" -> "1166 permute_46" [label="(64, 64, 12)", style=solid]; -"1166 permute_46" -> "1167 contiguous_18" [label="(12, 64, 64)", style=solid]; -"1167 contiguous_18" -> "1168 unsqueeze_30" [label="(12, 64, 64)", style=solid]; -"1168 unsqueeze_30" -> "1169 sigmoid_10" [label="(1, 12, 64, 64)", style=solid]; -"1169 sigmoid_10" -> "1170 mul_20" [label="(1, 12, 64, 64)", style=solid]; -"1170 mul_20" -> "1200 add_35" [label="(1, 12, 64, 64)", style=solid]; -"1171 pad_12" -> "1172 view_57" [label="(1, 16, 16, 384)", style=solid]; -"1172 view_57" -> "1173 permute_47" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1173 permute_47" -> "1174 reshape_45" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1174 reshape_45" -> "1180 linear_64" [label="(4, 64, 384)", style=solid]; -"1175 _param_constant173" -> "1176 clone_10" [label="(1152,)", style=solid]; -"1176 clone_10" -> "1177 slice_161" [label="(1152,)", style=solid]; -"1176 clone_10" -> "1180 linear_64" [label="(1152,)", style=solid]; -"1177 slice_161" -> "1178 zero__10" [label="(384,)", style=solid]; -"1179 _param_constant174" -> "1180 linear_64" [label="(1152, 384)", style=solid]; -"1180 linear_64" -> "1181 reshape_46" [label="(4, 64, 1152)", style=solid]; -"1181 reshape_46" -> "1182 permute_48" [label="(4, 64, 3, 12, 32)", style=solid]; -"1182 permute_48" -> "1183 select_30" [label="(3, 4, 12, 64, 32)", style=solid]; -"1182 permute_48" -> "1184 select_31" [label="(3, 4, 12, 64, 32)", style=solid]; -"1182 permute_48" -> "1185 select_32" [label="(3, 4, 12, 64, 32)", style=solid]; -"1183 select_30" -> "1186 linalg_vector_norm_20" [label="(4, 12, 64, 32)", style=solid]; -"1183 select_30" -> "1188 expand_as_20" [label="(4, 12, 64, 32)", style=solid]; -"1183 select_30" -> "1189 div_20" [label="(4, 12, 64, 32)", style=solid]; -"1184 select_31" -> "1190 linalg_vector_norm_21" [label="(4, 12, 64, 32)", style=solid]; -"1184 select_31" -> "1192 expand_as_21" [label="(4, 12, 64, 32)", style=solid]; -"1184 select_31" -> "1193 div_21" [label="(4, 12, 64, 32)", style=solid]; -"1185 select_32" -> "1203 matmul_21" [label="(4, 12, 64, 32)", style=solid]; -"1186 linalg_vector_norm_20" -> "1187 clamp_min_20" [label="(4, 12, 64, 1)", style=solid]; -"1187 clamp_min_20" -> "1188 expand_as_20" [label="(4, 12, 64, 1)", style=solid]; -"1188 expand_as_20" -> "1189 div_20" [label="(4, 12, 64, 32)", style=solid]; -"1189 div_20" -> "1195 matmul_20" [label="(4, 12, 64, 32)", style=solid]; -"1190 linalg_vector_norm_21" -> "1191 clamp_min_21" [label="(4, 12, 64, 1)", style=solid]; -"1191 clamp_min_21" -> "1192 expand_as_21" [label="(4, 12, 64, 1)", style=solid]; -"1192 expand_as_21" -> "1193 div_21" [label="(4, 12, 64, 32)", style=solid]; -"1193 div_21" -> "1194 transpose_20" [label="(4, 12, 64, 32)", style=solid]; -"1194 transpose_20" -> "1195 matmul_20" [label="(4, 12, 32, 64)", style=solid]; -"1195 matmul_20" -> "1199 mul_21" [label="(4, 12, 64, 64)", style=solid]; -"1196 _param_constant175" -> "1197 clamp_10" [label="(12, 1, 1)", style=solid]; -"1197 clamp_10" -> "1198 exp_10" [label="(12, 1, 1)", style=solid]; -"1198 exp_10" -> "1199 mul_21" [label="(12, 1, 1)", style=solid]; -"1199 mul_21" -> "1200 add_35" [label="(4, 12, 64, 64)", style=solid]; -"1200 add_35" -> "1201 softmax_10" [label="(4, 12, 64, 64)", style=solid]; -"1201 softmax_10" -> "1202 dropout_40" [label="(4, 12, 64, 64)", style=solid]; -"1202 dropout_40" -> "1203 matmul_21" [label="(4, 12, 64, 64)", style=solid]; -"1203 matmul_21" -> "1204 transpose_21" [label="(4, 12, 64, 32)", style=solid]; -"1204 transpose_21" -> "1205 reshape_47" [label="(4, 64, 12, 32)", style=solid]; -"1205 reshape_47" -> "1208 linear_65" [label="(4, 64, 384)", style=solid]; -"1206 _param_constant176" -> "1208 linear_65" [label="(384, 384)", style=solid]; -"1207 _param_constant177" -> "1208 linear_65" [label="(384,)", style=solid]; -"1208 linear_65" -> "1209 dropout_41" [label="(4, 64, 384)", style=solid]; -"1209 dropout_41" -> "1210 view_58" [label="(4, 64, 384)", style=solid]; -"1210 view_58" -> "1211 permute_49" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1211 permute_49" -> "1212 reshape_48" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1212 reshape_48" -> "1213 slice_162" [label="(1, 16, 16, 384)", style=solid]; -"1213 slice_162" -> "1214 slice_163" [label="(1, 16, 16, 384)", style=solid]; -"1214 slice_163" -> "1215 slice_164" [label="(1, 14, 16, 384)", style=solid]; -"1215 slice_164" -> "1216 slice_165" [label="(1, 14, 14, 384)", style=solid]; -"1216 slice_165" -> "1217 contiguous_19" [label="(1, 14, 14, 384)", style=solid]; -"1217 contiguous_19" -> "1220 layer_norm_23" [label="(1, 14, 14, 384)", style=solid]; -"1218 _param_constant178" -> "1220 layer_norm_23" [label="(384,)", style=solid]; -"1219 _param_constant179" -> "1220 layer_norm_23" [label="(384,)", style=solid]; -"1220 layer_norm_23" -> "1221 add_36" [label="(1, 14, 14, 384)", style=solid]; -"1221 add_36" -> "1224 linear_66" [label="(1, 14, 14, 384)", style=solid]; -"1221 add_36" -> "1234 add_37" [label="(1, 14, 14, 384)", style=solid]; -"1222 _param_constant180" -> "1224 linear_66" [label="(1536, 384)", style=solid]; -"1223 _param_constant181" -> "1224 linear_66" [label="(1536,)", style=solid]; -"1224 linear_66" -> "1225 gelu_10" [label="(1, 14, 14, 1536)", style=solid]; -"1225 gelu_10" -> "1226 dropout_42" [label="(1, 14, 14, 1536)", style=solid]; -"1226 dropout_42" -> "1229 linear_67" [label="(1, 14, 14, 1536)", style=solid]; -"1227 _param_constant182" -> "1229 linear_67" [label="(384, 1536)", style=solid]; -"1228 _param_constant183" -> "1229 linear_67" [label="(384,)", style=solid]; -"1229 linear_67" -> "1230 dropout_43" [label="(1, 14, 14, 384)", style=solid]; -"1230 dropout_43" -> "1233 layer_norm_24" [label="(1, 14, 14, 384)", style=solid]; -"1231 _param_constant184" -> "1233 layer_norm_24" [label="(384,)", style=solid]; -"1232 _param_constant185" -> "1233 layer_norm_24" [label="(384,)", style=solid]; -"1233 layer_norm_24" -> "1234 add_37" [label="(1, 14, 14, 384)", style=solid]; -"1234 add_37" -> "1251 pad_13" [label="(1, 14, 14, 384)", style=solid]; -"1234 add_37" -> "1364 add_40" [label="(1, 14, 14, 384)", style=solid]; -"1235 _tensor_constant67" -> "1238 linear_68" [label="(1, 15, 15, 2)", style=solid]; -"1236 _param_constant186" -> "1238 linear_68" [label="(512, 2)", style=solid]; -"1237 _param_constant187" -> "1238 linear_68" [label="(512,)", style=solid]; -"1238 linear_68" -> "1239 relu__11" [label="(1, 15, 15, 512)", style=solid]; -"1239 relu__11" -> "1241 linear_69" [label="(1, 15, 15, 512)", style=solid]; -"1240 _param_constant188" -> "1241 linear_69" [label="(12, 512)", style=solid]; -"1241 linear_69" -> "1242 view_59" [label="(1, 15, 15, 12)", style=solid]; -"1242 view_59" -> "1244 index_11" [label="(225, 12)", style=solid]; -"1243 _tensor_constant68" -> "1244 index_11" [label="(4096,)", style=solid]; -"1244 index_11" -> "1245 view_60" [label="(4096, 12)", style=solid]; -"1245 view_60" -> "1246 permute_50" [label="(64, 64, 12)", style=solid]; -"1246 permute_50" -> "1247 contiguous_20" [label="(12, 64, 64)", style=solid]; -"1247 contiguous_20" -> "1248 unsqueeze_31" [label="(12, 64, 64)", style=solid]; -"1248 unsqueeze_31" -> "1249 sigmoid_11" [label="(1, 12, 64, 64)", style=solid]; -"1249 sigmoid_11" -> "1250 mul_22" [label="(1, 12, 64, 64)", style=solid]; -"1250 mul_22" -> "1281 add_38" [label="(1, 12, 64, 64)", style=solid]; -"1251 pad_13" -> "1252 roll_10" [label="(1, 16, 16, 384)", style=solid]; -"1252 roll_10" -> "1253 view_61" [label="(1, 16, 16, 384)", style=solid]; -"1253 view_61" -> "1254 permute_51" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1254 permute_51" -> "1255 reshape_49" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1255 reshape_49" -> "1261 linear_70" [label="(4, 64, 384)", style=solid]; -"1255 reshape_49" -> "1282 new_zeros_5" [label="(4, 64, 384)", style=solid]; -"1256 _param_constant189" -> "1257 clone_11" [label="(1152,)", style=solid]; -"1257 clone_11" -> "1258 slice_166" [label="(1152,)", style=solid]; -"1257 clone_11" -> "1261 linear_70" [label="(1152,)", style=solid]; -"1258 slice_166" -> "1259 zero__11" [label="(384,)", style=solid]; -"1260 _param_constant190" -> "1261 linear_70" [label="(1152, 384)", style=solid]; -"1261 linear_70" -> "1262 reshape_50" [label="(4, 64, 1152)", style=solid]; -"1262 reshape_50" -> "1263 permute_52" [label="(4, 64, 3, 12, 32)", style=solid]; -"1263 permute_52" -> "1264 select_33" [label="(3, 4, 12, 64, 32)", style=solid]; -"1263 permute_52" -> "1265 select_34" [label="(3, 4, 12, 64, 32)", style=solid]; -"1263 permute_52" -> "1266 select_35" [label="(3, 4, 12, 64, 32)", style=solid]; -"1264 select_33" -> "1267 linalg_vector_norm_22" [label="(4, 12, 64, 32)", style=solid]; -"1264 select_33" -> "1269 expand_as_22" [label="(4, 12, 64, 32)", style=solid]; -"1264 select_33" -> "1270 div_22" [label="(4, 12, 64, 32)", style=solid]; -"1265 select_34" -> "1271 linalg_vector_norm_23" [label="(4, 12, 64, 32)", style=solid]; -"1265 select_34" -> "1273 expand_as_23" [label="(4, 12, 64, 32)", style=solid]; -"1265 select_34" -> "1274 div_23" [label="(4, 12, 64, 32)", style=solid]; -"1266 select_35" -> "1345 matmul_23" [label="(4, 12, 64, 32)", style=solid]; -"1267 linalg_vector_norm_22" -> "1268 clamp_min_22" [label="(4, 12, 64, 1)", style=solid]; -"1268 clamp_min_22" -> "1269 expand_as_22" [label="(4, 12, 64, 1)", style=solid]; -"1269 expand_as_22" -> "1270 div_22" [label="(4, 12, 64, 32)", style=solid]; -"1270 div_22" -> "1276 matmul_22" [label="(4, 12, 64, 32)", style=solid]; -"1271 linalg_vector_norm_23" -> "1272 clamp_min_23" [label="(4, 12, 64, 1)", style=solid]; -"1272 clamp_min_23" -> "1273 expand_as_23" [label="(4, 12, 64, 1)", style=solid]; -"1273 expand_as_23" -> "1274 div_23" [label="(4, 12, 64, 32)", style=solid]; -"1274 div_23" -> "1275 transpose_22" [label="(4, 12, 64, 32)", style=solid]; -"1275 transpose_22" -> "1276 matmul_22" [label="(4, 12, 32, 64)", style=solid]; -"1276 matmul_22" -> "1280 mul_23" [label="(4, 12, 64, 64)", style=solid]; -"1277 _param_constant191" -> "1278 clamp_11" [label="(12, 1, 1)", style=solid]; -"1278 clamp_11" -> "1279 exp_11" [label="(12, 1, 1)", style=solid]; -"1279 exp_11" -> "1280 mul_23" [label="(12, 1, 1)", style=solid]; -"1280 mul_23" -> "1281 add_38" [label="(4, 12, 64, 64)", style=solid]; -"1281 add_38" -> "1338 view_63" [label="(4, 12, 64, 64)", style=solid]; -"1282 new_zeros_5" -> "1285 slice_167" [label="(16, 16)", style=solid]; -"1282 new_zeros_5" -> "1290 slice_169" [label="(16, 16)", style=solid]; -"1282 new_zeros_5" -> "1295 slice_171" [label="(16, 16)", style=solid]; -"1282 new_zeros_5" -> "1300 slice_173" [label="(16, 16)", style=solid]; -"1282 new_zeros_5" -> "1305 slice_175" [label="(16, 16)", style=solid]; -"1282 new_zeros_5" -> "1310 slice_177" [label="(16, 16)", style=solid]; -"1282 new_zeros_5" -> "1315 slice_179" [label="(16, 16)", style=solid]; -"1282 new_zeros_5" -> "1320 slice_181" [label="(16, 16)", style=solid]; -"1282 new_zeros_5" -> "1325 slice_183" [label="(16, 16)", style=solid]; -"1282 new_zeros_5" -> "1328 view_62" [label="(16, 16)", style=solid]; -"1283 _tensor_constant69" -> "1284 lift_fresh_copy_45" [label="()", style=solid]; -"1284 lift_fresh_copy_45" -> "1287 fill__45" [label="()", style=solid]; -"1285 slice_167" -> "1286 slice_168" [label="(8, 16)", style=solid]; -"1286 slice_168" -> "1287 fill__45" [label="(8, 8)", style=solid]; -"1288 _tensor_constant70" -> "1289 lift_fresh_copy_46" [label="()", style=solid]; -"1289 lift_fresh_copy_46" -> "1292 fill__46" [label="()", style=solid]; -"1290 slice_169" -> "1291 slice_170" [label="(8, 16)", style=solid]; -"1291 slice_170" -> "1292 fill__46" [label="(8, 4)", style=solid]; -"1293 _tensor_constant71" -> "1294 lift_fresh_copy_47" [label="()", style=solid]; -"1294 lift_fresh_copy_47" -> "1297 fill__47" [label="()", style=solid]; -"1295 slice_171" -> "1296 slice_172" [label="(8, 16)", style=solid]; -"1296 slice_172" -> "1297 fill__47" [label="(8, 4)", style=solid]; -"1298 _tensor_constant72" -> "1299 lift_fresh_copy_48" [label="()", style=solid]; -"1299 lift_fresh_copy_48" -> "1302 fill__48" [label="()", style=solid]; -"1300 slice_173" -> "1301 slice_174" [label="(4, 16)", style=solid]; -"1301 slice_174" -> "1302 fill__48" [label="(4, 8)", style=solid]; -"1303 _tensor_constant73" -> "1304 lift_fresh_copy_49" [label="()", style=solid]; -"1304 lift_fresh_copy_49" -> "1307 fill__49" [label="()", style=solid]; -"1305 slice_175" -> "1306 slice_176" [label="(4, 16)", style=solid]; -"1306 slice_176" -> "1307 fill__49" [label="(4, 4)", style=solid]; -"1308 _tensor_constant74" -> "1309 lift_fresh_copy_50" [label="()", style=solid]; -"1309 lift_fresh_copy_50" -> "1312 fill__50" [label="()", style=solid]; -"1310 slice_177" -> "1311 slice_178" [label="(4, 16)", style=solid]; -"1311 slice_178" -> "1312 fill__50" [label="(4, 4)", style=solid]; -"1313 _tensor_constant75" -> "1314 lift_fresh_copy_51" [label="()", style=solid]; -"1314 lift_fresh_copy_51" -> "1317 fill__51" [label="()", style=solid]; -"1315 slice_179" -> "1316 slice_180" [label="(4, 16)", style=solid]; -"1316 slice_180" -> "1317 fill__51" [label="(4, 8)", style=solid]; -"1318 _tensor_constant76" -> "1319 lift_fresh_copy_52" [label="()", style=solid]; -"1319 lift_fresh_copy_52" -> "1322 fill__52" [label="()", style=solid]; -"1320 slice_181" -> "1321 slice_182" [label="(4, 16)", style=solid]; -"1321 slice_182" -> "1322 fill__52" [label="(4, 4)", style=solid]; -"1323 _tensor_constant77" -> "1324 lift_fresh_copy_53" [label="()", style=solid]; -"1324 lift_fresh_copy_53" -> "1327 fill__53" [label="()", style=solid]; -"1325 slice_183" -> "1326 slice_184" [label="(4, 16)", style=solid]; -"1326 slice_184" -> "1327 fill__53" [label="(4, 4)", style=solid]; -"1328 view_62" -> "1329 permute_53" [label="(2, 8, 2, 8)", style=solid]; -"1329 permute_53" -> "1330 reshape_51" [label="(2, 2, 8, 8)", style=solid]; -"1330 reshape_51" -> "1331 unsqueeze_32" [label="(4, 64)", style=solid]; -"1330 reshape_51" -> "1332 unsqueeze_33" [label="(4, 64)", style=solid]; -"1331 unsqueeze_32" -> "1333 sub_5" [label="(4, 1, 64)", style=solid]; -"1332 unsqueeze_33" -> "1333 sub_5" [label="(4, 64, 1)", style=solid]; -"1333 sub_5" -> "1334 ne_5" [label="(4, 64, 64)", style=solid]; -"1333 sub_5" -> "1335 masked_fill_10" [label="(4, 64, 64)", style=solid]; -"1333 sub_5" -> "1336 eq_5" [label="(4, 64, 64)", style=solid]; -"1334 ne_5" -> "1335 masked_fill_10" [label="(4, 64, 64)", style=solid]; -"1335 masked_fill_10" -> "1337 masked_fill_11" [label="(4, 64, 64)", style=solid]; -"1336 eq_5" -> "1337 masked_fill_11" [label="(4, 64, 64)", style=solid]; -"1337 masked_fill_11" -> "1339 unsqueeze_34" [label="(4, 64, 64)", style=solid]; -"1338 view_63" -> "1341 add_39" [label="(1, 4, 12, 64, 64)", style=solid]; -"1339 unsqueeze_34" -> "1340 unsqueeze_35" [label="(4, 1, 64, 64)", style=solid]; -"1340 unsqueeze_35" -> "1341 add_39" [label="(1, 4, 1, 64, 64)", style=solid]; -"1341 add_39" -> "1342 view_64" [label="(1, 4, 12, 64, 64)", style=solid]; -"1342 view_64" -> "1343 softmax_11" [label="(4, 12, 64, 64)", style=solid]; -"1343 softmax_11" -> "1344 dropout_44" [label="(4, 12, 64, 64)", style=solid]; -"1344 dropout_44" -> "1345 matmul_23" [label="(4, 12, 64, 64)", style=solid]; -"1345 matmul_23" -> "1346 transpose_23" [label="(4, 12, 64, 32)", style=solid]; -"1346 transpose_23" -> "1347 reshape_52" [label="(4, 64, 12, 32)", style=solid]; -"1347 reshape_52" -> "1350 linear_71" [label="(4, 64, 384)", style=solid]; -"1348 _param_constant192" -> "1350 linear_71" [label="(384, 384)", style=solid]; -"1349 _param_constant193" -> "1350 linear_71" [label="(384,)", style=solid]; -"1350 linear_71" -> "1351 dropout_45" [label="(4, 64, 384)", style=solid]; -"1351 dropout_45" -> "1352 view_65" [label="(4, 64, 384)", style=solid]; -"1352 view_65" -> "1353 permute_54" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1353 permute_54" -> "1354 reshape_53" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1354 reshape_53" -> "1355 roll_11" [label="(1, 16, 16, 384)", style=solid]; -"1355 roll_11" -> "1356 slice_185" [label="(1, 16, 16, 384)", style=solid]; -"1356 slice_185" -> "1357 slice_186" [label="(1, 16, 16, 384)", style=solid]; -"1357 slice_186" -> "1358 slice_187" [label="(1, 14, 16, 384)", style=solid]; -"1358 slice_187" -> "1359 slice_188" [label="(1, 14, 14, 384)", style=solid]; -"1359 slice_188" -> "1360 contiguous_21" [label="(1, 14, 14, 384)", style=solid]; -"1360 contiguous_21" -> "1363 layer_norm_25" [label="(1, 14, 14, 384)", style=solid]; -"1361 _param_constant194" -> "1363 layer_norm_25" [label="(384,)", style=solid]; -"1362 _param_constant195" -> "1363 layer_norm_25" [label="(384,)", style=solid]; -"1363 layer_norm_25" -> "1364 add_40" [label="(1, 14, 14, 384)", style=solid]; -"1364 add_40" -> "1367 linear_72" [label="(1, 14, 14, 384)", style=solid]; -"1364 add_40" -> "1377 add_41" [label="(1, 14, 14, 384)", style=solid]; -"1365 _param_constant196" -> "1367 linear_72" [label="(1536, 384)", style=solid]; -"1366 _param_constant197" -> "1367 linear_72" [label="(1536,)", style=solid]; -"1367 linear_72" -> "1368 gelu_11" [label="(1, 14, 14, 1536)", style=solid]; -"1368 gelu_11" -> "1369 dropout_46" [label="(1, 14, 14, 1536)", style=solid]; -"1369 dropout_46" -> "1372 linear_73" [label="(1, 14, 14, 1536)", style=solid]; -"1370 _param_constant198" -> "1372 linear_73" [label="(384, 1536)", style=solid]; -"1371 _param_constant199" -> "1372 linear_73" [label="(384,)", style=solid]; -"1372 linear_73" -> "1373 dropout_47" [label="(1, 14, 14, 384)", style=solid]; -"1373 dropout_47" -> "1376 layer_norm_26" [label="(1, 14, 14, 384)", style=solid]; -"1374 _param_constant200" -> "1376 layer_norm_26" [label="(384,)", style=solid]; -"1375 _param_constant201" -> "1376 layer_norm_26" [label="(384,)", style=solid]; -"1376 layer_norm_26" -> "1377 add_41" [label="(1, 14, 14, 384)", style=solid]; -"1377 add_41" -> "1394 pad_14" [label="(1, 14, 14, 384)", style=solid]; -"1377 add_41" -> "1444 add_43" [label="(1, 14, 14, 384)", style=solid]; -"1378 _tensor_constant78" -> "1381 linear_74" [label="(1, 15, 15, 2)", style=solid]; -"1379 _param_constant202" -> "1381 linear_74" [label="(512, 2)", style=solid]; -"1380 _param_constant203" -> "1381 linear_74" [label="(512,)", style=solid]; -"1381 linear_74" -> "1382 relu__12" [label="(1, 15, 15, 512)", style=solid]; -"1382 relu__12" -> "1384 linear_75" [label="(1, 15, 15, 512)", style=solid]; -"1383 _param_constant204" -> "1384 linear_75" [label="(12, 512)", style=solid]; -"1384 linear_75" -> "1385 view_66" [label="(1, 15, 15, 12)", style=solid]; -"1385 view_66" -> "1387 index_12" [label="(225, 12)", style=solid]; -"1386 _tensor_constant79" -> "1387 index_12" [label="(4096,)", style=solid]; -"1387 index_12" -> "1388 view_67" [label="(4096, 12)", style=solid]; -"1388 view_67" -> "1389 permute_55" [label="(64, 64, 12)", style=solid]; -"1389 permute_55" -> "1390 contiguous_22" [label="(12, 64, 64)", style=solid]; -"1390 contiguous_22" -> "1391 unsqueeze_36" [label="(12, 64, 64)", style=solid]; -"1391 unsqueeze_36" -> "1392 sigmoid_12" [label="(1, 12, 64, 64)", style=solid]; -"1392 sigmoid_12" -> "1393 mul_24" [label="(1, 12, 64, 64)", style=solid]; -"1393 mul_24" -> "1423 add_42" [label="(1, 12, 64, 64)", style=solid]; -"1394 pad_14" -> "1395 view_68" [label="(1, 16, 16, 384)", style=solid]; -"1395 view_68" -> "1396 permute_56" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1396 permute_56" -> "1397 reshape_54" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1397 reshape_54" -> "1403 linear_76" [label="(4, 64, 384)", style=solid]; -"1398 _param_constant205" -> "1399 clone_12" [label="(1152,)", style=solid]; -"1399 clone_12" -> "1400 slice_189" [label="(1152,)", style=solid]; -"1399 clone_12" -> "1403 linear_76" [label="(1152,)", style=solid]; -"1400 slice_189" -> "1401 zero__12" [label="(384,)", style=solid]; -"1402 _param_constant206" -> "1403 linear_76" [label="(1152, 384)", style=solid]; -"1403 linear_76" -> "1404 reshape_55" [label="(4, 64, 1152)", style=solid]; -"1404 reshape_55" -> "1405 permute_57" [label="(4, 64, 3, 12, 32)", style=solid]; -"1405 permute_57" -> "1406 select_36" [label="(3, 4, 12, 64, 32)", style=solid]; -"1405 permute_57" -> "1407 select_37" [label="(3, 4, 12, 64, 32)", style=solid]; -"1405 permute_57" -> "1408 select_38" [label="(3, 4, 12, 64, 32)", style=solid]; -"1406 select_36" -> "1409 linalg_vector_norm_24" [label="(4, 12, 64, 32)", style=solid]; -"1406 select_36" -> "1411 expand_as_24" [label="(4, 12, 64, 32)", style=solid]; -"1406 select_36" -> "1412 div_24" [label="(4, 12, 64, 32)", style=solid]; -"1407 select_37" -> "1413 linalg_vector_norm_25" [label="(4, 12, 64, 32)", style=solid]; -"1407 select_37" -> "1415 expand_as_25" [label="(4, 12, 64, 32)", style=solid]; -"1407 select_37" -> "1416 div_25" [label="(4, 12, 64, 32)", style=solid]; -"1408 select_38" -> "1426 matmul_25" [label="(4, 12, 64, 32)", style=solid]; -"1409 linalg_vector_norm_24" -> "1410 clamp_min_24" [label="(4, 12, 64, 1)", style=solid]; -"1410 clamp_min_24" -> "1411 expand_as_24" [label="(4, 12, 64, 1)", style=solid]; -"1411 expand_as_24" -> "1412 div_24" [label="(4, 12, 64, 32)", style=solid]; -"1412 div_24" -> "1418 matmul_24" [label="(4, 12, 64, 32)", style=solid]; -"1413 linalg_vector_norm_25" -> "1414 clamp_min_25" [label="(4, 12, 64, 1)", style=solid]; -"1414 clamp_min_25" -> "1415 expand_as_25" [label="(4, 12, 64, 1)", style=solid]; -"1415 expand_as_25" -> "1416 div_25" [label="(4, 12, 64, 32)", style=solid]; -"1416 div_25" -> "1417 transpose_24" [label="(4, 12, 64, 32)", style=solid]; -"1417 transpose_24" -> "1418 matmul_24" [label="(4, 12, 32, 64)", style=solid]; -"1418 matmul_24" -> "1422 mul_25" [label="(4, 12, 64, 64)", style=solid]; -"1419 _param_constant207" -> "1420 clamp_12" [label="(12, 1, 1)", style=solid]; -"1420 clamp_12" -> "1421 exp_12" [label="(12, 1, 1)", style=solid]; -"1421 exp_12" -> "1422 mul_25" [label="(12, 1, 1)", style=solid]; -"1422 mul_25" -> "1423 add_42" [label="(4, 12, 64, 64)", style=solid]; -"1423 add_42" -> "1424 softmax_12" [label="(4, 12, 64, 64)", style=solid]; -"1424 softmax_12" -> "1425 dropout_48" [label="(4, 12, 64, 64)", style=solid]; -"1425 dropout_48" -> "1426 matmul_25" [label="(4, 12, 64, 64)", style=solid]; -"1426 matmul_25" -> "1427 transpose_25" [label="(4, 12, 64, 32)", style=solid]; -"1427 transpose_25" -> "1428 reshape_56" [label="(4, 64, 12, 32)", style=solid]; -"1428 reshape_56" -> "1431 linear_77" [label="(4, 64, 384)", style=solid]; -"1429 _param_constant208" -> "1431 linear_77" [label="(384, 384)", style=solid]; -"1430 _param_constant209" -> "1431 linear_77" [label="(384,)", style=solid]; -"1431 linear_77" -> "1432 dropout_49" [label="(4, 64, 384)", style=solid]; -"1432 dropout_49" -> "1433 view_69" [label="(4, 64, 384)", style=solid]; -"1433 view_69" -> "1434 permute_58" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1434 permute_58" -> "1435 reshape_57" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1435 reshape_57" -> "1436 slice_190" [label="(1, 16, 16, 384)", style=solid]; -"1436 slice_190" -> "1437 slice_191" [label="(1, 16, 16, 384)", style=solid]; -"1437 slice_191" -> "1438 slice_192" [label="(1, 14, 16, 384)", style=solid]; -"1438 slice_192" -> "1439 slice_193" [label="(1, 14, 14, 384)", style=solid]; -"1439 slice_193" -> "1440 contiguous_23" [label="(1, 14, 14, 384)", style=solid]; -"1440 contiguous_23" -> "1443 layer_norm_27" [label="(1, 14, 14, 384)", style=solid]; -"1441 _param_constant210" -> "1443 layer_norm_27" [label="(384,)", style=solid]; -"1442 _param_constant211" -> "1443 layer_norm_27" [label="(384,)", style=solid]; -"1443 layer_norm_27" -> "1444 add_43" [label="(1, 14, 14, 384)", style=solid]; -"1444 add_43" -> "1447 linear_78" [label="(1, 14, 14, 384)", style=solid]; -"1444 add_43" -> "1457 add_44" [label="(1, 14, 14, 384)", style=solid]; -"1445 _param_constant212" -> "1447 linear_78" [label="(1536, 384)", style=solid]; -"1446 _param_constant213" -> "1447 linear_78" [label="(1536,)", style=solid]; -"1447 linear_78" -> "1448 gelu_12" [label="(1, 14, 14, 1536)", style=solid]; -"1448 gelu_12" -> "1449 dropout_50" [label="(1, 14, 14, 1536)", style=solid]; -"1449 dropout_50" -> "1452 linear_79" [label="(1, 14, 14, 1536)", style=solid]; -"1450 _param_constant214" -> "1452 linear_79" [label="(384, 1536)", style=solid]; -"1451 _param_constant215" -> "1452 linear_79" [label="(384,)", style=solid]; -"1452 linear_79" -> "1453 dropout_51" [label="(1, 14, 14, 384)", style=solid]; -"1453 dropout_51" -> "1456 layer_norm_28" [label="(1, 14, 14, 384)", style=solid]; -"1454 _param_constant216" -> "1456 layer_norm_28" [label="(384,)", style=solid]; -"1455 _param_constant217" -> "1456 layer_norm_28" [label="(384,)", style=solid]; -"1456 layer_norm_28" -> "1457 add_44" [label="(1, 14, 14, 384)", style=solid]; -"1457 add_44" -> "1474 pad_15" [label="(1, 14, 14, 384)", style=solid]; -"1457 add_44" -> "1587 add_47" [label="(1, 14, 14, 384)", style=solid]; -"1458 _tensor_constant80" -> "1461 linear_80" [label="(1, 15, 15, 2)", style=solid]; -"1459 _param_constant218" -> "1461 linear_80" [label="(512, 2)", style=solid]; -"1460 _param_constant219" -> "1461 linear_80" [label="(512,)", style=solid]; -"1461 linear_80" -> "1462 relu__13" [label="(1, 15, 15, 512)", style=solid]; -"1462 relu__13" -> "1464 linear_81" [label="(1, 15, 15, 512)", style=solid]; -"1463 _param_constant220" -> "1464 linear_81" [label="(12, 512)", style=solid]; -"1464 linear_81" -> "1465 view_70" [label="(1, 15, 15, 12)", style=solid]; -"1465 view_70" -> "1467 index_13" [label="(225, 12)", style=solid]; -"1466 _tensor_constant81" -> "1467 index_13" [label="(4096,)", style=solid]; -"1467 index_13" -> "1468 view_71" [label="(4096, 12)", style=solid]; -"1468 view_71" -> "1469 permute_59" [label="(64, 64, 12)", style=solid]; -"1469 permute_59" -> "1470 contiguous_24" [label="(12, 64, 64)", style=solid]; -"1470 contiguous_24" -> "1471 unsqueeze_37" [label="(12, 64, 64)", style=solid]; -"1471 unsqueeze_37" -> "1472 sigmoid_13" [label="(1, 12, 64, 64)", style=solid]; -"1472 sigmoid_13" -> "1473 mul_26" [label="(1, 12, 64, 64)", style=solid]; -"1473 mul_26" -> "1504 add_45" [label="(1, 12, 64, 64)", style=solid]; -"1474 pad_15" -> "1475 roll_12" [label="(1, 16, 16, 384)", style=solid]; -"1475 roll_12" -> "1476 view_72" [label="(1, 16, 16, 384)", style=solid]; -"1476 view_72" -> "1477 permute_60" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1477 permute_60" -> "1478 reshape_58" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1478 reshape_58" -> "1484 linear_82" [label="(4, 64, 384)", style=solid]; -"1478 reshape_58" -> "1505 new_zeros_6" [label="(4, 64, 384)", style=solid]; -"1479 _param_constant221" -> "1480 clone_13" [label="(1152,)", style=solid]; -"1480 clone_13" -> "1481 slice_194" [label="(1152,)", style=solid]; -"1480 clone_13" -> "1484 linear_82" [label="(1152,)", style=solid]; -"1481 slice_194" -> "1482 zero__13" [label="(384,)", style=solid]; -"1483 _param_constant222" -> "1484 linear_82" [label="(1152, 384)", style=solid]; -"1484 linear_82" -> "1485 reshape_59" [label="(4, 64, 1152)", style=solid]; -"1485 reshape_59" -> "1486 permute_61" [label="(4, 64, 3, 12, 32)", style=solid]; -"1486 permute_61" -> "1487 select_39" [label="(3, 4, 12, 64, 32)", style=solid]; -"1486 permute_61" -> "1488 select_40" [label="(3, 4, 12, 64, 32)", style=solid]; -"1486 permute_61" -> "1489 select_41" [label="(3, 4, 12, 64, 32)", style=solid]; -"1487 select_39" -> "1490 linalg_vector_norm_26" [label="(4, 12, 64, 32)", style=solid]; -"1487 select_39" -> "1492 expand_as_26" [label="(4, 12, 64, 32)", style=solid]; -"1487 select_39" -> "1493 div_26" [label="(4, 12, 64, 32)", style=solid]; -"1488 select_40" -> "1494 linalg_vector_norm_27" [label="(4, 12, 64, 32)", style=solid]; -"1488 select_40" -> "1496 expand_as_27" [label="(4, 12, 64, 32)", style=solid]; -"1488 select_40" -> "1497 div_27" [label="(4, 12, 64, 32)", style=solid]; -"1489 select_41" -> "1568 matmul_27" [label="(4, 12, 64, 32)", style=solid]; -"1490 linalg_vector_norm_26" -> "1491 clamp_min_26" [label="(4, 12, 64, 1)", style=solid]; -"1491 clamp_min_26" -> "1492 expand_as_26" [label="(4, 12, 64, 1)", style=solid]; -"1492 expand_as_26" -> "1493 div_26" [label="(4, 12, 64, 32)", style=solid]; -"1493 div_26" -> "1499 matmul_26" [label="(4, 12, 64, 32)", style=solid]; -"1494 linalg_vector_norm_27" -> "1495 clamp_min_27" [label="(4, 12, 64, 1)", style=solid]; -"1495 clamp_min_27" -> "1496 expand_as_27" [label="(4, 12, 64, 1)", style=solid]; -"1496 expand_as_27" -> "1497 div_27" [label="(4, 12, 64, 32)", style=solid]; -"1497 div_27" -> "1498 transpose_26" [label="(4, 12, 64, 32)", style=solid]; -"1498 transpose_26" -> "1499 matmul_26" [label="(4, 12, 32, 64)", style=solid]; -"1499 matmul_26" -> "1503 mul_27" [label="(4, 12, 64, 64)", style=solid]; -"1500 _param_constant223" -> "1501 clamp_13" [label="(12, 1, 1)", style=solid]; -"1501 clamp_13" -> "1502 exp_13" [label="(12, 1, 1)", style=solid]; -"1502 exp_13" -> "1503 mul_27" [label="(12, 1, 1)", style=solid]; -"1503 mul_27" -> "1504 add_45" [label="(4, 12, 64, 64)", style=solid]; -"1504 add_45" -> "1561 view_74" [label="(4, 12, 64, 64)", style=solid]; -"1505 new_zeros_6" -> "1508 slice_195" [label="(16, 16)", style=solid]; -"1505 new_zeros_6" -> "1513 slice_197" [label="(16, 16)", style=solid]; -"1505 new_zeros_6" -> "1518 slice_199" [label="(16, 16)", style=solid]; -"1505 new_zeros_6" -> "1523 slice_201" [label="(16, 16)", style=solid]; -"1505 new_zeros_6" -> "1528 slice_203" [label="(16, 16)", style=solid]; -"1505 new_zeros_6" -> "1533 slice_205" [label="(16, 16)", style=solid]; -"1505 new_zeros_6" -> "1538 slice_207" [label="(16, 16)", style=solid]; -"1505 new_zeros_6" -> "1543 slice_209" [label="(16, 16)", style=solid]; -"1505 new_zeros_6" -> "1548 slice_211" [label="(16, 16)", style=solid]; -"1505 new_zeros_6" -> "1551 view_73" [label="(16, 16)", style=solid]; -"1506 _tensor_constant82" -> "1507 lift_fresh_copy_54" [label="()", style=solid]; -"1507 lift_fresh_copy_54" -> "1510 fill__54" [label="()", style=solid]; -"1508 slice_195" -> "1509 slice_196" [label="(8, 16)", style=solid]; -"1509 slice_196" -> "1510 fill__54" [label="(8, 8)", style=solid]; -"1511 _tensor_constant83" -> "1512 lift_fresh_copy_55" [label="()", style=solid]; -"1512 lift_fresh_copy_55" -> "1515 fill__55" [label="()", style=solid]; -"1513 slice_197" -> "1514 slice_198" [label="(8, 16)", style=solid]; -"1514 slice_198" -> "1515 fill__55" [label="(8, 4)", style=solid]; -"1516 _tensor_constant84" -> "1517 lift_fresh_copy_56" [label="()", style=solid]; -"1517 lift_fresh_copy_56" -> "1520 fill__56" [label="()", style=solid]; -"1518 slice_199" -> "1519 slice_200" [label="(8, 16)", style=solid]; -"1519 slice_200" -> "1520 fill__56" [label="(8, 4)", style=solid]; -"1521 _tensor_constant85" -> "1522 lift_fresh_copy_57" [label="()", style=solid]; -"1522 lift_fresh_copy_57" -> "1525 fill__57" [label="()", style=solid]; -"1523 slice_201" -> "1524 slice_202" [label="(4, 16)", style=solid]; -"1524 slice_202" -> "1525 fill__57" [label="(4, 8)", style=solid]; -"1526 _tensor_constant86" -> "1527 lift_fresh_copy_58" [label="()", style=solid]; -"1527 lift_fresh_copy_58" -> "1530 fill__58" [label="()", style=solid]; -"1528 slice_203" -> "1529 slice_204" [label="(4, 16)", style=solid]; -"1529 slice_204" -> "1530 fill__58" [label="(4, 4)", style=solid]; -"1531 _tensor_constant87" -> "1532 lift_fresh_copy_59" [label="()", style=solid]; -"1532 lift_fresh_copy_59" -> "1535 fill__59" [label="()", style=solid]; -"1533 slice_205" -> "1534 slice_206" [label="(4, 16)", style=solid]; -"1534 slice_206" -> "1535 fill__59" [label="(4, 4)", style=solid]; -"1536 _tensor_constant88" -> "1537 lift_fresh_copy_60" [label="()", style=solid]; -"1537 lift_fresh_copy_60" -> "1540 fill__60" [label="()", style=solid]; -"1538 slice_207" -> "1539 slice_208" [label="(4, 16)", style=solid]; -"1539 slice_208" -> "1540 fill__60" [label="(4, 8)", style=solid]; -"1541 _tensor_constant89" -> "1542 lift_fresh_copy_61" [label="()", style=solid]; -"1542 lift_fresh_copy_61" -> "1545 fill__61" [label="()", style=solid]; -"1543 slice_209" -> "1544 slice_210" [label="(4, 16)", style=solid]; -"1544 slice_210" -> "1545 fill__61" [label="(4, 4)", style=solid]; -"1546 _tensor_constant90" -> "1547 lift_fresh_copy_62" [label="()", style=solid]; -"1547 lift_fresh_copy_62" -> "1550 fill__62" [label="()", style=solid]; -"1548 slice_211" -> "1549 slice_212" [label="(4, 16)", style=solid]; -"1549 slice_212" -> "1550 fill__62" [label="(4, 4)", style=solid]; -"1551 view_73" -> "1552 permute_62" [label="(2, 8, 2, 8)", style=solid]; -"1552 permute_62" -> "1553 reshape_60" [label="(2, 2, 8, 8)", style=solid]; -"1553 reshape_60" -> "1554 unsqueeze_38" [label="(4, 64)", style=solid]; -"1553 reshape_60" -> "1555 unsqueeze_39" [label="(4, 64)", style=solid]; -"1554 unsqueeze_38" -> "1556 sub_6" [label="(4, 1, 64)", style=solid]; -"1555 unsqueeze_39" -> "1556 sub_6" [label="(4, 64, 1)", style=solid]; -"1556 sub_6" -> "1557 ne_6" [label="(4, 64, 64)", style=solid]; -"1556 sub_6" -> "1558 masked_fill_12" [label="(4, 64, 64)", style=solid]; -"1556 sub_6" -> "1559 eq_6" [label="(4, 64, 64)", style=solid]; -"1557 ne_6" -> "1558 masked_fill_12" [label="(4, 64, 64)", style=solid]; -"1558 masked_fill_12" -> "1560 masked_fill_13" [label="(4, 64, 64)", style=solid]; -"1559 eq_6" -> "1560 masked_fill_13" [label="(4, 64, 64)", style=solid]; -"1560 masked_fill_13" -> "1562 unsqueeze_40" [label="(4, 64, 64)", style=solid]; -"1561 view_74" -> "1564 add_46" [label="(1, 4, 12, 64, 64)", style=solid]; -"1562 unsqueeze_40" -> "1563 unsqueeze_41" [label="(4, 1, 64, 64)", style=solid]; -"1563 unsqueeze_41" -> "1564 add_46" [label="(1, 4, 1, 64, 64)", style=solid]; -"1564 add_46" -> "1565 view_75" [label="(1, 4, 12, 64, 64)", style=solid]; -"1565 view_75" -> "1566 softmax_13" [label="(4, 12, 64, 64)", style=solid]; -"1566 softmax_13" -> "1567 dropout_52" [label="(4, 12, 64, 64)", style=solid]; -"1567 dropout_52" -> "1568 matmul_27" [label="(4, 12, 64, 64)", style=solid]; -"1568 matmul_27" -> "1569 transpose_27" [label="(4, 12, 64, 32)", style=solid]; -"1569 transpose_27" -> "1570 reshape_61" [label="(4, 64, 12, 32)", style=solid]; -"1570 reshape_61" -> "1573 linear_83" [label="(4, 64, 384)", style=solid]; -"1571 _param_constant224" -> "1573 linear_83" [label="(384, 384)", style=solid]; -"1572 _param_constant225" -> "1573 linear_83" [label="(384,)", style=solid]; -"1573 linear_83" -> "1574 dropout_53" [label="(4, 64, 384)", style=solid]; -"1574 dropout_53" -> "1575 view_76" [label="(4, 64, 384)", style=solid]; -"1575 view_76" -> "1576 permute_63" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1576 permute_63" -> "1577 reshape_62" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1577 reshape_62" -> "1578 roll_13" [label="(1, 16, 16, 384)", style=solid]; -"1578 roll_13" -> "1579 slice_213" [label="(1, 16, 16, 384)", style=solid]; -"1579 slice_213" -> "1580 slice_214" [label="(1, 16, 16, 384)", style=solid]; -"1580 slice_214" -> "1581 slice_215" [label="(1, 14, 16, 384)", style=solid]; -"1581 slice_215" -> "1582 slice_216" [label="(1, 14, 14, 384)", style=solid]; -"1582 slice_216" -> "1583 contiguous_25" [label="(1, 14, 14, 384)", style=solid]; -"1583 contiguous_25" -> "1586 layer_norm_29" [label="(1, 14, 14, 384)", style=solid]; -"1584 _param_constant226" -> "1586 layer_norm_29" [label="(384,)", style=solid]; -"1585 _param_constant227" -> "1586 layer_norm_29" [label="(384,)", style=solid]; -"1586 layer_norm_29" -> "1587 add_47" [label="(1, 14, 14, 384)", style=solid]; -"1587 add_47" -> "1590 linear_84" [label="(1, 14, 14, 384)", style=solid]; -"1587 add_47" -> "1600 add_48" [label="(1, 14, 14, 384)", style=solid]; -"1588 _param_constant228" -> "1590 linear_84" [label="(1536, 384)", style=solid]; -"1589 _param_constant229" -> "1590 linear_84" [label="(1536,)", style=solid]; -"1590 linear_84" -> "1591 gelu_13" [label="(1, 14, 14, 1536)", style=solid]; -"1591 gelu_13" -> "1592 dropout_54" [label="(1, 14, 14, 1536)", style=solid]; -"1592 dropout_54" -> "1595 linear_85" [label="(1, 14, 14, 1536)", style=solid]; -"1593 _param_constant230" -> "1595 linear_85" [label="(384, 1536)", style=solid]; -"1594 _param_constant231" -> "1595 linear_85" [label="(384,)", style=solid]; -"1595 linear_85" -> "1596 dropout_55" [label="(1, 14, 14, 384)", style=solid]; -"1596 dropout_55" -> "1599 layer_norm_30" [label="(1, 14, 14, 384)", style=solid]; -"1597 _param_constant232" -> "1599 layer_norm_30" [label="(384,)", style=solid]; -"1598 _param_constant233" -> "1599 layer_norm_30" [label="(384,)", style=solid]; -"1599 layer_norm_30" -> "1600 add_48" [label="(1, 14, 14, 384)", style=solid]; -"1600 add_48" -> "1617 pad_16" [label="(1, 14, 14, 384)", style=solid]; -"1600 add_48" -> "1667 add_50" [label="(1, 14, 14, 384)", style=solid]; -"1601 _tensor_constant91" -> "1604 linear_86" [label="(1, 15, 15, 2)", style=solid]; -"1602 _param_constant234" -> "1604 linear_86" [label="(512, 2)", style=solid]; -"1603 _param_constant235" -> "1604 linear_86" [label="(512,)", style=solid]; -"1604 linear_86" -> "1605 relu__14" [label="(1, 15, 15, 512)", style=solid]; -"1605 relu__14" -> "1607 linear_87" [label="(1, 15, 15, 512)", style=solid]; -"1606 _param_constant236" -> "1607 linear_87" [label="(12, 512)", style=solid]; -"1607 linear_87" -> "1608 view_77" [label="(1, 15, 15, 12)", style=solid]; -"1608 view_77" -> "1610 index_14" [label="(225, 12)", style=solid]; -"1609 _tensor_constant92" -> "1610 index_14" [label="(4096,)", style=solid]; -"1610 index_14" -> "1611 view_78" [label="(4096, 12)", style=solid]; -"1611 view_78" -> "1612 permute_64" [label="(64, 64, 12)", style=solid]; -"1612 permute_64" -> "1613 contiguous_26" [label="(12, 64, 64)", style=solid]; -"1613 contiguous_26" -> "1614 unsqueeze_42" [label="(12, 64, 64)", style=solid]; -"1614 unsqueeze_42" -> "1615 sigmoid_14" [label="(1, 12, 64, 64)", style=solid]; -"1615 sigmoid_14" -> "1616 mul_28" [label="(1, 12, 64, 64)", style=solid]; -"1616 mul_28" -> "1646 add_49" [label="(1, 12, 64, 64)", style=solid]; -"1617 pad_16" -> "1618 view_79" [label="(1, 16, 16, 384)", style=solid]; -"1618 view_79" -> "1619 permute_65" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1619 permute_65" -> "1620 reshape_63" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1620 reshape_63" -> "1626 linear_88" [label="(4, 64, 384)", style=solid]; -"1621 _param_constant237" -> "1622 clone_14" [label="(1152,)", style=solid]; -"1622 clone_14" -> "1623 slice_217" [label="(1152,)", style=solid]; -"1622 clone_14" -> "1626 linear_88" [label="(1152,)", style=solid]; -"1623 slice_217" -> "1624 zero__14" [label="(384,)", style=solid]; -"1625 _param_constant238" -> "1626 linear_88" [label="(1152, 384)", style=solid]; -"1626 linear_88" -> "1627 reshape_64" [label="(4, 64, 1152)", style=solid]; -"1627 reshape_64" -> "1628 permute_66" [label="(4, 64, 3, 12, 32)", style=solid]; -"1628 permute_66" -> "1629 select_42" [label="(3, 4, 12, 64, 32)", style=solid]; -"1628 permute_66" -> "1630 select_43" [label="(3, 4, 12, 64, 32)", style=solid]; -"1628 permute_66" -> "1631 select_44" [label="(3, 4, 12, 64, 32)", style=solid]; -"1629 select_42" -> "1632 linalg_vector_norm_28" [label="(4, 12, 64, 32)", style=solid]; -"1629 select_42" -> "1634 expand_as_28" [label="(4, 12, 64, 32)", style=solid]; -"1629 select_42" -> "1635 div_28" [label="(4, 12, 64, 32)", style=solid]; -"1630 select_43" -> "1636 linalg_vector_norm_29" [label="(4, 12, 64, 32)", style=solid]; -"1630 select_43" -> "1638 expand_as_29" [label="(4, 12, 64, 32)", style=solid]; -"1630 select_43" -> "1639 div_29" [label="(4, 12, 64, 32)", style=solid]; -"1631 select_44" -> "1649 matmul_29" [label="(4, 12, 64, 32)", style=solid]; -"1632 linalg_vector_norm_28" -> "1633 clamp_min_28" [label="(4, 12, 64, 1)", style=solid]; -"1633 clamp_min_28" -> "1634 expand_as_28" [label="(4, 12, 64, 1)", style=solid]; -"1634 expand_as_28" -> "1635 div_28" [label="(4, 12, 64, 32)", style=solid]; -"1635 div_28" -> "1641 matmul_28" [label="(4, 12, 64, 32)", style=solid]; -"1636 linalg_vector_norm_29" -> "1637 clamp_min_29" [label="(4, 12, 64, 1)", style=solid]; -"1637 clamp_min_29" -> "1638 expand_as_29" [label="(4, 12, 64, 1)", style=solid]; -"1638 expand_as_29" -> "1639 div_29" [label="(4, 12, 64, 32)", style=solid]; -"1639 div_29" -> "1640 transpose_28" [label="(4, 12, 64, 32)", style=solid]; -"1640 transpose_28" -> "1641 matmul_28" [label="(4, 12, 32, 64)", style=solid]; -"1641 matmul_28" -> "1645 mul_29" [label="(4, 12, 64, 64)", style=solid]; -"1642 _param_constant239" -> "1643 clamp_14" [label="(12, 1, 1)", style=solid]; -"1643 clamp_14" -> "1644 exp_14" [label="(12, 1, 1)", style=solid]; -"1644 exp_14" -> "1645 mul_29" [label="(12, 1, 1)", style=solid]; -"1645 mul_29" -> "1646 add_49" [label="(4, 12, 64, 64)", style=solid]; -"1646 add_49" -> "1647 softmax_14" [label="(4, 12, 64, 64)", style=solid]; -"1647 softmax_14" -> "1648 dropout_56" [label="(4, 12, 64, 64)", style=solid]; -"1648 dropout_56" -> "1649 matmul_29" [label="(4, 12, 64, 64)", style=solid]; -"1649 matmul_29" -> "1650 transpose_29" [label="(4, 12, 64, 32)", style=solid]; -"1650 transpose_29" -> "1651 reshape_65" [label="(4, 64, 12, 32)", style=solid]; -"1651 reshape_65" -> "1654 linear_89" [label="(4, 64, 384)", style=solid]; -"1652 _param_constant240" -> "1654 linear_89" [label="(384, 384)", style=solid]; -"1653 _param_constant241" -> "1654 linear_89" [label="(384,)", style=solid]; -"1654 linear_89" -> "1655 dropout_57" [label="(4, 64, 384)", style=solid]; -"1655 dropout_57" -> "1656 view_80" [label="(4, 64, 384)", style=solid]; -"1656 view_80" -> "1657 permute_67" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1657 permute_67" -> "1658 reshape_66" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1658 reshape_66" -> "1659 slice_218" [label="(1, 16, 16, 384)", style=solid]; -"1659 slice_218" -> "1660 slice_219" [label="(1, 16, 16, 384)", style=solid]; -"1660 slice_219" -> "1661 slice_220" [label="(1, 14, 16, 384)", style=solid]; -"1661 slice_220" -> "1662 slice_221" [label="(1, 14, 14, 384)", style=solid]; -"1662 slice_221" -> "1663 contiguous_27" [label="(1, 14, 14, 384)", style=solid]; -"1663 contiguous_27" -> "1666 layer_norm_31" [label="(1, 14, 14, 384)", style=solid]; -"1664 _param_constant242" -> "1666 layer_norm_31" [label="(384,)", style=solid]; -"1665 _param_constant243" -> "1666 layer_norm_31" [label="(384,)", style=solid]; -"1666 layer_norm_31" -> "1667 add_50" [label="(1, 14, 14, 384)", style=solid]; -"1667 add_50" -> "1670 linear_90" [label="(1, 14, 14, 384)", style=solid]; -"1667 add_50" -> "1680 add_51" [label="(1, 14, 14, 384)", style=solid]; -"1668 _param_constant244" -> "1670 linear_90" [label="(1536, 384)", style=solid]; -"1669 _param_constant245" -> "1670 linear_90" [label="(1536,)", style=solid]; -"1670 linear_90" -> "1671 gelu_14" [label="(1, 14, 14, 1536)", style=solid]; -"1671 gelu_14" -> "1672 dropout_58" [label="(1, 14, 14, 1536)", style=solid]; -"1672 dropout_58" -> "1675 linear_91" [label="(1, 14, 14, 1536)", style=solid]; -"1673 _param_constant246" -> "1675 linear_91" [label="(384, 1536)", style=solid]; -"1674 _param_constant247" -> "1675 linear_91" [label="(384,)", style=solid]; -"1675 linear_91" -> "1676 dropout_59" [label="(1, 14, 14, 384)", style=solid]; -"1676 dropout_59" -> "1679 layer_norm_32" [label="(1, 14, 14, 384)", style=solid]; -"1677 _param_constant248" -> "1679 layer_norm_32" [label="(384,)", style=solid]; -"1678 _param_constant249" -> "1679 layer_norm_32" [label="(384,)", style=solid]; -"1679 layer_norm_32" -> "1680 add_51" [label="(1, 14, 14, 384)", style=solid]; -"1680 add_51" -> "1697 pad_17" [label="(1, 14, 14, 384)", style=solid]; -"1680 add_51" -> "1810 add_54" [label="(1, 14, 14, 384)", style=solid]; -"1681 _tensor_constant93" -> "1684 linear_92" [label="(1, 15, 15, 2)", style=solid]; -"1682 _param_constant250" -> "1684 linear_92" [label="(512, 2)", style=solid]; -"1683 _param_constant251" -> "1684 linear_92" [label="(512,)", style=solid]; -"1684 linear_92" -> "1685 relu__15" [label="(1, 15, 15, 512)", style=solid]; -"1685 relu__15" -> "1687 linear_93" [label="(1, 15, 15, 512)", style=solid]; -"1686 _param_constant252" -> "1687 linear_93" [label="(12, 512)", style=solid]; -"1687 linear_93" -> "1688 view_81" [label="(1, 15, 15, 12)", style=solid]; -"1688 view_81" -> "1690 index_15" [label="(225, 12)", style=solid]; -"1689 _tensor_constant94" -> "1690 index_15" [label="(4096,)", style=solid]; -"1690 index_15" -> "1691 view_82" [label="(4096, 12)", style=solid]; -"1691 view_82" -> "1692 permute_68" [label="(64, 64, 12)", style=solid]; -"1692 permute_68" -> "1693 contiguous_28" [label="(12, 64, 64)", style=solid]; -"1693 contiguous_28" -> "1694 unsqueeze_43" [label="(12, 64, 64)", style=solid]; -"1694 unsqueeze_43" -> "1695 sigmoid_15" [label="(1, 12, 64, 64)", style=solid]; -"1695 sigmoid_15" -> "1696 mul_30" [label="(1, 12, 64, 64)", style=solid]; -"1696 mul_30" -> "1727 add_52" [label="(1, 12, 64, 64)", style=solid]; -"1697 pad_17" -> "1698 roll_14" [label="(1, 16, 16, 384)", style=solid]; -"1698 roll_14" -> "1699 view_83" [label="(1, 16, 16, 384)", style=solid]; -"1699 view_83" -> "1700 permute_69" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1700 permute_69" -> "1701 reshape_67" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1701 reshape_67" -> "1707 linear_94" [label="(4, 64, 384)", style=solid]; -"1701 reshape_67" -> "1728 new_zeros_7" [label="(4, 64, 384)", style=solid]; -"1702 _param_constant253" -> "1703 clone_15" [label="(1152,)", style=solid]; -"1703 clone_15" -> "1704 slice_222" [label="(1152,)", style=solid]; -"1703 clone_15" -> "1707 linear_94" [label="(1152,)", style=solid]; -"1704 slice_222" -> "1705 zero__15" [label="(384,)", style=solid]; -"1706 _param_constant254" -> "1707 linear_94" [label="(1152, 384)", style=solid]; -"1707 linear_94" -> "1708 reshape_68" [label="(4, 64, 1152)", style=solid]; -"1708 reshape_68" -> "1709 permute_70" [label="(4, 64, 3, 12, 32)", style=solid]; -"1709 permute_70" -> "1710 select_45" [label="(3, 4, 12, 64, 32)", style=solid]; -"1709 permute_70" -> "1711 select_46" [label="(3, 4, 12, 64, 32)", style=solid]; -"1709 permute_70" -> "1712 select_47" [label="(3, 4, 12, 64, 32)", style=solid]; -"1710 select_45" -> "1713 linalg_vector_norm_30" [label="(4, 12, 64, 32)", style=solid]; -"1710 select_45" -> "1715 expand_as_30" [label="(4, 12, 64, 32)", style=solid]; -"1710 select_45" -> "1716 div_30" [label="(4, 12, 64, 32)", style=solid]; -"1711 select_46" -> "1717 linalg_vector_norm_31" [label="(4, 12, 64, 32)", style=solid]; -"1711 select_46" -> "1719 expand_as_31" [label="(4, 12, 64, 32)", style=solid]; -"1711 select_46" -> "1720 div_31" [label="(4, 12, 64, 32)", style=solid]; -"1712 select_47" -> "1791 matmul_31" [label="(4, 12, 64, 32)", style=solid]; -"1713 linalg_vector_norm_30" -> "1714 clamp_min_30" [label="(4, 12, 64, 1)", style=solid]; -"1714 clamp_min_30" -> "1715 expand_as_30" [label="(4, 12, 64, 1)", style=solid]; -"1715 expand_as_30" -> "1716 div_30" [label="(4, 12, 64, 32)", style=solid]; -"1716 div_30" -> "1722 matmul_30" [label="(4, 12, 64, 32)", style=solid]; -"1717 linalg_vector_norm_31" -> "1718 clamp_min_31" [label="(4, 12, 64, 1)", style=solid]; -"1718 clamp_min_31" -> "1719 expand_as_31" [label="(4, 12, 64, 1)", style=solid]; -"1719 expand_as_31" -> "1720 div_31" [label="(4, 12, 64, 32)", style=solid]; -"1720 div_31" -> "1721 transpose_30" [label="(4, 12, 64, 32)", style=solid]; -"1721 transpose_30" -> "1722 matmul_30" [label="(4, 12, 32, 64)", style=solid]; -"1722 matmul_30" -> "1726 mul_31" [label="(4, 12, 64, 64)", style=solid]; -"1723 _param_constant255" -> "1724 clamp_15" [label="(12, 1, 1)", style=solid]; -"1724 clamp_15" -> "1725 exp_15" [label="(12, 1, 1)", style=solid]; -"1725 exp_15" -> "1726 mul_31" [label="(12, 1, 1)", style=solid]; -"1726 mul_31" -> "1727 add_52" [label="(4, 12, 64, 64)", style=solid]; -"1727 add_52" -> "1784 view_85" [label="(4, 12, 64, 64)", style=solid]; -"1728 new_zeros_7" -> "1731 slice_223" [label="(16, 16)", style=solid]; -"1728 new_zeros_7" -> "1736 slice_225" [label="(16, 16)", style=solid]; -"1728 new_zeros_7" -> "1741 slice_227" [label="(16, 16)", style=solid]; -"1728 new_zeros_7" -> "1746 slice_229" [label="(16, 16)", style=solid]; -"1728 new_zeros_7" -> "1751 slice_231" [label="(16, 16)", style=solid]; -"1728 new_zeros_7" -> "1756 slice_233" [label="(16, 16)", style=solid]; -"1728 new_zeros_7" -> "1761 slice_235" [label="(16, 16)", style=solid]; -"1728 new_zeros_7" -> "1766 slice_237" [label="(16, 16)", style=solid]; -"1728 new_zeros_7" -> "1771 slice_239" [label="(16, 16)", style=solid]; -"1728 new_zeros_7" -> "1774 view_84" [label="(16, 16)", style=solid]; -"1729 _tensor_constant95" -> "1730 lift_fresh_copy_63" [label="()", style=solid]; -"1730 lift_fresh_copy_63" -> "1733 fill__63" [label="()", style=solid]; -"1731 slice_223" -> "1732 slice_224" [label="(8, 16)", style=solid]; -"1732 slice_224" -> "1733 fill__63" [label="(8, 8)", style=solid]; -"1734 _tensor_constant96" -> "1735 lift_fresh_copy_64" [label="()", style=solid]; -"1735 lift_fresh_copy_64" -> "1738 fill__64" [label="()", style=solid]; -"1736 slice_225" -> "1737 slice_226" [label="(8, 16)", style=solid]; -"1737 slice_226" -> "1738 fill__64" [label="(8, 4)", style=solid]; -"1739 _tensor_constant97" -> "1740 lift_fresh_copy_65" [label="()", style=solid]; -"1740 lift_fresh_copy_65" -> "1743 fill__65" [label="()", style=solid]; -"1741 slice_227" -> "1742 slice_228" [label="(8, 16)", style=solid]; -"1742 slice_228" -> "1743 fill__65" [label="(8, 4)", style=solid]; -"1744 _tensor_constant98" -> "1745 lift_fresh_copy_66" [label="()", style=solid]; -"1745 lift_fresh_copy_66" -> "1748 fill__66" [label="()", style=solid]; -"1746 slice_229" -> "1747 slice_230" [label="(4, 16)", style=solid]; -"1747 slice_230" -> "1748 fill__66" [label="(4, 8)", style=solid]; -"1749 _tensor_constant99" -> "1750 lift_fresh_copy_67" [label="()", style=solid]; -"1750 lift_fresh_copy_67" -> "1753 fill__67" [label="()", style=solid]; -"1751 slice_231" -> "1752 slice_232" [label="(4, 16)", style=solid]; -"1752 slice_232" -> "1753 fill__67" [label="(4, 4)", style=solid]; -"1754 _tensor_constant100" -> "1755 lift_fresh_copy_68" [label="()", style=solid]; -"1755 lift_fresh_copy_68" -> "1758 fill__68" [label="()", style=solid]; -"1756 slice_233" -> "1757 slice_234" [label="(4, 16)", style=solid]; -"1757 slice_234" -> "1758 fill__68" [label="(4, 4)", style=solid]; -"1759 _tensor_constant101" -> "1760 lift_fresh_copy_69" [label="()", style=solid]; -"1760 lift_fresh_copy_69" -> "1763 fill__69" [label="()", style=solid]; -"1761 slice_235" -> "1762 slice_236" [label="(4, 16)", style=solid]; -"1762 slice_236" -> "1763 fill__69" [label="(4, 8)", style=solid]; -"1764 _tensor_constant102" -> "1765 lift_fresh_copy_70" [label="()", style=solid]; -"1765 lift_fresh_copy_70" -> "1768 fill__70" [label="()", style=solid]; -"1766 slice_237" -> "1767 slice_238" [label="(4, 16)", style=solid]; -"1767 slice_238" -> "1768 fill__70" [label="(4, 4)", style=solid]; -"1769 _tensor_constant103" -> "1770 lift_fresh_copy_71" [label="()", style=solid]; -"1770 lift_fresh_copy_71" -> "1773 fill__71" [label="()", style=solid]; -"1771 slice_239" -> "1772 slice_240" [label="(4, 16)", style=solid]; -"1772 slice_240" -> "1773 fill__71" [label="(4, 4)", style=solid]; -"1774 view_84" -> "1775 permute_71" [label="(2, 8, 2, 8)", style=solid]; -"1775 permute_71" -> "1776 reshape_69" [label="(2, 2, 8, 8)", style=solid]; -"1776 reshape_69" -> "1777 unsqueeze_44" [label="(4, 64)", style=solid]; -"1776 reshape_69" -> "1778 unsqueeze_45" [label="(4, 64)", style=solid]; -"1777 unsqueeze_44" -> "1779 sub_7" [label="(4, 1, 64)", style=solid]; -"1778 unsqueeze_45" -> "1779 sub_7" [label="(4, 64, 1)", style=solid]; -"1779 sub_7" -> "1780 ne_7" [label="(4, 64, 64)", style=solid]; -"1779 sub_7" -> "1781 masked_fill_14" [label="(4, 64, 64)", style=solid]; -"1779 sub_7" -> "1782 eq_7" [label="(4, 64, 64)", style=solid]; -"1780 ne_7" -> "1781 masked_fill_14" [label="(4, 64, 64)", style=solid]; -"1781 masked_fill_14" -> "1783 masked_fill_15" [label="(4, 64, 64)", style=solid]; -"1782 eq_7" -> "1783 masked_fill_15" [label="(4, 64, 64)", style=solid]; -"1783 masked_fill_15" -> "1785 unsqueeze_46" [label="(4, 64, 64)", style=solid]; -"1784 view_85" -> "1787 add_53" [label="(1, 4, 12, 64, 64)", style=solid]; -"1785 unsqueeze_46" -> "1786 unsqueeze_47" [label="(4, 1, 64, 64)", style=solid]; -"1786 unsqueeze_47" -> "1787 add_53" [label="(1, 4, 1, 64, 64)", style=solid]; -"1787 add_53" -> "1788 view_86" [label="(1, 4, 12, 64, 64)", style=solid]; -"1788 view_86" -> "1789 softmax_15" [label="(4, 12, 64, 64)", style=solid]; -"1789 softmax_15" -> "1790 dropout_60" [label="(4, 12, 64, 64)", style=solid]; -"1790 dropout_60" -> "1791 matmul_31" [label="(4, 12, 64, 64)", style=solid]; -"1791 matmul_31" -> "1792 transpose_31" [label="(4, 12, 64, 32)", style=solid]; -"1792 transpose_31" -> "1793 reshape_70" [label="(4, 64, 12, 32)", style=solid]; -"1793 reshape_70" -> "1796 linear_95" [label="(4, 64, 384)", style=solid]; -"1794 _param_constant256" -> "1796 linear_95" [label="(384, 384)", style=solid]; -"1795 _param_constant257" -> "1796 linear_95" [label="(384,)", style=solid]; -"1796 linear_95" -> "1797 dropout_61" [label="(4, 64, 384)", style=solid]; -"1797 dropout_61" -> "1798 view_87" [label="(4, 64, 384)", style=solid]; -"1798 view_87" -> "1799 permute_72" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1799 permute_72" -> "1800 reshape_71" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1800 reshape_71" -> "1801 roll_15" [label="(1, 16, 16, 384)", style=solid]; -"1801 roll_15" -> "1802 slice_241" [label="(1, 16, 16, 384)", style=solid]; -"1802 slice_241" -> "1803 slice_242" [label="(1, 16, 16, 384)", style=solid]; -"1803 slice_242" -> "1804 slice_243" [label="(1, 14, 16, 384)", style=solid]; -"1804 slice_243" -> "1805 slice_244" [label="(1, 14, 14, 384)", style=solid]; -"1805 slice_244" -> "1806 contiguous_29" [label="(1, 14, 14, 384)", style=solid]; -"1806 contiguous_29" -> "1809 layer_norm_33" [label="(1, 14, 14, 384)", style=solid]; -"1807 _param_constant258" -> "1809 layer_norm_33" [label="(384,)", style=solid]; -"1808 _param_constant259" -> "1809 layer_norm_33" [label="(384,)", style=solid]; -"1809 layer_norm_33" -> "1810 add_54" [label="(1, 14, 14, 384)", style=solid]; -"1810 add_54" -> "1813 linear_96" [label="(1, 14, 14, 384)", style=solid]; -"1810 add_54" -> "1823 add_55" [label="(1, 14, 14, 384)", style=solid]; -"1811 _param_constant260" -> "1813 linear_96" [label="(1536, 384)", style=solid]; -"1812 _param_constant261" -> "1813 linear_96" [label="(1536,)", style=solid]; -"1813 linear_96" -> "1814 gelu_15" [label="(1, 14, 14, 1536)", style=solid]; -"1814 gelu_15" -> "1815 dropout_62" [label="(1, 14, 14, 1536)", style=solid]; -"1815 dropout_62" -> "1818 linear_97" [label="(1, 14, 14, 1536)", style=solid]; -"1816 _param_constant262" -> "1818 linear_97" [label="(384, 1536)", style=solid]; -"1817 _param_constant263" -> "1818 linear_97" [label="(384,)", style=solid]; -"1818 linear_97" -> "1819 dropout_63" [label="(1, 14, 14, 384)", style=solid]; -"1819 dropout_63" -> "1822 layer_norm_34" [label="(1, 14, 14, 384)", style=solid]; -"1820 _param_constant264" -> "1822 layer_norm_34" [label="(384,)", style=solid]; -"1821 _param_constant265" -> "1822 layer_norm_34" [label="(384,)", style=solid]; -"1822 layer_norm_34" -> "1823 add_55" [label="(1, 14, 14, 384)", style=solid]; -"1823 add_55" -> "1840 pad_18" [label="(1, 14, 14, 384)", style=solid]; -"1823 add_55" -> "1890 add_57" [label="(1, 14, 14, 384)", style=solid]; -"1824 _tensor_constant104" -> "1827 linear_98" [label="(1, 15, 15, 2)", style=solid]; -"1825 _param_constant266" -> "1827 linear_98" [label="(512, 2)", style=solid]; -"1826 _param_constant267" -> "1827 linear_98" [label="(512,)", style=solid]; -"1827 linear_98" -> "1828 relu__16" [label="(1, 15, 15, 512)", style=solid]; -"1828 relu__16" -> "1830 linear_99" [label="(1, 15, 15, 512)", style=solid]; -"1829 _param_constant268" -> "1830 linear_99" [label="(12, 512)", style=solid]; -"1830 linear_99" -> "1831 view_88" [label="(1, 15, 15, 12)", style=solid]; -"1831 view_88" -> "1833 index_16" [label="(225, 12)", style=solid]; -"1832 _tensor_constant105" -> "1833 index_16" [label="(4096,)", style=solid]; -"1833 index_16" -> "1834 view_89" [label="(4096, 12)", style=solid]; -"1834 view_89" -> "1835 permute_73" [label="(64, 64, 12)", style=solid]; -"1835 permute_73" -> "1836 contiguous_30" [label="(12, 64, 64)", style=solid]; -"1836 contiguous_30" -> "1837 unsqueeze_48" [label="(12, 64, 64)", style=solid]; -"1837 unsqueeze_48" -> "1838 sigmoid_16" [label="(1, 12, 64, 64)", style=solid]; -"1838 sigmoid_16" -> "1839 mul_32" [label="(1, 12, 64, 64)", style=solid]; -"1839 mul_32" -> "1869 add_56" [label="(1, 12, 64, 64)", style=solid]; -"1840 pad_18" -> "1841 view_90" [label="(1, 16, 16, 384)", style=solid]; -"1841 view_90" -> "1842 permute_74" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1842 permute_74" -> "1843 reshape_72" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1843 reshape_72" -> "1849 linear_100" [label="(4, 64, 384)", style=solid]; -"1844 _param_constant269" -> "1845 clone_16" [label="(1152,)", style=solid]; -"1845 clone_16" -> "1846 slice_245" [label="(1152,)", style=solid]; -"1845 clone_16" -> "1849 linear_100" [label="(1152,)", style=solid]; -"1846 slice_245" -> "1847 zero__16" [label="(384,)", style=solid]; -"1848 _param_constant270" -> "1849 linear_100" [label="(1152, 384)", style=solid]; -"1849 linear_100" -> "1850 reshape_73" [label="(4, 64, 1152)", style=solid]; -"1850 reshape_73" -> "1851 permute_75" [label="(4, 64, 3, 12, 32)", style=solid]; -"1851 permute_75" -> "1852 select_48" [label="(3, 4, 12, 64, 32)", style=solid]; -"1851 permute_75" -> "1853 select_49" [label="(3, 4, 12, 64, 32)", style=solid]; -"1851 permute_75" -> "1854 select_50" [label="(3, 4, 12, 64, 32)", style=solid]; -"1852 select_48" -> "1855 linalg_vector_norm_32" [label="(4, 12, 64, 32)", style=solid]; -"1852 select_48" -> "1857 expand_as_32" [label="(4, 12, 64, 32)", style=solid]; -"1852 select_48" -> "1858 div_32" [label="(4, 12, 64, 32)", style=solid]; -"1853 select_49" -> "1859 linalg_vector_norm_33" [label="(4, 12, 64, 32)", style=solid]; -"1853 select_49" -> "1861 expand_as_33" [label="(4, 12, 64, 32)", style=solid]; -"1853 select_49" -> "1862 div_33" [label="(4, 12, 64, 32)", style=solid]; -"1854 select_50" -> "1872 matmul_33" [label="(4, 12, 64, 32)", style=solid]; -"1855 linalg_vector_norm_32" -> "1856 clamp_min_32" [label="(4, 12, 64, 1)", style=solid]; -"1856 clamp_min_32" -> "1857 expand_as_32" [label="(4, 12, 64, 1)", style=solid]; -"1857 expand_as_32" -> "1858 div_32" [label="(4, 12, 64, 32)", style=solid]; -"1858 div_32" -> "1864 matmul_32" [label="(4, 12, 64, 32)", style=solid]; -"1859 linalg_vector_norm_33" -> "1860 clamp_min_33" [label="(4, 12, 64, 1)", style=solid]; -"1860 clamp_min_33" -> "1861 expand_as_33" [label="(4, 12, 64, 1)", style=solid]; -"1861 expand_as_33" -> "1862 div_33" [label="(4, 12, 64, 32)", style=solid]; -"1862 div_33" -> "1863 transpose_32" [label="(4, 12, 64, 32)", style=solid]; -"1863 transpose_32" -> "1864 matmul_32" [label="(4, 12, 32, 64)", style=solid]; -"1864 matmul_32" -> "1868 mul_33" [label="(4, 12, 64, 64)", style=solid]; -"1865 _param_constant271" -> "1866 clamp_16" [label="(12, 1, 1)", style=solid]; -"1866 clamp_16" -> "1867 exp_16" [label="(12, 1, 1)", style=solid]; -"1867 exp_16" -> "1868 mul_33" [label="(12, 1, 1)", style=solid]; -"1868 mul_33" -> "1869 add_56" [label="(4, 12, 64, 64)", style=solid]; -"1869 add_56" -> "1870 softmax_16" [label="(4, 12, 64, 64)", style=solid]; -"1870 softmax_16" -> "1871 dropout_64" [label="(4, 12, 64, 64)", style=solid]; -"1871 dropout_64" -> "1872 matmul_33" [label="(4, 12, 64, 64)", style=solid]; -"1872 matmul_33" -> "1873 transpose_33" [label="(4, 12, 64, 32)", style=solid]; -"1873 transpose_33" -> "1874 reshape_74" [label="(4, 64, 12, 32)", style=solid]; -"1874 reshape_74" -> "1877 linear_101" [label="(4, 64, 384)", style=solid]; -"1875 _param_constant272" -> "1877 linear_101" [label="(384, 384)", style=solid]; -"1876 _param_constant273" -> "1877 linear_101" [label="(384,)", style=solid]; -"1877 linear_101" -> "1878 dropout_65" [label="(4, 64, 384)", style=solid]; -"1878 dropout_65" -> "1879 view_91" [label="(4, 64, 384)", style=solid]; -"1879 view_91" -> "1880 permute_76" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1880 permute_76" -> "1881 reshape_75" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1881 reshape_75" -> "1882 slice_246" [label="(1, 16, 16, 384)", style=solid]; -"1882 slice_246" -> "1883 slice_247" [label="(1, 16, 16, 384)", style=solid]; -"1883 slice_247" -> "1884 slice_248" [label="(1, 14, 16, 384)", style=solid]; -"1884 slice_248" -> "1885 slice_249" [label="(1, 14, 14, 384)", style=solid]; -"1885 slice_249" -> "1886 contiguous_31" [label="(1, 14, 14, 384)", style=solid]; -"1886 contiguous_31" -> "1889 layer_norm_35" [label="(1, 14, 14, 384)", style=solid]; -"1887 _param_constant274" -> "1889 layer_norm_35" [label="(384,)", style=solid]; -"1888 _param_constant275" -> "1889 layer_norm_35" [label="(384,)", style=solid]; -"1889 layer_norm_35" -> "1890 add_57" [label="(1, 14, 14, 384)", style=solid]; -"1890 add_57" -> "1893 linear_102" [label="(1, 14, 14, 384)", style=solid]; -"1890 add_57" -> "1903 add_58" [label="(1, 14, 14, 384)", style=solid]; -"1891 _param_constant276" -> "1893 linear_102" [label="(1536, 384)", style=solid]; -"1892 _param_constant277" -> "1893 linear_102" [label="(1536,)", style=solid]; -"1893 linear_102" -> "1894 gelu_16" [label="(1, 14, 14, 1536)", style=solid]; -"1894 gelu_16" -> "1895 dropout_66" [label="(1, 14, 14, 1536)", style=solid]; -"1895 dropout_66" -> "1898 linear_103" [label="(1, 14, 14, 1536)", style=solid]; -"1896 _param_constant278" -> "1898 linear_103" [label="(384, 1536)", style=solid]; -"1897 _param_constant279" -> "1898 linear_103" [label="(384,)", style=solid]; -"1898 linear_103" -> "1899 dropout_67" [label="(1, 14, 14, 384)", style=solid]; -"1899 dropout_67" -> "1902 layer_norm_36" [label="(1, 14, 14, 384)", style=solid]; -"1900 _param_constant280" -> "1902 layer_norm_36" [label="(384,)", style=solid]; -"1901 _param_constant281" -> "1902 layer_norm_36" [label="(384,)", style=solid]; -"1902 layer_norm_36" -> "1903 add_58" [label="(1, 14, 14, 384)", style=solid]; -"1903 add_58" -> "1920 pad_19" [label="(1, 14, 14, 384)", style=solid]; -"1903 add_58" -> "2033 add_61" [label="(1, 14, 14, 384)", style=solid]; -"1904 _tensor_constant106" -> "1907 linear_104" [label="(1, 15, 15, 2)", style=solid]; -"1905 _param_constant282" -> "1907 linear_104" [label="(512, 2)", style=solid]; -"1906 _param_constant283" -> "1907 linear_104" [label="(512,)", style=solid]; -"1907 linear_104" -> "1908 relu__17" [label="(1, 15, 15, 512)", style=solid]; -"1908 relu__17" -> "1910 linear_105" [label="(1, 15, 15, 512)", style=solid]; -"1909 _param_constant284" -> "1910 linear_105" [label="(12, 512)", style=solid]; -"1910 linear_105" -> "1911 view_92" [label="(1, 15, 15, 12)", style=solid]; -"1911 view_92" -> "1913 index_17" [label="(225, 12)", style=solid]; -"1912 _tensor_constant107" -> "1913 index_17" [label="(4096,)", style=solid]; -"1913 index_17" -> "1914 view_93" [label="(4096, 12)", style=solid]; -"1914 view_93" -> "1915 permute_77" [label="(64, 64, 12)", style=solid]; -"1915 permute_77" -> "1916 contiguous_32" [label="(12, 64, 64)", style=solid]; -"1916 contiguous_32" -> "1917 unsqueeze_49" [label="(12, 64, 64)", style=solid]; -"1917 unsqueeze_49" -> "1918 sigmoid_17" [label="(1, 12, 64, 64)", style=solid]; -"1918 sigmoid_17" -> "1919 mul_34" [label="(1, 12, 64, 64)", style=solid]; -"1919 mul_34" -> "1950 add_59" [label="(1, 12, 64, 64)", style=solid]; -"1920 pad_19" -> "1921 roll_16" [label="(1, 16, 16, 384)", style=solid]; -"1921 roll_16" -> "1922 view_94" [label="(1, 16, 16, 384)", style=solid]; -"1922 view_94" -> "1923 permute_78" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1923 permute_78" -> "1924 reshape_76" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1924 reshape_76" -> "1930 linear_106" [label="(4, 64, 384)", style=solid]; -"1924 reshape_76" -> "1951 new_zeros_8" [label="(4, 64, 384)", style=solid]; -"1925 _param_constant285" -> "1926 clone_17" [label="(1152,)", style=solid]; -"1926 clone_17" -> "1927 slice_250" [label="(1152,)", style=solid]; -"1926 clone_17" -> "1930 linear_106" [label="(1152,)", style=solid]; -"1927 slice_250" -> "1928 zero__17" [label="(384,)", style=solid]; -"1929 _param_constant286" -> "1930 linear_106" [label="(1152, 384)", style=solid]; -"1930 linear_106" -> "1931 reshape_77" [label="(4, 64, 1152)", style=solid]; -"1931 reshape_77" -> "1932 permute_79" [label="(4, 64, 3, 12, 32)", style=solid]; -"1932 permute_79" -> "1933 select_51" [label="(3, 4, 12, 64, 32)", style=solid]; -"1932 permute_79" -> "1934 select_52" [label="(3, 4, 12, 64, 32)", style=solid]; -"1932 permute_79" -> "1935 select_53" [label="(3, 4, 12, 64, 32)", style=solid]; -"1933 select_51" -> "1936 linalg_vector_norm_34" [label="(4, 12, 64, 32)", style=solid]; -"1933 select_51" -> "1938 expand_as_34" [label="(4, 12, 64, 32)", style=solid]; -"1933 select_51" -> "1939 div_34" [label="(4, 12, 64, 32)", style=solid]; -"1934 select_52" -> "1940 linalg_vector_norm_35" [label="(4, 12, 64, 32)", style=solid]; -"1934 select_52" -> "1942 expand_as_35" [label="(4, 12, 64, 32)", style=solid]; -"1934 select_52" -> "1943 div_35" [label="(4, 12, 64, 32)", style=solid]; -"1935 select_53" -> "2014 matmul_35" [label="(4, 12, 64, 32)", style=solid]; -"1936 linalg_vector_norm_34" -> "1937 clamp_min_34" [label="(4, 12, 64, 1)", style=solid]; -"1937 clamp_min_34" -> "1938 expand_as_34" [label="(4, 12, 64, 1)", style=solid]; -"1938 expand_as_34" -> "1939 div_34" [label="(4, 12, 64, 32)", style=solid]; -"1939 div_34" -> "1945 matmul_34" [label="(4, 12, 64, 32)", style=solid]; -"1940 linalg_vector_norm_35" -> "1941 clamp_min_35" [label="(4, 12, 64, 1)", style=solid]; -"1941 clamp_min_35" -> "1942 expand_as_35" [label="(4, 12, 64, 1)", style=solid]; -"1942 expand_as_35" -> "1943 div_35" [label="(4, 12, 64, 32)", style=solid]; -"1943 div_35" -> "1944 transpose_34" [label="(4, 12, 64, 32)", style=solid]; -"1944 transpose_34" -> "1945 matmul_34" [label="(4, 12, 32, 64)", style=solid]; -"1945 matmul_34" -> "1949 mul_35" [label="(4, 12, 64, 64)", style=solid]; -"1946 _param_constant287" -> "1947 clamp_17" [label="(12, 1, 1)", style=solid]; -"1947 clamp_17" -> "1948 exp_17" [label="(12, 1, 1)", style=solid]; -"1948 exp_17" -> "1949 mul_35" [label="(12, 1, 1)", style=solid]; -"1949 mul_35" -> "1950 add_59" [label="(4, 12, 64, 64)", style=solid]; -"1950 add_59" -> "2007 view_96" [label="(4, 12, 64, 64)", style=solid]; -"1951 new_zeros_8" -> "1954 slice_251" [label="(16, 16)", style=solid]; -"1951 new_zeros_8" -> "1959 slice_253" [label="(16, 16)", style=solid]; -"1951 new_zeros_8" -> "1964 slice_255" [label="(16, 16)", style=solid]; -"1951 new_zeros_8" -> "1969 slice_257" [label="(16, 16)", style=solid]; -"1951 new_zeros_8" -> "1974 slice_259" [label="(16, 16)", style=solid]; -"1951 new_zeros_8" -> "1979 slice_261" [label="(16, 16)", style=solid]; -"1951 new_zeros_8" -> "1984 slice_263" [label="(16, 16)", style=solid]; -"1951 new_zeros_8" -> "1989 slice_265" [label="(16, 16)", style=solid]; -"1951 new_zeros_8" -> "1994 slice_267" [label="(16, 16)", style=solid]; -"1951 new_zeros_8" -> "1997 view_95" [label="(16, 16)", style=solid]; -"1952 _tensor_constant108" -> "1953 lift_fresh_copy_72" [label="()", style=solid]; -"1953 lift_fresh_copy_72" -> "1956 fill__72" [label="()", style=solid]; -"1954 slice_251" -> "1955 slice_252" [label="(8, 16)", style=solid]; -"1955 slice_252" -> "1956 fill__72" [label="(8, 8)", style=solid]; -"1957 _tensor_constant109" -> "1958 lift_fresh_copy_73" [label="()", style=solid]; -"1958 lift_fresh_copy_73" -> "1961 fill__73" [label="()", style=solid]; -"1959 slice_253" -> "1960 slice_254" [label="(8, 16)", style=solid]; -"1960 slice_254" -> "1961 fill__73" [label="(8, 4)", style=solid]; -"1962 _tensor_constant110" -> "1963 lift_fresh_copy_74" [label="()", style=solid]; -"1963 lift_fresh_copy_74" -> "1966 fill__74" [label="()", style=solid]; -"1964 slice_255" -> "1965 slice_256" [label="(8, 16)", style=solid]; -"1965 slice_256" -> "1966 fill__74" [label="(8, 4)", style=solid]; -"1967 _tensor_constant111" -> "1968 lift_fresh_copy_75" [label="()", style=solid]; -"1968 lift_fresh_copy_75" -> "1971 fill__75" [label="()", style=solid]; -"1969 slice_257" -> "1970 slice_258" [label="(4, 16)", style=solid]; -"1970 slice_258" -> "1971 fill__75" [label="(4, 8)", style=solid]; -"1972 _tensor_constant112" -> "1973 lift_fresh_copy_76" [label="()", style=solid]; -"1973 lift_fresh_copy_76" -> "1976 fill__76" [label="()", style=solid]; -"1974 slice_259" -> "1975 slice_260" [label="(4, 16)", style=solid]; -"1975 slice_260" -> "1976 fill__76" [label="(4, 4)", style=solid]; -"1977 _tensor_constant113" -> "1978 lift_fresh_copy_77" [label="()", style=solid]; -"1978 lift_fresh_copy_77" -> "1981 fill__77" [label="()", style=solid]; -"1979 slice_261" -> "1980 slice_262" [label="(4, 16)", style=solid]; -"1980 slice_262" -> "1981 fill__77" [label="(4, 4)", style=solid]; -"1982 _tensor_constant114" -> "1983 lift_fresh_copy_78" [label="()", style=solid]; -"1983 lift_fresh_copy_78" -> "1986 fill__78" [label="()", style=solid]; -"1984 slice_263" -> "1985 slice_264" [label="(4, 16)", style=solid]; -"1985 slice_264" -> "1986 fill__78" [label="(4, 8)", style=solid]; -"1987 _tensor_constant115" -> "1988 lift_fresh_copy_79" [label="()", style=solid]; -"1988 lift_fresh_copy_79" -> "1991 fill__79" [label="()", style=solid]; -"1989 slice_265" -> "1990 slice_266" [label="(4, 16)", style=solid]; -"1990 slice_266" -> "1991 fill__79" [label="(4, 4)", style=solid]; -"1992 _tensor_constant116" -> "1993 lift_fresh_copy_80" [label="()", style=solid]; -"1993 lift_fresh_copy_80" -> "1996 fill__80" [label="()", style=solid]; -"1994 slice_267" -> "1995 slice_268" [label="(4, 16)", style=solid]; -"1995 slice_268" -> "1996 fill__80" [label="(4, 4)", style=solid]; -"1997 view_95" -> "1998 permute_80" [label="(2, 8, 2, 8)", style=solid]; -"1998 permute_80" -> "1999 reshape_78" [label="(2, 2, 8, 8)", style=solid]; -"1999 reshape_78" -> "2000 unsqueeze_50" [label="(4, 64)", style=solid]; -"1999 reshape_78" -> "2001 unsqueeze_51" [label="(4, 64)", style=solid]; -"2000 unsqueeze_50" -> "2002 sub_8" [label="(4, 1, 64)", style=solid]; -"2001 unsqueeze_51" -> "2002 sub_8" [label="(4, 64, 1)", style=solid]; -"2002 sub_8" -> "2003 ne_8" [label="(4, 64, 64)", style=solid]; -"2002 sub_8" -> "2004 masked_fill_16" [label="(4, 64, 64)", style=solid]; -"2002 sub_8" -> "2005 eq_8" [label="(4, 64, 64)", style=solid]; -"2003 ne_8" -> "2004 masked_fill_16" [label="(4, 64, 64)", style=solid]; -"2004 masked_fill_16" -> "2006 masked_fill_17" [label="(4, 64, 64)", style=solid]; -"2005 eq_8" -> "2006 masked_fill_17" [label="(4, 64, 64)", style=solid]; -"2006 masked_fill_17" -> "2008 unsqueeze_52" [label="(4, 64, 64)", style=solid]; -"2007 view_96" -> "2010 add_60" [label="(1, 4, 12, 64, 64)", style=solid]; -"2008 unsqueeze_52" -> "2009 unsqueeze_53" [label="(4, 1, 64, 64)", style=solid]; -"2009 unsqueeze_53" -> "2010 add_60" [label="(1, 4, 1, 64, 64)", style=solid]; -"2010 add_60" -> "2011 view_97" [label="(1, 4, 12, 64, 64)", style=solid]; -"2011 view_97" -> "2012 softmax_17" [label="(4, 12, 64, 64)", style=solid]; -"2012 softmax_17" -> "2013 dropout_68" [label="(4, 12, 64, 64)", style=solid]; -"2013 dropout_68" -> "2014 matmul_35" [label="(4, 12, 64, 64)", style=solid]; -"2014 matmul_35" -> "2015 transpose_35" [label="(4, 12, 64, 32)", style=solid]; -"2015 transpose_35" -> "2016 reshape_79" [label="(4, 64, 12, 32)", style=solid]; -"2016 reshape_79" -> "2019 linear_107" [label="(4, 64, 384)", style=solid]; -"2017 _param_constant288" -> "2019 linear_107" [label="(384, 384)", style=solid]; -"2018 _param_constant289" -> "2019 linear_107" [label="(384,)", style=solid]; -"2019 linear_107" -> "2020 dropout_69" [label="(4, 64, 384)", style=solid]; -"2020 dropout_69" -> "2021 view_98" [label="(4, 64, 384)", style=solid]; -"2021 view_98" -> "2022 permute_81" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"2022 permute_81" -> "2023 reshape_80" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"2023 reshape_80" -> "2024 roll_17" [label="(1, 16, 16, 384)", style=solid]; -"2024 roll_17" -> "2025 slice_269" [label="(1, 16, 16, 384)", style=solid]; -"2025 slice_269" -> "2026 slice_270" [label="(1, 16, 16, 384)", style=solid]; -"2026 slice_270" -> "2027 slice_271" [label="(1, 14, 16, 384)", style=solid]; -"2027 slice_271" -> "2028 slice_272" [label="(1, 14, 14, 384)", style=solid]; -"2028 slice_272" -> "2029 contiguous_33" [label="(1, 14, 14, 384)", style=solid]; -"2029 contiguous_33" -> "2032 layer_norm_37" [label="(1, 14, 14, 384)", style=solid]; -"2030 _param_constant290" -> "2032 layer_norm_37" [label="(384,)", style=solid]; -"2031 _param_constant291" -> "2032 layer_norm_37" [label="(384,)", style=solid]; -"2032 layer_norm_37" -> "2033 add_61" [label="(1, 14, 14, 384)", style=solid]; -"2033 add_61" -> "2036 linear_108" [label="(1, 14, 14, 384)", style=solid]; -"2033 add_61" -> "2046 add_62" [label="(1, 14, 14, 384)", style=solid]; -"2034 _param_constant292" -> "2036 linear_108" [label="(1536, 384)", style=solid]; -"2035 _param_constant293" -> "2036 linear_108" [label="(1536,)", style=solid]; -"2036 linear_108" -> "2037 gelu_17" [label="(1, 14, 14, 1536)", style=solid]; -"2037 gelu_17" -> "2038 dropout_70" [label="(1, 14, 14, 1536)", style=solid]; -"2038 dropout_70" -> "2041 linear_109" [label="(1, 14, 14, 1536)", style=solid]; -"2039 _param_constant294" -> "2041 linear_109" [label="(384, 1536)", style=solid]; -"2040 _param_constant295" -> "2041 linear_109" [label="(384,)", style=solid]; -"2041 linear_109" -> "2042 dropout_71" [label="(1, 14, 14, 384)", style=solid]; -"2042 dropout_71" -> "2045 layer_norm_38" [label="(1, 14, 14, 384)", style=solid]; -"2043 _param_constant296" -> "2045 layer_norm_38" [label="(384,)", style=solid]; -"2044 _param_constant297" -> "2045 layer_norm_38" [label="(384,)", style=solid]; -"2045 layer_norm_38" -> "2046 add_62" [label="(1, 14, 14, 384)", style=solid]; -"2046 add_62" -> "2063 pad_20" [label="(1, 14, 14, 384)", style=solid]; -"2046 add_62" -> "2113 add_64" [label="(1, 14, 14, 384)", style=solid]; -"2047 _tensor_constant117" -> "2050 linear_110" [label="(1, 15, 15, 2)", style=solid]; -"2048 _param_constant298" -> "2050 linear_110" [label="(512, 2)", style=solid]; -"2049 _param_constant299" -> "2050 linear_110" [label="(512,)", style=solid]; -"2050 linear_110" -> "2051 relu__18" [label="(1, 15, 15, 512)", style=solid]; -"2051 relu__18" -> "2053 linear_111" [label="(1, 15, 15, 512)", style=solid]; -"2052 _param_constant300" -> "2053 linear_111" [label="(12, 512)", style=solid]; -"2053 linear_111" -> "2054 view_99" [label="(1, 15, 15, 12)", style=solid]; -"2054 view_99" -> "2056 index_18" [label="(225, 12)", style=solid]; -"2055 _tensor_constant118" -> "2056 index_18" [label="(4096,)", style=solid]; -"2056 index_18" -> "2057 view_100" [label="(4096, 12)", style=solid]; -"2057 view_100" -> "2058 permute_82" [label="(64, 64, 12)", style=solid]; -"2058 permute_82" -> "2059 contiguous_34" [label="(12, 64, 64)", style=solid]; -"2059 contiguous_34" -> "2060 unsqueeze_54" [label="(12, 64, 64)", style=solid]; -"2060 unsqueeze_54" -> "2061 sigmoid_18" [label="(1, 12, 64, 64)", style=solid]; -"2061 sigmoid_18" -> "2062 mul_36" [label="(1, 12, 64, 64)", style=solid]; -"2062 mul_36" -> "2092 add_63" [label="(1, 12, 64, 64)", style=solid]; -"2063 pad_20" -> "2064 view_101" [label="(1, 16, 16, 384)", style=solid]; -"2064 view_101" -> "2065 permute_83" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"2065 permute_83" -> "2066 reshape_81" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"2066 reshape_81" -> "2072 linear_112" [label="(4, 64, 384)", style=solid]; -"2067 _param_constant301" -> "2068 clone_18" [label="(1152,)", style=solid]; -"2068 clone_18" -> "2069 slice_273" [label="(1152,)", style=solid]; -"2068 clone_18" -> "2072 linear_112" [label="(1152,)", style=solid]; -"2069 slice_273" -> "2070 zero__18" [label="(384,)", style=solid]; -"2071 _param_constant302" -> "2072 linear_112" [label="(1152, 384)", style=solid]; -"2072 linear_112" -> "2073 reshape_82" [label="(4, 64, 1152)", style=solid]; -"2073 reshape_82" -> "2074 permute_84" [label="(4, 64, 3, 12, 32)", style=solid]; -"2074 permute_84" -> "2075 select_54" [label="(3, 4, 12, 64, 32)", style=solid]; -"2074 permute_84" -> "2076 select_55" [label="(3, 4, 12, 64, 32)", style=solid]; -"2074 permute_84" -> "2077 select_56" [label="(3, 4, 12, 64, 32)", style=solid]; -"2075 select_54" -> "2078 linalg_vector_norm_36" [label="(4, 12, 64, 32)", style=solid]; -"2075 select_54" -> "2080 expand_as_36" [label="(4, 12, 64, 32)", style=solid]; -"2075 select_54" -> "2081 div_36" [label="(4, 12, 64, 32)", style=solid]; -"2076 select_55" -> "2082 linalg_vector_norm_37" [label="(4, 12, 64, 32)", style=solid]; -"2076 select_55" -> "2084 expand_as_37" [label="(4, 12, 64, 32)", style=solid]; -"2076 select_55" -> "2085 div_37" [label="(4, 12, 64, 32)", style=solid]; -"2077 select_56" -> "2095 matmul_37" [label="(4, 12, 64, 32)", style=solid]; -"2078 linalg_vector_norm_36" -> "2079 clamp_min_36" [label="(4, 12, 64, 1)", style=solid]; -"2079 clamp_min_36" -> "2080 expand_as_36" [label="(4, 12, 64, 1)", style=solid]; -"2080 expand_as_36" -> "2081 div_36" [label="(4, 12, 64, 32)", style=solid]; -"2081 div_36" -> "2087 matmul_36" [label="(4, 12, 64, 32)", style=solid]; -"2082 linalg_vector_norm_37" -> "2083 clamp_min_37" [label="(4, 12, 64, 1)", style=solid]; -"2083 clamp_min_37" -> "2084 expand_as_37" [label="(4, 12, 64, 1)", style=solid]; -"2084 expand_as_37" -> "2085 div_37" [label="(4, 12, 64, 32)", style=solid]; -"2085 div_37" -> "2086 transpose_36" [label="(4, 12, 64, 32)", style=solid]; -"2086 transpose_36" -> "2087 matmul_36" [label="(4, 12, 32, 64)", style=solid]; -"2087 matmul_36" -> "2091 mul_37" [label="(4, 12, 64, 64)", style=solid]; -"2088 _param_constant303" -> "2089 clamp_18" [label="(12, 1, 1)", style=solid]; -"2089 clamp_18" -> "2090 exp_18" [label="(12, 1, 1)", style=solid]; -"2090 exp_18" -> "2091 mul_37" [label="(12, 1, 1)", style=solid]; -"2091 mul_37" -> "2092 add_63" [label="(4, 12, 64, 64)", style=solid]; -"2092 add_63" -> "2093 softmax_18" [label="(4, 12, 64, 64)", style=solid]; -"2093 softmax_18" -> "2094 dropout_72" [label="(4, 12, 64, 64)", style=solid]; -"2094 dropout_72" -> "2095 matmul_37" [label="(4, 12, 64, 64)", style=solid]; -"2095 matmul_37" -> "2096 transpose_37" [label="(4, 12, 64, 32)", style=solid]; -"2096 transpose_37" -> "2097 reshape_83" [label="(4, 64, 12, 32)", style=solid]; -"2097 reshape_83" -> "2100 linear_113" [label="(4, 64, 384)", style=solid]; -"2098 _param_constant304" -> "2100 linear_113" [label="(384, 384)", style=solid]; -"2099 _param_constant305" -> "2100 linear_113" [label="(384,)", style=solid]; -"2100 linear_113" -> "2101 dropout_73" [label="(4, 64, 384)", style=solid]; -"2101 dropout_73" -> "2102 view_102" [label="(4, 64, 384)", style=solid]; -"2102 view_102" -> "2103 permute_85" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"2103 permute_85" -> "2104 reshape_84" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"2104 reshape_84" -> "2105 slice_274" [label="(1, 16, 16, 384)", style=solid]; -"2105 slice_274" -> "2106 slice_275" [label="(1, 16, 16, 384)", style=solid]; -"2106 slice_275" -> "2107 slice_276" [label="(1, 14, 16, 384)", style=solid]; -"2107 slice_276" -> "2108 slice_277" [label="(1, 14, 14, 384)", style=solid]; -"2108 slice_277" -> "2109 contiguous_35" [label="(1, 14, 14, 384)", style=solid]; -"2109 contiguous_35" -> "2112 layer_norm_39" [label="(1, 14, 14, 384)", style=solid]; -"2110 _param_constant306" -> "2112 layer_norm_39" [label="(384,)", style=solid]; -"2111 _param_constant307" -> "2112 layer_norm_39" [label="(384,)", style=solid]; -"2112 layer_norm_39" -> "2113 add_64" [label="(1, 14, 14, 384)", style=solid]; -"2113 add_64" -> "2116 linear_114" [label="(1, 14, 14, 384)", style=solid]; -"2113 add_64" -> "2126 add_65" [label="(1, 14, 14, 384)", style=solid]; -"2114 _param_constant308" -> "2116 linear_114" [label="(1536, 384)", style=solid]; -"2115 _param_constant309" -> "2116 linear_114" [label="(1536,)", style=solid]; -"2116 linear_114" -> "2117 gelu_18" [label="(1, 14, 14, 1536)", style=solid]; -"2117 gelu_18" -> "2118 dropout_74" [label="(1, 14, 14, 1536)", style=solid]; -"2118 dropout_74" -> "2121 linear_115" [label="(1, 14, 14, 1536)", style=solid]; -"2119 _param_constant310" -> "2121 linear_115" [label="(384, 1536)", style=solid]; -"2120 _param_constant311" -> "2121 linear_115" [label="(384,)", style=solid]; -"2121 linear_115" -> "2122 dropout_75" [label="(1, 14, 14, 384)", style=solid]; -"2122 dropout_75" -> "2125 layer_norm_40" [label="(1, 14, 14, 384)", style=solid]; -"2123 _param_constant312" -> "2125 layer_norm_40" [label="(384,)", style=solid]; -"2124 _param_constant313" -> "2125 layer_norm_40" [label="(384,)", style=solid]; -"2125 layer_norm_40" -> "2126 add_65" [label="(1, 14, 14, 384)", style=solid]; -"2126 add_65" -> "2143 pad_21" [label="(1, 14, 14, 384)", style=solid]; -"2126 add_65" -> "2256 add_68" [label="(1, 14, 14, 384)", style=solid]; -"2127 _tensor_constant119" -> "2130 linear_116" [label="(1, 15, 15, 2)", style=solid]; -"2128 _param_constant314" -> "2130 linear_116" [label="(512, 2)", style=solid]; -"2129 _param_constant315" -> "2130 linear_116" [label="(512,)", style=solid]; -"2130 linear_116" -> "2131 relu__19" [label="(1, 15, 15, 512)", style=solid]; -"2131 relu__19" -> "2133 linear_117" [label="(1, 15, 15, 512)", style=solid]; -"2132 _param_constant316" -> "2133 linear_117" [label="(12, 512)", style=solid]; -"2133 linear_117" -> "2134 view_103" [label="(1, 15, 15, 12)", style=solid]; -"2134 view_103" -> "2136 index_19" [label="(225, 12)", style=solid]; -"2135 _tensor_constant120" -> "2136 index_19" [label="(4096,)", style=solid]; -"2136 index_19" -> "2137 view_104" [label="(4096, 12)", style=solid]; -"2137 view_104" -> "2138 permute_86" [label="(64, 64, 12)", style=solid]; -"2138 permute_86" -> "2139 contiguous_36" [label="(12, 64, 64)", style=solid]; -"2139 contiguous_36" -> "2140 unsqueeze_55" [label="(12, 64, 64)", style=solid]; -"2140 unsqueeze_55" -> "2141 sigmoid_19" [label="(1, 12, 64, 64)", style=solid]; -"2141 sigmoid_19" -> "2142 mul_38" [label="(1, 12, 64, 64)", style=solid]; -"2142 mul_38" -> "2173 add_66" [label="(1, 12, 64, 64)", style=solid]; -"2143 pad_21" -> "2144 roll_18" [label="(1, 16, 16, 384)", style=solid]; -"2144 roll_18" -> "2145 view_105" [label="(1, 16, 16, 384)", style=solid]; -"2145 view_105" -> "2146 permute_87" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"2146 permute_87" -> "2147 reshape_85" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"2147 reshape_85" -> "2153 linear_118" [label="(4, 64, 384)", style=solid]; -"2147 reshape_85" -> "2174 new_zeros_9" [label="(4, 64, 384)", style=solid]; -"2148 _param_constant317" -> "2149 clone_19" [label="(1152,)", style=solid]; -"2149 clone_19" -> "2150 slice_278" [label="(1152,)", style=solid]; -"2149 clone_19" -> "2153 linear_118" [label="(1152,)", style=solid]; -"2150 slice_278" -> "2151 zero__19" [label="(384,)", style=solid]; -"2152 _param_constant318" -> "2153 linear_118" [label="(1152, 384)", style=solid]; -"2153 linear_118" -> "2154 reshape_86" [label="(4, 64, 1152)", style=solid]; -"2154 reshape_86" -> "2155 permute_88" [label="(4, 64, 3, 12, 32)", style=solid]; -"2155 permute_88" -> "2156 select_57" [label="(3, 4, 12, 64, 32)", style=solid]; -"2155 permute_88" -> "2157 select_58" [label="(3, 4, 12, 64, 32)", style=solid]; -"2155 permute_88" -> "2158 select_59" [label="(3, 4, 12, 64, 32)", style=solid]; -"2156 select_57" -> "2159 linalg_vector_norm_38" [label="(4, 12, 64, 32)", style=solid]; -"2156 select_57" -> "2161 expand_as_38" [label="(4, 12, 64, 32)", style=solid]; -"2156 select_57" -> "2162 div_38" [label="(4, 12, 64, 32)", style=solid]; -"2157 select_58" -> "2163 linalg_vector_norm_39" [label="(4, 12, 64, 32)", style=solid]; -"2157 select_58" -> "2165 expand_as_39" [label="(4, 12, 64, 32)", style=solid]; -"2157 select_58" -> "2166 div_39" [label="(4, 12, 64, 32)", style=solid]; -"2158 select_59" -> "2237 matmul_39" [label="(4, 12, 64, 32)", style=solid]; -"2159 linalg_vector_norm_38" -> "2160 clamp_min_38" [label="(4, 12, 64, 1)", style=solid]; -"2160 clamp_min_38" -> "2161 expand_as_38" [label="(4, 12, 64, 1)", style=solid]; -"2161 expand_as_38" -> "2162 div_38" [label="(4, 12, 64, 32)", style=solid]; -"2162 div_38" -> "2168 matmul_38" [label="(4, 12, 64, 32)", style=solid]; -"2163 linalg_vector_norm_39" -> "2164 clamp_min_39" [label="(4, 12, 64, 1)", style=solid]; -"2164 clamp_min_39" -> "2165 expand_as_39" [label="(4, 12, 64, 1)", style=solid]; -"2165 expand_as_39" -> "2166 div_39" [label="(4, 12, 64, 32)", style=solid]; -"2166 div_39" -> "2167 transpose_38" [label="(4, 12, 64, 32)", style=solid]; -"2167 transpose_38" -> "2168 matmul_38" [label="(4, 12, 32, 64)", style=solid]; -"2168 matmul_38" -> "2172 mul_39" [label="(4, 12, 64, 64)", style=solid]; -"2169 _param_constant319" -> "2170 clamp_19" [label="(12, 1, 1)", style=solid]; -"2170 clamp_19" -> "2171 exp_19" [label="(12, 1, 1)", style=solid]; -"2171 exp_19" -> "2172 mul_39" [label="(12, 1, 1)", style=solid]; -"2172 mul_39" -> "2173 add_66" [label="(4, 12, 64, 64)", style=solid]; -"2173 add_66" -> "2230 view_107" [label="(4, 12, 64, 64)", style=solid]; -"2174 new_zeros_9" -> "2177 slice_279" [label="(16, 16)", style=solid]; -"2174 new_zeros_9" -> "2182 slice_281" [label="(16, 16)", style=solid]; -"2174 new_zeros_9" -> "2187 slice_283" [label="(16, 16)", style=solid]; -"2174 new_zeros_9" -> "2192 slice_285" [label="(16, 16)", style=solid]; -"2174 new_zeros_9" -> "2197 slice_287" [label="(16, 16)", style=solid]; -"2174 new_zeros_9" -> "2202 slice_289" [label="(16, 16)", style=solid]; -"2174 new_zeros_9" -> "2207 slice_291" [label="(16, 16)", style=solid]; -"2174 new_zeros_9" -> "2212 slice_293" [label="(16, 16)", style=solid]; -"2174 new_zeros_9" -> "2217 slice_295" [label="(16, 16)", style=solid]; -"2174 new_zeros_9" -> "2220 view_106" [label="(16, 16)", style=solid]; -"2175 _tensor_constant121" -> "2176 lift_fresh_copy_81" [label="()", style=solid]; -"2176 lift_fresh_copy_81" -> "2179 fill__81" [label="()", style=solid]; -"2177 slice_279" -> "2178 slice_280" [label="(8, 16)", style=solid]; -"2178 slice_280" -> "2179 fill__81" [label="(8, 8)", style=solid]; -"2180 _tensor_constant122" -> "2181 lift_fresh_copy_82" [label="()", style=solid]; -"2181 lift_fresh_copy_82" -> "2184 fill__82" [label="()", style=solid]; -"2182 slice_281" -> "2183 slice_282" [label="(8, 16)", style=solid]; -"2183 slice_282" -> "2184 fill__82" [label="(8, 4)", style=solid]; -"2185 _tensor_constant123" -> "2186 lift_fresh_copy_83" [label="()", style=solid]; -"2186 lift_fresh_copy_83" -> "2189 fill__83" [label="()", style=solid]; -"2187 slice_283" -> "2188 slice_284" [label="(8, 16)", style=solid]; -"2188 slice_284" -> "2189 fill__83" [label="(8, 4)", style=solid]; -"2190 _tensor_constant124" -> "2191 lift_fresh_copy_84" [label="()", style=solid]; -"2191 lift_fresh_copy_84" -> "2194 fill__84" [label="()", style=solid]; -"2192 slice_285" -> "2193 slice_286" [label="(4, 16)", style=solid]; -"2193 slice_286" -> "2194 fill__84" [label="(4, 8)", style=solid]; -"2195 _tensor_constant125" -> "2196 lift_fresh_copy_85" [label="()", style=solid]; -"2196 lift_fresh_copy_85" -> "2199 fill__85" [label="()", style=solid]; -"2197 slice_287" -> "2198 slice_288" [label="(4, 16)", style=solid]; -"2198 slice_288" -> "2199 fill__85" [label="(4, 4)", style=solid]; -"2200 _tensor_constant126" -> "2201 lift_fresh_copy_86" [label="()", style=solid]; -"2201 lift_fresh_copy_86" -> "2204 fill__86" [label="()", style=solid]; -"2202 slice_289" -> "2203 slice_290" [label="(4, 16)", style=solid]; -"2203 slice_290" -> "2204 fill__86" [label="(4, 4)", style=solid]; -"2205 _tensor_constant127" -> "2206 lift_fresh_copy_87" [label="()", style=solid]; -"2206 lift_fresh_copy_87" -> "2209 fill__87" [label="()", style=solid]; -"2207 slice_291" -> "2208 slice_292" [label="(4, 16)", style=solid]; -"2208 slice_292" -> "2209 fill__87" [label="(4, 8)", style=solid]; -"2210 _tensor_constant128" -> "2211 lift_fresh_copy_88" [label="()", style=solid]; -"2211 lift_fresh_copy_88" -> "2214 fill__88" [label="()", style=solid]; -"2212 slice_293" -> "2213 slice_294" [label="(4, 16)", style=solid]; -"2213 slice_294" -> "2214 fill__88" [label="(4, 4)", style=solid]; -"2215 _tensor_constant129" -> "2216 lift_fresh_copy_89" [label="()", style=solid]; -"2216 lift_fresh_copy_89" -> "2219 fill__89" [label="()", style=solid]; -"2217 slice_295" -> "2218 slice_296" [label="(4, 16)", style=solid]; -"2218 slice_296" -> "2219 fill__89" [label="(4, 4)", style=solid]; -"2220 view_106" -> "2221 permute_89" [label="(2, 8, 2, 8)", style=solid]; -"2221 permute_89" -> "2222 reshape_87" [label="(2, 2, 8, 8)", style=solid]; -"2222 reshape_87" -> "2223 unsqueeze_56" [label="(4, 64)", style=solid]; -"2222 reshape_87" -> "2224 unsqueeze_57" [label="(4, 64)", style=solid]; -"2223 unsqueeze_56" -> "2225 sub_9" [label="(4, 1, 64)", style=solid]; -"2224 unsqueeze_57" -> "2225 sub_9" [label="(4, 64, 1)", style=solid]; -"2225 sub_9" -> "2226 ne_9" [label="(4, 64, 64)", style=solid]; -"2225 sub_9" -> "2227 masked_fill_18" [label="(4, 64, 64)", style=solid]; -"2225 sub_9" -> "2228 eq_9" [label="(4, 64, 64)", style=solid]; -"2226 ne_9" -> "2227 masked_fill_18" [label="(4, 64, 64)", style=solid]; -"2227 masked_fill_18" -> "2229 masked_fill_19" [label="(4, 64, 64)", style=solid]; -"2228 eq_9" -> "2229 masked_fill_19" [label="(4, 64, 64)", style=solid]; -"2229 masked_fill_19" -> "2231 unsqueeze_58" [label="(4, 64, 64)", style=solid]; -"2230 view_107" -> "2233 add_67" [label="(1, 4, 12, 64, 64)", style=solid]; -"2231 unsqueeze_58" -> "2232 unsqueeze_59" [label="(4, 1, 64, 64)", style=solid]; -"2232 unsqueeze_59" -> "2233 add_67" [label="(1, 4, 1, 64, 64)", style=solid]; -"2233 add_67" -> "2234 view_108" [label="(1, 4, 12, 64, 64)", style=solid]; -"2234 view_108" -> "2235 softmax_19" [label="(4, 12, 64, 64)", style=solid]; -"2235 softmax_19" -> "2236 dropout_76" [label="(4, 12, 64, 64)", style=solid]; -"2236 dropout_76" -> "2237 matmul_39" [label="(4, 12, 64, 64)", style=solid]; -"2237 matmul_39" -> "2238 transpose_39" [label="(4, 12, 64, 32)", style=solid]; -"2238 transpose_39" -> "2239 reshape_88" [label="(4, 64, 12, 32)", style=solid]; -"2239 reshape_88" -> "2242 linear_119" [label="(4, 64, 384)", style=solid]; -"2240 _param_constant320" -> "2242 linear_119" [label="(384, 384)", style=solid]; -"2241 _param_constant321" -> "2242 linear_119" [label="(384,)", style=solid]; -"2242 linear_119" -> "2243 dropout_77" [label="(4, 64, 384)", style=solid]; -"2243 dropout_77" -> "2244 view_109" [label="(4, 64, 384)", style=solid]; -"2244 view_109" -> "2245 permute_90" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"2245 permute_90" -> "2246 reshape_89" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"2246 reshape_89" -> "2247 roll_19" [label="(1, 16, 16, 384)", style=solid]; -"2247 roll_19" -> "2248 slice_297" [label="(1, 16, 16, 384)", style=solid]; -"2248 slice_297" -> "2249 slice_298" [label="(1, 16, 16, 384)", style=solid]; -"2249 slice_298" -> "2250 slice_299" [label="(1, 14, 16, 384)", style=solid]; -"2250 slice_299" -> "2251 slice_300" [label="(1, 14, 14, 384)", style=solid]; -"2251 slice_300" -> "2252 contiguous_37" [label="(1, 14, 14, 384)", style=solid]; -"2252 contiguous_37" -> "2255 layer_norm_41" [label="(1, 14, 14, 384)", style=solid]; -"2253 _param_constant322" -> "2255 layer_norm_41" [label="(384,)", style=solid]; -"2254 _param_constant323" -> "2255 layer_norm_41" [label="(384,)", style=solid]; -"2255 layer_norm_41" -> "2256 add_68" [label="(1, 14, 14, 384)", style=solid]; -"2256 add_68" -> "2259 linear_120" [label="(1, 14, 14, 384)", style=solid]; -"2256 add_68" -> "2269 add_69" [label="(1, 14, 14, 384)", style=solid]; -"2257 _param_constant324" -> "2259 linear_120" [label="(1536, 384)", style=solid]; -"2258 _param_constant325" -> "2259 linear_120" [label="(1536,)", style=solid]; -"2259 linear_120" -> "2260 gelu_19" [label="(1, 14, 14, 1536)", style=solid]; -"2260 gelu_19" -> "2261 dropout_78" [label="(1, 14, 14, 1536)", style=solid]; -"2261 dropout_78" -> "2264 linear_121" [label="(1, 14, 14, 1536)", style=solid]; -"2262 _param_constant326" -> "2264 linear_121" [label="(384, 1536)", style=solid]; -"2263 _param_constant327" -> "2264 linear_121" [label="(384,)", style=solid]; -"2264 linear_121" -> "2265 dropout_79" [label="(1, 14, 14, 384)", style=solid]; -"2265 dropout_79" -> "2268 layer_norm_42" [label="(1, 14, 14, 384)", style=solid]; -"2266 _param_constant328" -> "2268 layer_norm_42" [label="(384,)", style=solid]; -"2267 _param_constant329" -> "2268 layer_norm_42" [label="(384,)", style=solid]; -"2268 layer_norm_42" -> "2269 add_69" [label="(1, 14, 14, 384)", style=solid]; -"2269 add_69" -> "2286 pad_22" [label="(1, 14, 14, 384)", style=solid]; -"2269 add_69" -> "2336 add_71" [label="(1, 14, 14, 384)", style=solid]; -"2270 _tensor_constant130" -> "2273 linear_122" [label="(1, 15, 15, 2)", style=solid]; -"2271 _param_constant330" -> "2273 linear_122" [label="(512, 2)", style=solid]; -"2272 _param_constant331" -> "2273 linear_122" [label="(512,)", style=solid]; -"2273 linear_122" -> "2274 relu__20" [label="(1, 15, 15, 512)", style=solid]; -"2274 relu__20" -> "2276 linear_123" [label="(1, 15, 15, 512)", style=solid]; -"2275 _param_constant332" -> "2276 linear_123" [label="(12, 512)", style=solid]; -"2276 linear_123" -> "2277 view_110" [label="(1, 15, 15, 12)", style=solid]; -"2277 view_110" -> "2279 index_20" [label="(225, 12)", style=solid]; -"2278 _tensor_constant131" -> "2279 index_20" [label="(4096,)", style=solid]; -"2279 index_20" -> "2280 view_111" [label="(4096, 12)", style=solid]; -"2280 view_111" -> "2281 permute_91" [label="(64, 64, 12)", style=solid]; -"2281 permute_91" -> "2282 contiguous_38" [label="(12, 64, 64)", style=solid]; -"2282 contiguous_38" -> "2283 unsqueeze_60" [label="(12, 64, 64)", style=solid]; -"2283 unsqueeze_60" -> "2284 sigmoid_20" [label="(1, 12, 64, 64)", style=solid]; -"2284 sigmoid_20" -> "2285 mul_40" [label="(1, 12, 64, 64)", style=solid]; -"2285 mul_40" -> "2315 add_70" [label="(1, 12, 64, 64)", style=solid]; -"2286 pad_22" -> "2287 view_112" [label="(1, 16, 16, 384)", style=solid]; -"2287 view_112" -> "2288 permute_92" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"2288 permute_92" -> "2289 reshape_90" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"2289 reshape_90" -> "2295 linear_124" [label="(4, 64, 384)", style=solid]; -"2290 _param_constant333" -> "2291 clone_20" [label="(1152,)", style=solid]; -"2291 clone_20" -> "2292 slice_301" [label="(1152,)", style=solid]; -"2291 clone_20" -> "2295 linear_124" [label="(1152,)", style=solid]; -"2292 slice_301" -> "2293 zero__20" [label="(384,)", style=solid]; -"2294 _param_constant334" -> "2295 linear_124" [label="(1152, 384)", style=solid]; -"2295 linear_124" -> "2296 reshape_91" [label="(4, 64, 1152)", style=solid]; -"2296 reshape_91" -> "2297 permute_93" [label="(4, 64, 3, 12, 32)", style=solid]; -"2297 permute_93" -> "2298 select_60" [label="(3, 4, 12, 64, 32)", style=solid]; -"2297 permute_93" -> "2299 select_61" [label="(3, 4, 12, 64, 32)", style=solid]; -"2297 permute_93" -> "2300 select_62" [label="(3, 4, 12, 64, 32)", style=solid]; -"2298 select_60" -> "2301 linalg_vector_norm_40" [label="(4, 12, 64, 32)", style=solid]; -"2298 select_60" -> "2303 expand_as_40" [label="(4, 12, 64, 32)", style=solid]; -"2298 select_60" -> "2304 div_40" [label="(4, 12, 64, 32)", style=solid]; -"2299 select_61" -> "2305 linalg_vector_norm_41" [label="(4, 12, 64, 32)", style=solid]; -"2299 select_61" -> "2307 expand_as_41" [label="(4, 12, 64, 32)", style=solid]; -"2299 select_61" -> "2308 div_41" [label="(4, 12, 64, 32)", style=solid]; -"2300 select_62" -> "2318 matmul_41" [label="(4, 12, 64, 32)", style=solid]; -"2301 linalg_vector_norm_40" -> "2302 clamp_min_40" [label="(4, 12, 64, 1)", style=solid]; -"2302 clamp_min_40" -> "2303 expand_as_40" [label="(4, 12, 64, 1)", style=solid]; -"2303 expand_as_40" -> "2304 div_40" [label="(4, 12, 64, 32)", style=solid]; -"2304 div_40" -> "2310 matmul_40" [label="(4, 12, 64, 32)", style=solid]; -"2305 linalg_vector_norm_41" -> "2306 clamp_min_41" [label="(4, 12, 64, 1)", style=solid]; -"2306 clamp_min_41" -> "2307 expand_as_41" [label="(4, 12, 64, 1)", style=solid]; -"2307 expand_as_41" -> "2308 div_41" [label="(4, 12, 64, 32)", style=solid]; -"2308 div_41" -> "2309 transpose_40" [label="(4, 12, 64, 32)", style=solid]; -"2309 transpose_40" -> "2310 matmul_40" [label="(4, 12, 32, 64)", style=solid]; -"2310 matmul_40" -> "2314 mul_41" [label="(4, 12, 64, 64)", style=solid]; -"2311 _param_constant335" -> "2312 clamp_20" [label="(12, 1, 1)", style=solid]; -"2312 clamp_20" -> "2313 exp_20" [label="(12, 1, 1)", style=solid]; -"2313 exp_20" -> "2314 mul_41" [label="(12, 1, 1)", style=solid]; -"2314 mul_41" -> "2315 add_70" [label="(4, 12, 64, 64)", style=solid]; -"2315 add_70" -> "2316 softmax_20" [label="(4, 12, 64, 64)", style=solid]; -"2316 softmax_20" -> "2317 dropout_80" [label="(4, 12, 64, 64)", style=solid]; -"2317 dropout_80" -> "2318 matmul_41" [label="(4, 12, 64, 64)", style=solid]; -"2318 matmul_41" -> "2319 transpose_41" [label="(4, 12, 64, 32)", style=solid]; -"2319 transpose_41" -> "2320 reshape_92" [label="(4, 64, 12, 32)", style=solid]; -"2320 reshape_92" -> "2323 linear_125" [label="(4, 64, 384)", style=solid]; -"2321 _param_constant336" -> "2323 linear_125" [label="(384, 384)", style=solid]; -"2322 _param_constant337" -> "2323 linear_125" [label="(384,)", style=solid]; -"2323 linear_125" -> "2324 dropout_81" [label="(4, 64, 384)", style=solid]; -"2324 dropout_81" -> "2325 view_113" [label="(4, 64, 384)", style=solid]; -"2325 view_113" -> "2326 permute_94" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"2326 permute_94" -> "2327 reshape_93" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"2327 reshape_93" -> "2328 slice_302" [label="(1, 16, 16, 384)", style=solid]; -"2328 slice_302" -> "2329 slice_303" [label="(1, 16, 16, 384)", style=solid]; -"2329 slice_303" -> "2330 slice_304" [label="(1, 14, 16, 384)", style=solid]; -"2330 slice_304" -> "2331 slice_305" [label="(1, 14, 14, 384)", style=solid]; -"2331 slice_305" -> "2332 contiguous_39" [label="(1, 14, 14, 384)", style=solid]; -"2332 contiguous_39" -> "2335 layer_norm_43" [label="(1, 14, 14, 384)", style=solid]; -"2333 _param_constant338" -> "2335 layer_norm_43" [label="(384,)", style=solid]; -"2334 _param_constant339" -> "2335 layer_norm_43" [label="(384,)", style=solid]; -"2335 layer_norm_43" -> "2336 add_71" [label="(1, 14, 14, 384)", style=solid]; -"2336 add_71" -> "2339 linear_126" [label="(1, 14, 14, 384)", style=solid]; -"2336 add_71" -> "2349 add_72" [label="(1, 14, 14, 384)", style=solid]; -"2337 _param_constant340" -> "2339 linear_126" [label="(1536, 384)", style=solid]; -"2338 _param_constant341" -> "2339 linear_126" [label="(1536,)", style=solid]; -"2339 linear_126" -> "2340 gelu_20" [label="(1, 14, 14, 1536)", style=solid]; -"2340 gelu_20" -> "2341 dropout_82" [label="(1, 14, 14, 1536)", style=solid]; -"2341 dropout_82" -> "2344 linear_127" [label="(1, 14, 14, 1536)", style=solid]; -"2342 _param_constant342" -> "2344 linear_127" [label="(384, 1536)", style=solid]; -"2343 _param_constant343" -> "2344 linear_127" [label="(384,)", style=solid]; -"2344 linear_127" -> "2345 dropout_83" [label="(1, 14, 14, 384)", style=solid]; -"2345 dropout_83" -> "2348 layer_norm_44" [label="(1, 14, 14, 384)", style=solid]; -"2346 _param_constant344" -> "2348 layer_norm_44" [label="(384,)", style=solid]; -"2347 _param_constant345" -> "2348 layer_norm_44" [label="(384,)", style=solid]; -"2348 layer_norm_44" -> "2349 add_72" [label="(1, 14, 14, 384)", style=solid]; -"2349 add_72" -> "2366 pad_23" [label="(1, 14, 14, 384)", style=solid]; -"2349 add_72" -> "2479 add_75" [label="(1, 14, 14, 384)", style=solid]; -"2350 _tensor_constant132" -> "2353 linear_128" [label="(1, 15, 15, 2)", style=solid]; -"2351 _param_constant346" -> "2353 linear_128" [label="(512, 2)", style=solid]; -"2352 _param_constant347" -> "2353 linear_128" [label="(512,)", style=solid]; -"2353 linear_128" -> "2354 relu__21" [label="(1, 15, 15, 512)", style=solid]; -"2354 relu__21" -> "2356 linear_129" [label="(1, 15, 15, 512)", style=solid]; -"2355 _param_constant348" -> "2356 linear_129" [label="(12, 512)", style=solid]; -"2356 linear_129" -> "2357 view_114" [label="(1, 15, 15, 12)", style=solid]; -"2357 view_114" -> "2359 index_21" [label="(225, 12)", style=solid]; -"2358 _tensor_constant133" -> "2359 index_21" [label="(4096,)", style=solid]; -"2359 index_21" -> "2360 view_115" [label="(4096, 12)", style=solid]; -"2360 view_115" -> "2361 permute_95" [label="(64, 64, 12)", style=solid]; -"2361 permute_95" -> "2362 contiguous_40" [label="(12, 64, 64)", style=solid]; -"2362 contiguous_40" -> "2363 unsqueeze_61" [label="(12, 64, 64)", style=solid]; -"2363 unsqueeze_61" -> "2364 sigmoid_21" [label="(1, 12, 64, 64)", style=solid]; -"2364 sigmoid_21" -> "2365 mul_42" [label="(1, 12, 64, 64)", style=solid]; -"2365 mul_42" -> "2396 add_73" [label="(1, 12, 64, 64)", style=solid]; -"2366 pad_23" -> "2367 roll_20" [label="(1, 16, 16, 384)", style=solid]; -"2367 roll_20" -> "2368 view_116" [label="(1, 16, 16, 384)", style=solid]; -"2368 view_116" -> "2369 permute_96" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"2369 permute_96" -> "2370 reshape_94" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"2370 reshape_94" -> "2376 linear_130" [label="(4, 64, 384)", style=solid]; -"2370 reshape_94" -> "2397 new_zeros_10" [label="(4, 64, 384)", style=solid]; -"2371 _param_constant349" -> "2372 clone_21" [label="(1152,)", style=solid]; -"2372 clone_21" -> "2373 slice_306" [label="(1152,)", style=solid]; -"2372 clone_21" -> "2376 linear_130" [label="(1152,)", style=solid]; -"2373 slice_306" -> "2374 zero__21" [label="(384,)", style=solid]; -"2375 _param_constant350" -> "2376 linear_130" [label="(1152, 384)", style=solid]; -"2376 linear_130" -> "2377 reshape_95" [label="(4, 64, 1152)", style=solid]; -"2377 reshape_95" -> "2378 permute_97" [label="(4, 64, 3, 12, 32)", style=solid]; -"2378 permute_97" -> "2379 select_63" [label="(3, 4, 12, 64, 32)", style=solid]; -"2378 permute_97" -> "2380 select_64" [label="(3, 4, 12, 64, 32)", style=solid]; -"2378 permute_97" -> "2381 select_65" [label="(3, 4, 12, 64, 32)", style=solid]; -"2379 select_63" -> "2382 linalg_vector_norm_42" [label="(4, 12, 64, 32)", style=solid]; -"2379 select_63" -> "2384 expand_as_42" [label="(4, 12, 64, 32)", style=solid]; -"2379 select_63" -> "2385 div_42" [label="(4, 12, 64, 32)", style=solid]; -"2380 select_64" -> "2386 linalg_vector_norm_43" [label="(4, 12, 64, 32)", style=solid]; -"2380 select_64" -> "2388 expand_as_43" [label="(4, 12, 64, 32)", style=solid]; -"2380 select_64" -> "2389 div_43" [label="(4, 12, 64, 32)", style=solid]; -"2381 select_65" -> "2460 matmul_43" [label="(4, 12, 64, 32)", style=solid]; -"2382 linalg_vector_norm_42" -> "2383 clamp_min_42" [label="(4, 12, 64, 1)", style=solid]; -"2383 clamp_min_42" -> "2384 expand_as_42" [label="(4, 12, 64, 1)", style=solid]; -"2384 expand_as_42" -> "2385 div_42" [label="(4, 12, 64, 32)", style=solid]; -"2385 div_42" -> "2391 matmul_42" [label="(4, 12, 64, 32)", style=solid]; -"2386 linalg_vector_norm_43" -> "2387 clamp_min_43" [label="(4, 12, 64, 1)", style=solid]; -"2387 clamp_min_43" -> "2388 expand_as_43" [label="(4, 12, 64, 1)", style=solid]; -"2388 expand_as_43" -> "2389 div_43" [label="(4, 12, 64, 32)", style=solid]; -"2389 div_43" -> "2390 transpose_42" [label="(4, 12, 64, 32)", style=solid]; -"2390 transpose_42" -> "2391 matmul_42" [label="(4, 12, 32, 64)", style=solid]; -"2391 matmul_42" -> "2395 mul_43" [label="(4, 12, 64, 64)", style=solid]; -"2392 _param_constant351" -> "2393 clamp_21" [label="(12, 1, 1)", style=solid]; -"2393 clamp_21" -> "2394 exp_21" [label="(12, 1, 1)", style=solid]; -"2394 exp_21" -> "2395 mul_43" [label="(12, 1, 1)", style=solid]; -"2395 mul_43" -> "2396 add_73" [label="(4, 12, 64, 64)", style=solid]; -"2396 add_73" -> "2453 view_118" [label="(4, 12, 64, 64)", style=solid]; -"2397 new_zeros_10" -> "2400 slice_307" [label="(16, 16)", style=solid]; -"2397 new_zeros_10" -> "2405 slice_309" [label="(16, 16)", style=solid]; -"2397 new_zeros_10" -> "2410 slice_311" [label="(16, 16)", style=solid]; -"2397 new_zeros_10" -> "2415 slice_313" [label="(16, 16)", style=solid]; -"2397 new_zeros_10" -> "2420 slice_315" [label="(16, 16)", style=solid]; -"2397 new_zeros_10" -> "2425 slice_317" [label="(16, 16)", style=solid]; -"2397 new_zeros_10" -> "2430 slice_319" [label="(16, 16)", style=solid]; -"2397 new_zeros_10" -> "2435 slice_321" [label="(16, 16)", style=solid]; -"2397 new_zeros_10" -> "2440 slice_323" [label="(16, 16)", style=solid]; -"2397 new_zeros_10" -> "2443 view_117" [label="(16, 16)", style=solid]; -"2398 _tensor_constant134" -> "2399 lift_fresh_copy_90" [label="()", style=solid]; -"2399 lift_fresh_copy_90" -> "2402 fill__90" [label="()", style=solid]; -"2400 slice_307" -> "2401 slice_308" [label="(8, 16)", style=solid]; -"2401 slice_308" -> "2402 fill__90" [label="(8, 8)", style=solid]; -"2403 _tensor_constant135" -> "2404 lift_fresh_copy_91" [label="()", style=solid]; -"2404 lift_fresh_copy_91" -> "2407 fill__91" [label="()", style=solid]; -"2405 slice_309" -> "2406 slice_310" [label="(8, 16)", style=solid]; -"2406 slice_310" -> "2407 fill__91" [label="(8, 4)", style=solid]; -"2408 _tensor_constant136" -> "2409 lift_fresh_copy_92" [label="()", style=solid]; -"2409 lift_fresh_copy_92" -> "2412 fill__92" [label="()", style=solid]; -"2410 slice_311" -> "2411 slice_312" [label="(8, 16)", style=solid]; -"2411 slice_312" -> "2412 fill__92" [label="(8, 4)", style=solid]; -"2413 _tensor_constant137" -> "2414 lift_fresh_copy_93" [label="()", style=solid]; -"2414 lift_fresh_copy_93" -> "2417 fill__93" [label="()", style=solid]; -"2415 slice_313" -> "2416 slice_314" [label="(4, 16)", style=solid]; -"2416 slice_314" -> "2417 fill__93" [label="(4, 8)", style=solid]; -"2418 _tensor_constant138" -> "2419 lift_fresh_copy_94" [label="()", style=solid]; -"2419 lift_fresh_copy_94" -> "2422 fill__94" [label="()", style=solid]; -"2420 slice_315" -> "2421 slice_316" [label="(4, 16)", style=solid]; -"2421 slice_316" -> "2422 fill__94" [label="(4, 4)", style=solid]; -"2423 _tensor_constant139" -> "2424 lift_fresh_copy_95" [label="()", style=solid]; -"2424 lift_fresh_copy_95" -> "2427 fill__95" [label="()", style=solid]; -"2425 slice_317" -> "2426 slice_318" [label="(4, 16)", style=solid]; -"2426 slice_318" -> "2427 fill__95" [label="(4, 4)", style=solid]; -"2428 _tensor_constant140" -> "2429 lift_fresh_copy_96" [label="()", style=solid]; -"2429 lift_fresh_copy_96" -> "2432 fill__96" [label="()", style=solid]; -"2430 slice_319" -> "2431 slice_320" [label="(4, 16)", style=solid]; -"2431 slice_320" -> "2432 fill__96" [label="(4, 8)", style=solid]; -"2433 _tensor_constant141" -> "2434 lift_fresh_copy_97" [label="()", style=solid]; -"2434 lift_fresh_copy_97" -> "2437 fill__97" [label="()", style=solid]; -"2435 slice_321" -> "2436 slice_322" [label="(4, 16)", style=solid]; -"2436 slice_322" -> "2437 fill__97" [label="(4, 4)", style=solid]; -"2438 _tensor_constant142" -> "2439 lift_fresh_copy_98" [label="()", style=solid]; -"2439 lift_fresh_copy_98" -> "2442 fill__98" [label="()", style=solid]; -"2440 slice_323" -> "2441 slice_324" [label="(4, 16)", style=solid]; -"2441 slice_324" -> "2442 fill__98" [label="(4, 4)", style=solid]; -"2443 view_117" -> "2444 permute_98" [label="(2, 8, 2, 8)", style=solid]; -"2444 permute_98" -> "2445 reshape_96" [label="(2, 2, 8, 8)", style=solid]; -"2445 reshape_96" -> "2446 unsqueeze_62" [label="(4, 64)", style=solid]; -"2445 reshape_96" -> "2447 unsqueeze_63" [label="(4, 64)", style=solid]; -"2446 unsqueeze_62" -> "2448 sub_10" [label="(4, 1, 64)", style=solid]; -"2447 unsqueeze_63" -> "2448 sub_10" [label="(4, 64, 1)", style=solid]; -"2448 sub_10" -> "2449 ne_10" [label="(4, 64, 64)", style=solid]; -"2448 sub_10" -> "2450 masked_fill_20" [label="(4, 64, 64)", style=solid]; -"2448 sub_10" -> "2451 eq_10" [label="(4, 64, 64)", style=solid]; -"2449 ne_10" -> "2450 masked_fill_20" [label="(4, 64, 64)", style=solid]; -"2450 masked_fill_20" -> "2452 masked_fill_21" [label="(4, 64, 64)", style=solid]; -"2451 eq_10" -> "2452 masked_fill_21" [label="(4, 64, 64)", style=solid]; -"2452 masked_fill_21" -> "2454 unsqueeze_64" [label="(4, 64, 64)", style=solid]; -"2453 view_118" -> "2456 add_74" [label="(1, 4, 12, 64, 64)", style=solid]; -"2454 unsqueeze_64" -> "2455 unsqueeze_65" [label="(4, 1, 64, 64)", style=solid]; -"2455 unsqueeze_65" -> "2456 add_74" [label="(1, 4, 1, 64, 64)", style=solid]; -"2456 add_74" -> "2457 view_119" [label="(1, 4, 12, 64, 64)", style=solid]; -"2457 view_119" -> "2458 softmax_21" [label="(4, 12, 64, 64)", style=solid]; -"2458 softmax_21" -> "2459 dropout_84" [label="(4, 12, 64, 64)", style=solid]; -"2459 dropout_84" -> "2460 matmul_43" [label="(4, 12, 64, 64)", style=solid]; -"2460 matmul_43" -> "2461 transpose_43" [label="(4, 12, 64, 32)", style=solid]; -"2461 transpose_43" -> "2462 reshape_97" [label="(4, 64, 12, 32)", style=solid]; -"2462 reshape_97" -> "2465 linear_131" [label="(4, 64, 384)", style=solid]; -"2463 _param_constant352" -> "2465 linear_131" [label="(384, 384)", style=solid]; -"2464 _param_constant353" -> "2465 linear_131" [label="(384,)", style=solid]; -"2465 linear_131" -> "2466 dropout_85" [label="(4, 64, 384)", style=solid]; -"2466 dropout_85" -> "2467 view_120" [label="(4, 64, 384)", style=solid]; -"2467 view_120" -> "2468 permute_99" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"2468 permute_99" -> "2469 reshape_98" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"2469 reshape_98" -> "2470 roll_21" [label="(1, 16, 16, 384)", style=solid]; -"2470 roll_21" -> "2471 slice_325" [label="(1, 16, 16, 384)", style=solid]; -"2471 slice_325" -> "2472 slice_326" [label="(1, 16, 16, 384)", style=solid]; -"2472 slice_326" -> "2473 slice_327" [label="(1, 14, 16, 384)", style=solid]; -"2473 slice_327" -> "2474 slice_328" [label="(1, 14, 14, 384)", style=solid]; -"2474 slice_328" -> "2475 contiguous_41" [label="(1, 14, 14, 384)", style=solid]; -"2475 contiguous_41" -> "2478 layer_norm_45" [label="(1, 14, 14, 384)", style=solid]; -"2476 _param_constant354" -> "2478 layer_norm_45" [label="(384,)", style=solid]; -"2477 _param_constant355" -> "2478 layer_norm_45" [label="(384,)", style=solid]; -"2478 layer_norm_45" -> "2479 add_75" [label="(1, 14, 14, 384)", style=solid]; -"2479 add_75" -> "2482 linear_132" [label="(1, 14, 14, 384)", style=solid]; -"2479 add_75" -> "2492 add_76" [label="(1, 14, 14, 384)", style=solid]; -"2480 _param_constant356" -> "2482 linear_132" [label="(1536, 384)", style=solid]; -"2481 _param_constant357" -> "2482 linear_132" [label="(1536,)", style=solid]; -"2482 linear_132" -> "2483 gelu_21" [label="(1, 14, 14, 1536)", style=solid]; -"2483 gelu_21" -> "2484 dropout_86" [label="(1, 14, 14, 1536)", style=solid]; -"2484 dropout_86" -> "2487 linear_133" [label="(1, 14, 14, 1536)", style=solid]; -"2485 _param_constant358" -> "2487 linear_133" [label="(384, 1536)", style=solid]; -"2486 _param_constant359" -> "2487 linear_133" [label="(384,)", style=solid]; -"2487 linear_133" -> "2488 dropout_87" [label="(1, 14, 14, 384)", style=solid]; -"2488 dropout_87" -> "2491 layer_norm_46" [label="(1, 14, 14, 384)", style=solid]; -"2489 _param_constant360" -> "2491 layer_norm_46" [label="(384,)", style=solid]; -"2490 _param_constant361" -> "2491 layer_norm_46" [label="(384,)", style=solid]; -"2491 layer_norm_46" -> "2492 add_76" [label="(1, 14, 14, 384)", style=solid]; -"2492 add_76" -> "2493 pad_24" [label="(1, 14, 14, 384)", style=solid]; -"2493 pad_24" -> "2494 slice_329" [label="(1, 14, 14, 384)", style=solid]; -"2493 pad_24" -> "2497 slice_332" [label="(1, 14, 14, 384)", style=solid]; -"2493 pad_24" -> "2500 slice_335" [label="(1, 14, 14, 384)", style=solid]; -"2493 pad_24" -> "2503 slice_338" [label="(1, 14, 14, 384)", style=solid]; -"2494 slice_329" -> "2495 slice_330" [label="(1, 7, 14, 384)", style=solid]; -"2495 slice_330" -> "2496 slice_331" [label="(1, 7, 7, 384)", style=solid]; -"2496 slice_331" -> "2506 cat_2" [label="(1, 7, 7, 384)", style=solid]; -"2497 slice_332" -> "2498 slice_333" [label="(1, 7, 14, 384)", style=solid]; -"2498 slice_333" -> "2499 slice_334" [label="(1, 7, 7, 384)", style=solid]; -"2499 slice_334" -> "2506 cat_2" [label="(1, 7, 7, 384)", style=solid]; -"2500 slice_335" -> "2501 slice_336" [label="(1, 7, 14, 384)", style=solid]; -"2501 slice_336" -> "2502 slice_337" [label="(1, 7, 7, 384)", style=solid]; -"2502 slice_337" -> "2506 cat_2" [label="(1, 7, 7, 384)", style=solid]; -"2503 slice_338" -> "2504 slice_339" [label="(1, 7, 14, 384)", style=solid]; -"2504 slice_339" -> "2505 slice_340" [label="(1, 7, 7, 384)", style=solid]; -"2505 slice_340" -> "2506 cat_2" [label="(1, 7, 7, 384)", style=solid]; -"2506 cat_2" -> "2508 linear_134" [label="(1, 7, 7, 1536)", style=solid]; -"2507 _param_constant362" -> "2508 linear_134" [label="(768, 1536)", style=solid]; -"2508 linear_134" -> "2511 layer_norm_47" [label="(1, 7, 7, 768)", style=solid]; -"2509 _param_constant363" -> "2511 layer_norm_47" [label="(768,)", style=solid]; -"2510 _param_constant364" -> "2511 layer_norm_47" [label="(768,)", style=solid]; -"2511 layer_norm_47" -> "2528 pad_25" [label="(1, 7, 7, 768)", style=solid]; -"2511 layer_norm_47" -> "2578 add_78" [label="(1, 7, 7, 768)", style=solid]; -"2512 _tensor_constant143" -> "2515 linear_135" [label="(1, 15, 15, 2)", style=solid]; -"2513 _param_constant365" -> "2515 linear_135" [label="(512, 2)", style=solid]; -"2514 _param_constant366" -> "2515 linear_135" [label="(512,)", style=solid]; -"2515 linear_135" -> "2516 relu__22" [label="(1, 15, 15, 512)", style=solid]; -"2516 relu__22" -> "2518 linear_136" [label="(1, 15, 15, 512)", style=solid]; -"2517 _param_constant367" -> "2518 linear_136" [label="(24, 512)", style=solid]; -"2518 linear_136" -> "2519 view_121" [label="(1, 15, 15, 24)", style=solid]; -"2519 view_121" -> "2521 index_22" [label="(225, 24)", style=solid]; -"2520 _tensor_constant144" -> "2521 index_22" [label="(4096,)", style=solid]; -"2521 index_22" -> "2522 view_122" [label="(4096, 24)", style=solid]; -"2522 view_122" -> "2523 permute_100" [label="(64, 64, 24)", style=solid]; -"2523 permute_100" -> "2524 contiguous_42" [label="(24, 64, 64)", style=solid]; -"2524 contiguous_42" -> "2525 unsqueeze_66" [label="(24, 64, 64)", style=solid]; -"2525 unsqueeze_66" -> "2526 sigmoid_22" [label="(1, 24, 64, 64)", style=solid]; -"2526 sigmoid_22" -> "2527 mul_44" [label="(1, 24, 64, 64)", style=solid]; -"2527 mul_44" -> "2557 add_77" [label="(1, 24, 64, 64)", style=solid]; -"2528 pad_25" -> "2529 view_123" [label="(1, 8, 8, 768)", style=solid]; -"2529 view_123" -> "2530 permute_101" [label="(1, 1, 8, 1, 8, 768)", style=solid]; -"2530 permute_101" -> "2531 reshape_99" [label="(1, 1, 1, 8, 8, 768)", style=solid]; -"2531 reshape_99" -> "2537 linear_137" [label="(1, 64, 768)", style=solid]; -"2532 _param_constant368" -> "2533 clone_22" [label="(2304,)", style=solid]; -"2533 clone_22" -> "2534 slice_341" [label="(2304,)", style=solid]; -"2533 clone_22" -> "2537 linear_137" [label="(2304,)", style=solid]; -"2534 slice_341" -> "2535 zero__22" [label="(768,)", style=solid]; -"2536 _param_constant369" -> "2537 linear_137" [label="(2304, 768)", style=solid]; -"2537 linear_137" -> "2538 reshape_100" [label="(1, 64, 2304)", style=solid]; -"2538 reshape_100" -> "2539 permute_102" [label="(1, 64, 3, 24, 32)", style=solid]; -"2539 permute_102" -> "2540 select_66" [label="(3, 1, 24, 64, 32)", style=solid]; -"2539 permute_102" -> "2541 select_67" [label="(3, 1, 24, 64, 32)", style=solid]; -"2539 permute_102" -> "2542 select_68" [label="(3, 1, 24, 64, 32)", style=solid]; -"2540 select_66" -> "2543 linalg_vector_norm_44" [label="(1, 24, 64, 32)", style=solid]; -"2540 select_66" -> "2545 expand_as_44" [label="(1, 24, 64, 32)", style=solid]; -"2540 select_66" -> "2546 div_44" [label="(1, 24, 64, 32)", style=solid]; -"2541 select_67" -> "2547 linalg_vector_norm_45" [label="(1, 24, 64, 32)", style=solid]; -"2541 select_67" -> "2549 expand_as_45" [label="(1, 24, 64, 32)", style=solid]; -"2541 select_67" -> "2550 div_45" [label="(1, 24, 64, 32)", style=solid]; -"2542 select_68" -> "2560 matmul_45" [label="(1, 24, 64, 32)", style=solid]; -"2543 linalg_vector_norm_44" -> "2544 clamp_min_44" [label="(1, 24, 64, 1)", style=solid]; -"2544 clamp_min_44" -> "2545 expand_as_44" [label="(1, 24, 64, 1)", style=solid]; -"2545 expand_as_44" -> "2546 div_44" [label="(1, 24, 64, 32)", style=solid]; -"2546 div_44" -> "2552 matmul_44" [label="(1, 24, 64, 32)", style=solid]; -"2547 linalg_vector_norm_45" -> "2548 clamp_min_45" [label="(1, 24, 64, 1)", style=solid]; -"2548 clamp_min_45" -> "2549 expand_as_45" [label="(1, 24, 64, 1)", style=solid]; -"2549 expand_as_45" -> "2550 div_45" [label="(1, 24, 64, 32)", style=solid]; -"2550 div_45" -> "2551 transpose_44" [label="(1, 24, 64, 32)", style=solid]; -"2551 transpose_44" -> "2552 matmul_44" [label="(1, 24, 32, 64)", style=solid]; -"2552 matmul_44" -> "2556 mul_45" [label="(1, 24, 64, 64)", style=solid]; -"2553 _param_constant370" -> "2554 clamp_22" [label="(24, 1, 1)", style=solid]; -"2554 clamp_22" -> "2555 exp_22" [label="(24, 1, 1)", style=solid]; -"2555 exp_22" -> "2556 mul_45" [label="(24, 1, 1)", style=solid]; -"2556 mul_45" -> "2557 add_77" [label="(1, 24, 64, 64)", style=solid]; -"2557 add_77" -> "2558 softmax_22" [label="(1, 24, 64, 64)", style=solid]; -"2558 softmax_22" -> "2559 dropout_88" [label="(1, 24, 64, 64)", style=solid]; -"2559 dropout_88" -> "2560 matmul_45" [label="(1, 24, 64, 64)", style=solid]; -"2560 matmul_45" -> "2561 transpose_45" [label="(1, 24, 64, 32)", style=solid]; -"2561 transpose_45" -> "2562 reshape_101" [label="(1, 64, 24, 32)", style=solid]; -"2562 reshape_101" -> "2565 linear_138" [label="(1, 64, 768)", style=solid]; -"2563 _param_constant371" -> "2565 linear_138" [label="(768, 768)", style=solid]; -"2564 _param_constant372" -> "2565 linear_138" [label="(768,)", style=solid]; -"2565 linear_138" -> "2566 dropout_89" [label="(1, 64, 768)", style=solid]; -"2566 dropout_89" -> "2567 view_124" [label="(1, 64, 768)", style=solid]; -"2567 view_124" -> "2568 permute_103" [label="(1, 1, 1, 8, 8, 768)", style=solid]; -"2568 permute_103" -> "2569 reshape_102" [label="(1, 1, 8, 1, 8, 768)", style=solid]; -"2569 reshape_102" -> "2570 slice_342" [label="(1, 8, 8, 768)", style=solid]; -"2570 slice_342" -> "2571 slice_343" [label="(1, 8, 8, 768)", style=solid]; -"2571 slice_343" -> "2572 slice_344" [label="(1, 7, 8, 768)", style=solid]; -"2572 slice_344" -> "2573 slice_345" [label="(1, 7, 7, 768)", style=solid]; -"2573 slice_345" -> "2574 contiguous_43" [label="(1, 7, 7, 768)", style=solid]; -"2574 contiguous_43" -> "2577 layer_norm_48" [label="(1, 7, 7, 768)", style=solid]; -"2575 _param_constant373" -> "2577 layer_norm_48" [label="(768,)", style=solid]; -"2576 _param_constant374" -> "2577 layer_norm_48" [label="(768,)", style=solid]; -"2577 layer_norm_48" -> "2578 add_78" [label="(1, 7, 7, 768)", style=solid]; -"2578 add_78" -> "2581 linear_139" [label="(1, 7, 7, 768)", style=solid]; -"2578 add_78" -> "2591 add_79" [label="(1, 7, 7, 768)", style=solid]; -"2579 _param_constant375" -> "2581 linear_139" [label="(3072, 768)", style=solid]; -"2580 _param_constant376" -> "2581 linear_139" [label="(3072,)", style=solid]; -"2581 linear_139" -> "2582 gelu_22" [label="(1, 7, 7, 3072)", style=solid]; -"2582 gelu_22" -> "2583 dropout_90" [label="(1, 7, 7, 3072)", style=solid]; -"2583 dropout_90" -> "2586 linear_140" [label="(1, 7, 7, 3072)", style=solid]; -"2584 _param_constant377" -> "2586 linear_140" [label="(768, 3072)", style=solid]; -"2585 _param_constant378" -> "2586 linear_140" [label="(768,)", style=solid]; -"2586 linear_140" -> "2587 dropout_91" [label="(1, 7, 7, 768)", style=solid]; -"2587 dropout_91" -> "2590 layer_norm_49" [label="(1, 7, 7, 768)", style=solid]; -"2588 _param_constant379" -> "2590 layer_norm_49" [label="(768,)", style=solid]; -"2589 _param_constant380" -> "2590 layer_norm_49" [label="(768,)", style=solid]; -"2590 layer_norm_49" -> "2591 add_79" [label="(1, 7, 7, 768)", style=solid]; -"2591 add_79" -> "2608 pad_26" [label="(1, 7, 7, 768)", style=solid]; -"2591 add_79" -> "2658 add_81" [label="(1, 7, 7, 768)", style=solid]; -"2592 _tensor_constant145" -> "2595 linear_141" [label="(1, 15, 15, 2)", style=solid]; -"2593 _param_constant381" -> "2595 linear_141" [label="(512, 2)", style=solid]; -"2594 _param_constant382" -> "2595 linear_141" [label="(512,)", style=solid]; -"2595 linear_141" -> "2596 relu__23" [label="(1, 15, 15, 512)", style=solid]; -"2596 relu__23" -> "2598 linear_142" [label="(1, 15, 15, 512)", style=solid]; -"2597 _param_constant383" -> "2598 linear_142" [label="(24, 512)", style=solid]; -"2598 linear_142" -> "2599 view_125" [label="(1, 15, 15, 24)", style=solid]; -"2599 view_125" -> "2601 index_23" [label="(225, 24)", style=solid]; -"2600 _tensor_constant146" -> "2601 index_23" [label="(4096,)", style=solid]; -"2601 index_23" -> "2602 view_126" [label="(4096, 24)", style=solid]; -"2602 view_126" -> "2603 permute_104" [label="(64, 64, 24)", style=solid]; -"2603 permute_104" -> "2604 contiguous_44" [label="(24, 64, 64)", style=solid]; -"2604 contiguous_44" -> "2605 unsqueeze_67" [label="(24, 64, 64)", style=solid]; -"2605 unsqueeze_67" -> "2606 sigmoid_23" [label="(1, 24, 64, 64)", style=solid]; -"2606 sigmoid_23" -> "2607 mul_46" [label="(1, 24, 64, 64)", style=solid]; -"2607 mul_46" -> "2637 add_80" [label="(1, 24, 64, 64)", style=solid]; -"2608 pad_26" -> "2609 view_127" [label="(1, 8, 8, 768)", style=solid]; -"2609 view_127" -> "2610 permute_105" [label="(1, 1, 8, 1, 8, 768)", style=solid]; -"2610 permute_105" -> "2611 reshape_103" [label="(1, 1, 1, 8, 8, 768)", style=solid]; -"2611 reshape_103" -> "2617 linear_143" [label="(1, 64, 768)", style=solid]; -"2612 _param_constant384" -> "2613 clone_23" [label="(2304,)", style=solid]; -"2613 clone_23" -> "2614 slice_346" [label="(2304,)", style=solid]; -"2613 clone_23" -> "2617 linear_143" [label="(2304,)", style=solid]; -"2614 slice_346" -> "2615 zero__23" [label="(768,)", style=solid]; -"2616 _param_constant385" -> "2617 linear_143" [label="(2304, 768)", style=solid]; -"2617 linear_143" -> "2618 reshape_104" [label="(1, 64, 2304)", style=solid]; -"2618 reshape_104" -> "2619 permute_106" [label="(1, 64, 3, 24, 32)", style=solid]; -"2619 permute_106" -> "2620 select_69" [label="(3, 1, 24, 64, 32)", style=solid]; -"2619 permute_106" -> "2621 select_70" [label="(3, 1, 24, 64, 32)", style=solid]; -"2619 permute_106" -> "2622 select_71" [label="(3, 1, 24, 64, 32)", style=solid]; -"2620 select_69" -> "2623 linalg_vector_norm_46" [label="(1, 24, 64, 32)", style=solid]; -"2620 select_69" -> "2625 expand_as_46" [label="(1, 24, 64, 32)", style=solid]; -"2620 select_69" -> "2626 div_46" [label="(1, 24, 64, 32)", style=solid]; -"2621 select_70" -> "2627 linalg_vector_norm_47" [label="(1, 24, 64, 32)", style=solid]; -"2621 select_70" -> "2629 expand_as_47" [label="(1, 24, 64, 32)", style=solid]; -"2621 select_70" -> "2630 div_47" [label="(1, 24, 64, 32)", style=solid]; -"2622 select_71" -> "2640 matmul_47" [label="(1, 24, 64, 32)", style=solid]; -"2623 linalg_vector_norm_46" -> "2624 clamp_min_46" [label="(1, 24, 64, 1)", style=solid]; -"2624 clamp_min_46" -> "2625 expand_as_46" [label="(1, 24, 64, 1)", style=solid]; -"2625 expand_as_46" -> "2626 div_46" [label="(1, 24, 64, 32)", style=solid]; -"2626 div_46" -> "2632 matmul_46" [label="(1, 24, 64, 32)", style=solid]; -"2627 linalg_vector_norm_47" -> "2628 clamp_min_47" [label="(1, 24, 64, 1)", style=solid]; -"2628 clamp_min_47" -> "2629 expand_as_47" [label="(1, 24, 64, 1)", style=solid]; -"2629 expand_as_47" -> "2630 div_47" [label="(1, 24, 64, 32)", style=solid]; -"2630 div_47" -> "2631 transpose_46" [label="(1, 24, 64, 32)", style=solid]; -"2631 transpose_46" -> "2632 matmul_46" [label="(1, 24, 32, 64)", style=solid]; -"2632 matmul_46" -> "2636 mul_47" [label="(1, 24, 64, 64)", style=solid]; -"2633 _param_constant386" -> "2634 clamp_23" [label="(24, 1, 1)", style=solid]; -"2634 clamp_23" -> "2635 exp_23" [label="(24, 1, 1)", style=solid]; -"2635 exp_23" -> "2636 mul_47" [label="(24, 1, 1)", style=solid]; -"2636 mul_47" -> "2637 add_80" [label="(1, 24, 64, 64)", style=solid]; -"2637 add_80" -> "2638 softmax_23" [label="(1, 24, 64, 64)", style=solid]; -"2638 softmax_23" -> "2639 dropout_92" [label="(1, 24, 64, 64)", style=solid]; -"2639 dropout_92" -> "2640 matmul_47" [label="(1, 24, 64, 64)", style=solid]; -"2640 matmul_47" -> "2641 transpose_47" [label="(1, 24, 64, 32)", style=solid]; -"2641 transpose_47" -> "2642 reshape_105" [label="(1, 64, 24, 32)", style=solid]; -"2642 reshape_105" -> "2645 linear_144" [label="(1, 64, 768)", style=solid]; -"2643 _param_constant387" -> "2645 linear_144" [label="(768, 768)", style=solid]; -"2644 _param_constant388" -> "2645 linear_144" [label="(768,)", style=solid]; -"2645 linear_144" -> "2646 dropout_93" [label="(1, 64, 768)", style=solid]; -"2646 dropout_93" -> "2647 view_128" [label="(1, 64, 768)", style=solid]; -"2647 view_128" -> "2648 permute_107" [label="(1, 1, 1, 8, 8, 768)", style=solid]; -"2648 permute_107" -> "2649 reshape_106" [label="(1, 1, 8, 1, 8, 768)", style=solid]; -"2649 reshape_106" -> "2650 slice_347" [label="(1, 8, 8, 768)", style=solid]; -"2650 slice_347" -> "2651 slice_348" [label="(1, 8, 8, 768)", style=solid]; -"2651 slice_348" -> "2652 slice_349" [label="(1, 7, 8, 768)", style=solid]; -"2652 slice_349" -> "2653 slice_350" [label="(1, 7, 7, 768)", style=solid]; -"2653 slice_350" -> "2654 contiguous_45" [label="(1, 7, 7, 768)", style=solid]; -"2654 contiguous_45" -> "2657 layer_norm_50" [label="(1, 7, 7, 768)", style=solid]; -"2655 _param_constant389" -> "2657 layer_norm_50" [label="(768,)", style=solid]; -"2656 _param_constant390" -> "2657 layer_norm_50" [label="(768,)", style=solid]; -"2657 layer_norm_50" -> "2658 add_81" [label="(1, 7, 7, 768)", style=solid]; -"2658 add_81" -> "2661 linear_145" [label="(1, 7, 7, 768)", style=solid]; -"2658 add_81" -> "2671 add_82" [label="(1, 7, 7, 768)", style=solid]; -"2659 _param_constant391" -> "2661 linear_145" [label="(3072, 768)", style=solid]; -"2660 _param_constant392" -> "2661 linear_145" [label="(3072,)", style=solid]; -"2661 linear_145" -> "2662 gelu_23" [label="(1, 7, 7, 3072)", style=solid]; -"2662 gelu_23" -> "2663 dropout_94" [label="(1, 7, 7, 3072)", style=solid]; -"2663 dropout_94" -> "2666 linear_146" [label="(1, 7, 7, 3072)", style=solid]; -"2664 _param_constant393" -> "2666 linear_146" [label="(768, 3072)", style=solid]; -"2665 _param_constant394" -> "2666 linear_146" [label="(768,)", style=solid]; -"2666 linear_146" -> "2667 dropout_95" [label="(1, 7, 7, 768)", style=solid]; -"2667 dropout_95" -> "2670 layer_norm_51" [label="(1, 7, 7, 768)", style=solid]; -"2668 _param_constant395" -> "2670 layer_norm_51" [label="(768,)", style=solid]; -"2669 _param_constant396" -> "2670 layer_norm_51" [label="(768,)", style=solid]; -"2670 layer_norm_51" -> "2671 add_82" [label="(1, 7, 7, 768)", style=solid]; -"2671 add_82" -> "2674 layer_norm_52" [label="(1, 7, 7, 768)", style=solid]; -"2672 _param_constant397" -> "2674 layer_norm_52" [label="(768,)", style=solid]; -"2673 _param_constant398" -> "2674 layer_norm_52" [label="(768,)", style=solid]; -"2674 layer_norm_52" -> "2675 permute_108" [label="(1, 7, 7, 768)", style=solid]; -"2675 permute_108" -> "2676 adaptive_avg_pool2d" [label="(1, 768, 7, 7)", style=solid]; -"2676 adaptive_avg_pool2d" -> "2677 flatten" [label="(1, 768, 1, 1)", style=solid]; -"2677 flatten" -> "2680 linear_147" [label="(1, 768)", style=solid]; -"2678 _param_constant399" -> "2680 linear_147" [label="(1000, 768)", style=solid]; -"2679 _param_constant400" -> "2680 linear_147" [label="(1000,)", style=solid]; -"2680 linear_147" -> "2681 output" [label="(1, 1000)", style=solid]; -} diff --git a/tests/torch/data/fx/reference_graphs/original_graphs/synthetic_transformer.dot b/tests/torch/data/fx/reference_graphs/original_graphs/synthetic_transformer.dot deleted file mode 100644 index 34212128ec4..00000000000 --- a/tests/torch/data/fx/reference_graphs/original_graphs/synthetic_transformer.dot +++ /dev/null @@ -1,21 +0,0 @@ -strict digraph { -"0 arg0_1" [id=0, type=input]; -"1 _param_constant0" [id=1, type=get_attr]; -"2 embedding" [id=2, type=embedding]; -"3 _param_constant1" [id=3, type=get_attr]; -"4 _param_constant2" [id=4, type=get_attr]; -"5 linear" [id=5, type=linear]; -"6 _param_constant3" [id=6, type=get_attr]; -"7 _param_constant4" [id=7, type=get_attr]; -"8 linear_1" [id=8, type=linear]; -"9 output" [id=9, type=output]; -"0 arg0_1" -> "2 embedding" [label="(5,)", style=solid]; -"1 _param_constant0" -> "2 embedding" [label="(10, 5)", style=solid]; -"2 embedding" -> "5 linear" [label="(5, 5)", style=solid]; -"3 _param_constant1" -> "5 linear" [label="(5, 5)", style=solid]; -"4 _param_constant2" -> "5 linear" [label="(5,)", style=solid]; -"5 linear" -> "8 linear_1" [label="(5, 5)", style=solid]; -"6 _param_constant3" -> "8 linear_1" [label="(10, 5)", style=solid]; -"7 _param_constant4" -> "8 linear_1" [label="(10,)", style=solid]; -"8 linear_1" -> "9 output" [label="(5, 10)", style=solid]; -} diff --git a/tests/torch/data/fx/reference_graphs/original_graphs/unet.dot b/tests/torch/data/fx/reference_graphs/original_graphs/unet.dot deleted file mode 100644 index 1412ad8f8b1..00000000000 --- a/tests/torch/data/fx/reference_graphs/original_graphs/unet.dot +++ /dev/null @@ -1,537 +0,0 @@ -strict digraph { -"0 arg0_1" [id=0, type=input]; -"1 _param_constant0" [id=1, type=get_attr]; -"2 _param_constant1" [id=2, type=get_attr]; -"3 conv2d" [id=3, type=conv2d]; -"4 empty" [id=4, type=empty]; -"5 _param_constant2" [id=5, type=get_attr]; -"6 _param_constant3" [id=6, type=get_attr]; -"7 _tensor_constant0" [id=7, type=get_attr]; -"8 _tensor_constant1" [id=8, type=get_attr]; -"9 _native_batch_norm_legit_no_training" [id=9, type=_native_batch_norm_legit_no_training]; -"10 getitem" [id=10, type=__getitem__]; -"11 getitem_1" [id=11, type=__getitem__]; -"12 getitem_2" [id=12, type=__getitem__]; -"13 relu" [id=13, type=relu]; -"14 _param_constant4" [id=14, type=get_attr]; -"15 _param_constant5" [id=15, type=get_attr]; -"16 conv2d_1" [id=16, type=conv2d]; -"17 empty_1" [id=17, type=empty]; -"18 _param_constant6" [id=18, type=get_attr]; -"19 _param_constant7" [id=19, type=get_attr]; -"20 _tensor_constant2" [id=20, type=get_attr]; -"21 _tensor_constant3" [id=21, type=get_attr]; -"22 _native_batch_norm_legit_no_training_1" [id=22, type=_native_batch_norm_legit_no_training]; -"23 getitem_3" [id=23, type=__getitem__]; -"24 getitem_4" [id=24, type=__getitem__]; -"25 getitem_5" [id=25, type=__getitem__]; -"26 relu_1" [id=26, type=relu]; -"27 max_pool2d" [id=27, type=max_pool2d]; -"28 _param_constant8" [id=28, type=get_attr]; -"29 _param_constant9" [id=29, type=get_attr]; -"30 conv2d_2" [id=30, type=conv2d]; -"31 empty_2" [id=31, type=empty]; -"32 _param_constant10" [id=32, type=get_attr]; -"33 _param_constant11" [id=33, type=get_attr]; -"34 _tensor_constant4" [id=34, type=get_attr]; -"35 _tensor_constant5" [id=35, type=get_attr]; -"36 _native_batch_norm_legit_no_training_2" [id=36, type=_native_batch_norm_legit_no_training]; -"37 getitem_6" [id=37, type=__getitem__]; -"38 getitem_7" [id=38, type=__getitem__]; -"39 getitem_8" [id=39, type=__getitem__]; -"40 relu_2" [id=40, type=relu]; -"41 _param_constant12" [id=41, type=get_attr]; -"42 _param_constant13" [id=42, type=get_attr]; -"43 conv2d_3" [id=43, type=conv2d]; -"44 empty_3" [id=44, type=empty]; -"45 _param_constant14" [id=45, type=get_attr]; -"46 _param_constant15" [id=46, type=get_attr]; -"47 _tensor_constant6" [id=47, type=get_attr]; -"48 _tensor_constant7" [id=48, type=get_attr]; -"49 _native_batch_norm_legit_no_training_3" [id=49, type=_native_batch_norm_legit_no_training]; -"50 getitem_9" [id=50, type=__getitem__]; -"51 getitem_10" [id=51, type=__getitem__]; -"52 getitem_11" [id=52, type=__getitem__]; -"53 relu_3" [id=53, type=relu]; -"54 max_pool2d_1" [id=54, type=max_pool2d]; -"55 _param_constant16" [id=55, type=get_attr]; -"56 _param_constant17" [id=56, type=get_attr]; -"57 conv2d_4" [id=57, type=conv2d]; -"58 empty_4" [id=58, type=empty]; -"59 _param_constant18" [id=59, type=get_attr]; -"60 _param_constant19" [id=60, type=get_attr]; -"61 _tensor_constant8" [id=61, type=get_attr]; -"62 _tensor_constant9" [id=62, type=get_attr]; -"63 _native_batch_norm_legit_no_training_4" [id=63, type=_native_batch_norm_legit_no_training]; -"64 getitem_12" [id=64, type=__getitem__]; -"65 getitem_13" [id=65, type=__getitem__]; -"66 getitem_14" [id=66, type=__getitem__]; -"67 relu_4" [id=67, type=relu]; -"68 _param_constant20" [id=68, type=get_attr]; -"69 _param_constant21" [id=69, type=get_attr]; -"70 conv2d_5" [id=70, type=conv2d]; -"71 empty_5" [id=71, type=empty]; -"72 _param_constant22" [id=72, type=get_attr]; -"73 _param_constant23" [id=73, type=get_attr]; -"74 _tensor_constant10" [id=74, type=get_attr]; -"75 _tensor_constant11" [id=75, type=get_attr]; -"76 _native_batch_norm_legit_no_training_5" [id=76, type=_native_batch_norm_legit_no_training]; -"77 getitem_15" [id=77, type=__getitem__]; -"78 getitem_16" [id=78, type=__getitem__]; -"79 getitem_17" [id=79, type=__getitem__]; -"80 relu_5" [id=80, type=relu]; -"81 max_pool2d_2" [id=81, type=max_pool2d]; -"82 _param_constant24" [id=82, type=get_attr]; -"83 _param_constant25" [id=83, type=get_attr]; -"84 conv2d_6" [id=84, type=conv2d]; -"85 empty_6" [id=85, type=empty]; -"86 _param_constant26" [id=86, type=get_attr]; -"87 _param_constant27" [id=87, type=get_attr]; -"88 _tensor_constant12" [id=88, type=get_attr]; -"89 _tensor_constant13" [id=89, type=get_attr]; -"90 _native_batch_norm_legit_no_training_6" [id=90, type=_native_batch_norm_legit_no_training]; -"91 getitem_18" [id=91, type=__getitem__]; -"92 getitem_19" [id=92, type=__getitem__]; -"93 getitem_20" [id=93, type=__getitem__]; -"94 relu_6" [id=94, type=relu]; -"95 _param_constant28" [id=95, type=get_attr]; -"96 _param_constant29" [id=96, type=get_attr]; -"97 conv2d_7" [id=97, type=conv2d]; -"98 empty_7" [id=98, type=empty]; -"99 _param_constant30" [id=99, type=get_attr]; -"100 _param_constant31" [id=100, type=get_attr]; -"101 _tensor_constant14" [id=101, type=get_attr]; -"102 _tensor_constant15" [id=102, type=get_attr]; -"103 _native_batch_norm_legit_no_training_7" [id=103, type=_native_batch_norm_legit_no_training]; -"104 getitem_21" [id=104, type=__getitem__]; -"105 getitem_22" [id=105, type=__getitem__]; -"106 getitem_23" [id=106, type=__getitem__]; -"107 relu_7" [id=107, type=relu]; -"108 max_pool2d_3" [id=108, type=max_pool2d]; -"109 _param_constant32" [id=109, type=get_attr]; -"110 _param_constant33" [id=110, type=get_attr]; -"111 conv2d_8" [id=111, type=conv2d]; -"112 empty_8" [id=112, type=empty]; -"113 _param_constant34" [id=113, type=get_attr]; -"114 _param_constant35" [id=114, type=get_attr]; -"115 _tensor_constant16" [id=115, type=get_attr]; -"116 _tensor_constant17" [id=116, type=get_attr]; -"117 _native_batch_norm_legit_no_training_8" [id=117, type=_native_batch_norm_legit_no_training]; -"118 getitem_24" [id=118, type=__getitem__]; -"119 getitem_25" [id=119, type=__getitem__]; -"120 getitem_26" [id=120, type=__getitem__]; -"121 relu_8" [id=121, type=relu]; -"122 _param_constant36" [id=122, type=get_attr]; -"123 _param_constant37" [id=123, type=get_attr]; -"124 conv2d_9" [id=124, type=conv2d]; -"125 empty_9" [id=125, type=empty]; -"126 _param_constant38" [id=126, type=get_attr]; -"127 _param_constant39" [id=127, type=get_attr]; -"128 _tensor_constant18" [id=128, type=get_attr]; -"129 _tensor_constant19" [id=129, type=get_attr]; -"130 _native_batch_norm_legit_no_training_9" [id=130, type=_native_batch_norm_legit_no_training]; -"131 getitem_27" [id=131, type=__getitem__]; -"132 getitem_28" [id=132, type=__getitem__]; -"133 getitem_29" [id=133, type=__getitem__]; -"134 relu_9" [id=134, type=relu]; -"135 _param_constant40" [id=135, type=get_attr]; -"136 _param_constant41" [id=136, type=get_attr]; -"137 conv_transpose2d" [id=137, type=conv_transpose2d]; -"138 slice_1" [id=138, type=slice]; -"139 slice_2" [id=139, type=slice]; -"140 slice_3" [id=140, type=slice]; -"141 slice_4" [id=141, type=slice]; -"142 cat" [id=142, type=cat]; -"143 _param_constant42" [id=143, type=get_attr]; -"144 _param_constant43" [id=144, type=get_attr]; -"145 conv2d_10" [id=145, type=conv2d]; -"146 empty_10" [id=146, type=empty]; -"147 _param_constant44" [id=147, type=get_attr]; -"148 _param_constant45" [id=148, type=get_attr]; -"149 _tensor_constant20" [id=149, type=get_attr]; -"150 _tensor_constant21" [id=150, type=get_attr]; -"151 _native_batch_norm_legit_no_training_10" [id=151, type=_native_batch_norm_legit_no_training]; -"152 getitem_30" [id=152, type=__getitem__]; -"153 getitem_31" [id=153, type=__getitem__]; -"154 getitem_32" [id=154, type=__getitem__]; -"155 relu_10" [id=155, type=relu]; -"156 _param_constant46" [id=156, type=get_attr]; -"157 _param_constant47" [id=157, type=get_attr]; -"158 conv2d_11" [id=158, type=conv2d]; -"159 empty_11" [id=159, type=empty]; -"160 _param_constant48" [id=160, type=get_attr]; -"161 _param_constant49" [id=161, type=get_attr]; -"162 _tensor_constant22" [id=162, type=get_attr]; -"163 _tensor_constant23" [id=163, type=get_attr]; -"164 _native_batch_norm_legit_no_training_11" [id=164, type=_native_batch_norm_legit_no_training]; -"165 getitem_33" [id=165, type=__getitem__]; -"166 getitem_34" [id=166, type=__getitem__]; -"167 getitem_35" [id=167, type=__getitem__]; -"168 relu_11" [id=168, type=relu]; -"169 _param_constant50" [id=169, type=get_attr]; -"170 _param_constant51" [id=170, type=get_attr]; -"171 conv_transpose2d_1" [id=171, type=conv_transpose2d]; -"172 slice_5" [id=172, type=slice]; -"173 slice_6" [id=173, type=slice]; -"174 slice_7" [id=174, type=slice]; -"175 slice_8" [id=175, type=slice]; -"176 cat_1" [id=176, type=cat]; -"177 _param_constant52" [id=177, type=get_attr]; -"178 _param_constant53" [id=178, type=get_attr]; -"179 conv2d_12" [id=179, type=conv2d]; -"180 empty_12" [id=180, type=empty]; -"181 _param_constant54" [id=181, type=get_attr]; -"182 _param_constant55" [id=182, type=get_attr]; -"183 _tensor_constant24" [id=183, type=get_attr]; -"184 _tensor_constant25" [id=184, type=get_attr]; -"185 _native_batch_norm_legit_no_training_12" [id=185, type=_native_batch_norm_legit_no_training]; -"186 getitem_36" [id=186, type=__getitem__]; -"187 getitem_37" [id=187, type=__getitem__]; -"188 getitem_38" [id=188, type=__getitem__]; -"189 relu_12" [id=189, type=relu]; -"190 _param_constant56" [id=190, type=get_attr]; -"191 _param_constant57" [id=191, type=get_attr]; -"192 conv2d_13" [id=192, type=conv2d]; -"193 empty_13" [id=193, type=empty]; -"194 _param_constant58" [id=194, type=get_attr]; -"195 _param_constant59" [id=195, type=get_attr]; -"196 _tensor_constant26" [id=196, type=get_attr]; -"197 _tensor_constant27" [id=197, type=get_attr]; -"198 _native_batch_norm_legit_no_training_13" [id=198, type=_native_batch_norm_legit_no_training]; -"199 getitem_39" [id=199, type=__getitem__]; -"200 getitem_40" [id=200, type=__getitem__]; -"201 getitem_41" [id=201, type=__getitem__]; -"202 relu_13" [id=202, type=relu]; -"203 _param_constant60" [id=203, type=get_attr]; -"204 _param_constant61" [id=204, type=get_attr]; -"205 conv_transpose2d_2" [id=205, type=conv_transpose2d]; -"206 slice_9" [id=206, type=slice]; -"207 slice_10" [id=207, type=slice]; -"208 slice_11" [id=208, type=slice]; -"209 slice_12" [id=209, type=slice]; -"210 cat_2" [id=210, type=cat]; -"211 _param_constant62" [id=211, type=get_attr]; -"212 _param_constant63" [id=212, type=get_attr]; -"213 conv2d_14" [id=213, type=conv2d]; -"214 empty_14" [id=214, type=empty]; -"215 _param_constant64" [id=215, type=get_attr]; -"216 _param_constant65" [id=216, type=get_attr]; -"217 _tensor_constant28" [id=217, type=get_attr]; -"218 _tensor_constant29" [id=218, type=get_attr]; -"219 _native_batch_norm_legit_no_training_14" [id=219, type=_native_batch_norm_legit_no_training]; -"220 getitem_42" [id=220, type=__getitem__]; -"221 getitem_43" [id=221, type=__getitem__]; -"222 getitem_44" [id=222, type=__getitem__]; -"223 relu_14" [id=223, type=relu]; -"224 _param_constant66" [id=224, type=get_attr]; -"225 _param_constant67" [id=225, type=get_attr]; -"226 conv2d_15" [id=226, type=conv2d]; -"227 empty_15" [id=227, type=empty]; -"228 _param_constant68" [id=228, type=get_attr]; -"229 _param_constant69" [id=229, type=get_attr]; -"230 _tensor_constant30" [id=230, type=get_attr]; -"231 _tensor_constant31" [id=231, type=get_attr]; -"232 _native_batch_norm_legit_no_training_15" [id=232, type=_native_batch_norm_legit_no_training]; -"233 getitem_45" [id=233, type=__getitem__]; -"234 getitem_46" [id=234, type=__getitem__]; -"235 getitem_47" [id=235, type=__getitem__]; -"236 relu_15" [id=236, type=relu]; -"237 _param_constant70" [id=237, type=get_attr]; -"238 _param_constant71" [id=238, type=get_attr]; -"239 conv_transpose2d_3" [id=239, type=conv_transpose2d]; -"240 slice_13" [id=240, type=slice]; -"241 slice_14" [id=241, type=slice]; -"242 slice_15" [id=242, type=slice]; -"243 slice_16" [id=243, type=slice]; -"244 cat_3" [id=244, type=cat]; -"245 _param_constant72" [id=245, type=get_attr]; -"246 _param_constant73" [id=246, type=get_attr]; -"247 conv2d_16" [id=247, type=conv2d]; -"248 empty_16" [id=248, type=empty]; -"249 _param_constant74" [id=249, type=get_attr]; -"250 _param_constant75" [id=250, type=get_attr]; -"251 _tensor_constant32" [id=251, type=get_attr]; -"252 _tensor_constant33" [id=252, type=get_attr]; -"253 _native_batch_norm_legit_no_training_16" [id=253, type=_native_batch_norm_legit_no_training]; -"254 getitem_48" [id=254, type=__getitem__]; -"255 getitem_49" [id=255, type=__getitem__]; -"256 getitem_50" [id=256, type=__getitem__]; -"257 relu_16" [id=257, type=relu]; -"258 _param_constant76" [id=258, type=get_attr]; -"259 _param_constant77" [id=259, type=get_attr]; -"260 conv2d_17" [id=260, type=conv2d]; -"261 empty_17" [id=261, type=empty]; -"262 _param_constant78" [id=262, type=get_attr]; -"263 _param_constant79" [id=263, type=get_attr]; -"264 _tensor_constant34" [id=264, type=get_attr]; -"265 _tensor_constant35" [id=265, type=get_attr]; -"266 _native_batch_norm_legit_no_training_17" [id=266, type=_native_batch_norm_legit_no_training]; -"267 getitem_51" [id=267, type=__getitem__]; -"268 getitem_52" [id=268, type=__getitem__]; -"269 getitem_53" [id=269, type=__getitem__]; -"270 relu_17" [id=270, type=relu]; -"271 _param_constant80" [id=271, type=get_attr]; -"272 _param_constant81" [id=272, type=get_attr]; -"273 conv2d_18" [id=273, type=conv2d]; -"274 output" [id=274, type=output]; -"0 arg0_1" -> "3 conv2d" [label="(1, 3, 224, 224)", style=solid]; -"1 _param_constant0" -> "3 conv2d" [label="(64, 3, 3, 3)", style=solid]; -"2 _param_constant1" -> "3 conv2d" [label="(64,)", style=solid]; -"3 conv2d" -> "9 _native_batch_norm_legit_no_training" [label="(1, 64, 222, 222)", style=solid]; -"5 _param_constant2" -> "9 _native_batch_norm_legit_no_training" [label="(64,)", style=solid]; -"6 _param_constant3" -> "9 _native_batch_norm_legit_no_training" [label="(64,)", style=solid]; -"7 _tensor_constant0" -> "9 _native_batch_norm_legit_no_training" [label="(64,)", style=solid]; -"8 _tensor_constant1" -> "9 _native_batch_norm_legit_no_training" [label="(64,)", style=solid]; -"9 _native_batch_norm_legit_no_training" -> "10 getitem" [label="(1, 64, 222, 222)", style=solid]; -"9 _native_batch_norm_legit_no_training" -> "11 getitem_1" [label="(1, 64, 222, 222)", style=solid]; -"9 _native_batch_norm_legit_no_training" -> "12 getitem_2" [label="(1, 64, 222, 222)", style=solid]; -"10 getitem" -> "13 relu" [label="(1, 64, 222, 222)", style=solid]; -"13 relu" -> "16 conv2d_1" [label="(1, 64, 222, 222)", style=solid]; -"14 _param_constant4" -> "16 conv2d_1" [label="(64, 64, 3, 3)", style=solid]; -"15 _param_constant5" -> "16 conv2d_1" [label="(64,)", style=solid]; -"16 conv2d_1" -> "22 _native_batch_norm_legit_no_training_1" [label="(1, 64, 220, 220)", style=solid]; -"18 _param_constant6" -> "22 _native_batch_norm_legit_no_training_1" [label="(64,)", style=solid]; -"19 _param_constant7" -> "22 _native_batch_norm_legit_no_training_1" [label="(64,)", style=solid]; -"20 _tensor_constant2" -> "22 _native_batch_norm_legit_no_training_1" [label="(64,)", style=solid]; -"21 _tensor_constant3" -> "22 _native_batch_norm_legit_no_training_1" [label="(64,)", style=solid]; -"22 _native_batch_norm_legit_no_training_1" -> "23 getitem_3" [label="(1, 64, 220, 220)", style=solid]; -"22 _native_batch_norm_legit_no_training_1" -> "24 getitem_4" [label="(1, 64, 220, 220)", style=solid]; -"22 _native_batch_norm_legit_no_training_1" -> "25 getitem_5" [label="(1, 64, 220, 220)", style=solid]; -"23 getitem_3" -> "26 relu_1" [label="(1, 64, 220, 220)", style=solid]; -"26 relu_1" -> "27 max_pool2d" [label="(1, 64, 220, 220)", style=solid]; -"26 relu_1" -> "240 slice_13" [label="(1, 64, 220, 220)", style=solid]; -"27 max_pool2d" -> "30 conv2d_2" [label="(1, 64, 110, 110)", style=solid]; -"28 _param_constant8" -> "30 conv2d_2" [label="(128, 64, 3, 3)", style=solid]; -"29 _param_constant9" -> "30 conv2d_2" [label="(128,)", style=solid]; -"30 conv2d_2" -> "36 _native_batch_norm_legit_no_training_2" [label="(1, 128, 108, 108)", style=solid]; -"32 _param_constant10" -> "36 _native_batch_norm_legit_no_training_2" [label="(128,)", style=solid]; -"33 _param_constant11" -> "36 _native_batch_norm_legit_no_training_2" [label="(128,)", style=solid]; -"34 _tensor_constant4" -> "36 _native_batch_norm_legit_no_training_2" [label="(128,)", style=solid]; -"35 _tensor_constant5" -> "36 _native_batch_norm_legit_no_training_2" [label="(128,)", style=solid]; -"36 _native_batch_norm_legit_no_training_2" -> "37 getitem_6" [label="(1, 128, 108, 108)", style=solid]; -"36 _native_batch_norm_legit_no_training_2" -> "38 getitem_7" [label="(1, 128, 108, 108)", style=solid]; -"36 _native_batch_norm_legit_no_training_2" -> "39 getitem_8" [label="(1, 128, 108, 108)", style=solid]; -"37 getitem_6" -> "40 relu_2" [label="(1, 128, 108, 108)", style=solid]; -"40 relu_2" -> "43 conv2d_3" [label="(1, 128, 108, 108)", style=solid]; -"41 _param_constant12" -> "43 conv2d_3" [label="(128, 128, 3, 3)", style=solid]; -"42 _param_constant13" -> "43 conv2d_3" [label="(128,)", style=solid]; -"43 conv2d_3" -> "49 _native_batch_norm_legit_no_training_3" [label="(1, 128, 106, 106)", style=solid]; -"45 _param_constant14" -> "49 _native_batch_norm_legit_no_training_3" [label="(128,)", style=solid]; -"46 _param_constant15" -> "49 _native_batch_norm_legit_no_training_3" [label="(128,)", style=solid]; -"47 _tensor_constant6" -> "49 _native_batch_norm_legit_no_training_3" [label="(128,)", style=solid]; -"48 _tensor_constant7" -> "49 _native_batch_norm_legit_no_training_3" [label="(128,)", style=solid]; -"49 _native_batch_norm_legit_no_training_3" -> "50 getitem_9" [label="(1, 128, 106, 106)", style=solid]; -"49 _native_batch_norm_legit_no_training_3" -> "51 getitem_10" [label="(1, 128, 106, 106)", style=solid]; -"49 _native_batch_norm_legit_no_training_3" -> "52 getitem_11" [label="(1, 128, 106, 106)", style=solid]; -"50 getitem_9" -> "53 relu_3" [label="(1, 128, 106, 106)", style=solid]; -"53 relu_3" -> "54 max_pool2d_1" [label="(1, 128, 106, 106)", style=solid]; -"53 relu_3" -> "206 slice_9" [label="(1, 128, 106, 106)", style=solid]; -"54 max_pool2d_1" -> "57 conv2d_4" [label="(1, 128, 53, 53)", style=solid]; -"55 _param_constant16" -> "57 conv2d_4" [label="(256, 128, 3, 3)", style=solid]; -"56 _param_constant17" -> "57 conv2d_4" [label="(256,)", style=solid]; -"57 conv2d_4" -> "63 _native_batch_norm_legit_no_training_4" [label="(1, 256, 51, 51)", style=solid]; -"59 _param_constant18" -> "63 _native_batch_norm_legit_no_training_4" [label="(256,)", style=solid]; -"60 _param_constant19" -> "63 _native_batch_norm_legit_no_training_4" [label="(256,)", style=solid]; -"61 _tensor_constant8" -> "63 _native_batch_norm_legit_no_training_4" [label="(256,)", style=solid]; -"62 _tensor_constant9" -> "63 _native_batch_norm_legit_no_training_4" [label="(256,)", style=solid]; -"63 _native_batch_norm_legit_no_training_4" -> "64 getitem_12" [label="(1, 256, 51, 51)", style=solid]; -"63 _native_batch_norm_legit_no_training_4" -> "65 getitem_13" [label="(1, 256, 51, 51)", style=solid]; -"63 _native_batch_norm_legit_no_training_4" -> "66 getitem_14" [label="(1, 256, 51, 51)", style=solid]; -"64 getitem_12" -> "67 relu_4" [label="(1, 256, 51, 51)", style=solid]; -"67 relu_4" -> "70 conv2d_5" [label="(1, 256, 51, 51)", style=solid]; -"68 _param_constant20" -> "70 conv2d_5" [label="(256, 256, 3, 3)", style=solid]; -"69 _param_constant21" -> "70 conv2d_5" [label="(256,)", style=solid]; -"70 conv2d_5" -> "76 _native_batch_norm_legit_no_training_5" [label="(1, 256, 49, 49)", style=solid]; -"72 _param_constant22" -> "76 _native_batch_norm_legit_no_training_5" [label="(256,)", style=solid]; -"73 _param_constant23" -> "76 _native_batch_norm_legit_no_training_5" [label="(256,)", style=solid]; -"74 _tensor_constant10" -> "76 _native_batch_norm_legit_no_training_5" [label="(256,)", style=solid]; -"75 _tensor_constant11" -> "76 _native_batch_norm_legit_no_training_5" [label="(256,)", style=solid]; -"76 _native_batch_norm_legit_no_training_5" -> "77 getitem_15" [label="(1, 256, 49, 49)", style=solid]; -"76 _native_batch_norm_legit_no_training_5" -> "78 getitem_16" [label="(1, 256, 49, 49)", style=solid]; -"76 _native_batch_norm_legit_no_training_5" -> "79 getitem_17" [label="(1, 256, 49, 49)", style=solid]; -"77 getitem_15" -> "80 relu_5" [label="(1, 256, 49, 49)", style=solid]; -"80 relu_5" -> "81 max_pool2d_2" [label="(1, 256, 49, 49)", style=solid]; -"80 relu_5" -> "172 slice_5" [label="(1, 256, 49, 49)", style=solid]; -"81 max_pool2d_2" -> "84 conv2d_6" [label="(1, 256, 24, 24)", style=solid]; -"82 _param_constant24" -> "84 conv2d_6" [label="(512, 256, 3, 3)", style=solid]; -"83 _param_constant25" -> "84 conv2d_6" [label="(512,)", style=solid]; -"84 conv2d_6" -> "90 _native_batch_norm_legit_no_training_6" [label="(1, 512, 22, 22)", style=solid]; -"86 _param_constant26" -> "90 _native_batch_norm_legit_no_training_6" [label="(512,)", style=solid]; -"87 _param_constant27" -> "90 _native_batch_norm_legit_no_training_6" [label="(512,)", style=solid]; -"88 _tensor_constant12" -> "90 _native_batch_norm_legit_no_training_6" [label="(512,)", style=solid]; -"89 _tensor_constant13" -> "90 _native_batch_norm_legit_no_training_6" [label="(512,)", style=solid]; -"90 _native_batch_norm_legit_no_training_6" -> "91 getitem_18" [label="(1, 512, 22, 22)", style=solid]; -"90 _native_batch_norm_legit_no_training_6" -> "92 getitem_19" [label="(1, 512, 22, 22)", style=solid]; -"90 _native_batch_norm_legit_no_training_6" -> "93 getitem_20" [label="(1, 512, 22, 22)", style=solid]; -"91 getitem_18" -> "94 relu_6" [label="(1, 512, 22, 22)", style=solid]; -"94 relu_6" -> "97 conv2d_7" [label="(1, 512, 22, 22)", style=solid]; -"95 _param_constant28" -> "97 conv2d_7" [label="(512, 512, 3, 3)", style=solid]; -"96 _param_constant29" -> "97 conv2d_7" [label="(512,)", style=solid]; -"97 conv2d_7" -> "103 _native_batch_norm_legit_no_training_7" [label="(1, 512, 20, 20)", style=solid]; -"99 _param_constant30" -> "103 _native_batch_norm_legit_no_training_7" [label="(512,)", style=solid]; -"100 _param_constant31" -> "103 _native_batch_norm_legit_no_training_7" [label="(512,)", style=solid]; -"101 _tensor_constant14" -> "103 _native_batch_norm_legit_no_training_7" [label="(512,)", style=solid]; -"102 _tensor_constant15" -> "103 _native_batch_norm_legit_no_training_7" [label="(512,)", style=solid]; -"103 _native_batch_norm_legit_no_training_7" -> "104 getitem_21" [label="(1, 512, 20, 20)", style=solid]; -"103 _native_batch_norm_legit_no_training_7" -> "105 getitem_22" [label="(1, 512, 20, 20)", style=solid]; -"103 _native_batch_norm_legit_no_training_7" -> "106 getitem_23" [label="(1, 512, 20, 20)", style=solid]; -"104 getitem_21" -> "107 relu_7" [label="(1, 512, 20, 20)", style=solid]; -"107 relu_7" -> "108 max_pool2d_3" [label="(1, 512, 20, 20)", style=solid]; -"107 relu_7" -> "138 slice_1" [label="(1, 512, 20, 20)", style=solid]; -"108 max_pool2d_3" -> "111 conv2d_8" [label="(1, 512, 10, 10)", style=solid]; -"109 _param_constant32" -> "111 conv2d_8" [label="(1024, 512, 3, 3)", style=solid]; -"110 _param_constant33" -> "111 conv2d_8" [label="(1024,)", style=solid]; -"111 conv2d_8" -> "117 _native_batch_norm_legit_no_training_8" [label="(1, 1024, 8, 8)", style=solid]; -"113 _param_constant34" -> "117 _native_batch_norm_legit_no_training_8" [label="(1024,)", style=solid]; -"114 _param_constant35" -> "117 _native_batch_norm_legit_no_training_8" [label="(1024,)", style=solid]; -"115 _tensor_constant16" -> "117 _native_batch_norm_legit_no_training_8" [label="(1024,)", style=solid]; -"116 _tensor_constant17" -> "117 _native_batch_norm_legit_no_training_8" [label="(1024,)", style=solid]; -"117 _native_batch_norm_legit_no_training_8" -> "118 getitem_24" [label="(1, 1024, 8, 8)", style=solid]; -"117 _native_batch_norm_legit_no_training_8" -> "119 getitem_25" [label="(1, 1024, 8, 8)", style=solid]; -"117 _native_batch_norm_legit_no_training_8" -> "120 getitem_26" [label="(1, 1024, 8, 8)", style=solid]; -"118 getitem_24" -> "121 relu_8" [label="(1, 1024, 8, 8)", style=solid]; -"121 relu_8" -> "124 conv2d_9" [label="(1, 1024, 8, 8)", style=solid]; -"122 _param_constant36" -> "124 conv2d_9" [label="(1024, 1024, 3, 3)", style=solid]; -"123 _param_constant37" -> "124 conv2d_9" [label="(1024,)", style=solid]; -"124 conv2d_9" -> "130 _native_batch_norm_legit_no_training_9" [label="(1, 1024, 6, 6)", style=solid]; -"126 _param_constant38" -> "130 _native_batch_norm_legit_no_training_9" [label="(1024,)", style=solid]; -"127 _param_constant39" -> "130 _native_batch_norm_legit_no_training_9" [label="(1024,)", style=solid]; -"128 _tensor_constant18" -> "130 _native_batch_norm_legit_no_training_9" [label="(1024,)", style=solid]; -"129 _tensor_constant19" -> "130 _native_batch_norm_legit_no_training_9" [label="(1024,)", style=solid]; -"130 _native_batch_norm_legit_no_training_9" -> "131 getitem_27" [label="(1, 1024, 6, 6)", style=solid]; -"130 _native_batch_norm_legit_no_training_9" -> "132 getitem_28" [label="(1, 1024, 6, 6)", style=solid]; -"130 _native_batch_norm_legit_no_training_9" -> "133 getitem_29" [label="(1, 1024, 6, 6)", style=solid]; -"131 getitem_27" -> "134 relu_9" [label="(1, 1024, 6, 6)", style=solid]; -"134 relu_9" -> "137 conv_transpose2d" [label="(1, 1024, 6, 6)", style=solid]; -"135 _param_constant40" -> "137 conv_transpose2d" [label="(1024, 512, 2, 2)", style=solid]; -"136 _param_constant41" -> "137 conv_transpose2d" [label="(512,)", style=solid]; -"137 conv_transpose2d" -> "142 cat" [label="(1, 512, 12, 12)", style=solid]; -"138 slice_1" -> "139 slice_2" [label="(1, 512, 20, 20)", style=solid]; -"139 slice_2" -> "140 slice_3" [label="(1, 512, 20, 20)", style=solid]; -"140 slice_3" -> "141 slice_4" [label="(1, 512, 12, 20)", style=solid]; -"141 slice_4" -> "142 cat" [label="(1, 512, 12, 12)", style=solid]; -"142 cat" -> "145 conv2d_10" [label="(1, 1024, 12, 12)", style=solid]; -"143 _param_constant42" -> "145 conv2d_10" [label="(512, 1024, 3, 3)", style=solid]; -"144 _param_constant43" -> "145 conv2d_10" [label="(512,)", style=solid]; -"145 conv2d_10" -> "151 _native_batch_norm_legit_no_training_10" [label="(1, 512, 10, 10)", style=solid]; -"147 _param_constant44" -> "151 _native_batch_norm_legit_no_training_10" [label="(512,)", style=solid]; -"148 _param_constant45" -> "151 _native_batch_norm_legit_no_training_10" [label="(512,)", style=solid]; -"149 _tensor_constant20" -> "151 _native_batch_norm_legit_no_training_10" [label="(512,)", style=solid]; -"150 _tensor_constant21" -> "151 _native_batch_norm_legit_no_training_10" [label="(512,)", style=solid]; -"151 _native_batch_norm_legit_no_training_10" -> "152 getitem_30" [label="(1, 512, 10, 10)", style=solid]; -"151 _native_batch_norm_legit_no_training_10" -> "153 getitem_31" [label="(1, 512, 10, 10)", style=solid]; -"151 _native_batch_norm_legit_no_training_10" -> "154 getitem_32" [label="(1, 512, 10, 10)", style=solid]; -"152 getitem_30" -> "155 relu_10" [label="(1, 512, 10, 10)", style=solid]; -"155 relu_10" -> "158 conv2d_11" [label="(1, 512, 10, 10)", style=solid]; -"156 _param_constant46" -> "158 conv2d_11" [label="(512, 512, 3, 3)", style=solid]; -"157 _param_constant47" -> "158 conv2d_11" [label="(512,)", style=solid]; -"158 conv2d_11" -> "164 _native_batch_norm_legit_no_training_11" [label="(1, 512, 8, 8)", style=solid]; -"160 _param_constant48" -> "164 _native_batch_norm_legit_no_training_11" [label="(512,)", style=solid]; -"161 _param_constant49" -> "164 _native_batch_norm_legit_no_training_11" [label="(512,)", style=solid]; -"162 _tensor_constant22" -> "164 _native_batch_norm_legit_no_training_11" [label="(512,)", style=solid]; -"163 _tensor_constant23" -> "164 _native_batch_norm_legit_no_training_11" [label="(512,)", style=solid]; -"164 _native_batch_norm_legit_no_training_11" -> "165 getitem_33" [label="(1, 512, 8, 8)", style=solid]; -"164 _native_batch_norm_legit_no_training_11" -> "166 getitem_34" [label="(1, 512, 8, 8)", style=solid]; -"164 _native_batch_norm_legit_no_training_11" -> "167 getitem_35" [label="(1, 512, 8, 8)", style=solid]; -"165 getitem_33" -> "168 relu_11" [label="(1, 512, 8, 8)", style=solid]; -"168 relu_11" -> "171 conv_transpose2d_1" [label="(1, 512, 8, 8)", style=solid]; -"169 _param_constant50" -> "171 conv_transpose2d_1" [label="(512, 256, 2, 2)", style=solid]; -"170 _param_constant51" -> "171 conv_transpose2d_1" [label="(256,)", style=solid]; -"171 conv_transpose2d_1" -> "176 cat_1" [label="(1, 256, 16, 16)", style=solid]; -"172 slice_5" -> "173 slice_6" [label="(1, 256, 49, 49)", style=solid]; -"173 slice_6" -> "174 slice_7" [label="(1, 256, 49, 49)", style=solid]; -"174 slice_7" -> "175 slice_8" [label="(1, 256, 16, 49)", style=solid]; -"175 slice_8" -> "176 cat_1" [label="(1, 256, 16, 16)", style=solid]; -"176 cat_1" -> "179 conv2d_12" [label="(1, 512, 16, 16)", style=solid]; -"177 _param_constant52" -> "179 conv2d_12" [label="(256, 512, 3, 3)", style=solid]; -"178 _param_constant53" -> "179 conv2d_12" [label="(256,)", style=solid]; -"179 conv2d_12" -> "185 _native_batch_norm_legit_no_training_12" [label="(1, 256, 14, 14)", style=solid]; -"181 _param_constant54" -> "185 _native_batch_norm_legit_no_training_12" [label="(256,)", style=solid]; -"182 _param_constant55" -> "185 _native_batch_norm_legit_no_training_12" [label="(256,)", style=solid]; -"183 _tensor_constant24" -> "185 _native_batch_norm_legit_no_training_12" [label="(256,)", style=solid]; -"184 _tensor_constant25" -> "185 _native_batch_norm_legit_no_training_12" [label="(256,)", style=solid]; -"185 _native_batch_norm_legit_no_training_12" -> "186 getitem_36" [label="(1, 256, 14, 14)", style=solid]; -"185 _native_batch_norm_legit_no_training_12" -> "187 getitem_37" [label="(1, 256, 14, 14)", style=solid]; -"185 _native_batch_norm_legit_no_training_12" -> "188 getitem_38" [label="(1, 256, 14, 14)", style=solid]; -"186 getitem_36" -> "189 relu_12" [label="(1, 256, 14, 14)", style=solid]; -"189 relu_12" -> "192 conv2d_13" [label="(1, 256, 14, 14)", style=solid]; -"190 _param_constant56" -> "192 conv2d_13" [label="(256, 256, 3, 3)", style=solid]; -"191 _param_constant57" -> "192 conv2d_13" [label="(256,)", style=solid]; -"192 conv2d_13" -> "198 _native_batch_norm_legit_no_training_13" [label="(1, 256, 12, 12)", style=solid]; -"194 _param_constant58" -> "198 _native_batch_norm_legit_no_training_13" [label="(256,)", style=solid]; -"195 _param_constant59" -> "198 _native_batch_norm_legit_no_training_13" [label="(256,)", style=solid]; -"196 _tensor_constant26" -> "198 _native_batch_norm_legit_no_training_13" [label="(256,)", style=solid]; -"197 _tensor_constant27" -> "198 _native_batch_norm_legit_no_training_13" [label="(256,)", style=solid]; -"198 _native_batch_norm_legit_no_training_13" -> "199 getitem_39" [label="(1, 256, 12, 12)", style=solid]; -"198 _native_batch_norm_legit_no_training_13" -> "200 getitem_40" [label="(1, 256, 12, 12)", style=solid]; -"198 _native_batch_norm_legit_no_training_13" -> "201 getitem_41" [label="(1, 256, 12, 12)", style=solid]; -"199 getitem_39" -> "202 relu_13" [label="(1, 256, 12, 12)", style=solid]; -"202 relu_13" -> "205 conv_transpose2d_2" [label="(1, 256, 12, 12)", style=solid]; -"203 _param_constant60" -> "205 conv_transpose2d_2" [label="(256, 128, 2, 2)", style=solid]; -"204 _param_constant61" -> "205 conv_transpose2d_2" [label="(128,)", style=solid]; -"205 conv_transpose2d_2" -> "210 cat_2" [label="(1, 128, 24, 24)", style=solid]; -"206 slice_9" -> "207 slice_10" [label="(1, 128, 106, 106)", style=solid]; -"207 slice_10" -> "208 slice_11" [label="(1, 128, 106, 106)", style=solid]; -"208 slice_11" -> "209 slice_12" [label="(1, 128, 24, 106)", style=solid]; -"209 slice_12" -> "210 cat_2" [label="(1, 128, 24, 24)", style=solid]; -"210 cat_2" -> "213 conv2d_14" [label="(1, 256, 24, 24)", style=solid]; -"211 _param_constant62" -> "213 conv2d_14" [label="(128, 256, 3, 3)", style=solid]; -"212 _param_constant63" -> "213 conv2d_14" [label="(128,)", style=solid]; -"213 conv2d_14" -> "219 _native_batch_norm_legit_no_training_14" [label="(1, 128, 22, 22)", style=solid]; -"215 _param_constant64" -> "219 _native_batch_norm_legit_no_training_14" [label="(128,)", style=solid]; -"216 _param_constant65" -> "219 _native_batch_norm_legit_no_training_14" [label="(128,)", style=solid]; -"217 _tensor_constant28" -> "219 _native_batch_norm_legit_no_training_14" [label="(128,)", style=solid]; -"218 _tensor_constant29" -> "219 _native_batch_norm_legit_no_training_14" [label="(128,)", style=solid]; -"219 _native_batch_norm_legit_no_training_14" -> "220 getitem_42" [label="(1, 128, 22, 22)", style=solid]; -"219 _native_batch_norm_legit_no_training_14" -> "221 getitem_43" [label="(1, 128, 22, 22)", style=solid]; -"219 _native_batch_norm_legit_no_training_14" -> "222 getitem_44" [label="(1, 128, 22, 22)", style=solid]; -"220 getitem_42" -> "223 relu_14" [label="(1, 128, 22, 22)", style=solid]; -"223 relu_14" -> "226 conv2d_15" [label="(1, 128, 22, 22)", style=solid]; -"224 _param_constant66" -> "226 conv2d_15" [label="(128, 128, 3, 3)", style=solid]; -"225 _param_constant67" -> "226 conv2d_15" [label="(128,)", style=solid]; -"226 conv2d_15" -> "232 _native_batch_norm_legit_no_training_15" [label="(1, 128, 20, 20)", style=solid]; -"228 _param_constant68" -> "232 _native_batch_norm_legit_no_training_15" [label="(128,)", style=solid]; -"229 _param_constant69" -> "232 _native_batch_norm_legit_no_training_15" [label="(128,)", style=solid]; -"230 _tensor_constant30" -> "232 _native_batch_norm_legit_no_training_15" [label="(128,)", style=solid]; -"231 _tensor_constant31" -> "232 _native_batch_norm_legit_no_training_15" [label="(128,)", style=solid]; -"232 _native_batch_norm_legit_no_training_15" -> "233 getitem_45" [label="(1, 128, 20, 20)", style=solid]; -"232 _native_batch_norm_legit_no_training_15" -> "234 getitem_46" [label="(1, 128, 20, 20)", style=solid]; -"232 _native_batch_norm_legit_no_training_15" -> "235 getitem_47" [label="(1, 128, 20, 20)", style=solid]; -"233 getitem_45" -> "236 relu_15" [label="(1, 128, 20, 20)", style=solid]; -"236 relu_15" -> "239 conv_transpose2d_3" [label="(1, 128, 20, 20)", style=solid]; -"237 _param_constant70" -> "239 conv_transpose2d_3" [label="(128, 64, 2, 2)", style=solid]; -"238 _param_constant71" -> "239 conv_transpose2d_3" [label="(64,)", style=solid]; -"239 conv_transpose2d_3" -> "244 cat_3" [label="(1, 64, 40, 40)", style=solid]; -"240 slice_13" -> "241 slice_14" [label="(1, 64, 220, 220)", style=solid]; -"241 slice_14" -> "242 slice_15" [label="(1, 64, 220, 220)", style=solid]; -"242 slice_15" -> "243 slice_16" [label="(1, 64, 40, 220)", style=solid]; -"243 slice_16" -> "244 cat_3" [label="(1, 64, 40, 40)", style=solid]; -"244 cat_3" -> "247 conv2d_16" [label="(1, 128, 40, 40)", style=solid]; -"245 _param_constant72" -> "247 conv2d_16" [label="(64, 128, 3, 3)", style=solid]; -"246 _param_constant73" -> "247 conv2d_16" [label="(64,)", style=solid]; -"247 conv2d_16" -> "253 _native_batch_norm_legit_no_training_16" [label="(1, 64, 38, 38)", style=solid]; -"249 _param_constant74" -> "253 _native_batch_norm_legit_no_training_16" [label="(64,)", style=solid]; -"250 _param_constant75" -> "253 _native_batch_norm_legit_no_training_16" [label="(64,)", style=solid]; -"251 _tensor_constant32" -> "253 _native_batch_norm_legit_no_training_16" [label="(64,)", style=solid]; -"252 _tensor_constant33" -> "253 _native_batch_norm_legit_no_training_16" [label="(64,)", style=solid]; -"253 _native_batch_norm_legit_no_training_16" -> "254 getitem_48" [label="(1, 64, 38, 38)", style=solid]; -"253 _native_batch_norm_legit_no_training_16" -> "255 getitem_49" [label="(1, 64, 38, 38)", style=solid]; -"253 _native_batch_norm_legit_no_training_16" -> "256 getitem_50" [label="(1, 64, 38, 38)", style=solid]; -"254 getitem_48" -> "257 relu_16" [label="(1, 64, 38, 38)", style=solid]; -"257 relu_16" -> "260 conv2d_17" [label="(1, 64, 38, 38)", style=solid]; -"258 _param_constant76" -> "260 conv2d_17" [label="(64, 64, 3, 3)", style=solid]; -"259 _param_constant77" -> "260 conv2d_17" [label="(64,)", style=solid]; -"260 conv2d_17" -> "266 _native_batch_norm_legit_no_training_17" [label="(1, 64, 36, 36)", style=solid]; -"262 _param_constant78" -> "266 _native_batch_norm_legit_no_training_17" [label="(64,)", style=solid]; -"263 _param_constant79" -> "266 _native_batch_norm_legit_no_training_17" [label="(64,)", style=solid]; -"264 _tensor_constant34" -> "266 _native_batch_norm_legit_no_training_17" [label="(64,)", style=solid]; -"265 _tensor_constant35" -> "266 _native_batch_norm_legit_no_training_17" [label="(64,)", style=solid]; -"266 _native_batch_norm_legit_no_training_17" -> "267 getitem_51" [label="(1, 64, 36, 36)", style=solid]; -"266 _native_batch_norm_legit_no_training_17" -> "268 getitem_52" [label="(1, 64, 36, 36)", style=solid]; -"266 _native_batch_norm_legit_no_training_17" -> "269 getitem_53" [label="(1, 64, 36, 36)", style=solid]; -"267 getitem_51" -> "270 relu_17" [label="(1, 64, 36, 36)", style=solid]; -"270 relu_17" -> "273 conv2d_18" [label="(1, 64, 36, 36)", style=solid]; -"271 _param_constant80" -> "273 conv2d_18" [label="(12, 64, 1, 1)", style=solid]; -"272 _param_constant81" -> "273 conv2d_18" [label="(12,)", style=solid]; -"273 conv2d_18" -> "274 output" [label="(1, 12, 36, 36)", style=solid]; -} diff --git a/tests/torch/data/fx/reference_graphs/original_graphs/vit_b_16.dot b/tests/torch/data/fx/reference_graphs/original_graphs/vit_b_16.dot deleted file mode 100644 index 38920ce2ff3..00000000000 --- a/tests/torch/data/fx/reference_graphs/original_graphs/vit_b_16.dot +++ /dev/null @@ -1,1219 +0,0 @@ -strict digraph { -"0 arg0_1" [id=0, type=input]; -"1 _param_constant0" [id=1, type=get_attr]; -"2 _param_constant1" [id=2, type=get_attr]; -"3 conv2d" [id=3, type=conv2d]; -"4 reshape" [id=4, type=reshape]; -"5 permute" [id=5, type=permute]; -"6 _param_constant2" [id=6, type=get_attr]; -"7 expand" [id=7, type=expand]; -"8 cat" [id=8, type=cat]; -"9 _param_constant3" [id=9, type=get_attr]; -"10 add" [id=10, type=add]; -"11 dropout" [id=11, type=dropout]; -"12 _param_constant4" [id=12, type=get_attr]; -"13 _param_constant5" [id=13, type=get_attr]; -"14 layer_norm" [id=14, type=layer_norm]; -"15 transpose" [id=15, type=transpose]; -"16 _param_constant6" [id=16, type=get_attr]; -"17 _param_constant7" [id=17, type=get_attr]; -"18 linear" [id=18, type=linear]; -"19 unflatten" [id=19, type=unflatten]; -"20 unsqueeze" [id=20, type=unsqueeze]; -"21 transpose_1" [id=21, type=transpose]; -"22 squeeze" [id=22, type=squeeze]; -"23 contiguous" [id=23, type=contiguous]; -"24 select" [id=24, type=select]; -"25 select_1" [id=25, type=select]; -"26 select_2" [id=26, type=select]; -"27 view" [id=27, type=view]; -"28 transpose_2" [id=28, type=transpose]; -"29 view_1" [id=29, type=view]; -"30 transpose_3" [id=30, type=transpose]; -"31 view_2" [id=31, type=view]; -"32 transpose_4" [id=32, type=transpose]; -"33 view_3" [id=33, type=view]; -"34 view_4" [id=34, type=view]; -"35 view_5" [id=35, type=view]; -"36 scaled_dot_product_attention" [id=36, type=scaled_dot_product_attention]; -"37 permute_1" [id=37, type=permute]; -"38 view_6" [id=38, type=view]; -"39 _param_constant8" [id=39, type=get_attr]; -"40 _param_constant9" [id=40, type=get_attr]; -"41 linear_1" [id=41, type=linear]; -"42 view_7" [id=42, type=view]; -"43 transpose_5" [id=43, type=transpose]; -"44 dropout_1" [id=44, type=dropout]; -"45 add_1" [id=45, type=add]; -"46 _param_constant10" [id=46, type=get_attr]; -"47 _param_constant11" [id=47, type=get_attr]; -"48 layer_norm_1" [id=48, type=layer_norm]; -"49 _param_constant12" [id=49, type=get_attr]; -"50 _param_constant13" [id=50, type=get_attr]; -"51 linear_2" [id=51, type=linear]; -"52 gelu" [id=52, type=gelu]; -"53 dropout_2" [id=53, type=dropout]; -"54 _param_constant14" [id=54, type=get_attr]; -"55 _param_constant15" [id=55, type=get_attr]; -"56 linear_3" [id=56, type=linear]; -"57 dropout_3" [id=57, type=dropout]; -"58 add_2" [id=58, type=add]; -"59 _param_constant16" [id=59, type=get_attr]; -"60 _param_constant17" [id=60, type=get_attr]; -"61 layer_norm_2" [id=61, type=layer_norm]; -"62 transpose_6" [id=62, type=transpose]; -"63 _param_constant18" [id=63, type=get_attr]; -"64 _param_constant19" [id=64, type=get_attr]; -"65 linear_4" [id=65, type=linear]; -"66 unflatten_1" [id=66, type=unflatten]; -"67 unsqueeze_1" [id=67, type=unsqueeze]; -"68 transpose_7" [id=68, type=transpose]; -"69 squeeze_1" [id=69, type=squeeze]; -"70 contiguous_1" [id=70, type=contiguous]; -"71 select_3" [id=71, type=select]; -"72 select_4" [id=72, type=select]; -"73 select_5" [id=73, type=select]; -"74 view_8" [id=74, type=view]; -"75 transpose_8" [id=75, type=transpose]; -"76 view_9" [id=76, type=view]; -"77 transpose_9" [id=77, type=transpose]; -"78 view_10" [id=78, type=view]; -"79 transpose_10" [id=79, type=transpose]; -"80 view_11" [id=80, type=view]; -"81 view_12" [id=81, type=view]; -"82 view_13" [id=82, type=view]; -"83 scaled_dot_product_attention_1" [id=83, type=scaled_dot_product_attention]; -"84 permute_2" [id=84, type=permute]; -"85 view_14" [id=85, type=view]; -"86 _param_constant20" [id=86, type=get_attr]; -"87 _param_constant21" [id=87, type=get_attr]; -"88 linear_5" [id=88, type=linear]; -"89 view_15" [id=89, type=view]; -"90 transpose_11" [id=90, type=transpose]; -"91 dropout_4" [id=91, type=dropout]; -"92 add_3" [id=92, type=add]; -"93 _param_constant22" [id=93, type=get_attr]; -"94 _param_constant23" [id=94, type=get_attr]; -"95 layer_norm_3" [id=95, type=layer_norm]; -"96 _param_constant24" [id=96, type=get_attr]; -"97 _param_constant25" [id=97, type=get_attr]; -"98 linear_6" [id=98, type=linear]; -"99 gelu_1" [id=99, type=gelu]; -"100 dropout_5" [id=100, type=dropout]; -"101 _param_constant26" [id=101, type=get_attr]; -"102 _param_constant27" [id=102, type=get_attr]; -"103 linear_7" [id=103, type=linear]; -"104 dropout_6" [id=104, type=dropout]; -"105 add_4" [id=105, type=add]; -"106 _param_constant28" [id=106, type=get_attr]; -"107 _param_constant29" [id=107, type=get_attr]; -"108 layer_norm_4" [id=108, type=layer_norm]; -"109 transpose_12" [id=109, type=transpose]; -"110 _param_constant30" [id=110, type=get_attr]; -"111 _param_constant31" [id=111, type=get_attr]; -"112 linear_8" [id=112, type=linear]; -"113 unflatten_2" [id=113, type=unflatten]; -"114 unsqueeze_2" [id=114, type=unsqueeze]; -"115 transpose_13" [id=115, type=transpose]; -"116 squeeze_2" [id=116, type=squeeze]; -"117 contiguous_2" [id=117, type=contiguous]; -"118 select_6" [id=118, type=select]; -"119 select_7" [id=119, type=select]; -"120 select_8" [id=120, type=select]; -"121 view_16" [id=121, type=view]; -"122 transpose_14" [id=122, type=transpose]; -"123 view_17" [id=123, type=view]; -"124 transpose_15" [id=124, type=transpose]; -"125 view_18" [id=125, type=view]; -"126 transpose_16" [id=126, type=transpose]; -"127 view_19" [id=127, type=view]; -"128 view_20" [id=128, type=view]; -"129 view_21" [id=129, type=view]; -"130 scaled_dot_product_attention_2" [id=130, type=scaled_dot_product_attention]; -"131 permute_3" [id=131, type=permute]; -"132 view_22" [id=132, type=view]; -"133 _param_constant32" [id=133, type=get_attr]; -"134 _param_constant33" [id=134, type=get_attr]; -"135 linear_9" [id=135, type=linear]; -"136 view_23" [id=136, type=view]; -"137 transpose_17" [id=137, type=transpose]; -"138 dropout_7" [id=138, type=dropout]; -"139 add_5" [id=139, type=add]; -"140 _param_constant34" [id=140, type=get_attr]; -"141 _param_constant35" [id=141, type=get_attr]; -"142 layer_norm_5" [id=142, type=layer_norm]; -"143 _param_constant36" [id=143, type=get_attr]; -"144 _param_constant37" [id=144, type=get_attr]; -"145 linear_10" [id=145, type=linear]; -"146 gelu_2" [id=146, type=gelu]; -"147 dropout_8" [id=147, type=dropout]; -"148 _param_constant38" [id=148, type=get_attr]; -"149 _param_constant39" [id=149, type=get_attr]; -"150 linear_11" [id=150, type=linear]; -"151 dropout_9" [id=151, type=dropout]; -"152 add_6" [id=152, type=add]; -"153 _param_constant40" [id=153, type=get_attr]; -"154 _param_constant41" [id=154, type=get_attr]; -"155 layer_norm_6" [id=155, type=layer_norm]; -"156 transpose_18" [id=156, type=transpose]; -"157 _param_constant42" [id=157, type=get_attr]; -"158 _param_constant43" [id=158, type=get_attr]; -"159 linear_12" [id=159, type=linear]; -"160 unflatten_3" [id=160, type=unflatten]; -"161 unsqueeze_3" [id=161, type=unsqueeze]; -"162 transpose_19" [id=162, type=transpose]; -"163 squeeze_3" [id=163, type=squeeze]; -"164 contiguous_3" [id=164, type=contiguous]; -"165 select_9" [id=165, type=select]; -"166 select_10" [id=166, type=select]; -"167 select_11" [id=167, type=select]; -"168 view_24" [id=168, type=view]; -"169 transpose_20" [id=169, type=transpose]; -"170 view_25" [id=170, type=view]; -"171 transpose_21" [id=171, type=transpose]; -"172 view_26" [id=172, type=view]; -"173 transpose_22" [id=173, type=transpose]; -"174 view_27" [id=174, type=view]; -"175 view_28" [id=175, type=view]; -"176 view_29" [id=176, type=view]; -"177 scaled_dot_product_attention_3" [id=177, type=scaled_dot_product_attention]; -"178 permute_4" [id=178, type=permute]; -"179 view_30" [id=179, type=view]; -"180 _param_constant44" [id=180, type=get_attr]; -"181 _param_constant45" [id=181, type=get_attr]; -"182 linear_13" [id=182, type=linear]; -"183 view_31" [id=183, type=view]; -"184 transpose_23" [id=184, type=transpose]; -"185 dropout_10" [id=185, type=dropout]; -"186 add_7" [id=186, type=add]; -"187 _param_constant46" [id=187, type=get_attr]; -"188 _param_constant47" [id=188, type=get_attr]; -"189 layer_norm_7" [id=189, type=layer_norm]; -"190 _param_constant48" [id=190, type=get_attr]; -"191 _param_constant49" [id=191, type=get_attr]; -"192 linear_14" [id=192, type=linear]; -"193 gelu_3" [id=193, type=gelu]; -"194 dropout_11" [id=194, type=dropout]; -"195 _param_constant50" [id=195, type=get_attr]; -"196 _param_constant51" [id=196, type=get_attr]; -"197 linear_15" [id=197, type=linear]; -"198 dropout_12" [id=198, type=dropout]; -"199 add_8" [id=199, type=add]; -"200 _param_constant52" [id=200, type=get_attr]; -"201 _param_constant53" [id=201, type=get_attr]; -"202 layer_norm_8" [id=202, type=layer_norm]; -"203 transpose_24" [id=203, type=transpose]; -"204 _param_constant54" [id=204, type=get_attr]; -"205 _param_constant55" [id=205, type=get_attr]; -"206 linear_16" [id=206, type=linear]; -"207 unflatten_4" [id=207, type=unflatten]; -"208 unsqueeze_4" [id=208, type=unsqueeze]; -"209 transpose_25" [id=209, type=transpose]; -"210 squeeze_4" [id=210, type=squeeze]; -"211 contiguous_4" [id=211, type=contiguous]; -"212 select_12" [id=212, type=select]; -"213 select_13" [id=213, type=select]; -"214 select_14" [id=214, type=select]; -"215 view_32" [id=215, type=view]; -"216 transpose_26" [id=216, type=transpose]; -"217 view_33" [id=217, type=view]; -"218 transpose_27" [id=218, type=transpose]; -"219 view_34" [id=219, type=view]; -"220 transpose_28" [id=220, type=transpose]; -"221 view_35" [id=221, type=view]; -"222 view_36" [id=222, type=view]; -"223 view_37" [id=223, type=view]; -"224 scaled_dot_product_attention_4" [id=224, type=scaled_dot_product_attention]; -"225 permute_5" [id=225, type=permute]; -"226 view_38" [id=226, type=view]; -"227 _param_constant56" [id=227, type=get_attr]; -"228 _param_constant57" [id=228, type=get_attr]; -"229 linear_17" [id=229, type=linear]; -"230 view_39" [id=230, type=view]; -"231 transpose_29" [id=231, type=transpose]; -"232 dropout_13" [id=232, type=dropout]; -"233 add_9" [id=233, type=add]; -"234 _param_constant58" [id=234, type=get_attr]; -"235 _param_constant59" [id=235, type=get_attr]; -"236 layer_norm_9" [id=236, type=layer_norm]; -"237 _param_constant60" [id=237, type=get_attr]; -"238 _param_constant61" [id=238, type=get_attr]; -"239 linear_18" [id=239, type=linear]; -"240 gelu_4" [id=240, type=gelu]; -"241 dropout_14" [id=241, type=dropout]; -"242 _param_constant62" [id=242, type=get_attr]; -"243 _param_constant63" [id=243, type=get_attr]; -"244 linear_19" [id=244, type=linear]; -"245 dropout_15" [id=245, type=dropout]; -"246 add_10" [id=246, type=add]; -"247 _param_constant64" [id=247, type=get_attr]; -"248 _param_constant65" [id=248, type=get_attr]; -"249 layer_norm_10" [id=249, type=layer_norm]; -"250 transpose_30" [id=250, type=transpose]; -"251 _param_constant66" [id=251, type=get_attr]; -"252 _param_constant67" [id=252, type=get_attr]; -"253 linear_20" [id=253, type=linear]; -"254 unflatten_5" [id=254, type=unflatten]; -"255 unsqueeze_5" [id=255, type=unsqueeze]; -"256 transpose_31" [id=256, type=transpose]; -"257 squeeze_5" [id=257, type=squeeze]; -"258 contiguous_5" [id=258, type=contiguous]; -"259 select_15" [id=259, type=select]; -"260 select_16" [id=260, type=select]; -"261 select_17" [id=261, type=select]; -"262 view_40" [id=262, type=view]; -"263 transpose_32" [id=263, type=transpose]; -"264 view_41" [id=264, type=view]; -"265 transpose_33" [id=265, type=transpose]; -"266 view_42" [id=266, type=view]; -"267 transpose_34" [id=267, type=transpose]; -"268 view_43" [id=268, type=view]; -"269 view_44" [id=269, type=view]; -"270 view_45" [id=270, type=view]; -"271 scaled_dot_product_attention_5" [id=271, type=scaled_dot_product_attention]; -"272 permute_6" [id=272, type=permute]; -"273 view_46" [id=273, type=view]; -"274 _param_constant68" [id=274, type=get_attr]; -"275 _param_constant69" [id=275, type=get_attr]; -"276 linear_21" [id=276, type=linear]; -"277 view_47" [id=277, type=view]; -"278 transpose_35" [id=278, type=transpose]; -"279 dropout_16" [id=279, type=dropout]; -"280 add_11" [id=280, type=add]; -"281 _param_constant70" [id=281, type=get_attr]; -"282 _param_constant71" [id=282, type=get_attr]; -"283 layer_norm_11" [id=283, type=layer_norm]; -"284 _param_constant72" [id=284, type=get_attr]; -"285 _param_constant73" [id=285, type=get_attr]; -"286 linear_22" [id=286, type=linear]; -"287 gelu_5" [id=287, type=gelu]; -"288 dropout_17" [id=288, type=dropout]; -"289 _param_constant74" [id=289, type=get_attr]; -"290 _param_constant75" [id=290, type=get_attr]; -"291 linear_23" [id=291, type=linear]; -"292 dropout_18" [id=292, type=dropout]; -"293 add_12" [id=293, type=add]; -"294 _param_constant76" [id=294, type=get_attr]; -"295 _param_constant77" [id=295, type=get_attr]; -"296 layer_norm_12" [id=296, type=layer_norm]; -"297 transpose_36" [id=297, type=transpose]; -"298 _param_constant78" [id=298, type=get_attr]; -"299 _param_constant79" [id=299, type=get_attr]; -"300 linear_24" [id=300, type=linear]; -"301 unflatten_6" [id=301, type=unflatten]; -"302 unsqueeze_6" [id=302, type=unsqueeze]; -"303 transpose_37" [id=303, type=transpose]; -"304 squeeze_6" [id=304, type=squeeze]; -"305 contiguous_6" [id=305, type=contiguous]; -"306 select_18" [id=306, type=select]; -"307 select_19" [id=307, type=select]; -"308 select_20" [id=308, type=select]; -"309 view_48" [id=309, type=view]; -"310 transpose_38" [id=310, type=transpose]; -"311 view_49" [id=311, type=view]; -"312 transpose_39" [id=312, type=transpose]; -"313 view_50" [id=313, type=view]; -"314 transpose_40" [id=314, type=transpose]; -"315 view_51" [id=315, type=view]; -"316 view_52" [id=316, type=view]; -"317 view_53" [id=317, type=view]; -"318 scaled_dot_product_attention_6" [id=318, type=scaled_dot_product_attention]; -"319 permute_7" [id=319, type=permute]; -"320 view_54" [id=320, type=view]; -"321 _param_constant80" [id=321, type=get_attr]; -"322 _param_constant81" [id=322, type=get_attr]; -"323 linear_25" [id=323, type=linear]; -"324 view_55" [id=324, type=view]; -"325 transpose_41" [id=325, type=transpose]; -"326 dropout_19" [id=326, type=dropout]; -"327 add_13" [id=327, type=add]; -"328 _param_constant82" [id=328, type=get_attr]; -"329 _param_constant83" [id=329, type=get_attr]; -"330 layer_norm_13" [id=330, type=layer_norm]; -"331 _param_constant84" [id=331, type=get_attr]; -"332 _param_constant85" [id=332, type=get_attr]; -"333 linear_26" [id=333, type=linear]; -"334 gelu_6" [id=334, type=gelu]; -"335 dropout_20" [id=335, type=dropout]; -"336 _param_constant86" [id=336, type=get_attr]; -"337 _param_constant87" [id=337, type=get_attr]; -"338 linear_27" [id=338, type=linear]; -"339 dropout_21" [id=339, type=dropout]; -"340 add_14" [id=340, type=add]; -"341 _param_constant88" [id=341, type=get_attr]; -"342 _param_constant89" [id=342, type=get_attr]; -"343 layer_norm_14" [id=343, type=layer_norm]; -"344 transpose_42" [id=344, type=transpose]; -"345 _param_constant90" [id=345, type=get_attr]; -"346 _param_constant91" [id=346, type=get_attr]; -"347 linear_28" [id=347, type=linear]; -"348 unflatten_7" [id=348, type=unflatten]; -"349 unsqueeze_7" [id=349, type=unsqueeze]; -"350 transpose_43" [id=350, type=transpose]; -"351 squeeze_7" [id=351, type=squeeze]; -"352 contiguous_7" [id=352, type=contiguous]; -"353 select_21" [id=353, type=select]; -"354 select_22" [id=354, type=select]; -"355 select_23" [id=355, type=select]; -"356 view_56" [id=356, type=view]; -"357 transpose_44" [id=357, type=transpose]; -"358 view_57" [id=358, type=view]; -"359 transpose_45" [id=359, type=transpose]; -"360 view_58" [id=360, type=view]; -"361 transpose_46" [id=361, type=transpose]; -"362 view_59" [id=362, type=view]; -"363 view_60" [id=363, type=view]; -"364 view_61" [id=364, type=view]; -"365 scaled_dot_product_attention_7" [id=365, type=scaled_dot_product_attention]; -"366 permute_8" [id=366, type=permute]; -"367 view_62" [id=367, type=view]; -"368 _param_constant92" [id=368, type=get_attr]; -"369 _param_constant93" [id=369, type=get_attr]; -"370 linear_29" [id=370, type=linear]; -"371 view_63" [id=371, type=view]; -"372 transpose_47" [id=372, type=transpose]; -"373 dropout_22" [id=373, type=dropout]; -"374 add_15" [id=374, type=add]; -"375 _param_constant94" [id=375, type=get_attr]; -"376 _param_constant95" [id=376, type=get_attr]; -"377 layer_norm_15" [id=377, type=layer_norm]; -"378 _param_constant96" [id=378, type=get_attr]; -"379 _param_constant97" [id=379, type=get_attr]; -"380 linear_30" [id=380, type=linear]; -"381 gelu_7" [id=381, type=gelu]; -"382 dropout_23" [id=382, type=dropout]; -"383 _param_constant98" [id=383, type=get_attr]; -"384 _param_constant99" [id=384, type=get_attr]; -"385 linear_31" [id=385, type=linear]; -"386 dropout_24" [id=386, type=dropout]; -"387 add_16" [id=387, type=add]; -"388 _param_constant100" [id=388, type=get_attr]; -"389 _param_constant101" [id=389, type=get_attr]; -"390 layer_norm_16" [id=390, type=layer_norm]; -"391 transpose_48" [id=391, type=transpose]; -"392 _param_constant102" [id=392, type=get_attr]; -"393 _param_constant103" [id=393, type=get_attr]; -"394 linear_32" [id=394, type=linear]; -"395 unflatten_8" [id=395, type=unflatten]; -"396 unsqueeze_8" [id=396, type=unsqueeze]; -"397 transpose_49" [id=397, type=transpose]; -"398 squeeze_8" [id=398, type=squeeze]; -"399 contiguous_8" [id=399, type=contiguous]; -"400 select_24" [id=400, type=select]; -"401 select_25" [id=401, type=select]; -"402 select_26" [id=402, type=select]; -"403 view_64" [id=403, type=view]; -"404 transpose_50" [id=404, type=transpose]; -"405 view_65" [id=405, type=view]; -"406 transpose_51" [id=406, type=transpose]; -"407 view_66" [id=407, type=view]; -"408 transpose_52" [id=408, type=transpose]; -"409 view_67" [id=409, type=view]; -"410 view_68" [id=410, type=view]; -"411 view_69" [id=411, type=view]; -"412 scaled_dot_product_attention_8" [id=412, type=scaled_dot_product_attention]; -"413 permute_9" [id=413, type=permute]; -"414 view_70" [id=414, type=view]; -"415 _param_constant104" [id=415, type=get_attr]; -"416 _param_constant105" [id=416, type=get_attr]; -"417 linear_33" [id=417, type=linear]; -"418 view_71" [id=418, type=view]; -"419 transpose_53" [id=419, type=transpose]; -"420 dropout_25" [id=420, type=dropout]; -"421 add_17" [id=421, type=add]; -"422 _param_constant106" [id=422, type=get_attr]; -"423 _param_constant107" [id=423, type=get_attr]; -"424 layer_norm_17" [id=424, type=layer_norm]; -"425 _param_constant108" [id=425, type=get_attr]; -"426 _param_constant109" [id=426, type=get_attr]; -"427 linear_34" [id=427, type=linear]; -"428 gelu_8" [id=428, type=gelu]; -"429 dropout_26" [id=429, type=dropout]; -"430 _param_constant110" [id=430, type=get_attr]; -"431 _param_constant111" [id=431, type=get_attr]; -"432 linear_35" [id=432, type=linear]; -"433 dropout_27" [id=433, type=dropout]; -"434 add_18" [id=434, type=add]; -"435 _param_constant112" [id=435, type=get_attr]; -"436 _param_constant113" [id=436, type=get_attr]; -"437 layer_norm_18" [id=437, type=layer_norm]; -"438 transpose_54" [id=438, type=transpose]; -"439 _param_constant114" [id=439, type=get_attr]; -"440 _param_constant115" [id=440, type=get_attr]; -"441 linear_36" [id=441, type=linear]; -"442 unflatten_9" [id=442, type=unflatten]; -"443 unsqueeze_9" [id=443, type=unsqueeze]; -"444 transpose_55" [id=444, type=transpose]; -"445 squeeze_9" [id=445, type=squeeze]; -"446 contiguous_9" [id=446, type=contiguous]; -"447 select_27" [id=447, type=select]; -"448 select_28" [id=448, type=select]; -"449 select_29" [id=449, type=select]; -"450 view_72" [id=450, type=view]; -"451 transpose_56" [id=451, type=transpose]; -"452 view_73" [id=452, type=view]; -"453 transpose_57" [id=453, type=transpose]; -"454 view_74" [id=454, type=view]; -"455 transpose_58" [id=455, type=transpose]; -"456 view_75" [id=456, type=view]; -"457 view_76" [id=457, type=view]; -"458 view_77" [id=458, type=view]; -"459 scaled_dot_product_attention_9" [id=459, type=scaled_dot_product_attention]; -"460 permute_10" [id=460, type=permute]; -"461 view_78" [id=461, type=view]; -"462 _param_constant116" [id=462, type=get_attr]; -"463 _param_constant117" [id=463, type=get_attr]; -"464 linear_37" [id=464, type=linear]; -"465 view_79" [id=465, type=view]; -"466 transpose_59" [id=466, type=transpose]; -"467 dropout_28" [id=467, type=dropout]; -"468 add_19" [id=468, type=add]; -"469 _param_constant118" [id=469, type=get_attr]; -"470 _param_constant119" [id=470, type=get_attr]; -"471 layer_norm_19" [id=471, type=layer_norm]; -"472 _param_constant120" [id=472, type=get_attr]; -"473 _param_constant121" [id=473, type=get_attr]; -"474 linear_38" [id=474, type=linear]; -"475 gelu_9" [id=475, type=gelu]; -"476 dropout_29" [id=476, type=dropout]; -"477 _param_constant122" [id=477, type=get_attr]; -"478 _param_constant123" [id=478, type=get_attr]; -"479 linear_39" [id=479, type=linear]; -"480 dropout_30" [id=480, type=dropout]; -"481 add_20" [id=481, type=add]; -"482 _param_constant124" [id=482, type=get_attr]; -"483 _param_constant125" [id=483, type=get_attr]; -"484 layer_norm_20" [id=484, type=layer_norm]; -"485 transpose_60" [id=485, type=transpose]; -"486 _param_constant126" [id=486, type=get_attr]; -"487 _param_constant127" [id=487, type=get_attr]; -"488 linear_40" [id=488, type=linear]; -"489 unflatten_10" [id=489, type=unflatten]; -"490 unsqueeze_10" [id=490, type=unsqueeze]; -"491 transpose_61" [id=491, type=transpose]; -"492 squeeze_10" [id=492, type=squeeze]; -"493 contiguous_10" [id=493, type=contiguous]; -"494 select_30" [id=494, type=select]; -"495 select_31" [id=495, type=select]; -"496 select_32" [id=496, type=select]; -"497 view_80" [id=497, type=view]; -"498 transpose_62" [id=498, type=transpose]; -"499 view_81" [id=499, type=view]; -"500 transpose_63" [id=500, type=transpose]; -"501 view_82" [id=501, type=view]; -"502 transpose_64" [id=502, type=transpose]; -"503 view_83" [id=503, type=view]; -"504 view_84" [id=504, type=view]; -"505 view_85" [id=505, type=view]; -"506 scaled_dot_product_attention_10" [id=506, type=scaled_dot_product_attention]; -"507 permute_11" [id=507, type=permute]; -"508 view_86" [id=508, type=view]; -"509 _param_constant128" [id=509, type=get_attr]; -"510 _param_constant129" [id=510, type=get_attr]; -"511 linear_41" [id=511, type=linear]; -"512 view_87" [id=512, type=view]; -"513 transpose_65" [id=513, type=transpose]; -"514 dropout_31" [id=514, type=dropout]; -"515 add_21" [id=515, type=add]; -"516 _param_constant130" [id=516, type=get_attr]; -"517 _param_constant131" [id=517, type=get_attr]; -"518 layer_norm_21" [id=518, type=layer_norm]; -"519 _param_constant132" [id=519, type=get_attr]; -"520 _param_constant133" [id=520, type=get_attr]; -"521 linear_42" [id=521, type=linear]; -"522 gelu_10" [id=522, type=gelu]; -"523 dropout_32" [id=523, type=dropout]; -"524 _param_constant134" [id=524, type=get_attr]; -"525 _param_constant135" [id=525, type=get_attr]; -"526 linear_43" [id=526, type=linear]; -"527 dropout_33" [id=527, type=dropout]; -"528 add_22" [id=528, type=add]; -"529 _param_constant136" [id=529, type=get_attr]; -"530 _param_constant137" [id=530, type=get_attr]; -"531 layer_norm_22" [id=531, type=layer_norm]; -"532 transpose_66" [id=532, type=transpose]; -"533 _param_constant138" [id=533, type=get_attr]; -"534 _param_constant139" [id=534, type=get_attr]; -"535 linear_44" [id=535, type=linear]; -"536 unflatten_11" [id=536, type=unflatten]; -"537 unsqueeze_11" [id=537, type=unsqueeze]; -"538 transpose_67" [id=538, type=transpose]; -"539 squeeze_11" [id=539, type=squeeze]; -"540 contiguous_11" [id=540, type=contiguous]; -"541 select_33" [id=541, type=select]; -"542 select_34" [id=542, type=select]; -"543 select_35" [id=543, type=select]; -"544 view_88" [id=544, type=view]; -"545 transpose_68" [id=545, type=transpose]; -"546 view_89" [id=546, type=view]; -"547 transpose_69" [id=547, type=transpose]; -"548 view_90" [id=548, type=view]; -"549 transpose_70" [id=549, type=transpose]; -"550 view_91" [id=550, type=view]; -"551 view_92" [id=551, type=view]; -"552 view_93" [id=552, type=view]; -"553 scaled_dot_product_attention_11" [id=553, type=scaled_dot_product_attention]; -"554 permute_12" [id=554, type=permute]; -"555 view_94" [id=555, type=view]; -"556 _param_constant140" [id=556, type=get_attr]; -"557 _param_constant141" [id=557, type=get_attr]; -"558 linear_45" [id=558, type=linear]; -"559 view_95" [id=559, type=view]; -"560 transpose_71" [id=560, type=transpose]; -"561 dropout_34" [id=561, type=dropout]; -"562 add_23" [id=562, type=add]; -"563 _param_constant142" [id=563, type=get_attr]; -"564 _param_constant143" [id=564, type=get_attr]; -"565 layer_norm_23" [id=565, type=layer_norm]; -"566 _param_constant144" [id=566, type=get_attr]; -"567 _param_constant145" [id=567, type=get_attr]; -"568 linear_46" [id=568, type=linear]; -"569 gelu_11" [id=569, type=gelu]; -"570 dropout_35" [id=570, type=dropout]; -"571 _param_constant146" [id=571, type=get_attr]; -"572 _param_constant147" [id=572, type=get_attr]; -"573 linear_47" [id=573, type=linear]; -"574 dropout_36" [id=574, type=dropout]; -"575 add_24" [id=575, type=add]; -"576 _param_constant148" [id=576, type=get_attr]; -"577 _param_constant149" [id=577, type=get_attr]; -"578 layer_norm_24" [id=578, type=layer_norm]; -"579 slice_1" [id=579, type=slice]; -"580 select_36" [id=580, type=select]; -"581 _param_constant150" [id=581, type=get_attr]; -"582 _param_constant151" [id=582, type=get_attr]; -"583 linear_48" [id=583, type=linear]; -"584 output" [id=584, type=output]; -"0 arg0_1" -> "3 conv2d" [label="(1, 3, 224, 224)", style=solid]; -"1 _param_constant0" -> "3 conv2d" [label="(768, 3, 16, 16)", style=solid]; -"2 _param_constant1" -> "3 conv2d" [label="(768,)", style=solid]; -"3 conv2d" -> "4 reshape" [label="(1, 768, 14, 14)", style=solid]; -"4 reshape" -> "5 permute" [label="(1, 768, 196)", style=solid]; -"5 permute" -> "8 cat" [label="(1, 196, 768)", style=solid]; -"6 _param_constant2" -> "7 expand" [label="(1, 1, 768)", style=solid]; -"7 expand" -> "8 cat" [label="(1, 1, 768)", style=solid]; -"8 cat" -> "10 add" [label="(1, 197, 768)", style=solid]; -"9 _param_constant3" -> "10 add" [label="(1, 197, 768)", style=solid]; -"10 add" -> "11 dropout" [label="(1, 197, 768)", style=solid]; -"11 dropout" -> "14 layer_norm" [label="(1, 197, 768)", style=solid]; -"11 dropout" -> "45 add_1" [label="(1, 197, 768)", style=solid]; -"12 _param_constant4" -> "14 layer_norm" [label="(768,)", style=solid]; -"13 _param_constant5" -> "14 layer_norm" [label="(768,)", style=solid]; -"14 layer_norm" -> "15 transpose" [label="(1, 197, 768)", style=solid]; -"15 transpose" -> "18 linear" [label="(197, 1, 768)", style=solid]; -"16 _param_constant6" -> "18 linear" [label="(2304, 768)", style=solid]; -"17 _param_constant7" -> "18 linear" [label="(2304,)", style=solid]; -"18 linear" -> "19 unflatten" [label="(197, 1, 2304)", style=solid]; -"19 unflatten" -> "20 unsqueeze" [label="(197, 1, 3, 768)", style=solid]; -"20 unsqueeze" -> "21 transpose_1" [label="(1, 197, 1, 3, 768)", style=solid]; -"21 transpose_1" -> "22 squeeze" [label="(3, 197, 1, 1, 768)", style=solid]; -"22 squeeze" -> "23 contiguous" [label="(3, 197, 1, 768)", style=solid]; -"23 contiguous" -> "24 select" [label="(3, 197, 1, 768)", style=solid]; -"23 contiguous" -> "25 select_1" [label="(3, 197, 1, 768)", style=solid]; -"23 contiguous" -> "26 select_2" [label="(3, 197, 1, 768)", style=solid]; -"24 select" -> "27 view" [label="(197, 1, 768)", style=solid]; -"25 select_1" -> "29 view_1" [label="(197, 1, 768)", style=solid]; -"26 select_2" -> "31 view_2" [label="(197, 1, 768)", style=solid]; -"27 view" -> "28 transpose_2" [label="(197, 12, 64)", style=solid]; -"28 transpose_2" -> "33 view_3" [label="(12, 197, 64)", style=solid]; -"29 view_1" -> "30 transpose_3" [label="(197, 12, 64)", style=solid]; -"30 transpose_3" -> "34 view_4" [label="(12, 197, 64)", style=solid]; -"31 view_2" -> "32 transpose_4" [label="(197, 12, 64)", style=solid]; -"32 transpose_4" -> "35 view_5" [label="(12, 197, 64)", style=solid]; -"33 view_3" -> "36 scaled_dot_product_attention" [label="(1, 12, 197, 64)", style=solid]; -"34 view_4" -> "36 scaled_dot_product_attention" [label="(1, 12, 197, 64)", style=solid]; -"35 view_5" -> "36 scaled_dot_product_attention" [label="(1, 12, 197, 64)", style=solid]; -"36 scaled_dot_product_attention" -> "37 permute_1" [label="(1, 12, 197, 64)", style=solid]; -"37 permute_1" -> "38 view_6" [label="(197, 1, 12, 64)", style=solid]; -"38 view_6" -> "41 linear_1" [label="(197, 768)", style=solid]; -"39 _param_constant8" -> "41 linear_1" [label="(768, 768)", style=solid]; -"40 _param_constant9" -> "41 linear_1" [label="(768,)", style=solid]; -"41 linear_1" -> "42 view_7" [label="(197, 768)", style=solid]; -"42 view_7" -> "43 transpose_5" [label="(197, 1, 768)", style=solid]; -"43 transpose_5" -> "44 dropout_1" [label="(1, 197, 768)", style=solid]; -"44 dropout_1" -> "45 add_1" [label="(1, 197, 768)", style=solid]; -"45 add_1" -> "48 layer_norm_1" [label="(1, 197, 768)", style=solid]; -"45 add_1" -> "58 add_2" [label="(1, 197, 768)", style=solid]; -"46 _param_constant10" -> "48 layer_norm_1" [label="(768,)", style=solid]; -"47 _param_constant11" -> "48 layer_norm_1" [label="(768,)", style=solid]; -"48 layer_norm_1" -> "51 linear_2" [label="(1, 197, 768)", style=solid]; -"49 _param_constant12" -> "51 linear_2" [label="(3072, 768)", style=solid]; -"50 _param_constant13" -> "51 linear_2" [label="(3072,)", style=solid]; -"51 linear_2" -> "52 gelu" [label="(1, 197, 3072)", style=solid]; -"52 gelu" -> "53 dropout_2" [label="(1, 197, 3072)", style=solid]; -"53 dropout_2" -> "56 linear_3" [label="(1, 197, 3072)", style=solid]; -"54 _param_constant14" -> "56 linear_3" [label="(768, 3072)", style=solid]; -"55 _param_constant15" -> "56 linear_3" [label="(768,)", style=solid]; -"56 linear_3" -> "57 dropout_3" [label="(1, 197, 768)", style=solid]; -"57 dropout_3" -> "58 add_2" [label="(1, 197, 768)", style=solid]; -"58 add_2" -> "61 layer_norm_2" [label="(1, 197, 768)", style=solid]; -"58 add_2" -> "92 add_3" [label="(1, 197, 768)", style=solid]; -"59 _param_constant16" -> "61 layer_norm_2" [label="(768,)", style=solid]; -"60 _param_constant17" -> "61 layer_norm_2" [label="(768,)", style=solid]; -"61 layer_norm_2" -> "62 transpose_6" [label="(1, 197, 768)", style=solid]; -"62 transpose_6" -> "65 linear_4" [label="(197, 1, 768)", style=solid]; -"63 _param_constant18" -> "65 linear_4" [label="(2304, 768)", style=solid]; -"64 _param_constant19" -> "65 linear_4" [label="(2304,)", style=solid]; -"65 linear_4" -> "66 unflatten_1" [label="(197, 1, 2304)", style=solid]; -"66 unflatten_1" -> "67 unsqueeze_1" [label="(197, 1, 3, 768)", style=solid]; -"67 unsqueeze_1" -> "68 transpose_7" [label="(1, 197, 1, 3, 768)", style=solid]; -"68 transpose_7" -> "69 squeeze_1" [label="(3, 197, 1, 1, 768)", style=solid]; -"69 squeeze_1" -> "70 contiguous_1" [label="(3, 197, 1, 768)", style=solid]; -"70 contiguous_1" -> "71 select_3" [label="(3, 197, 1, 768)", style=solid]; -"70 contiguous_1" -> "72 select_4" [label="(3, 197, 1, 768)", style=solid]; -"70 contiguous_1" -> "73 select_5" [label="(3, 197, 1, 768)", style=solid]; -"71 select_3" -> "74 view_8" [label="(197, 1, 768)", style=solid]; -"72 select_4" -> "76 view_9" [label="(197, 1, 768)", style=solid]; -"73 select_5" -> "78 view_10" [label="(197, 1, 768)", style=solid]; -"74 view_8" -> "75 transpose_8" [label="(197, 12, 64)", style=solid]; -"75 transpose_8" -> "80 view_11" [label="(12, 197, 64)", style=solid]; -"76 view_9" -> "77 transpose_9" [label="(197, 12, 64)", style=solid]; -"77 transpose_9" -> "81 view_12" [label="(12, 197, 64)", style=solid]; -"78 view_10" -> "79 transpose_10" [label="(197, 12, 64)", style=solid]; -"79 transpose_10" -> "82 view_13" [label="(12, 197, 64)", style=solid]; -"80 view_11" -> "83 scaled_dot_product_attention_1" [label="(1, 12, 197, 64)", style=solid]; -"81 view_12" -> "83 scaled_dot_product_attention_1" [label="(1, 12, 197, 64)", style=solid]; -"82 view_13" -> "83 scaled_dot_product_attention_1" [label="(1, 12, 197, 64)", style=solid]; -"83 scaled_dot_product_attention_1" -> "84 permute_2" [label="(1, 12, 197, 64)", style=solid]; -"84 permute_2" -> "85 view_14" [label="(197, 1, 12, 64)", style=solid]; -"85 view_14" -> "88 linear_5" [label="(197, 768)", style=solid]; -"86 _param_constant20" -> "88 linear_5" [label="(768, 768)", style=solid]; -"87 _param_constant21" -> "88 linear_5" [label="(768,)", style=solid]; -"88 linear_5" -> "89 view_15" [label="(197, 768)", style=solid]; -"89 view_15" -> "90 transpose_11" [label="(197, 1, 768)", style=solid]; -"90 transpose_11" -> "91 dropout_4" [label="(1, 197, 768)", style=solid]; -"91 dropout_4" -> "92 add_3" [label="(1, 197, 768)", style=solid]; -"92 add_3" -> "95 layer_norm_3" [label="(1, 197, 768)", style=solid]; -"92 add_3" -> "105 add_4" [label="(1, 197, 768)", style=solid]; -"93 _param_constant22" -> "95 layer_norm_3" [label="(768,)", style=solid]; -"94 _param_constant23" -> "95 layer_norm_3" [label="(768,)", style=solid]; -"95 layer_norm_3" -> "98 linear_6" [label="(1, 197, 768)", style=solid]; -"96 _param_constant24" -> "98 linear_6" [label="(3072, 768)", style=solid]; -"97 _param_constant25" -> "98 linear_6" [label="(3072,)", style=solid]; -"98 linear_6" -> "99 gelu_1" [label="(1, 197, 3072)", style=solid]; -"99 gelu_1" -> "100 dropout_5" [label="(1, 197, 3072)", style=solid]; -"100 dropout_5" -> "103 linear_7" [label="(1, 197, 3072)", style=solid]; -"101 _param_constant26" -> "103 linear_7" [label="(768, 3072)", style=solid]; -"102 _param_constant27" -> "103 linear_7" [label="(768,)", style=solid]; -"103 linear_7" -> "104 dropout_6" [label="(1, 197, 768)", style=solid]; -"104 dropout_6" -> "105 add_4" [label="(1, 197, 768)", style=solid]; -"105 add_4" -> "108 layer_norm_4" [label="(1, 197, 768)", style=solid]; -"105 add_4" -> "139 add_5" [label="(1, 197, 768)", style=solid]; -"106 _param_constant28" -> "108 layer_norm_4" [label="(768,)", style=solid]; -"107 _param_constant29" -> "108 layer_norm_4" [label="(768,)", style=solid]; -"108 layer_norm_4" -> "109 transpose_12" [label="(1, 197, 768)", style=solid]; -"109 transpose_12" -> "112 linear_8" [label="(197, 1, 768)", style=solid]; -"110 _param_constant30" -> "112 linear_8" [label="(2304, 768)", style=solid]; -"111 _param_constant31" -> "112 linear_8" [label="(2304,)", style=solid]; -"112 linear_8" -> "113 unflatten_2" [label="(197, 1, 2304)", style=solid]; -"113 unflatten_2" -> "114 unsqueeze_2" [label="(197, 1, 3, 768)", style=solid]; -"114 unsqueeze_2" -> "115 transpose_13" [label="(1, 197, 1, 3, 768)", style=solid]; -"115 transpose_13" -> "116 squeeze_2" [label="(3, 197, 1, 1, 768)", style=solid]; -"116 squeeze_2" -> "117 contiguous_2" [label="(3, 197, 1, 768)", style=solid]; -"117 contiguous_2" -> "118 select_6" [label="(3, 197, 1, 768)", style=solid]; -"117 contiguous_2" -> "119 select_7" [label="(3, 197, 1, 768)", style=solid]; -"117 contiguous_2" -> "120 select_8" [label="(3, 197, 1, 768)", style=solid]; -"118 select_6" -> "121 view_16" [label="(197, 1, 768)", style=solid]; -"119 select_7" -> "123 view_17" [label="(197, 1, 768)", style=solid]; -"120 select_8" -> "125 view_18" [label="(197, 1, 768)", style=solid]; -"121 view_16" -> "122 transpose_14" [label="(197, 12, 64)", style=solid]; -"122 transpose_14" -> "127 view_19" [label="(12, 197, 64)", style=solid]; -"123 view_17" -> "124 transpose_15" [label="(197, 12, 64)", style=solid]; -"124 transpose_15" -> "128 view_20" [label="(12, 197, 64)", style=solid]; -"125 view_18" -> "126 transpose_16" [label="(197, 12, 64)", style=solid]; -"126 transpose_16" -> "129 view_21" [label="(12, 197, 64)", style=solid]; -"127 view_19" -> "130 scaled_dot_product_attention_2" [label="(1, 12, 197, 64)", style=solid]; -"128 view_20" -> "130 scaled_dot_product_attention_2" [label="(1, 12, 197, 64)", style=solid]; -"129 view_21" -> "130 scaled_dot_product_attention_2" [label="(1, 12, 197, 64)", style=solid]; -"130 scaled_dot_product_attention_2" -> "131 permute_3" [label="(1, 12, 197, 64)", style=solid]; -"131 permute_3" -> "132 view_22" [label="(197, 1, 12, 64)", style=solid]; -"132 view_22" -> "135 linear_9" [label="(197, 768)", style=solid]; -"133 _param_constant32" -> "135 linear_9" [label="(768, 768)", style=solid]; -"134 _param_constant33" -> "135 linear_9" [label="(768,)", style=solid]; -"135 linear_9" -> "136 view_23" [label="(197, 768)", style=solid]; -"136 view_23" -> "137 transpose_17" [label="(197, 1, 768)", style=solid]; -"137 transpose_17" -> "138 dropout_7" [label="(1, 197, 768)", style=solid]; -"138 dropout_7" -> "139 add_5" [label="(1, 197, 768)", style=solid]; -"139 add_5" -> "142 layer_norm_5" [label="(1, 197, 768)", style=solid]; -"139 add_5" -> "152 add_6" [label="(1, 197, 768)", style=solid]; -"140 _param_constant34" -> "142 layer_norm_5" [label="(768,)", style=solid]; -"141 _param_constant35" -> "142 layer_norm_5" [label="(768,)", style=solid]; -"142 layer_norm_5" -> "145 linear_10" [label="(1, 197, 768)", style=solid]; -"143 _param_constant36" -> "145 linear_10" [label="(3072, 768)", style=solid]; -"144 _param_constant37" -> "145 linear_10" [label="(3072,)", style=solid]; -"145 linear_10" -> "146 gelu_2" [label="(1, 197, 3072)", style=solid]; -"146 gelu_2" -> "147 dropout_8" [label="(1, 197, 3072)", style=solid]; -"147 dropout_8" -> "150 linear_11" [label="(1, 197, 3072)", style=solid]; -"148 _param_constant38" -> "150 linear_11" [label="(768, 3072)", style=solid]; -"149 _param_constant39" -> "150 linear_11" [label="(768,)", style=solid]; -"150 linear_11" -> "151 dropout_9" [label="(1, 197, 768)", style=solid]; -"151 dropout_9" -> "152 add_6" [label="(1, 197, 768)", style=solid]; -"152 add_6" -> "155 layer_norm_6" [label="(1, 197, 768)", style=solid]; -"152 add_6" -> "186 add_7" [label="(1, 197, 768)", style=solid]; -"153 _param_constant40" -> "155 layer_norm_6" [label="(768,)", style=solid]; -"154 _param_constant41" -> "155 layer_norm_6" [label="(768,)", style=solid]; -"155 layer_norm_6" -> "156 transpose_18" [label="(1, 197, 768)", style=solid]; -"156 transpose_18" -> "159 linear_12" [label="(197, 1, 768)", style=solid]; -"157 _param_constant42" -> "159 linear_12" [label="(2304, 768)", style=solid]; -"158 _param_constant43" -> "159 linear_12" [label="(2304,)", style=solid]; -"159 linear_12" -> "160 unflatten_3" [label="(197, 1, 2304)", style=solid]; -"160 unflatten_3" -> "161 unsqueeze_3" [label="(197, 1, 3, 768)", style=solid]; -"161 unsqueeze_3" -> "162 transpose_19" [label="(1, 197, 1, 3, 768)", style=solid]; -"162 transpose_19" -> "163 squeeze_3" [label="(3, 197, 1, 1, 768)", style=solid]; -"163 squeeze_3" -> "164 contiguous_3" [label="(3, 197, 1, 768)", style=solid]; -"164 contiguous_3" -> "165 select_9" [label="(3, 197, 1, 768)", style=solid]; -"164 contiguous_3" -> "166 select_10" [label="(3, 197, 1, 768)", style=solid]; -"164 contiguous_3" -> "167 select_11" [label="(3, 197, 1, 768)", style=solid]; -"165 select_9" -> "168 view_24" [label="(197, 1, 768)", style=solid]; -"166 select_10" -> "170 view_25" [label="(197, 1, 768)", style=solid]; -"167 select_11" -> "172 view_26" [label="(197, 1, 768)", style=solid]; -"168 view_24" -> "169 transpose_20" [label="(197, 12, 64)", style=solid]; -"169 transpose_20" -> "174 view_27" [label="(12, 197, 64)", style=solid]; -"170 view_25" -> "171 transpose_21" [label="(197, 12, 64)", style=solid]; -"171 transpose_21" -> "175 view_28" [label="(12, 197, 64)", style=solid]; -"172 view_26" -> "173 transpose_22" [label="(197, 12, 64)", style=solid]; -"173 transpose_22" -> "176 view_29" [label="(12, 197, 64)", style=solid]; -"174 view_27" -> "177 scaled_dot_product_attention_3" [label="(1, 12, 197, 64)", style=solid]; -"175 view_28" -> "177 scaled_dot_product_attention_3" [label="(1, 12, 197, 64)", style=solid]; -"176 view_29" -> "177 scaled_dot_product_attention_3" [label="(1, 12, 197, 64)", style=solid]; -"177 scaled_dot_product_attention_3" -> "178 permute_4" [label="(1, 12, 197, 64)", style=solid]; -"178 permute_4" -> "179 view_30" [label="(197, 1, 12, 64)", style=solid]; -"179 view_30" -> "182 linear_13" [label="(197, 768)", style=solid]; -"180 _param_constant44" -> "182 linear_13" [label="(768, 768)", style=solid]; -"181 _param_constant45" -> "182 linear_13" [label="(768,)", style=solid]; -"182 linear_13" -> "183 view_31" [label="(197, 768)", style=solid]; -"183 view_31" -> "184 transpose_23" [label="(197, 1, 768)", style=solid]; -"184 transpose_23" -> "185 dropout_10" [label="(1, 197, 768)", style=solid]; -"185 dropout_10" -> "186 add_7" [label="(1, 197, 768)", style=solid]; -"186 add_7" -> "189 layer_norm_7" [label="(1, 197, 768)", style=solid]; -"186 add_7" -> "199 add_8" [label="(1, 197, 768)", style=solid]; -"187 _param_constant46" -> "189 layer_norm_7" [label="(768,)", style=solid]; -"188 _param_constant47" -> "189 layer_norm_7" [label="(768,)", style=solid]; -"189 layer_norm_7" -> "192 linear_14" [label="(1, 197, 768)", style=solid]; -"190 _param_constant48" -> "192 linear_14" [label="(3072, 768)", style=solid]; -"191 _param_constant49" -> "192 linear_14" [label="(3072,)", style=solid]; -"192 linear_14" -> "193 gelu_3" [label="(1, 197, 3072)", style=solid]; -"193 gelu_3" -> "194 dropout_11" [label="(1, 197, 3072)", style=solid]; -"194 dropout_11" -> "197 linear_15" [label="(1, 197, 3072)", style=solid]; -"195 _param_constant50" -> "197 linear_15" [label="(768, 3072)", style=solid]; -"196 _param_constant51" -> "197 linear_15" [label="(768,)", style=solid]; -"197 linear_15" -> "198 dropout_12" [label="(1, 197, 768)", style=solid]; -"198 dropout_12" -> "199 add_8" [label="(1, 197, 768)", style=solid]; -"199 add_8" -> "202 layer_norm_8" [label="(1, 197, 768)", style=solid]; -"199 add_8" -> "233 add_9" [label="(1, 197, 768)", style=solid]; -"200 _param_constant52" -> "202 layer_norm_8" [label="(768,)", style=solid]; -"201 _param_constant53" -> "202 layer_norm_8" [label="(768,)", style=solid]; -"202 layer_norm_8" -> "203 transpose_24" [label="(1, 197, 768)", style=solid]; -"203 transpose_24" -> "206 linear_16" [label="(197, 1, 768)", style=solid]; -"204 _param_constant54" -> "206 linear_16" [label="(2304, 768)", style=solid]; -"205 _param_constant55" -> "206 linear_16" [label="(2304,)", style=solid]; -"206 linear_16" -> "207 unflatten_4" [label="(197, 1, 2304)", style=solid]; -"207 unflatten_4" -> "208 unsqueeze_4" [label="(197, 1, 3, 768)", style=solid]; -"208 unsqueeze_4" -> "209 transpose_25" [label="(1, 197, 1, 3, 768)", style=solid]; -"209 transpose_25" -> "210 squeeze_4" [label="(3, 197, 1, 1, 768)", style=solid]; -"210 squeeze_4" -> "211 contiguous_4" [label="(3, 197, 1, 768)", style=solid]; -"211 contiguous_4" -> "212 select_12" [label="(3, 197, 1, 768)", style=solid]; -"211 contiguous_4" -> "213 select_13" [label="(3, 197, 1, 768)", style=solid]; -"211 contiguous_4" -> "214 select_14" [label="(3, 197, 1, 768)", style=solid]; -"212 select_12" -> "215 view_32" [label="(197, 1, 768)", style=solid]; -"213 select_13" -> "217 view_33" [label="(197, 1, 768)", style=solid]; -"214 select_14" -> "219 view_34" [label="(197, 1, 768)", style=solid]; -"215 view_32" -> "216 transpose_26" [label="(197, 12, 64)", style=solid]; -"216 transpose_26" -> "221 view_35" [label="(12, 197, 64)", style=solid]; -"217 view_33" -> "218 transpose_27" [label="(197, 12, 64)", style=solid]; -"218 transpose_27" -> "222 view_36" [label="(12, 197, 64)", style=solid]; -"219 view_34" -> "220 transpose_28" [label="(197, 12, 64)", style=solid]; -"220 transpose_28" -> "223 view_37" [label="(12, 197, 64)", style=solid]; -"221 view_35" -> "224 scaled_dot_product_attention_4" [label="(1, 12, 197, 64)", style=solid]; -"222 view_36" -> "224 scaled_dot_product_attention_4" [label="(1, 12, 197, 64)", style=solid]; -"223 view_37" -> "224 scaled_dot_product_attention_4" [label="(1, 12, 197, 64)", style=solid]; -"224 scaled_dot_product_attention_4" -> "225 permute_5" [label="(1, 12, 197, 64)", style=solid]; -"225 permute_5" -> "226 view_38" [label="(197, 1, 12, 64)", style=solid]; -"226 view_38" -> "229 linear_17" [label="(197, 768)", style=solid]; -"227 _param_constant56" -> "229 linear_17" [label="(768, 768)", style=solid]; -"228 _param_constant57" -> "229 linear_17" [label="(768,)", style=solid]; -"229 linear_17" -> "230 view_39" [label="(197, 768)", style=solid]; -"230 view_39" -> "231 transpose_29" [label="(197, 1, 768)", style=solid]; -"231 transpose_29" -> "232 dropout_13" [label="(1, 197, 768)", style=solid]; -"232 dropout_13" -> "233 add_9" [label="(1, 197, 768)", style=solid]; -"233 add_9" -> "236 layer_norm_9" [label="(1, 197, 768)", style=solid]; -"233 add_9" -> "246 add_10" [label="(1, 197, 768)", style=solid]; -"234 _param_constant58" -> "236 layer_norm_9" [label="(768,)", style=solid]; -"235 _param_constant59" -> "236 layer_norm_9" [label="(768,)", style=solid]; -"236 layer_norm_9" -> "239 linear_18" [label="(1, 197, 768)", style=solid]; -"237 _param_constant60" -> "239 linear_18" [label="(3072, 768)", style=solid]; -"238 _param_constant61" -> "239 linear_18" [label="(3072,)", style=solid]; -"239 linear_18" -> "240 gelu_4" [label="(1, 197, 3072)", style=solid]; -"240 gelu_4" -> "241 dropout_14" [label="(1, 197, 3072)", style=solid]; -"241 dropout_14" -> "244 linear_19" [label="(1, 197, 3072)", style=solid]; -"242 _param_constant62" -> "244 linear_19" [label="(768, 3072)", style=solid]; -"243 _param_constant63" -> "244 linear_19" [label="(768,)", style=solid]; -"244 linear_19" -> "245 dropout_15" [label="(1, 197, 768)", style=solid]; -"245 dropout_15" -> "246 add_10" [label="(1, 197, 768)", style=solid]; -"246 add_10" -> "249 layer_norm_10" [label="(1, 197, 768)", style=solid]; -"246 add_10" -> "280 add_11" [label="(1, 197, 768)", style=solid]; -"247 _param_constant64" -> "249 layer_norm_10" [label="(768,)", style=solid]; -"248 _param_constant65" -> "249 layer_norm_10" [label="(768,)", style=solid]; -"249 layer_norm_10" -> "250 transpose_30" [label="(1, 197, 768)", style=solid]; -"250 transpose_30" -> "253 linear_20" [label="(197, 1, 768)", style=solid]; -"251 _param_constant66" -> "253 linear_20" [label="(2304, 768)", style=solid]; -"252 _param_constant67" -> "253 linear_20" [label="(2304,)", style=solid]; -"253 linear_20" -> "254 unflatten_5" [label="(197, 1, 2304)", style=solid]; -"254 unflatten_5" -> "255 unsqueeze_5" [label="(197, 1, 3, 768)", style=solid]; -"255 unsqueeze_5" -> "256 transpose_31" [label="(1, 197, 1, 3, 768)", style=solid]; -"256 transpose_31" -> "257 squeeze_5" [label="(3, 197, 1, 1, 768)", style=solid]; -"257 squeeze_5" -> "258 contiguous_5" [label="(3, 197, 1, 768)", style=solid]; -"258 contiguous_5" -> "259 select_15" [label="(3, 197, 1, 768)", style=solid]; -"258 contiguous_5" -> "260 select_16" [label="(3, 197, 1, 768)", style=solid]; -"258 contiguous_5" -> "261 select_17" [label="(3, 197, 1, 768)", style=solid]; -"259 select_15" -> "262 view_40" [label="(197, 1, 768)", style=solid]; -"260 select_16" -> "264 view_41" [label="(197, 1, 768)", style=solid]; -"261 select_17" -> "266 view_42" [label="(197, 1, 768)", style=solid]; -"262 view_40" -> "263 transpose_32" [label="(197, 12, 64)", style=solid]; -"263 transpose_32" -> "268 view_43" [label="(12, 197, 64)", style=solid]; -"264 view_41" -> "265 transpose_33" [label="(197, 12, 64)", style=solid]; -"265 transpose_33" -> "269 view_44" [label="(12, 197, 64)", style=solid]; -"266 view_42" -> "267 transpose_34" [label="(197, 12, 64)", style=solid]; -"267 transpose_34" -> "270 view_45" [label="(12, 197, 64)", style=solid]; -"268 view_43" -> "271 scaled_dot_product_attention_5" [label="(1, 12, 197, 64)", style=solid]; -"269 view_44" -> "271 scaled_dot_product_attention_5" [label="(1, 12, 197, 64)", style=solid]; -"270 view_45" -> "271 scaled_dot_product_attention_5" [label="(1, 12, 197, 64)", style=solid]; -"271 scaled_dot_product_attention_5" -> "272 permute_6" [label="(1, 12, 197, 64)", style=solid]; -"272 permute_6" -> "273 view_46" [label="(197, 1, 12, 64)", style=solid]; -"273 view_46" -> "276 linear_21" [label="(197, 768)", style=solid]; -"274 _param_constant68" -> "276 linear_21" [label="(768, 768)", style=solid]; -"275 _param_constant69" -> "276 linear_21" [label="(768,)", style=solid]; -"276 linear_21" -> "277 view_47" [label="(197, 768)", style=solid]; -"277 view_47" -> "278 transpose_35" [label="(197, 1, 768)", style=solid]; -"278 transpose_35" -> "279 dropout_16" [label="(1, 197, 768)", style=solid]; -"279 dropout_16" -> "280 add_11" [label="(1, 197, 768)", style=solid]; -"280 add_11" -> "283 layer_norm_11" [label="(1, 197, 768)", style=solid]; -"280 add_11" -> "293 add_12" [label="(1, 197, 768)", style=solid]; -"281 _param_constant70" -> "283 layer_norm_11" [label="(768,)", style=solid]; -"282 _param_constant71" -> "283 layer_norm_11" [label="(768,)", style=solid]; -"283 layer_norm_11" -> "286 linear_22" [label="(1, 197, 768)", style=solid]; -"284 _param_constant72" -> "286 linear_22" [label="(3072, 768)", style=solid]; -"285 _param_constant73" -> "286 linear_22" [label="(3072,)", style=solid]; -"286 linear_22" -> "287 gelu_5" [label="(1, 197, 3072)", style=solid]; -"287 gelu_5" -> "288 dropout_17" [label="(1, 197, 3072)", style=solid]; -"288 dropout_17" -> "291 linear_23" [label="(1, 197, 3072)", style=solid]; -"289 _param_constant74" -> "291 linear_23" [label="(768, 3072)", style=solid]; -"290 _param_constant75" -> "291 linear_23" [label="(768,)", style=solid]; -"291 linear_23" -> "292 dropout_18" [label="(1, 197, 768)", style=solid]; -"292 dropout_18" -> "293 add_12" [label="(1, 197, 768)", style=solid]; -"293 add_12" -> "296 layer_norm_12" [label="(1, 197, 768)", style=solid]; -"293 add_12" -> "327 add_13" [label="(1, 197, 768)", style=solid]; -"294 _param_constant76" -> "296 layer_norm_12" [label="(768,)", style=solid]; -"295 _param_constant77" -> "296 layer_norm_12" [label="(768,)", style=solid]; -"296 layer_norm_12" -> "297 transpose_36" [label="(1, 197, 768)", style=solid]; -"297 transpose_36" -> "300 linear_24" [label="(197, 1, 768)", style=solid]; -"298 _param_constant78" -> "300 linear_24" [label="(2304, 768)", style=solid]; -"299 _param_constant79" -> "300 linear_24" [label="(2304,)", style=solid]; -"300 linear_24" -> "301 unflatten_6" [label="(197, 1, 2304)", style=solid]; -"301 unflatten_6" -> "302 unsqueeze_6" [label="(197, 1, 3, 768)", style=solid]; -"302 unsqueeze_6" -> "303 transpose_37" [label="(1, 197, 1, 3, 768)", style=solid]; -"303 transpose_37" -> "304 squeeze_6" [label="(3, 197, 1, 1, 768)", style=solid]; -"304 squeeze_6" -> "305 contiguous_6" [label="(3, 197, 1, 768)", style=solid]; -"305 contiguous_6" -> "306 select_18" [label="(3, 197, 1, 768)", style=solid]; -"305 contiguous_6" -> "307 select_19" [label="(3, 197, 1, 768)", style=solid]; -"305 contiguous_6" -> "308 select_20" [label="(3, 197, 1, 768)", style=solid]; -"306 select_18" -> "309 view_48" [label="(197, 1, 768)", style=solid]; -"307 select_19" -> "311 view_49" [label="(197, 1, 768)", style=solid]; -"308 select_20" -> "313 view_50" [label="(197, 1, 768)", style=solid]; -"309 view_48" -> "310 transpose_38" [label="(197, 12, 64)", style=solid]; -"310 transpose_38" -> "315 view_51" [label="(12, 197, 64)", style=solid]; -"311 view_49" -> "312 transpose_39" [label="(197, 12, 64)", style=solid]; -"312 transpose_39" -> "316 view_52" [label="(12, 197, 64)", style=solid]; -"313 view_50" -> "314 transpose_40" [label="(197, 12, 64)", style=solid]; -"314 transpose_40" -> "317 view_53" [label="(12, 197, 64)", style=solid]; -"315 view_51" -> "318 scaled_dot_product_attention_6" [label="(1, 12, 197, 64)", style=solid]; -"316 view_52" -> "318 scaled_dot_product_attention_6" [label="(1, 12, 197, 64)", style=solid]; -"317 view_53" -> "318 scaled_dot_product_attention_6" [label="(1, 12, 197, 64)", style=solid]; -"318 scaled_dot_product_attention_6" -> "319 permute_7" [label="(1, 12, 197, 64)", style=solid]; -"319 permute_7" -> "320 view_54" [label="(197, 1, 12, 64)", style=solid]; -"320 view_54" -> "323 linear_25" [label="(197, 768)", style=solid]; -"321 _param_constant80" -> "323 linear_25" [label="(768, 768)", style=solid]; -"322 _param_constant81" -> "323 linear_25" [label="(768,)", style=solid]; -"323 linear_25" -> "324 view_55" [label="(197, 768)", style=solid]; -"324 view_55" -> "325 transpose_41" [label="(197, 1, 768)", style=solid]; -"325 transpose_41" -> "326 dropout_19" [label="(1, 197, 768)", style=solid]; -"326 dropout_19" -> "327 add_13" [label="(1, 197, 768)", style=solid]; -"327 add_13" -> "330 layer_norm_13" [label="(1, 197, 768)", style=solid]; -"327 add_13" -> "340 add_14" [label="(1, 197, 768)", style=solid]; -"328 _param_constant82" -> "330 layer_norm_13" [label="(768,)", style=solid]; -"329 _param_constant83" -> "330 layer_norm_13" [label="(768,)", style=solid]; -"330 layer_norm_13" -> "333 linear_26" [label="(1, 197, 768)", style=solid]; -"331 _param_constant84" -> "333 linear_26" [label="(3072, 768)", style=solid]; -"332 _param_constant85" -> "333 linear_26" [label="(3072,)", style=solid]; -"333 linear_26" -> "334 gelu_6" [label="(1, 197, 3072)", style=solid]; -"334 gelu_6" -> "335 dropout_20" [label="(1, 197, 3072)", style=solid]; -"335 dropout_20" -> "338 linear_27" [label="(1, 197, 3072)", style=solid]; -"336 _param_constant86" -> "338 linear_27" [label="(768, 3072)", style=solid]; -"337 _param_constant87" -> "338 linear_27" [label="(768,)", style=solid]; -"338 linear_27" -> "339 dropout_21" [label="(1, 197, 768)", style=solid]; -"339 dropout_21" -> "340 add_14" [label="(1, 197, 768)", style=solid]; -"340 add_14" -> "343 layer_norm_14" [label="(1, 197, 768)", style=solid]; -"340 add_14" -> "374 add_15" [label="(1, 197, 768)", style=solid]; -"341 _param_constant88" -> "343 layer_norm_14" [label="(768,)", style=solid]; -"342 _param_constant89" -> "343 layer_norm_14" [label="(768,)", style=solid]; -"343 layer_norm_14" -> "344 transpose_42" [label="(1, 197, 768)", style=solid]; -"344 transpose_42" -> "347 linear_28" [label="(197, 1, 768)", style=solid]; -"345 _param_constant90" -> "347 linear_28" [label="(2304, 768)", style=solid]; -"346 _param_constant91" -> "347 linear_28" [label="(2304,)", style=solid]; -"347 linear_28" -> "348 unflatten_7" [label="(197, 1, 2304)", style=solid]; -"348 unflatten_7" -> "349 unsqueeze_7" [label="(197, 1, 3, 768)", style=solid]; -"349 unsqueeze_7" -> "350 transpose_43" [label="(1, 197, 1, 3, 768)", style=solid]; -"350 transpose_43" -> "351 squeeze_7" [label="(3, 197, 1, 1, 768)", style=solid]; -"351 squeeze_7" -> "352 contiguous_7" [label="(3, 197, 1, 768)", style=solid]; -"352 contiguous_7" -> "353 select_21" [label="(3, 197, 1, 768)", style=solid]; -"352 contiguous_7" -> "354 select_22" [label="(3, 197, 1, 768)", style=solid]; -"352 contiguous_7" -> "355 select_23" [label="(3, 197, 1, 768)", style=solid]; -"353 select_21" -> "356 view_56" [label="(197, 1, 768)", style=solid]; -"354 select_22" -> "358 view_57" [label="(197, 1, 768)", style=solid]; -"355 select_23" -> "360 view_58" [label="(197, 1, 768)", style=solid]; -"356 view_56" -> "357 transpose_44" [label="(197, 12, 64)", style=solid]; -"357 transpose_44" -> "362 view_59" [label="(12, 197, 64)", style=solid]; -"358 view_57" -> "359 transpose_45" [label="(197, 12, 64)", style=solid]; -"359 transpose_45" -> "363 view_60" [label="(12, 197, 64)", style=solid]; -"360 view_58" -> "361 transpose_46" [label="(197, 12, 64)", style=solid]; -"361 transpose_46" -> "364 view_61" [label="(12, 197, 64)", style=solid]; -"362 view_59" -> "365 scaled_dot_product_attention_7" [label="(1, 12, 197, 64)", style=solid]; -"363 view_60" -> "365 scaled_dot_product_attention_7" [label="(1, 12, 197, 64)", style=solid]; -"364 view_61" -> "365 scaled_dot_product_attention_7" [label="(1, 12, 197, 64)", style=solid]; -"365 scaled_dot_product_attention_7" -> "366 permute_8" [label="(1, 12, 197, 64)", style=solid]; -"366 permute_8" -> "367 view_62" [label="(197, 1, 12, 64)", style=solid]; -"367 view_62" -> "370 linear_29" [label="(197, 768)", style=solid]; -"368 _param_constant92" -> "370 linear_29" [label="(768, 768)", style=solid]; -"369 _param_constant93" -> "370 linear_29" [label="(768,)", style=solid]; -"370 linear_29" -> "371 view_63" [label="(197, 768)", style=solid]; -"371 view_63" -> "372 transpose_47" [label="(197, 1, 768)", style=solid]; -"372 transpose_47" -> "373 dropout_22" [label="(1, 197, 768)", style=solid]; -"373 dropout_22" -> "374 add_15" [label="(1, 197, 768)", style=solid]; -"374 add_15" -> "377 layer_norm_15" [label="(1, 197, 768)", style=solid]; -"374 add_15" -> "387 add_16" [label="(1, 197, 768)", style=solid]; -"375 _param_constant94" -> "377 layer_norm_15" [label="(768,)", style=solid]; -"376 _param_constant95" -> "377 layer_norm_15" [label="(768,)", style=solid]; -"377 layer_norm_15" -> "380 linear_30" [label="(1, 197, 768)", style=solid]; -"378 _param_constant96" -> "380 linear_30" [label="(3072, 768)", style=solid]; -"379 _param_constant97" -> "380 linear_30" [label="(3072,)", style=solid]; -"380 linear_30" -> "381 gelu_7" [label="(1, 197, 3072)", style=solid]; -"381 gelu_7" -> "382 dropout_23" [label="(1, 197, 3072)", style=solid]; -"382 dropout_23" -> "385 linear_31" [label="(1, 197, 3072)", style=solid]; -"383 _param_constant98" -> "385 linear_31" [label="(768, 3072)", style=solid]; -"384 _param_constant99" -> "385 linear_31" [label="(768,)", style=solid]; -"385 linear_31" -> "386 dropout_24" [label="(1, 197, 768)", style=solid]; -"386 dropout_24" -> "387 add_16" [label="(1, 197, 768)", style=solid]; -"387 add_16" -> "390 layer_norm_16" [label="(1, 197, 768)", style=solid]; -"387 add_16" -> "421 add_17" [label="(1, 197, 768)", style=solid]; -"388 _param_constant100" -> "390 layer_norm_16" [label="(768,)", style=solid]; -"389 _param_constant101" -> "390 layer_norm_16" [label="(768,)", style=solid]; -"390 layer_norm_16" -> "391 transpose_48" [label="(1, 197, 768)", style=solid]; -"391 transpose_48" -> "394 linear_32" [label="(197, 1, 768)", style=solid]; -"392 _param_constant102" -> "394 linear_32" [label="(2304, 768)", style=solid]; -"393 _param_constant103" -> "394 linear_32" [label="(2304,)", style=solid]; -"394 linear_32" -> "395 unflatten_8" [label="(197, 1, 2304)", style=solid]; -"395 unflatten_8" -> "396 unsqueeze_8" [label="(197, 1, 3, 768)", style=solid]; -"396 unsqueeze_8" -> "397 transpose_49" [label="(1, 197, 1, 3, 768)", style=solid]; -"397 transpose_49" -> "398 squeeze_8" [label="(3, 197, 1, 1, 768)", style=solid]; -"398 squeeze_8" -> "399 contiguous_8" [label="(3, 197, 1, 768)", style=solid]; -"399 contiguous_8" -> "400 select_24" [label="(3, 197, 1, 768)", style=solid]; -"399 contiguous_8" -> "401 select_25" [label="(3, 197, 1, 768)", style=solid]; -"399 contiguous_8" -> "402 select_26" [label="(3, 197, 1, 768)", style=solid]; -"400 select_24" -> "403 view_64" [label="(197, 1, 768)", style=solid]; -"401 select_25" -> "405 view_65" [label="(197, 1, 768)", style=solid]; -"402 select_26" -> "407 view_66" [label="(197, 1, 768)", style=solid]; -"403 view_64" -> "404 transpose_50" [label="(197, 12, 64)", style=solid]; -"404 transpose_50" -> "409 view_67" [label="(12, 197, 64)", style=solid]; -"405 view_65" -> "406 transpose_51" [label="(197, 12, 64)", style=solid]; -"406 transpose_51" -> "410 view_68" [label="(12, 197, 64)", style=solid]; -"407 view_66" -> "408 transpose_52" [label="(197, 12, 64)", style=solid]; -"408 transpose_52" -> "411 view_69" [label="(12, 197, 64)", style=solid]; -"409 view_67" -> "412 scaled_dot_product_attention_8" [label="(1, 12, 197, 64)", style=solid]; -"410 view_68" -> "412 scaled_dot_product_attention_8" [label="(1, 12, 197, 64)", style=solid]; -"411 view_69" -> "412 scaled_dot_product_attention_8" [label="(1, 12, 197, 64)", style=solid]; -"412 scaled_dot_product_attention_8" -> "413 permute_9" [label="(1, 12, 197, 64)", style=solid]; -"413 permute_9" -> "414 view_70" [label="(197, 1, 12, 64)", style=solid]; -"414 view_70" -> "417 linear_33" [label="(197, 768)", style=solid]; -"415 _param_constant104" -> "417 linear_33" [label="(768, 768)", style=solid]; -"416 _param_constant105" -> "417 linear_33" [label="(768,)", style=solid]; -"417 linear_33" -> "418 view_71" [label="(197, 768)", style=solid]; -"418 view_71" -> "419 transpose_53" [label="(197, 1, 768)", style=solid]; -"419 transpose_53" -> "420 dropout_25" [label="(1, 197, 768)", style=solid]; -"420 dropout_25" -> "421 add_17" [label="(1, 197, 768)", style=solid]; -"421 add_17" -> "424 layer_norm_17" [label="(1, 197, 768)", style=solid]; -"421 add_17" -> "434 add_18" [label="(1, 197, 768)", style=solid]; -"422 _param_constant106" -> "424 layer_norm_17" [label="(768,)", style=solid]; -"423 _param_constant107" -> "424 layer_norm_17" [label="(768,)", style=solid]; -"424 layer_norm_17" -> "427 linear_34" [label="(1, 197, 768)", style=solid]; -"425 _param_constant108" -> "427 linear_34" [label="(3072, 768)", style=solid]; -"426 _param_constant109" -> "427 linear_34" [label="(3072,)", style=solid]; -"427 linear_34" -> "428 gelu_8" [label="(1, 197, 3072)", style=solid]; -"428 gelu_8" -> "429 dropout_26" [label="(1, 197, 3072)", style=solid]; -"429 dropout_26" -> "432 linear_35" [label="(1, 197, 3072)", style=solid]; -"430 _param_constant110" -> "432 linear_35" [label="(768, 3072)", style=solid]; -"431 _param_constant111" -> "432 linear_35" [label="(768,)", style=solid]; -"432 linear_35" -> "433 dropout_27" [label="(1, 197, 768)", style=solid]; -"433 dropout_27" -> "434 add_18" [label="(1, 197, 768)", style=solid]; -"434 add_18" -> "437 layer_norm_18" [label="(1, 197, 768)", style=solid]; -"434 add_18" -> "468 add_19" [label="(1, 197, 768)", style=solid]; -"435 _param_constant112" -> "437 layer_norm_18" [label="(768,)", style=solid]; -"436 _param_constant113" -> "437 layer_norm_18" [label="(768,)", style=solid]; -"437 layer_norm_18" -> "438 transpose_54" [label="(1, 197, 768)", style=solid]; -"438 transpose_54" -> "441 linear_36" [label="(197, 1, 768)", style=solid]; -"439 _param_constant114" -> "441 linear_36" [label="(2304, 768)", style=solid]; -"440 _param_constant115" -> "441 linear_36" [label="(2304,)", style=solid]; -"441 linear_36" -> "442 unflatten_9" [label="(197, 1, 2304)", style=solid]; -"442 unflatten_9" -> "443 unsqueeze_9" [label="(197, 1, 3, 768)", style=solid]; -"443 unsqueeze_9" -> "444 transpose_55" [label="(1, 197, 1, 3, 768)", style=solid]; -"444 transpose_55" -> "445 squeeze_9" [label="(3, 197, 1, 1, 768)", style=solid]; -"445 squeeze_9" -> "446 contiguous_9" [label="(3, 197, 1, 768)", style=solid]; -"446 contiguous_9" -> "447 select_27" [label="(3, 197, 1, 768)", style=solid]; -"446 contiguous_9" -> "448 select_28" [label="(3, 197, 1, 768)", style=solid]; -"446 contiguous_9" -> "449 select_29" [label="(3, 197, 1, 768)", style=solid]; -"447 select_27" -> "450 view_72" [label="(197, 1, 768)", style=solid]; -"448 select_28" -> "452 view_73" [label="(197, 1, 768)", style=solid]; -"449 select_29" -> "454 view_74" [label="(197, 1, 768)", style=solid]; -"450 view_72" -> "451 transpose_56" [label="(197, 12, 64)", style=solid]; -"451 transpose_56" -> "456 view_75" [label="(12, 197, 64)", style=solid]; -"452 view_73" -> "453 transpose_57" [label="(197, 12, 64)", style=solid]; -"453 transpose_57" -> "457 view_76" [label="(12, 197, 64)", style=solid]; -"454 view_74" -> "455 transpose_58" [label="(197, 12, 64)", style=solid]; -"455 transpose_58" -> "458 view_77" [label="(12, 197, 64)", style=solid]; -"456 view_75" -> "459 scaled_dot_product_attention_9" [label="(1, 12, 197, 64)", style=solid]; -"457 view_76" -> "459 scaled_dot_product_attention_9" [label="(1, 12, 197, 64)", style=solid]; -"458 view_77" -> "459 scaled_dot_product_attention_9" [label="(1, 12, 197, 64)", style=solid]; -"459 scaled_dot_product_attention_9" -> "460 permute_10" [label="(1, 12, 197, 64)", style=solid]; -"460 permute_10" -> "461 view_78" [label="(197, 1, 12, 64)", style=solid]; -"461 view_78" -> "464 linear_37" [label="(197, 768)", style=solid]; -"462 _param_constant116" -> "464 linear_37" [label="(768, 768)", style=solid]; -"463 _param_constant117" -> "464 linear_37" [label="(768,)", style=solid]; -"464 linear_37" -> "465 view_79" [label="(197, 768)", style=solid]; -"465 view_79" -> "466 transpose_59" [label="(197, 1, 768)", style=solid]; -"466 transpose_59" -> "467 dropout_28" [label="(1, 197, 768)", style=solid]; -"467 dropout_28" -> "468 add_19" [label="(1, 197, 768)", style=solid]; -"468 add_19" -> "471 layer_norm_19" [label="(1, 197, 768)", style=solid]; -"468 add_19" -> "481 add_20" [label="(1, 197, 768)", style=solid]; -"469 _param_constant118" -> "471 layer_norm_19" [label="(768,)", style=solid]; -"470 _param_constant119" -> "471 layer_norm_19" [label="(768,)", style=solid]; -"471 layer_norm_19" -> "474 linear_38" [label="(1, 197, 768)", style=solid]; -"472 _param_constant120" -> "474 linear_38" [label="(3072, 768)", style=solid]; -"473 _param_constant121" -> "474 linear_38" [label="(3072,)", style=solid]; -"474 linear_38" -> "475 gelu_9" [label="(1, 197, 3072)", style=solid]; -"475 gelu_9" -> "476 dropout_29" [label="(1, 197, 3072)", style=solid]; -"476 dropout_29" -> "479 linear_39" [label="(1, 197, 3072)", style=solid]; -"477 _param_constant122" -> "479 linear_39" [label="(768, 3072)", style=solid]; -"478 _param_constant123" -> "479 linear_39" [label="(768,)", style=solid]; -"479 linear_39" -> "480 dropout_30" [label="(1, 197, 768)", style=solid]; -"480 dropout_30" -> "481 add_20" [label="(1, 197, 768)", style=solid]; -"481 add_20" -> "484 layer_norm_20" [label="(1, 197, 768)", style=solid]; -"481 add_20" -> "515 add_21" [label="(1, 197, 768)", style=solid]; -"482 _param_constant124" -> "484 layer_norm_20" [label="(768,)", style=solid]; -"483 _param_constant125" -> "484 layer_norm_20" [label="(768,)", style=solid]; -"484 layer_norm_20" -> "485 transpose_60" [label="(1, 197, 768)", style=solid]; -"485 transpose_60" -> "488 linear_40" [label="(197, 1, 768)", style=solid]; -"486 _param_constant126" -> "488 linear_40" [label="(2304, 768)", style=solid]; -"487 _param_constant127" -> "488 linear_40" [label="(2304,)", style=solid]; -"488 linear_40" -> "489 unflatten_10" [label="(197, 1, 2304)", style=solid]; -"489 unflatten_10" -> "490 unsqueeze_10" [label="(197, 1, 3, 768)", style=solid]; -"490 unsqueeze_10" -> "491 transpose_61" [label="(1, 197, 1, 3, 768)", style=solid]; -"491 transpose_61" -> "492 squeeze_10" [label="(3, 197, 1, 1, 768)", style=solid]; -"492 squeeze_10" -> "493 contiguous_10" [label="(3, 197, 1, 768)", style=solid]; -"493 contiguous_10" -> "494 select_30" [label="(3, 197, 1, 768)", style=solid]; -"493 contiguous_10" -> "495 select_31" [label="(3, 197, 1, 768)", style=solid]; -"493 contiguous_10" -> "496 select_32" [label="(3, 197, 1, 768)", style=solid]; -"494 select_30" -> "497 view_80" [label="(197, 1, 768)", style=solid]; -"495 select_31" -> "499 view_81" [label="(197, 1, 768)", style=solid]; -"496 select_32" -> "501 view_82" [label="(197, 1, 768)", style=solid]; -"497 view_80" -> "498 transpose_62" [label="(197, 12, 64)", style=solid]; -"498 transpose_62" -> "503 view_83" [label="(12, 197, 64)", style=solid]; -"499 view_81" -> "500 transpose_63" [label="(197, 12, 64)", style=solid]; -"500 transpose_63" -> "504 view_84" [label="(12, 197, 64)", style=solid]; -"501 view_82" -> "502 transpose_64" [label="(197, 12, 64)", style=solid]; -"502 transpose_64" -> "505 view_85" [label="(12, 197, 64)", style=solid]; -"503 view_83" -> "506 scaled_dot_product_attention_10" [label="(1, 12, 197, 64)", style=solid]; -"504 view_84" -> "506 scaled_dot_product_attention_10" [label="(1, 12, 197, 64)", style=solid]; -"505 view_85" -> "506 scaled_dot_product_attention_10" [label="(1, 12, 197, 64)", style=solid]; -"506 scaled_dot_product_attention_10" -> "507 permute_11" [label="(1, 12, 197, 64)", style=solid]; -"507 permute_11" -> "508 view_86" [label="(197, 1, 12, 64)", style=solid]; -"508 view_86" -> "511 linear_41" [label="(197, 768)", style=solid]; -"509 _param_constant128" -> "511 linear_41" [label="(768, 768)", style=solid]; -"510 _param_constant129" -> "511 linear_41" [label="(768,)", style=solid]; -"511 linear_41" -> "512 view_87" [label="(197, 768)", style=solid]; -"512 view_87" -> "513 transpose_65" [label="(197, 1, 768)", style=solid]; -"513 transpose_65" -> "514 dropout_31" [label="(1, 197, 768)", style=solid]; -"514 dropout_31" -> "515 add_21" [label="(1, 197, 768)", style=solid]; -"515 add_21" -> "518 layer_norm_21" [label="(1, 197, 768)", style=solid]; -"515 add_21" -> "528 add_22" [label="(1, 197, 768)", style=solid]; -"516 _param_constant130" -> "518 layer_norm_21" [label="(768,)", style=solid]; -"517 _param_constant131" -> "518 layer_norm_21" [label="(768,)", style=solid]; -"518 layer_norm_21" -> "521 linear_42" [label="(1, 197, 768)", style=solid]; -"519 _param_constant132" -> "521 linear_42" [label="(3072, 768)", style=solid]; -"520 _param_constant133" -> "521 linear_42" [label="(3072,)", style=solid]; -"521 linear_42" -> "522 gelu_10" [label="(1, 197, 3072)", style=solid]; -"522 gelu_10" -> "523 dropout_32" [label="(1, 197, 3072)", style=solid]; -"523 dropout_32" -> "526 linear_43" [label="(1, 197, 3072)", style=solid]; -"524 _param_constant134" -> "526 linear_43" [label="(768, 3072)", style=solid]; -"525 _param_constant135" -> "526 linear_43" [label="(768,)", style=solid]; -"526 linear_43" -> "527 dropout_33" [label="(1, 197, 768)", style=solid]; -"527 dropout_33" -> "528 add_22" [label="(1, 197, 768)", style=solid]; -"528 add_22" -> "531 layer_norm_22" [label="(1, 197, 768)", style=solid]; -"528 add_22" -> "562 add_23" [label="(1, 197, 768)", style=solid]; -"529 _param_constant136" -> "531 layer_norm_22" [label="(768,)", style=solid]; -"530 _param_constant137" -> "531 layer_norm_22" [label="(768,)", style=solid]; -"531 layer_norm_22" -> "532 transpose_66" [label="(1, 197, 768)", style=solid]; -"532 transpose_66" -> "535 linear_44" [label="(197, 1, 768)", style=solid]; -"533 _param_constant138" -> "535 linear_44" [label="(2304, 768)", style=solid]; -"534 _param_constant139" -> "535 linear_44" [label="(2304,)", style=solid]; -"535 linear_44" -> "536 unflatten_11" [label="(197, 1, 2304)", style=solid]; -"536 unflatten_11" -> "537 unsqueeze_11" [label="(197, 1, 3, 768)", style=solid]; -"537 unsqueeze_11" -> "538 transpose_67" [label="(1, 197, 1, 3, 768)", style=solid]; -"538 transpose_67" -> "539 squeeze_11" [label="(3, 197, 1, 1, 768)", style=solid]; -"539 squeeze_11" -> "540 contiguous_11" [label="(3, 197, 1, 768)", style=solid]; -"540 contiguous_11" -> "541 select_33" [label="(3, 197, 1, 768)", style=solid]; -"540 contiguous_11" -> "542 select_34" [label="(3, 197, 1, 768)", style=solid]; -"540 contiguous_11" -> "543 select_35" [label="(3, 197, 1, 768)", style=solid]; -"541 select_33" -> "544 view_88" [label="(197, 1, 768)", style=solid]; -"542 select_34" -> "546 view_89" [label="(197, 1, 768)", style=solid]; -"543 select_35" -> "548 view_90" [label="(197, 1, 768)", style=solid]; -"544 view_88" -> "545 transpose_68" [label="(197, 12, 64)", style=solid]; -"545 transpose_68" -> "550 view_91" [label="(12, 197, 64)", style=solid]; -"546 view_89" -> "547 transpose_69" [label="(197, 12, 64)", style=solid]; -"547 transpose_69" -> "551 view_92" [label="(12, 197, 64)", style=solid]; -"548 view_90" -> "549 transpose_70" [label="(197, 12, 64)", style=solid]; -"549 transpose_70" -> "552 view_93" [label="(12, 197, 64)", style=solid]; -"550 view_91" -> "553 scaled_dot_product_attention_11" [label="(1, 12, 197, 64)", style=solid]; -"551 view_92" -> "553 scaled_dot_product_attention_11" [label="(1, 12, 197, 64)", style=solid]; -"552 view_93" -> "553 scaled_dot_product_attention_11" [label="(1, 12, 197, 64)", style=solid]; -"553 scaled_dot_product_attention_11" -> "554 permute_12" [label="(1, 12, 197, 64)", style=solid]; -"554 permute_12" -> "555 view_94" [label="(197, 1, 12, 64)", style=solid]; -"555 view_94" -> "558 linear_45" [label="(197, 768)", style=solid]; -"556 _param_constant140" -> "558 linear_45" [label="(768, 768)", style=solid]; -"557 _param_constant141" -> "558 linear_45" [label="(768,)", style=solid]; -"558 linear_45" -> "559 view_95" [label="(197, 768)", style=solid]; -"559 view_95" -> "560 transpose_71" [label="(197, 1, 768)", style=solid]; -"560 transpose_71" -> "561 dropout_34" [label="(1, 197, 768)", style=solid]; -"561 dropout_34" -> "562 add_23" [label="(1, 197, 768)", style=solid]; -"562 add_23" -> "565 layer_norm_23" [label="(1, 197, 768)", style=solid]; -"562 add_23" -> "575 add_24" [label="(1, 197, 768)", style=solid]; -"563 _param_constant142" -> "565 layer_norm_23" [label="(768,)", style=solid]; -"564 _param_constant143" -> "565 layer_norm_23" [label="(768,)", style=solid]; -"565 layer_norm_23" -> "568 linear_46" [label="(1, 197, 768)", style=solid]; -"566 _param_constant144" -> "568 linear_46" [label="(3072, 768)", style=solid]; -"567 _param_constant145" -> "568 linear_46" [label="(3072,)", style=solid]; -"568 linear_46" -> "569 gelu_11" [label="(1, 197, 3072)", style=solid]; -"569 gelu_11" -> "570 dropout_35" [label="(1, 197, 3072)", style=solid]; -"570 dropout_35" -> "573 linear_47" [label="(1, 197, 3072)", style=solid]; -"571 _param_constant146" -> "573 linear_47" [label="(768, 3072)", style=solid]; -"572 _param_constant147" -> "573 linear_47" [label="(768,)", style=solid]; -"573 linear_47" -> "574 dropout_36" [label="(1, 197, 768)", style=solid]; -"574 dropout_36" -> "575 add_24" [label="(1, 197, 768)", style=solid]; -"575 add_24" -> "578 layer_norm_24" [label="(1, 197, 768)", style=solid]; -"576 _param_constant148" -> "578 layer_norm_24" [label="(768,)", style=solid]; -"577 _param_constant149" -> "578 layer_norm_24" [label="(768,)", style=solid]; -"578 layer_norm_24" -> "579 slice_1" [label="(1, 197, 768)", style=solid]; -"579 slice_1" -> "580 select_36" [label="(1, 197, 768)", style=solid]; -"580 select_36" -> "583 linear_48" [label="(1, 768)", style=solid]; -"581 _param_constant150" -> "583 linear_48" [label="(1000, 768)", style=solid]; -"582 _param_constant151" -> "583 linear_48" [label="(1000,)", style=solid]; -"583 linear_48" -> "584 output" [label="(1, 1000)", style=solid]; -} diff --git a/tests/torch/data/fx/reference_graphs/quantized_graphs/mobilenet_v3_small.dot b/tests/torch/data/fx/reference_graphs/quantized_graphs/mobilenet_v3_small.dot deleted file mode 100644 index b4aa19e6b41..00000000000 --- a/tests/torch/data/fx/reference_graphs/quantized_graphs/mobilenet_v3_small.dot +++ /dev/null @@ -1,1182 +0,0 @@ -strict digraph { -"0 arg0_1" [id=0, type=input]; -"1 quantize_per_tensor_default" [id=1, type=quantize_per_tensor]; -"2 dequantize_per_tensor_default" [id=2, type=dequantize_per_tensor]; -"3 _param_constant0" [id=3, type=get_attr]; -"4 conv2d_scale_0" [id=4, type=get_attr]; -"5 conv2d_zero_point_0" [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 features_0_0_weight_bias_0_0" [id=8, type=get_attr]; -"9 conv2d" [id=9, type=conv2d]; -"10 hardswish__scale_0" [id=10, type=get_attr]; -"11 hardswish__zero_point_0" [id=11, type=get_attr]; -"12 hardswish_" [id=12, type=hardswish_]; -"13 quantize_per_channel_default_1" [id=13, type=quantize_per_channel]; -"14 dequantize_per_channel_default_1" [id=14, type=dequantize_per_channel]; -"15 _param_constant3" [id=15, type=get_attr]; -"16 conv2d_1_scale_0" [id=16, type=get_attr]; -"17 conv2d_1_zero_point_0" [id=17, type=get_attr]; -"18 quantize_per_channel_default_2" [id=18, type=quantize_per_channel]; -"19 dequantize_per_channel_default_2" [id=19, type=dequantize_per_channel]; -"20 features_1_block_0_0_weight_bias_0_0" [id=20, type=get_attr]; -"21 conv2d_1" [id=21, type=conv2d]; -"22 relu_" [id=22, type=relu_]; -"23 quantize_per_tensor_default_1" [id=23, type=quantize_per_tensor]; -"24 dequantize_per_tensor_default_2" [id=24, type=dequantize_per_tensor]; -"25 dequantize_per_tensor_default_1" [id=25, type=dequantize_per_tensor]; -"26 adaptive_avg_pool2d" [id=26, type=adaptive_avg_pool2d]; -"27 _param_constant6" [id=27, type=get_attr]; -"28 _param_constant7_0_0" [id=28, type=get_attr]; -"29 conv2d_2" [id=29, type=conv2d]; -"30 relu" [id=30, type=relu]; -"31 _param_constant8" [id=31, type=get_attr]; -"32 _param_constant9_0_0" [id=32, type=get_attr]; -"33 conv2d_3" [id=33, type=conv2d]; -"34 hardsigmoid" [id=34, type=hardsigmoid]; -"35 quantize_per_tensor_default_2" [id=35, type=quantize_per_tensor]; -"36 dequantize_per_tensor_default_3" [id=36, type=dequantize_per_tensor]; -"37 mul" [id=37, type=mul]; -"38 quantize_per_tensor_default_3" [id=38, type=quantize_per_tensor]; -"39 dequantize_per_tensor_default_4" [id=39, type=dequantize_per_tensor]; -"40 _param_constant10" [id=40, type=get_attr]; -"41 conv2d_4_scale_0" [id=41, type=get_attr]; -"42 conv2d_4_zero_point_0" [id=42, type=get_attr]; -"43 quantize_per_channel_default_3" [id=43, type=quantize_per_channel]; -"44 dequantize_per_channel_default_3" [id=44, type=dequantize_per_channel]; -"45 features_1_block_2_0_weight_bias_0_0" [id=45, type=get_attr]; -"46 conv2d_4" [id=46, type=conv2d]; -"47 quantize_per_tensor_default_4" [id=47, type=quantize_per_tensor]; -"48 dequantize_per_tensor_default_5" [id=48, type=dequantize_per_tensor]; -"49 _param_constant13" [id=49, type=get_attr]; -"50 conv2d_5_scale_0" [id=50, type=get_attr]; -"51 conv2d_5_zero_point_0" [id=51, type=get_attr]; -"52 quantize_per_channel_default_4" [id=52, type=quantize_per_channel]; -"53 dequantize_per_channel_default_4" [id=53, type=dequantize_per_channel]; -"54 features_2_block_0_0_weight_bias_0_0" [id=54, type=get_attr]; -"55 conv2d_5" [id=55, type=conv2d]; -"56 relu__1_scale_0" [id=56, type=get_attr]; -"57 relu__1_zero_point_0" [id=57, type=get_attr]; -"58 relu__1" [id=58, type=relu_]; -"59 quantize_per_channel_default_5" [id=59, type=quantize_per_channel]; -"60 dequantize_per_channel_default_5" [id=60, type=dequantize_per_channel]; -"61 _param_constant16" [id=61, type=get_attr]; -"62 conv2d_6_scale_0" [id=62, type=get_attr]; -"63 conv2d_6_zero_point_0" [id=63, type=get_attr]; -"64 quantize_per_channel_default_6" [id=64, type=quantize_per_channel]; -"65 dequantize_per_channel_default_6" [id=65, type=dequantize_per_channel]; -"66 features_2_block_1_0_weight_bias_0_0" [id=66, type=get_attr]; -"67 conv2d_6" [id=67, type=conv2d]; -"68 relu__2" [id=68, type=relu_]; -"69 quantize_per_tensor_default_5" [id=69, type=quantize_per_tensor]; -"70 dequantize_per_tensor_default_6" [id=70, type=dequantize_per_tensor]; -"71 _param_constant19" [id=71, type=get_attr]; -"72 conv2d_7_scale_0" [id=72, type=get_attr]; -"73 conv2d_7_zero_point_0" [id=73, type=get_attr]; -"74 quantize_per_channel_default_7" [id=74, type=quantize_per_channel]; -"75 dequantize_per_channel_default_7" [id=75, type=dequantize_per_channel]; -"76 features_2_block_2_0_weight_bias_0_0" [id=76, type=get_attr]; -"77 conv2d_7" [id=77, type=conv2d]; -"78 quantize_per_tensor_default_6" [id=78, type=quantize_per_tensor]; -"79 dequantize_per_tensor_default_8" [id=79, type=dequantize_per_tensor]; -"80 dequantize_per_tensor_default_7" [id=80, type=dequantize_per_tensor]; -"81 _param_constant22" [id=81, type=get_attr]; -"82 conv2d_8_scale_0" [id=82, type=get_attr]; -"83 conv2d_8_zero_point_0" [id=83, type=get_attr]; -"84 quantize_per_channel_default_8" [id=84, type=quantize_per_channel]; -"85 dequantize_per_channel_default_8" [id=85, type=dequantize_per_channel]; -"86 features_3_block_0_0_weight_bias_0_0" [id=86, type=get_attr]; -"87 conv2d_8" [id=87, type=conv2d]; -"88 relu__3_scale_0" [id=88, type=get_attr]; -"89 relu__3_zero_point_0" [id=89, type=get_attr]; -"90 relu__3" [id=90, type=relu_]; -"91 quantize_per_channel_default_9" [id=91, type=quantize_per_channel]; -"92 dequantize_per_channel_default_9" [id=92, type=dequantize_per_channel]; -"93 _param_constant25" [id=93, type=get_attr]; -"94 conv2d_9_scale_0" [id=94, type=get_attr]; -"95 conv2d_9_zero_point_0" [id=95, type=get_attr]; -"96 quantize_per_channel_default_10" [id=96, type=quantize_per_channel]; -"97 dequantize_per_channel_default_10" [id=97, type=dequantize_per_channel]; -"98 features_3_block_1_0_weight_bias_0_0" [id=98, type=get_attr]; -"99 conv2d_9" [id=99, type=conv2d]; -"100 relu__4" [id=100, type=relu_]; -"101 quantize_per_tensor_default_7" [id=101, type=quantize_per_tensor]; -"102 dequantize_per_tensor_default_9" [id=102, type=dequantize_per_tensor]; -"103 _param_constant28" [id=103, type=get_attr]; -"104 conv2d_10_scale_0" [id=104, type=get_attr]; -"105 conv2d_10_zero_point_0" [id=105, type=get_attr]; -"106 quantize_per_channel_default_11" [id=106, type=quantize_per_channel]; -"107 dequantize_per_channel_default_11" [id=107, type=dequantize_per_channel]; -"108 features_3_block_2_0_weight_bias_0_0" [id=108, type=get_attr]; -"109 conv2d_10" [id=109, type=conv2d]; -"110 quantize_per_tensor_default_8" [id=110, type=quantize_per_tensor]; -"111 dequantize_per_tensor_default_10" [id=111, type=dequantize_per_tensor]; -"112 add_" [id=112, type=add_]; -"113 quantize_per_tensor_default_9" [id=113, type=quantize_per_tensor]; -"114 dequantize_per_tensor_default_11" [id=114, type=dequantize_per_tensor]; -"115 _param_constant31" [id=115, type=get_attr]; -"116 conv2d_11_scale_0" [id=116, type=get_attr]; -"117 conv2d_11_zero_point_0" [id=117, type=get_attr]; -"118 quantize_per_channel_default_12" [id=118, type=quantize_per_channel]; -"119 dequantize_per_channel_default_12" [id=119, type=dequantize_per_channel]; -"120 features_4_block_0_0_weight_bias_0_0" [id=120, type=get_attr]; -"121 conv2d_11" [id=121, type=conv2d]; -"122 hardswish__1_scale_0" [id=122, type=get_attr]; -"123 hardswish__1_zero_point_0" [id=123, type=get_attr]; -"124 hardswish__1" [id=124, type=hardswish_]; -"125 quantize_per_channel_default_13" [id=125, type=quantize_per_channel]; -"126 dequantize_per_channel_default_13" [id=126, type=dequantize_per_channel]; -"127 _param_constant34" [id=127, type=get_attr]; -"128 conv2d_12_scale_0" [id=128, type=get_attr]; -"129 conv2d_12_zero_point_0" [id=129, type=get_attr]; -"130 quantize_per_channel_default_14" [id=130, type=quantize_per_channel]; -"131 dequantize_per_channel_default_14" [id=131, type=dequantize_per_channel]; -"132 features_4_block_1_0_weight_bias_0_0" [id=132, type=get_attr]; -"133 conv2d_12" [id=133, type=conv2d]; -"134 hardswish__2" [id=134, type=hardswish_]; -"135 quantize_per_tensor_default_10" [id=135, type=quantize_per_tensor]; -"136 dequantize_per_tensor_default_13" [id=136, type=dequantize_per_tensor]; -"137 dequantize_per_tensor_default_12" [id=137, type=dequantize_per_tensor]; -"138 adaptive_avg_pool2d_1" [id=138, type=adaptive_avg_pool2d]; -"139 _param_constant37" [id=139, type=get_attr]; -"140 _param_constant38_0_0" [id=140, type=get_attr]; -"141 conv2d_13" [id=141, type=conv2d]; -"142 relu_1" [id=142, type=relu]; -"143 _param_constant39" [id=143, type=get_attr]; -"144 _param_constant40_0_0" [id=144, type=get_attr]; -"145 conv2d_14" [id=145, type=conv2d]; -"146 hardsigmoid_1" [id=146, type=hardsigmoid]; -"147 quantize_per_tensor_default_11" [id=147, type=quantize_per_tensor]; -"148 dequantize_per_tensor_default_14" [id=148, type=dequantize_per_tensor]; -"149 mul_1" [id=149, type=mul]; -"150 quantize_per_tensor_default_12" [id=150, type=quantize_per_tensor]; -"151 dequantize_per_tensor_default_15" [id=151, type=dequantize_per_tensor]; -"152 _param_constant41" [id=152, type=get_attr]; -"153 conv2d_15_scale_0" [id=153, type=get_attr]; -"154 conv2d_15_zero_point_0" [id=154, type=get_attr]; -"155 quantize_per_channel_default_15" [id=155, type=quantize_per_channel]; -"156 dequantize_per_channel_default_15" [id=156, type=dequantize_per_channel]; -"157 features_4_block_3_0_weight_bias_0_0" [id=157, type=get_attr]; -"158 conv2d_15" [id=158, type=conv2d]; -"159 quantize_per_tensor_default_13" [id=159, type=quantize_per_tensor]; -"160 dequantize_per_tensor_default_17" [id=160, type=dequantize_per_tensor]; -"161 dequantize_per_tensor_default_16" [id=161, type=dequantize_per_tensor]; -"162 _param_constant44" [id=162, type=get_attr]; -"163 conv2d_16_scale_0" [id=163, type=get_attr]; -"164 conv2d_16_zero_point_0" [id=164, type=get_attr]; -"165 quantize_per_channel_default_16" [id=165, type=quantize_per_channel]; -"166 dequantize_per_channel_default_16" [id=166, type=dequantize_per_channel]; -"167 features_5_block_0_0_weight_bias_0_0" [id=167, type=get_attr]; -"168 conv2d_16" [id=168, type=conv2d]; -"169 hardswish__3_scale_0" [id=169, type=get_attr]; -"170 hardswish__3_zero_point_0" [id=170, type=get_attr]; -"171 hardswish__3" [id=171, type=hardswish_]; -"172 quantize_per_channel_default_17" [id=172, type=quantize_per_channel]; -"173 dequantize_per_channel_default_17" [id=173, type=dequantize_per_channel]; -"174 _param_constant47" [id=174, type=get_attr]; -"175 conv2d_17_scale_0" [id=175, type=get_attr]; -"176 conv2d_17_zero_point_0" [id=176, type=get_attr]; -"177 quantize_per_channel_default_18" [id=177, type=quantize_per_channel]; -"178 dequantize_per_channel_default_18" [id=178, type=dequantize_per_channel]; -"179 features_5_block_1_0_weight_bias_0_0" [id=179, type=get_attr]; -"180 conv2d_17" [id=180, type=conv2d]; -"181 hardswish__4" [id=181, type=hardswish_]; -"182 quantize_per_tensor_default_14" [id=182, type=quantize_per_tensor]; -"183 dequantize_per_tensor_default_19" [id=183, type=dequantize_per_tensor]; -"184 dequantize_per_tensor_default_18" [id=184, type=dequantize_per_tensor]; -"185 adaptive_avg_pool2d_2" [id=185, type=adaptive_avg_pool2d]; -"186 _param_constant50" [id=186, type=get_attr]; -"187 _param_constant51_0_0" [id=187, type=get_attr]; -"188 conv2d_18" [id=188, type=conv2d]; -"189 relu_2" [id=189, type=relu]; -"190 _param_constant52" [id=190, type=get_attr]; -"191 _param_constant53_0_0" [id=191, type=get_attr]; -"192 conv2d_19" [id=192, type=conv2d]; -"193 hardsigmoid_2" [id=193, type=hardsigmoid]; -"194 quantize_per_tensor_default_15" [id=194, type=quantize_per_tensor]; -"195 dequantize_per_tensor_default_20" [id=195, type=dequantize_per_tensor]; -"196 mul_2" [id=196, type=mul]; -"197 quantize_per_tensor_default_16" [id=197, type=quantize_per_tensor]; -"198 dequantize_per_tensor_default_21" [id=198, type=dequantize_per_tensor]; -"199 _param_constant54" [id=199, type=get_attr]; -"200 conv2d_20_scale_0" [id=200, type=get_attr]; -"201 conv2d_20_zero_point_0" [id=201, type=get_attr]; -"202 quantize_per_channel_default_19" [id=202, type=quantize_per_channel]; -"203 dequantize_per_channel_default_19" [id=203, type=dequantize_per_channel]; -"204 features_5_block_3_0_weight_bias_0_0" [id=204, type=get_attr]; -"205 conv2d_20" [id=205, type=conv2d]; -"206 quantize_per_tensor_default_17" [id=206, type=quantize_per_tensor]; -"207 dequantize_per_tensor_default_22" [id=207, type=dequantize_per_tensor]; -"208 add__1" [id=208, type=add_]; -"209 quantize_per_tensor_default_18" [id=209, type=quantize_per_tensor]; -"210 dequantize_per_tensor_default_24" [id=210, type=dequantize_per_tensor]; -"211 dequantize_per_tensor_default_23" [id=211, type=dequantize_per_tensor]; -"212 _param_constant57" [id=212, type=get_attr]; -"213 conv2d_21_scale_0" [id=213, type=get_attr]; -"214 conv2d_21_zero_point_0" [id=214, type=get_attr]; -"215 quantize_per_channel_default_20" [id=215, type=quantize_per_channel]; -"216 dequantize_per_channel_default_20" [id=216, type=dequantize_per_channel]; -"217 features_6_block_0_0_weight_bias_0_0" [id=217, type=get_attr]; -"218 conv2d_21" [id=218, type=conv2d]; -"219 hardswish__5_scale_0" [id=219, type=get_attr]; -"220 hardswish__5_zero_point_0" [id=220, type=get_attr]; -"221 hardswish__5" [id=221, type=hardswish_]; -"222 quantize_per_channel_default_21" [id=222, type=quantize_per_channel]; -"223 dequantize_per_channel_default_21" [id=223, type=dequantize_per_channel]; -"224 _param_constant60" [id=224, type=get_attr]; -"225 conv2d_22_scale_0" [id=225, type=get_attr]; -"226 conv2d_22_zero_point_0" [id=226, type=get_attr]; -"227 quantize_per_channel_default_22" [id=227, type=quantize_per_channel]; -"228 dequantize_per_channel_default_22" [id=228, type=dequantize_per_channel]; -"229 features_6_block_1_0_weight_bias_0_0" [id=229, type=get_attr]; -"230 conv2d_22" [id=230, type=conv2d]; -"231 hardswish__6" [id=231, type=hardswish_]; -"232 quantize_per_tensor_default_19" [id=232, type=quantize_per_tensor]; -"233 dequantize_per_tensor_default_26" [id=233, type=dequantize_per_tensor]; -"234 dequantize_per_tensor_default_25" [id=234, type=dequantize_per_tensor]; -"235 adaptive_avg_pool2d_3" [id=235, type=adaptive_avg_pool2d]; -"236 _param_constant63" [id=236, type=get_attr]; -"237 _param_constant64_0_0" [id=237, type=get_attr]; -"238 conv2d_23" [id=238, type=conv2d]; -"239 relu_3" [id=239, type=relu]; -"240 _param_constant65" [id=240, type=get_attr]; -"241 _param_constant66_0_0" [id=241, type=get_attr]; -"242 conv2d_24" [id=242, type=conv2d]; -"243 hardsigmoid_3" [id=243, type=hardsigmoid]; -"244 quantize_per_tensor_default_20" [id=244, type=quantize_per_tensor]; -"245 dequantize_per_tensor_default_27" [id=245, type=dequantize_per_tensor]; -"246 mul_3" [id=246, type=mul]; -"247 quantize_per_tensor_default_21" [id=247, type=quantize_per_tensor]; -"248 dequantize_per_tensor_default_28" [id=248, type=dequantize_per_tensor]; -"249 _param_constant67" [id=249, type=get_attr]; -"250 conv2d_25_scale_0" [id=250, type=get_attr]; -"251 conv2d_25_zero_point_0" [id=251, type=get_attr]; -"252 quantize_per_channel_default_23" [id=252, type=quantize_per_channel]; -"253 dequantize_per_channel_default_23" [id=253, type=dequantize_per_channel]; -"254 features_6_block_3_0_weight_bias_0_0" [id=254, type=get_attr]; -"255 conv2d_25" [id=255, type=conv2d]; -"256 quantize_per_tensor_default_22" [id=256, type=quantize_per_tensor]; -"257 dequantize_per_tensor_default_29" [id=257, type=dequantize_per_tensor]; -"258 add__2" [id=258, type=add_]; -"259 quantize_per_tensor_default_23" [id=259, type=quantize_per_tensor]; -"260 dequantize_per_tensor_default_30" [id=260, type=dequantize_per_tensor]; -"261 _param_constant70" [id=261, type=get_attr]; -"262 conv2d_26_scale_0" [id=262, type=get_attr]; -"263 conv2d_26_zero_point_0" [id=263, type=get_attr]; -"264 quantize_per_channel_default_24" [id=264, type=quantize_per_channel]; -"265 dequantize_per_channel_default_24" [id=265, type=dequantize_per_channel]; -"266 features_7_block_0_0_weight_bias_0_0" [id=266, type=get_attr]; -"267 conv2d_26" [id=267, type=conv2d]; -"268 hardswish__7_scale_0" [id=268, type=get_attr]; -"269 hardswish__7_zero_point_0" [id=269, type=get_attr]; -"270 hardswish__7" [id=270, type=hardswish_]; -"271 quantize_per_channel_default_25" [id=271, type=quantize_per_channel]; -"272 dequantize_per_channel_default_25" [id=272, type=dequantize_per_channel]; -"273 _param_constant73" [id=273, type=get_attr]; -"274 conv2d_27_scale_0" [id=274, type=get_attr]; -"275 conv2d_27_zero_point_0" [id=275, type=get_attr]; -"276 quantize_per_channel_default_26" [id=276, type=quantize_per_channel]; -"277 dequantize_per_channel_default_26" [id=277, type=dequantize_per_channel]; -"278 features_7_block_1_0_weight_bias_0_0" [id=278, type=get_attr]; -"279 conv2d_27" [id=279, type=conv2d]; -"280 hardswish__8" [id=280, type=hardswish_]; -"281 quantize_per_tensor_default_24" [id=281, type=quantize_per_tensor]; -"282 dequantize_per_tensor_default_32" [id=282, type=dequantize_per_tensor]; -"283 dequantize_per_tensor_default_31" [id=283, type=dequantize_per_tensor]; -"284 adaptive_avg_pool2d_4" [id=284, type=adaptive_avg_pool2d]; -"285 _param_constant76" [id=285, type=get_attr]; -"286 _param_constant77_0_0" [id=286, type=get_attr]; -"287 conv2d_28" [id=287, type=conv2d]; -"288 relu_4" [id=288, type=relu]; -"289 _param_constant78" [id=289, type=get_attr]; -"290 _param_constant79_0_0" [id=290, type=get_attr]; -"291 conv2d_29" [id=291, type=conv2d]; -"292 hardsigmoid_4" [id=292, type=hardsigmoid]; -"293 quantize_per_tensor_default_25" [id=293, type=quantize_per_tensor]; -"294 dequantize_per_tensor_default_33" [id=294, type=dequantize_per_tensor]; -"295 mul_4" [id=295, type=mul]; -"296 quantize_per_tensor_default_26" [id=296, type=quantize_per_tensor]; -"297 dequantize_per_tensor_default_34" [id=297, type=dequantize_per_tensor]; -"298 _param_constant80" [id=298, type=get_attr]; -"299 conv2d_30_scale_0" [id=299, type=get_attr]; -"300 conv2d_30_zero_point_0" [id=300, type=get_attr]; -"301 quantize_per_channel_default_27" [id=301, type=quantize_per_channel]; -"302 dequantize_per_channel_default_27" [id=302, type=dequantize_per_channel]; -"303 features_7_block_3_0_weight_bias_0_0" [id=303, type=get_attr]; -"304 conv2d_30" [id=304, type=conv2d]; -"305 quantize_per_tensor_default_27" [id=305, type=quantize_per_tensor]; -"306 dequantize_per_tensor_default_36" [id=306, type=dequantize_per_tensor]; -"307 dequantize_per_tensor_default_35" [id=307, type=dequantize_per_tensor]; -"308 _param_constant83" [id=308, type=get_attr]; -"309 conv2d_31_scale_0" [id=309, type=get_attr]; -"310 conv2d_31_zero_point_0" [id=310, type=get_attr]; -"311 quantize_per_channel_default_28" [id=311, type=quantize_per_channel]; -"312 dequantize_per_channel_default_28" [id=312, type=dequantize_per_channel]; -"313 features_8_block_0_0_weight_bias_0_0" [id=313, type=get_attr]; -"314 conv2d_31" [id=314, type=conv2d]; -"315 hardswish__9_scale_0" [id=315, type=get_attr]; -"316 hardswish__9_zero_point_0" [id=316, type=get_attr]; -"317 hardswish__9" [id=317, type=hardswish_]; -"318 quantize_per_channel_default_29" [id=318, type=quantize_per_channel]; -"319 dequantize_per_channel_default_29" [id=319, type=dequantize_per_channel]; -"320 _param_constant86" [id=320, type=get_attr]; -"321 conv2d_32_scale_0" [id=321, type=get_attr]; -"322 conv2d_32_zero_point_0" [id=322, type=get_attr]; -"323 quantize_per_channel_default_30" [id=323, type=quantize_per_channel]; -"324 dequantize_per_channel_default_30" [id=324, type=dequantize_per_channel]; -"325 features_8_block_1_0_weight_bias_0_0" [id=325, type=get_attr]; -"326 conv2d_32" [id=326, type=conv2d]; -"327 hardswish__10" [id=327, type=hardswish_]; -"328 quantize_per_tensor_default_28" [id=328, type=quantize_per_tensor]; -"329 dequantize_per_tensor_default_38" [id=329, type=dequantize_per_tensor]; -"330 dequantize_per_tensor_default_37" [id=330, type=dequantize_per_tensor]; -"331 adaptive_avg_pool2d_5" [id=331, type=adaptive_avg_pool2d]; -"332 _param_constant89" [id=332, type=get_attr]; -"333 _param_constant90_0_0" [id=333, type=get_attr]; -"334 conv2d_33" [id=334, type=conv2d]; -"335 relu_5" [id=335, type=relu]; -"336 _param_constant91" [id=336, type=get_attr]; -"337 _param_constant92_0_0" [id=337, type=get_attr]; -"338 conv2d_34" [id=338, type=conv2d]; -"339 hardsigmoid_5" [id=339, type=hardsigmoid]; -"340 quantize_per_tensor_default_29" [id=340, type=quantize_per_tensor]; -"341 dequantize_per_tensor_default_39" [id=341, type=dequantize_per_tensor]; -"342 mul_5" [id=342, type=mul]; -"343 quantize_per_tensor_default_30" [id=343, type=quantize_per_tensor]; -"344 dequantize_per_tensor_default_40" [id=344, type=dequantize_per_tensor]; -"345 _param_constant93" [id=345, type=get_attr]; -"346 conv2d_35_scale_0" [id=346, type=get_attr]; -"347 conv2d_35_zero_point_0" [id=347, type=get_attr]; -"348 quantize_per_channel_default_31" [id=348, type=quantize_per_channel]; -"349 dequantize_per_channel_default_31" [id=349, type=dequantize_per_channel]; -"350 features_8_block_3_0_weight_bias_0_0" [id=350, type=get_attr]; -"351 conv2d_35" [id=351, type=conv2d]; -"352 quantize_per_tensor_default_31" [id=352, type=quantize_per_tensor]; -"353 dequantize_per_tensor_default_41" [id=353, type=dequantize_per_tensor]; -"354 add__3" [id=354, type=add_]; -"355 quantize_per_tensor_default_32" [id=355, type=quantize_per_tensor]; -"356 dequantize_per_tensor_default_42" [id=356, type=dequantize_per_tensor]; -"357 _param_constant96" [id=357, type=get_attr]; -"358 conv2d_36_scale_0" [id=358, type=get_attr]; -"359 conv2d_36_zero_point_0" [id=359, type=get_attr]; -"360 quantize_per_channel_default_32" [id=360, type=quantize_per_channel]; -"361 dequantize_per_channel_default_32" [id=361, type=dequantize_per_channel]; -"362 features_9_block_0_0_weight_bias_0_0" [id=362, type=get_attr]; -"363 conv2d_36" [id=363, type=conv2d]; -"364 hardswish__11_scale_0" [id=364, type=get_attr]; -"365 hardswish__11_zero_point_0" [id=365, type=get_attr]; -"366 hardswish__11" [id=366, type=hardswish_]; -"367 quantize_per_channel_default_33" [id=367, type=quantize_per_channel]; -"368 dequantize_per_channel_default_33" [id=368, type=dequantize_per_channel]; -"369 _param_constant99" [id=369, type=get_attr]; -"370 conv2d_37_scale_0" [id=370, type=get_attr]; -"371 conv2d_37_zero_point_0" [id=371, type=get_attr]; -"372 quantize_per_channel_default_34" [id=372, type=quantize_per_channel]; -"373 dequantize_per_channel_default_34" [id=373, type=dequantize_per_channel]; -"374 features_9_block_1_0_weight_bias_0_0" [id=374, type=get_attr]; -"375 conv2d_37" [id=375, type=conv2d]; -"376 hardswish__12" [id=376, type=hardswish_]; -"377 quantize_per_tensor_default_33" [id=377, type=quantize_per_tensor]; -"378 dequantize_per_tensor_default_44" [id=378, type=dequantize_per_tensor]; -"379 dequantize_per_tensor_default_43" [id=379, type=dequantize_per_tensor]; -"380 adaptive_avg_pool2d_6" [id=380, type=adaptive_avg_pool2d]; -"381 _param_constant102" [id=381, type=get_attr]; -"382 _param_constant103_0_0" [id=382, type=get_attr]; -"383 conv2d_38" [id=383, type=conv2d]; -"384 relu_6" [id=384, type=relu]; -"385 _param_constant104" [id=385, type=get_attr]; -"386 _param_constant105_0_0" [id=386, type=get_attr]; -"387 conv2d_39" [id=387, type=conv2d]; -"388 hardsigmoid_6" [id=388, type=hardsigmoid]; -"389 quantize_per_tensor_default_34" [id=389, type=quantize_per_tensor]; -"390 dequantize_per_tensor_default_45" [id=390, type=dequantize_per_tensor]; -"391 mul_6" [id=391, type=mul]; -"392 quantize_per_tensor_default_35" [id=392, type=quantize_per_tensor]; -"393 dequantize_per_tensor_default_46" [id=393, type=dequantize_per_tensor]; -"394 _param_constant106" [id=394, type=get_attr]; -"395 conv2d_40_scale_0" [id=395, type=get_attr]; -"396 conv2d_40_zero_point_0" [id=396, type=get_attr]; -"397 quantize_per_channel_default_35" [id=397, type=quantize_per_channel]; -"398 dequantize_per_channel_default_35" [id=398, type=dequantize_per_channel]; -"399 features_9_block_3_0_weight_bias_0_0" [id=399, type=get_attr]; -"400 conv2d_40" [id=400, type=conv2d]; -"401 quantize_per_tensor_default_36" [id=401, type=quantize_per_tensor]; -"402 dequantize_per_tensor_default_48" [id=402, type=dequantize_per_tensor]; -"403 dequantize_per_tensor_default_47" [id=403, type=dequantize_per_tensor]; -"404 _param_constant109" [id=404, type=get_attr]; -"405 conv2d_41_scale_0" [id=405, type=get_attr]; -"406 conv2d_41_zero_point_0" [id=406, type=get_attr]; -"407 quantize_per_channel_default_36" [id=407, type=quantize_per_channel]; -"408 dequantize_per_channel_default_36" [id=408, type=dequantize_per_channel]; -"409 features_10_block_0_0_weight_bias_0_0" [id=409, type=get_attr]; -"410 conv2d_41" [id=410, type=conv2d]; -"411 hardswish__13_scale_0" [id=411, type=get_attr]; -"412 hardswish__13_zero_point_0" [id=412, type=get_attr]; -"413 hardswish__13" [id=413, type=hardswish_]; -"414 quantize_per_channel_default_37" [id=414, type=quantize_per_channel]; -"415 dequantize_per_channel_default_37" [id=415, type=dequantize_per_channel]; -"416 _param_constant112" [id=416, type=get_attr]; -"417 conv2d_42_scale_0" [id=417, type=get_attr]; -"418 conv2d_42_zero_point_0" [id=418, type=get_attr]; -"419 quantize_per_channel_default_38" [id=419, type=quantize_per_channel]; -"420 dequantize_per_channel_default_38" [id=420, type=dequantize_per_channel]; -"421 features_10_block_1_0_weight_bias_0_0" [id=421, type=get_attr]; -"422 conv2d_42" [id=422, type=conv2d]; -"423 hardswish__14" [id=423, type=hardswish_]; -"424 quantize_per_tensor_default_37" [id=424, type=quantize_per_tensor]; -"425 dequantize_per_tensor_default_50" [id=425, type=dequantize_per_tensor]; -"426 dequantize_per_tensor_default_49" [id=426, type=dequantize_per_tensor]; -"427 adaptive_avg_pool2d_7" [id=427, type=adaptive_avg_pool2d]; -"428 _param_constant115" [id=428, type=get_attr]; -"429 _param_constant116_0_0" [id=429, type=get_attr]; -"430 conv2d_43" [id=430, type=conv2d]; -"431 relu_7" [id=431, type=relu]; -"432 _param_constant117" [id=432, type=get_attr]; -"433 _param_constant118_0_0" [id=433, type=get_attr]; -"434 conv2d_44" [id=434, type=conv2d]; -"435 hardsigmoid_7" [id=435, type=hardsigmoid]; -"436 quantize_per_tensor_default_38" [id=436, type=quantize_per_tensor]; -"437 dequantize_per_tensor_default_51" [id=437, type=dequantize_per_tensor]; -"438 mul_7" [id=438, type=mul]; -"439 quantize_per_tensor_default_39" [id=439, type=quantize_per_tensor]; -"440 dequantize_per_tensor_default_52" [id=440, type=dequantize_per_tensor]; -"441 _param_constant119" [id=441, type=get_attr]; -"442 conv2d_45_scale_0" [id=442, type=get_attr]; -"443 conv2d_45_zero_point_0" [id=443, type=get_attr]; -"444 quantize_per_channel_default_39" [id=444, type=quantize_per_channel]; -"445 dequantize_per_channel_default_39" [id=445, type=dequantize_per_channel]; -"446 features_10_block_3_0_weight_bias_0_0" [id=446, type=get_attr]; -"447 conv2d_45" [id=447, type=conv2d]; -"448 quantize_per_tensor_default_40" [id=448, type=quantize_per_tensor]; -"449 dequantize_per_tensor_default_53" [id=449, type=dequantize_per_tensor]; -"450 add__4" [id=450, type=add_]; -"451 quantize_per_tensor_default_41" [id=451, type=quantize_per_tensor]; -"452 dequantize_per_tensor_default_55" [id=452, type=dequantize_per_tensor]; -"453 dequantize_per_tensor_default_54" [id=453, type=dequantize_per_tensor]; -"454 _param_constant122" [id=454, type=get_attr]; -"455 conv2d_46_scale_0" [id=455, type=get_attr]; -"456 conv2d_46_zero_point_0" [id=456, type=get_attr]; -"457 quantize_per_channel_default_40" [id=457, type=quantize_per_channel]; -"458 dequantize_per_channel_default_40" [id=458, type=dequantize_per_channel]; -"459 features_11_block_0_0_weight_bias_0_0" [id=459, type=get_attr]; -"460 conv2d_46" [id=460, type=conv2d]; -"461 hardswish__15_scale_0" [id=461, type=get_attr]; -"462 hardswish__15_zero_point_0" [id=462, type=get_attr]; -"463 hardswish__15" [id=463, type=hardswish_]; -"464 quantize_per_channel_default_41" [id=464, type=quantize_per_channel]; -"465 dequantize_per_channel_default_41" [id=465, type=dequantize_per_channel]; -"466 _param_constant125" [id=466, type=get_attr]; -"467 conv2d_47_scale_0" [id=467, type=get_attr]; -"468 conv2d_47_zero_point_0" [id=468, type=get_attr]; -"469 quantize_per_channel_default_42" [id=469, type=quantize_per_channel]; -"470 dequantize_per_channel_default_42" [id=470, type=dequantize_per_channel]; -"471 features_11_block_1_0_weight_bias_0_0" [id=471, type=get_attr]; -"472 conv2d_47" [id=472, type=conv2d]; -"473 hardswish__16" [id=473, type=hardswish_]; -"474 quantize_per_tensor_default_42" [id=474, type=quantize_per_tensor]; -"475 dequantize_per_tensor_default_57" [id=475, type=dequantize_per_tensor]; -"476 dequantize_per_tensor_default_56" [id=476, type=dequantize_per_tensor]; -"477 adaptive_avg_pool2d_8" [id=477, type=adaptive_avg_pool2d]; -"478 _param_constant128" [id=478, type=get_attr]; -"479 _param_constant129_0_0" [id=479, type=get_attr]; -"480 conv2d_48" [id=480, type=conv2d]; -"481 relu_8" [id=481, type=relu]; -"482 _param_constant130" [id=482, type=get_attr]; -"483 _param_constant131_0_0" [id=483, type=get_attr]; -"484 conv2d_49" [id=484, type=conv2d]; -"485 hardsigmoid_8" [id=485, type=hardsigmoid]; -"486 quantize_per_tensor_default_43" [id=486, type=quantize_per_tensor]; -"487 dequantize_per_tensor_default_58" [id=487, type=dequantize_per_tensor]; -"488 mul_8" [id=488, type=mul]; -"489 quantize_per_tensor_default_44" [id=489, type=quantize_per_tensor]; -"490 dequantize_per_tensor_default_59" [id=490, type=dequantize_per_tensor]; -"491 _param_constant132" [id=491, type=get_attr]; -"492 conv2d_50_scale_0" [id=492, type=get_attr]; -"493 conv2d_50_zero_point_0" [id=493, type=get_attr]; -"494 quantize_per_channel_default_43" [id=494, type=quantize_per_channel]; -"495 dequantize_per_channel_default_43" [id=495, type=dequantize_per_channel]; -"496 features_11_block_3_0_weight_bias_0_0" [id=496, type=get_attr]; -"497 conv2d_50" [id=497, type=conv2d]; -"498 quantize_per_tensor_default_45" [id=498, type=quantize_per_tensor]; -"499 dequantize_per_tensor_default_60" [id=499, type=dequantize_per_tensor]; -"500 add__5" [id=500, type=add_]; -"501 quantize_per_tensor_default_46" [id=501, type=quantize_per_tensor]; -"502 dequantize_per_tensor_default_61" [id=502, type=dequantize_per_tensor]; -"503 _param_constant135" [id=503, type=get_attr]; -"504 conv2d_51_scale_0" [id=504, type=get_attr]; -"505 conv2d_51_zero_point_0" [id=505, type=get_attr]; -"506 quantize_per_channel_default_44" [id=506, type=quantize_per_channel]; -"507 dequantize_per_channel_default_44" [id=507, type=dequantize_per_channel]; -"508 features_12_0_weight_bias_0_0" [id=508, type=get_attr]; -"509 conv2d_51" [id=509, type=conv2d]; -"510 hardswish__17" [id=510, type=hardswish_]; -"511 quantize_per_tensor_default_47" [id=511, type=quantize_per_tensor]; -"512 dequantize_per_tensor_default_62" [id=512, type=dequantize_per_tensor]; -"513 adaptive_avg_pool2d_9" [id=513, type=adaptive_avg_pool2d]; -"514 quantize_per_tensor_default_48" [id=514, type=quantize_per_tensor]; -"515 dequantize_per_tensor_default_63" [id=515, type=dequantize_per_tensor]; -"516 flatten" [id=516, type=flatten]; -"517 _param_constant138" [id=517, type=get_attr]; -"518 linear_scale_0" [id=518, type=get_attr]; -"519 linear_zero_point_0" [id=519, type=get_attr]; -"520 quantize_per_channel_default_45" [id=520, type=quantize_per_channel]; -"521 dequantize_per_channel_default_45" [id=521, type=dequantize_per_channel]; -"522 _param_constant139_0_0" [id=522, type=get_attr]; -"523 linear" [id=523, type=linear]; -"524 hardswish__18" [id=524, type=hardswish_]; -"525 quantize_per_tensor_default_49" [id=525, type=quantize_per_tensor]; -"526 dequantize_per_tensor_default_64" [id=526, type=dequantize_per_tensor]; -"527 dropout_" [id=527, type=dropout_]; -"528 _param_constant140" [id=528, type=get_attr]; -"529 linear_1_scale_0" [id=529, type=get_attr]; -"530 linear_1_zero_point_0" [id=530, type=get_attr]; -"531 quantize_per_channel_default_46" [id=531, type=quantize_per_channel]; -"532 dequantize_per_channel_default_46" [id=532, type=dequantize_per_channel]; -"533 _param_constant141_0_0" [id=533, type=get_attr]; -"534 linear_1" [id=534, type=linear]; -"535 output" [id=535, type=output]; -"0 arg0_1" -> "1 quantize_per_tensor_default" [label="(1, 3, 224, 224)", style=solid]; -"1 quantize_per_tensor_default" -> "2 dequantize_per_tensor_default" [label="(1, 3, 224, 224)", style=solid]; -"2 dequantize_per_tensor_default" -> "9 conv2d" [label="(1, 3, 224, 224)", style=solid]; -"3 _param_constant0" -> "6 quantize_per_channel_default" [label="(16, 3, 3, 3)", style=solid]; -"4 conv2d_scale_0" -> "6 quantize_per_channel_default" [label="(16,)", style=solid]; -"4 conv2d_scale_0" -> "7 dequantize_per_channel_default" [label="(16,)", style=solid]; -"5 conv2d_zero_point_0" -> "6 quantize_per_channel_default" [label="(16,)", style=solid]; -"5 conv2d_zero_point_0" -> "7 dequantize_per_channel_default" [label="(16,)", style=solid]; -"6 quantize_per_channel_default" -> "7 dequantize_per_channel_default" [label="(16, 3, 3, 3)", style=solid]; -"7 dequantize_per_channel_default" -> "9 conv2d" [label="(16, 3, 3, 3)", style=solid]; -"8 features_0_0_weight_bias_0_0" -> "9 conv2d" [label="(16,)", style=solid]; -"9 conv2d" -> "12 hardswish_" [label="(1, 16, 112, 112)", style=solid]; -"10 hardswish__scale_0" -> "13 quantize_per_channel_default_1" [label="(16,)", style=solid]; -"10 hardswish__scale_0" -> "14 dequantize_per_channel_default_1" [label="(16,)", style=solid]; -"11 hardswish__zero_point_0" -> "13 quantize_per_channel_default_1" [label="(16,)", style=solid]; -"11 hardswish__zero_point_0" -> "14 dequantize_per_channel_default_1" [label="(16,)", style=solid]; -"12 hardswish_" -> "13 quantize_per_channel_default_1" [label="(1, 16, 112, 112)", style=solid]; -"13 quantize_per_channel_default_1" -> "14 dequantize_per_channel_default_1" [label="(1, 16, 112, 112)", style=solid]; -"14 dequantize_per_channel_default_1" -> "21 conv2d_1" [label="(1, 16, 112, 112)", style=solid]; -"15 _param_constant3" -> "18 quantize_per_channel_default_2" [label="(16, 1, 3, 3)", style=solid]; -"16 conv2d_1_scale_0" -> "18 quantize_per_channel_default_2" [label="(16,)", style=solid]; -"16 conv2d_1_scale_0" -> "19 dequantize_per_channel_default_2" [label="(16,)", style=solid]; -"17 conv2d_1_zero_point_0" -> "18 quantize_per_channel_default_2" [label="(16,)", style=solid]; -"17 conv2d_1_zero_point_0" -> "19 dequantize_per_channel_default_2" [label="(16,)", style=solid]; -"18 quantize_per_channel_default_2" -> "19 dequantize_per_channel_default_2" [label="(16, 1, 3, 3)", style=solid]; -"19 dequantize_per_channel_default_2" -> "21 conv2d_1" [label="(16, 1, 3, 3)", style=solid]; -"20 features_1_block_0_0_weight_bias_0_0" -> "21 conv2d_1" [label="(16,)", style=solid]; -"21 conv2d_1" -> "22 relu_" [label="(1, 16, 56, 56)", style=solid]; -"22 relu_" -> "23 quantize_per_tensor_default_1" [label="(1, 16, 56, 56)", style=solid]; -"23 quantize_per_tensor_default_1" -> "24 dequantize_per_tensor_default_2" [label="(1, 16, 56, 56)", style=solid]; -"23 quantize_per_tensor_default_1" -> "25 dequantize_per_tensor_default_1" [label="(1, 16, 56, 56)", style=solid]; -"24 dequantize_per_tensor_default_2" -> "37 mul" [label="(1, 16, 56, 56)", style=solid]; -"25 dequantize_per_tensor_default_1" -> "26 adaptive_avg_pool2d" [label="(1, 16, 56, 56)", style=solid]; -"26 adaptive_avg_pool2d" -> "29 conv2d_2" [label="(1, 16, 1, 1)", style=solid]; -"27 _param_constant6" -> "29 conv2d_2" [label="(8, 16, 1, 1)", style=solid]; -"28 _param_constant7_0_0" -> "29 conv2d_2" [label="(8,)", style=solid]; -"29 conv2d_2" -> "30 relu" [label="(1, 8, 1, 1)", style=solid]; -"30 relu" -> "33 conv2d_3" [label="(1, 8, 1, 1)", style=solid]; -"31 _param_constant8" -> "33 conv2d_3" [label="(16, 8, 1, 1)", style=solid]; -"32 _param_constant9_0_0" -> "33 conv2d_3" [label="(16,)", style=solid]; -"33 conv2d_3" -> "34 hardsigmoid" [label="(1, 16, 1, 1)", style=solid]; -"34 hardsigmoid" -> "35 quantize_per_tensor_default_2" [label="(1, 16, 1, 1)", style=solid]; -"35 quantize_per_tensor_default_2" -> "36 dequantize_per_tensor_default_3" [label="(1, 16, 1, 1)", style=solid]; -"36 dequantize_per_tensor_default_3" -> "37 mul" [label="(1, 16, 1, 1)", style=solid]; -"37 mul" -> "38 quantize_per_tensor_default_3" [label="(1, 16, 56, 56)", style=solid]; -"38 quantize_per_tensor_default_3" -> "39 dequantize_per_tensor_default_4" [label="(1, 16, 56, 56)", style=solid]; -"39 dequantize_per_tensor_default_4" -> "46 conv2d_4" [label="(1, 16, 56, 56)", style=solid]; -"40 _param_constant10" -> "43 quantize_per_channel_default_3" [label="(16, 16, 1, 1)", style=solid]; -"41 conv2d_4_scale_0" -> "43 quantize_per_channel_default_3" [label="(16,)", style=solid]; -"41 conv2d_4_scale_0" -> "44 dequantize_per_channel_default_3" [label="(16,)", style=solid]; -"42 conv2d_4_zero_point_0" -> "43 quantize_per_channel_default_3" [label="(16,)", style=solid]; -"42 conv2d_4_zero_point_0" -> "44 dequantize_per_channel_default_3" [label="(16,)", style=solid]; -"43 quantize_per_channel_default_3" -> "44 dequantize_per_channel_default_3" [label="(16, 16, 1, 1)", style=solid]; -"44 dequantize_per_channel_default_3" -> "46 conv2d_4" [label="(16, 16, 1, 1)", style=solid]; -"45 features_1_block_2_0_weight_bias_0_0" -> "46 conv2d_4" [label="(16,)", style=solid]; -"46 conv2d_4" -> "47 quantize_per_tensor_default_4" [label="(1, 16, 56, 56)", style=solid]; -"47 quantize_per_tensor_default_4" -> "48 dequantize_per_tensor_default_5" [label="(1, 16, 56, 56)", style=solid]; -"48 dequantize_per_tensor_default_5" -> "55 conv2d_5" [label="(1, 16, 56, 56)", style=solid]; -"49 _param_constant13" -> "52 quantize_per_channel_default_4" [label="(72, 16, 1, 1)", style=solid]; -"50 conv2d_5_scale_0" -> "52 quantize_per_channel_default_4" [label="(72,)", style=solid]; -"50 conv2d_5_scale_0" -> "53 dequantize_per_channel_default_4" [label="(72,)", style=solid]; -"51 conv2d_5_zero_point_0" -> "52 quantize_per_channel_default_4" [label="(72,)", style=solid]; -"51 conv2d_5_zero_point_0" -> "53 dequantize_per_channel_default_4" [label="(72,)", style=solid]; -"52 quantize_per_channel_default_4" -> "53 dequantize_per_channel_default_4" [label="(72, 16, 1, 1)", style=solid]; -"53 dequantize_per_channel_default_4" -> "55 conv2d_5" [label="(72, 16, 1, 1)", style=solid]; -"54 features_2_block_0_0_weight_bias_0_0" -> "55 conv2d_5" [label="(72,)", style=solid]; -"55 conv2d_5" -> "58 relu__1" [label="(1, 72, 56, 56)", style=solid]; -"56 relu__1_scale_0" -> "59 quantize_per_channel_default_5" [label="(72,)", style=solid]; -"56 relu__1_scale_0" -> "60 dequantize_per_channel_default_5" [label="(72,)", style=solid]; -"57 relu__1_zero_point_0" -> "59 quantize_per_channel_default_5" [label="(72,)", style=solid]; -"57 relu__1_zero_point_0" -> "60 dequantize_per_channel_default_5" [label="(72,)", style=solid]; -"58 relu__1" -> "59 quantize_per_channel_default_5" [label="(1, 72, 56, 56)", style=solid]; -"59 quantize_per_channel_default_5" -> "60 dequantize_per_channel_default_5" [label="(1, 72, 56, 56)", style=solid]; -"60 dequantize_per_channel_default_5" -> "67 conv2d_6" [label="(1, 72, 56, 56)", style=solid]; -"61 _param_constant16" -> "64 quantize_per_channel_default_6" [label="(72, 1, 3, 3)", style=solid]; -"62 conv2d_6_scale_0" -> "64 quantize_per_channel_default_6" [label="(72,)", style=solid]; -"62 conv2d_6_scale_0" -> "65 dequantize_per_channel_default_6" [label="(72,)", style=solid]; -"63 conv2d_6_zero_point_0" -> "64 quantize_per_channel_default_6" [label="(72,)", style=solid]; -"63 conv2d_6_zero_point_0" -> "65 dequantize_per_channel_default_6" [label="(72,)", style=solid]; -"64 quantize_per_channel_default_6" -> "65 dequantize_per_channel_default_6" [label="(72, 1, 3, 3)", style=solid]; -"65 dequantize_per_channel_default_6" -> "67 conv2d_6" [label="(72, 1, 3, 3)", style=solid]; -"66 features_2_block_1_0_weight_bias_0_0" -> "67 conv2d_6" [label="(72,)", style=solid]; -"67 conv2d_6" -> "68 relu__2" [label="(1, 72, 28, 28)", style=solid]; -"68 relu__2" -> "69 quantize_per_tensor_default_5" [label="(1, 72, 28, 28)", style=solid]; -"69 quantize_per_tensor_default_5" -> "70 dequantize_per_tensor_default_6" [label="(1, 72, 28, 28)", style=solid]; -"70 dequantize_per_tensor_default_6" -> "77 conv2d_7" [label="(1, 72, 28, 28)", style=solid]; -"71 _param_constant19" -> "74 quantize_per_channel_default_7" [label="(24, 72, 1, 1)", style=solid]; -"72 conv2d_7_scale_0" -> "74 quantize_per_channel_default_7" [label="(24,)", style=solid]; -"72 conv2d_7_scale_0" -> "75 dequantize_per_channel_default_7" [label="(24,)", style=solid]; -"73 conv2d_7_zero_point_0" -> "74 quantize_per_channel_default_7" [label="(24,)", style=solid]; -"73 conv2d_7_zero_point_0" -> "75 dequantize_per_channel_default_7" [label="(24,)", style=solid]; -"74 quantize_per_channel_default_7" -> "75 dequantize_per_channel_default_7" [label="(24, 72, 1, 1)", style=solid]; -"75 dequantize_per_channel_default_7" -> "77 conv2d_7" [label="(24, 72, 1, 1)", style=solid]; -"76 features_2_block_2_0_weight_bias_0_0" -> "77 conv2d_7" [label="(24,)", style=solid]; -"77 conv2d_7" -> "78 quantize_per_tensor_default_6" [label="(1, 24, 28, 28)", style=solid]; -"78 quantize_per_tensor_default_6" -> "79 dequantize_per_tensor_default_8" [label="(1, 24, 28, 28)", style=solid]; -"78 quantize_per_tensor_default_6" -> "80 dequantize_per_tensor_default_7" [label="(1, 24, 28, 28)", style=solid]; -"79 dequantize_per_tensor_default_8" -> "112 add_" [label="(1, 24, 28, 28)", style=solid]; -"80 dequantize_per_tensor_default_7" -> "87 conv2d_8" [label="(1, 24, 28, 28)", style=solid]; -"81 _param_constant22" -> "84 quantize_per_channel_default_8" [label="(88, 24, 1, 1)", style=solid]; -"82 conv2d_8_scale_0" -> "84 quantize_per_channel_default_8" [label="(88,)", style=solid]; -"82 conv2d_8_scale_0" -> "85 dequantize_per_channel_default_8" [label="(88,)", style=solid]; -"83 conv2d_8_zero_point_0" -> "84 quantize_per_channel_default_8" [label="(88,)", style=solid]; -"83 conv2d_8_zero_point_0" -> "85 dequantize_per_channel_default_8" [label="(88,)", style=solid]; -"84 quantize_per_channel_default_8" -> "85 dequantize_per_channel_default_8" [label="(88, 24, 1, 1)", style=solid]; -"85 dequantize_per_channel_default_8" -> "87 conv2d_8" [label="(88, 24, 1, 1)", style=solid]; -"86 features_3_block_0_0_weight_bias_0_0" -> "87 conv2d_8" [label="(88,)", style=solid]; -"87 conv2d_8" -> "90 relu__3" [label="(1, 88, 28, 28)", style=solid]; -"88 relu__3_scale_0" -> "91 quantize_per_channel_default_9" [label="(88,)", style=solid]; -"88 relu__3_scale_0" -> "92 dequantize_per_channel_default_9" [label="(88,)", style=solid]; -"89 relu__3_zero_point_0" -> "91 quantize_per_channel_default_9" [label="(88,)", style=solid]; -"89 relu__3_zero_point_0" -> "92 dequantize_per_channel_default_9" [label="(88,)", style=solid]; -"90 relu__3" -> "91 quantize_per_channel_default_9" [label="(1, 88, 28, 28)", style=solid]; -"91 quantize_per_channel_default_9" -> "92 dequantize_per_channel_default_9" [label="(1, 88, 28, 28)", style=solid]; -"92 dequantize_per_channel_default_9" -> "99 conv2d_9" [label="(1, 88, 28, 28)", style=solid]; -"93 _param_constant25" -> "96 quantize_per_channel_default_10" [label="(88, 1, 3, 3)", style=solid]; -"94 conv2d_9_scale_0" -> "96 quantize_per_channel_default_10" [label="(88,)", style=solid]; -"94 conv2d_9_scale_0" -> "97 dequantize_per_channel_default_10" [label="(88,)", style=solid]; -"95 conv2d_9_zero_point_0" -> "96 quantize_per_channel_default_10" [label="(88,)", style=solid]; -"95 conv2d_9_zero_point_0" -> "97 dequantize_per_channel_default_10" [label="(88,)", style=solid]; -"96 quantize_per_channel_default_10" -> "97 dequantize_per_channel_default_10" [label="(88, 1, 3, 3)", style=solid]; -"97 dequantize_per_channel_default_10" -> "99 conv2d_9" [label="(88, 1, 3, 3)", style=solid]; -"98 features_3_block_1_0_weight_bias_0_0" -> "99 conv2d_9" [label="(88,)", style=solid]; -"99 conv2d_9" -> "100 relu__4" [label="(1, 88, 28, 28)", style=solid]; -"100 relu__4" -> "101 quantize_per_tensor_default_7" [label="(1, 88, 28, 28)", style=solid]; -"101 quantize_per_tensor_default_7" -> "102 dequantize_per_tensor_default_9" [label="(1, 88, 28, 28)", style=solid]; -"102 dequantize_per_tensor_default_9" -> "109 conv2d_10" [label="(1, 88, 28, 28)", style=solid]; -"103 _param_constant28" -> "106 quantize_per_channel_default_11" [label="(24, 88, 1, 1)", style=solid]; -"104 conv2d_10_scale_0" -> "106 quantize_per_channel_default_11" [label="(24,)", style=solid]; -"104 conv2d_10_scale_0" -> "107 dequantize_per_channel_default_11" [label="(24,)", style=solid]; -"105 conv2d_10_zero_point_0" -> "106 quantize_per_channel_default_11" [label="(24,)", style=solid]; -"105 conv2d_10_zero_point_0" -> "107 dequantize_per_channel_default_11" [label="(24,)", style=solid]; -"106 quantize_per_channel_default_11" -> "107 dequantize_per_channel_default_11" [label="(24, 88, 1, 1)", style=solid]; -"107 dequantize_per_channel_default_11" -> "109 conv2d_10" [label="(24, 88, 1, 1)", style=solid]; -"108 features_3_block_2_0_weight_bias_0_0" -> "109 conv2d_10" [label="(24,)", style=solid]; -"109 conv2d_10" -> "110 quantize_per_tensor_default_8" [label="(1, 24, 28, 28)", style=solid]; -"110 quantize_per_tensor_default_8" -> "111 dequantize_per_tensor_default_10" [label="(1, 24, 28, 28)", style=solid]; -"111 dequantize_per_tensor_default_10" -> "112 add_" [label="(1, 24, 28, 28)", style=solid]; -"112 add_" -> "113 quantize_per_tensor_default_9" [label="(1, 24, 28, 28)", style=solid]; -"113 quantize_per_tensor_default_9" -> "114 dequantize_per_tensor_default_11" [label="(1, 24, 28, 28)", style=solid]; -"114 dequantize_per_tensor_default_11" -> "121 conv2d_11" [label="(1, 24, 28, 28)", style=solid]; -"115 _param_constant31" -> "118 quantize_per_channel_default_12" [label="(96, 24, 1, 1)", style=solid]; -"116 conv2d_11_scale_0" -> "118 quantize_per_channel_default_12" [label="(96,)", style=solid]; -"116 conv2d_11_scale_0" -> "119 dequantize_per_channel_default_12" [label="(96,)", style=solid]; -"117 conv2d_11_zero_point_0" -> "118 quantize_per_channel_default_12" [label="(96,)", style=solid]; -"117 conv2d_11_zero_point_0" -> "119 dequantize_per_channel_default_12" [label="(96,)", style=solid]; -"118 quantize_per_channel_default_12" -> "119 dequantize_per_channel_default_12" [label="(96, 24, 1, 1)", style=solid]; -"119 dequantize_per_channel_default_12" -> "121 conv2d_11" [label="(96, 24, 1, 1)", style=solid]; -"120 features_4_block_0_0_weight_bias_0_0" -> "121 conv2d_11" [label="(96,)", style=solid]; -"121 conv2d_11" -> "124 hardswish__1" [label="(1, 96, 28, 28)", style=solid]; -"122 hardswish__1_scale_0" -> "125 quantize_per_channel_default_13" [label="(96,)", style=solid]; -"122 hardswish__1_scale_0" -> "126 dequantize_per_channel_default_13" [label="(96,)", style=solid]; -"123 hardswish__1_zero_point_0" -> "125 quantize_per_channel_default_13" [label="(96,)", style=solid]; -"123 hardswish__1_zero_point_0" -> "126 dequantize_per_channel_default_13" [label="(96,)", style=solid]; -"124 hardswish__1" -> "125 quantize_per_channel_default_13" [label="(1, 96, 28, 28)", style=solid]; -"125 quantize_per_channel_default_13" -> "126 dequantize_per_channel_default_13" [label="(1, 96, 28, 28)", style=solid]; -"126 dequantize_per_channel_default_13" -> "133 conv2d_12" [label="(1, 96, 28, 28)", style=solid]; -"127 _param_constant34" -> "130 quantize_per_channel_default_14" [label="(96, 1, 5, 5)", style=solid]; -"128 conv2d_12_scale_0" -> "130 quantize_per_channel_default_14" [label="(96,)", style=solid]; -"128 conv2d_12_scale_0" -> "131 dequantize_per_channel_default_14" [label="(96,)", style=solid]; -"129 conv2d_12_zero_point_0" -> "130 quantize_per_channel_default_14" [label="(96,)", style=solid]; -"129 conv2d_12_zero_point_0" -> "131 dequantize_per_channel_default_14" [label="(96,)", style=solid]; -"130 quantize_per_channel_default_14" -> "131 dequantize_per_channel_default_14" [label="(96, 1, 5, 5)", style=solid]; -"131 dequantize_per_channel_default_14" -> "133 conv2d_12" [label="(96, 1, 5, 5)", style=solid]; -"132 features_4_block_1_0_weight_bias_0_0" -> "133 conv2d_12" [label="(96,)", style=solid]; -"133 conv2d_12" -> "134 hardswish__2" [label="(1, 96, 14, 14)", style=solid]; -"134 hardswish__2" -> "135 quantize_per_tensor_default_10" [label="(1, 96, 14, 14)", style=solid]; -"135 quantize_per_tensor_default_10" -> "136 dequantize_per_tensor_default_13" [label="(1, 96, 14, 14)", style=solid]; -"135 quantize_per_tensor_default_10" -> "137 dequantize_per_tensor_default_12" [label="(1, 96, 14, 14)", style=solid]; -"136 dequantize_per_tensor_default_13" -> "149 mul_1" [label="(1, 96, 14, 14)", style=solid]; -"137 dequantize_per_tensor_default_12" -> "138 adaptive_avg_pool2d_1" [label="(1, 96, 14, 14)", style=solid]; -"138 adaptive_avg_pool2d_1" -> "141 conv2d_13" [label="(1, 96, 1, 1)", style=solid]; -"139 _param_constant37" -> "141 conv2d_13" [label="(24, 96, 1, 1)", style=solid]; -"140 _param_constant38_0_0" -> "141 conv2d_13" [label="(24,)", style=solid]; -"141 conv2d_13" -> "142 relu_1" [label="(1, 24, 1, 1)", style=solid]; -"142 relu_1" -> "145 conv2d_14" [label="(1, 24, 1, 1)", style=solid]; -"143 _param_constant39" -> "145 conv2d_14" [label="(96, 24, 1, 1)", style=solid]; -"144 _param_constant40_0_0" -> "145 conv2d_14" [label="(96,)", style=solid]; -"145 conv2d_14" -> "146 hardsigmoid_1" [label="(1, 96, 1, 1)", style=solid]; -"146 hardsigmoid_1" -> "147 quantize_per_tensor_default_11" [label="(1, 96, 1, 1)", style=solid]; -"147 quantize_per_tensor_default_11" -> "148 dequantize_per_tensor_default_14" [label="(1, 96, 1, 1)", style=solid]; -"148 dequantize_per_tensor_default_14" -> "149 mul_1" [label="(1, 96, 1, 1)", style=solid]; -"149 mul_1" -> "150 quantize_per_tensor_default_12" [label="(1, 96, 14, 14)", style=solid]; -"150 quantize_per_tensor_default_12" -> "151 dequantize_per_tensor_default_15" [label="(1, 96, 14, 14)", style=solid]; -"151 dequantize_per_tensor_default_15" -> "158 conv2d_15" [label="(1, 96, 14, 14)", style=solid]; -"152 _param_constant41" -> "155 quantize_per_channel_default_15" [label="(40, 96, 1, 1)", style=solid]; -"153 conv2d_15_scale_0" -> "155 quantize_per_channel_default_15" [label="(40,)", style=solid]; -"153 conv2d_15_scale_0" -> "156 dequantize_per_channel_default_15" [label="(40,)", style=solid]; -"154 conv2d_15_zero_point_0" -> "155 quantize_per_channel_default_15" [label="(40,)", style=solid]; -"154 conv2d_15_zero_point_0" -> "156 dequantize_per_channel_default_15" [label="(40,)", style=solid]; -"155 quantize_per_channel_default_15" -> "156 dequantize_per_channel_default_15" [label="(40, 96, 1, 1)", style=solid]; -"156 dequantize_per_channel_default_15" -> "158 conv2d_15" [label="(40, 96, 1, 1)", style=solid]; -"157 features_4_block_3_0_weight_bias_0_0" -> "158 conv2d_15" [label="(40,)", style=solid]; -"158 conv2d_15" -> "159 quantize_per_tensor_default_13" [label="(1, 40, 14, 14)", style=solid]; -"159 quantize_per_tensor_default_13" -> "160 dequantize_per_tensor_default_17" [label="(1, 40, 14, 14)", style=solid]; -"159 quantize_per_tensor_default_13" -> "161 dequantize_per_tensor_default_16" [label="(1, 40, 14, 14)", style=solid]; -"160 dequantize_per_tensor_default_17" -> "208 add__1" [label="(1, 40, 14, 14)", style=solid]; -"161 dequantize_per_tensor_default_16" -> "168 conv2d_16" [label="(1, 40, 14, 14)", style=solid]; -"162 _param_constant44" -> "165 quantize_per_channel_default_16" [label="(240, 40, 1, 1)", style=solid]; -"163 conv2d_16_scale_0" -> "165 quantize_per_channel_default_16" [label="(240,)", style=solid]; -"163 conv2d_16_scale_0" -> "166 dequantize_per_channel_default_16" [label="(240,)", style=solid]; -"164 conv2d_16_zero_point_0" -> "165 quantize_per_channel_default_16" [label="(240,)", style=solid]; -"164 conv2d_16_zero_point_0" -> "166 dequantize_per_channel_default_16" [label="(240,)", style=solid]; -"165 quantize_per_channel_default_16" -> "166 dequantize_per_channel_default_16" [label="(240, 40, 1, 1)", style=solid]; -"166 dequantize_per_channel_default_16" -> "168 conv2d_16" [label="(240, 40, 1, 1)", style=solid]; -"167 features_5_block_0_0_weight_bias_0_0" -> "168 conv2d_16" [label="(240,)", style=solid]; -"168 conv2d_16" -> "171 hardswish__3" [label="(1, 240, 14, 14)", style=solid]; -"169 hardswish__3_scale_0" -> "172 quantize_per_channel_default_17" [label="(240,)", style=solid]; -"169 hardswish__3_scale_0" -> "173 dequantize_per_channel_default_17" [label="(240,)", style=solid]; -"170 hardswish__3_zero_point_0" -> "172 quantize_per_channel_default_17" [label="(240,)", style=solid]; -"170 hardswish__3_zero_point_0" -> "173 dequantize_per_channel_default_17" [label="(240,)", style=solid]; -"171 hardswish__3" -> "172 quantize_per_channel_default_17" [label="(1, 240, 14, 14)", style=solid]; -"172 quantize_per_channel_default_17" -> "173 dequantize_per_channel_default_17" [label="(1, 240, 14, 14)", style=solid]; -"173 dequantize_per_channel_default_17" -> "180 conv2d_17" [label="(1, 240, 14, 14)", style=solid]; -"174 _param_constant47" -> "177 quantize_per_channel_default_18" [label="(240, 1, 5, 5)", style=solid]; -"175 conv2d_17_scale_0" -> "177 quantize_per_channel_default_18" [label="(240,)", style=solid]; -"175 conv2d_17_scale_0" -> "178 dequantize_per_channel_default_18" [label="(240,)", style=solid]; -"176 conv2d_17_zero_point_0" -> "177 quantize_per_channel_default_18" [label="(240,)", style=solid]; -"176 conv2d_17_zero_point_0" -> "178 dequantize_per_channel_default_18" [label="(240,)", style=solid]; -"177 quantize_per_channel_default_18" -> "178 dequantize_per_channel_default_18" [label="(240, 1, 5, 5)", style=solid]; -"178 dequantize_per_channel_default_18" -> "180 conv2d_17" [label="(240, 1, 5, 5)", style=solid]; -"179 features_5_block_1_0_weight_bias_0_0" -> "180 conv2d_17" [label="(240,)", style=solid]; -"180 conv2d_17" -> "181 hardswish__4" [label="(1, 240, 14, 14)", style=solid]; -"181 hardswish__4" -> "182 quantize_per_tensor_default_14" [label="(1, 240, 14, 14)", style=solid]; -"182 quantize_per_tensor_default_14" -> "183 dequantize_per_tensor_default_19" [label="(1, 240, 14, 14)", style=solid]; -"182 quantize_per_tensor_default_14" -> "184 dequantize_per_tensor_default_18" [label="(1, 240, 14, 14)", style=solid]; -"183 dequantize_per_tensor_default_19" -> "196 mul_2" [label="(1, 240, 14, 14)", style=solid]; -"184 dequantize_per_tensor_default_18" -> "185 adaptive_avg_pool2d_2" [label="(1, 240, 14, 14)", style=solid]; -"185 adaptive_avg_pool2d_2" -> "188 conv2d_18" [label="(1, 240, 1, 1)", style=solid]; -"186 _param_constant50" -> "188 conv2d_18" [label="(64, 240, 1, 1)", style=solid]; -"187 _param_constant51_0_0" -> "188 conv2d_18" [label="(64,)", style=solid]; -"188 conv2d_18" -> "189 relu_2" [label="(1, 64, 1, 1)", style=solid]; -"189 relu_2" -> "192 conv2d_19" [label="(1, 64, 1, 1)", style=solid]; -"190 _param_constant52" -> "192 conv2d_19" [label="(240, 64, 1, 1)", style=solid]; -"191 _param_constant53_0_0" -> "192 conv2d_19" [label="(240,)", style=solid]; -"192 conv2d_19" -> "193 hardsigmoid_2" [label="(1, 240, 1, 1)", style=solid]; -"193 hardsigmoid_2" -> "194 quantize_per_tensor_default_15" [label="(1, 240, 1, 1)", style=solid]; -"194 quantize_per_tensor_default_15" -> "195 dequantize_per_tensor_default_20" [label="(1, 240, 1, 1)", style=solid]; -"195 dequantize_per_tensor_default_20" -> "196 mul_2" [label="(1, 240, 1, 1)", style=solid]; -"196 mul_2" -> "197 quantize_per_tensor_default_16" [label="(1, 240, 14, 14)", style=solid]; -"197 quantize_per_tensor_default_16" -> "198 dequantize_per_tensor_default_21" [label="(1, 240, 14, 14)", style=solid]; -"198 dequantize_per_tensor_default_21" -> "205 conv2d_20" [label="(1, 240, 14, 14)", style=solid]; -"199 _param_constant54" -> "202 quantize_per_channel_default_19" [label="(40, 240, 1, 1)", style=solid]; -"200 conv2d_20_scale_0" -> "202 quantize_per_channel_default_19" [label="(40,)", style=solid]; -"200 conv2d_20_scale_0" -> "203 dequantize_per_channel_default_19" [label="(40,)", style=solid]; -"201 conv2d_20_zero_point_0" -> "202 quantize_per_channel_default_19" [label="(40,)", style=solid]; -"201 conv2d_20_zero_point_0" -> "203 dequantize_per_channel_default_19" [label="(40,)", style=solid]; -"202 quantize_per_channel_default_19" -> "203 dequantize_per_channel_default_19" [label="(40, 240, 1, 1)", style=solid]; -"203 dequantize_per_channel_default_19" -> "205 conv2d_20" [label="(40, 240, 1, 1)", style=solid]; -"204 features_5_block_3_0_weight_bias_0_0" -> "205 conv2d_20" [label="(40,)", style=solid]; -"205 conv2d_20" -> "206 quantize_per_tensor_default_17" [label="(1, 40, 14, 14)", style=solid]; -"206 quantize_per_tensor_default_17" -> "207 dequantize_per_tensor_default_22" [label="(1, 40, 14, 14)", style=solid]; -"207 dequantize_per_tensor_default_22" -> "208 add__1" [label="(1, 40, 14, 14)", style=solid]; -"208 add__1" -> "209 quantize_per_tensor_default_18" [label="(1, 40, 14, 14)", style=solid]; -"209 quantize_per_tensor_default_18" -> "210 dequantize_per_tensor_default_24" [label="(1, 40, 14, 14)", style=solid]; -"209 quantize_per_tensor_default_18" -> "211 dequantize_per_tensor_default_23" [label="(1, 40, 14, 14)", style=solid]; -"210 dequantize_per_tensor_default_24" -> "258 add__2" [label="(1, 40, 14, 14)", style=solid]; -"211 dequantize_per_tensor_default_23" -> "218 conv2d_21" [label="(1, 40, 14, 14)", style=solid]; -"212 _param_constant57" -> "215 quantize_per_channel_default_20" [label="(240, 40, 1, 1)", style=solid]; -"213 conv2d_21_scale_0" -> "215 quantize_per_channel_default_20" [label="(240,)", style=solid]; -"213 conv2d_21_scale_0" -> "216 dequantize_per_channel_default_20" [label="(240,)", style=solid]; -"214 conv2d_21_zero_point_0" -> "215 quantize_per_channel_default_20" [label="(240,)", style=solid]; -"214 conv2d_21_zero_point_0" -> "216 dequantize_per_channel_default_20" [label="(240,)", style=solid]; -"215 quantize_per_channel_default_20" -> "216 dequantize_per_channel_default_20" [label="(240, 40, 1, 1)", style=solid]; -"216 dequantize_per_channel_default_20" -> "218 conv2d_21" [label="(240, 40, 1, 1)", style=solid]; -"217 features_6_block_0_0_weight_bias_0_0" -> "218 conv2d_21" [label="(240,)", style=solid]; -"218 conv2d_21" -> "221 hardswish__5" [label="(1, 240, 14, 14)", style=solid]; -"219 hardswish__5_scale_0" -> "222 quantize_per_channel_default_21" [label="(240,)", style=solid]; -"219 hardswish__5_scale_0" -> "223 dequantize_per_channel_default_21" [label="(240,)", style=solid]; -"220 hardswish__5_zero_point_0" -> "222 quantize_per_channel_default_21" [label="(240,)", style=solid]; -"220 hardswish__5_zero_point_0" -> "223 dequantize_per_channel_default_21" [label="(240,)", style=solid]; -"221 hardswish__5" -> "222 quantize_per_channel_default_21" [label="(1, 240, 14, 14)", style=solid]; -"222 quantize_per_channel_default_21" -> "223 dequantize_per_channel_default_21" [label="(1, 240, 14, 14)", style=solid]; -"223 dequantize_per_channel_default_21" -> "230 conv2d_22" [label="(1, 240, 14, 14)", style=solid]; -"224 _param_constant60" -> "227 quantize_per_channel_default_22" [label="(240, 1, 5, 5)", style=solid]; -"225 conv2d_22_scale_0" -> "227 quantize_per_channel_default_22" [label="(240,)", style=solid]; -"225 conv2d_22_scale_0" -> "228 dequantize_per_channel_default_22" [label="(240,)", style=solid]; -"226 conv2d_22_zero_point_0" -> "227 quantize_per_channel_default_22" [label="(240,)", style=solid]; -"226 conv2d_22_zero_point_0" -> "228 dequantize_per_channel_default_22" [label="(240,)", style=solid]; -"227 quantize_per_channel_default_22" -> "228 dequantize_per_channel_default_22" [label="(240, 1, 5, 5)", style=solid]; -"228 dequantize_per_channel_default_22" -> "230 conv2d_22" [label="(240, 1, 5, 5)", style=solid]; -"229 features_6_block_1_0_weight_bias_0_0" -> "230 conv2d_22" [label="(240,)", style=solid]; -"230 conv2d_22" -> "231 hardswish__6" [label="(1, 240, 14, 14)", style=solid]; -"231 hardswish__6" -> "232 quantize_per_tensor_default_19" [label="(1, 240, 14, 14)", style=solid]; -"232 quantize_per_tensor_default_19" -> "233 dequantize_per_tensor_default_26" [label="(1, 240, 14, 14)", style=solid]; -"232 quantize_per_tensor_default_19" -> "234 dequantize_per_tensor_default_25" [label="(1, 240, 14, 14)", style=solid]; -"233 dequantize_per_tensor_default_26" -> "246 mul_3" [label="(1, 240, 14, 14)", style=solid]; -"234 dequantize_per_tensor_default_25" -> "235 adaptive_avg_pool2d_3" [label="(1, 240, 14, 14)", style=solid]; -"235 adaptive_avg_pool2d_3" -> "238 conv2d_23" [label="(1, 240, 1, 1)", style=solid]; -"236 _param_constant63" -> "238 conv2d_23" [label="(64, 240, 1, 1)", style=solid]; -"237 _param_constant64_0_0" -> "238 conv2d_23" [label="(64,)", style=solid]; -"238 conv2d_23" -> "239 relu_3" [label="(1, 64, 1, 1)", style=solid]; -"239 relu_3" -> "242 conv2d_24" [label="(1, 64, 1, 1)", style=solid]; -"240 _param_constant65" -> "242 conv2d_24" [label="(240, 64, 1, 1)", style=solid]; -"241 _param_constant66_0_0" -> "242 conv2d_24" [label="(240,)", style=solid]; -"242 conv2d_24" -> "243 hardsigmoid_3" [label="(1, 240, 1, 1)", style=solid]; -"243 hardsigmoid_3" -> "244 quantize_per_tensor_default_20" [label="(1, 240, 1, 1)", style=solid]; -"244 quantize_per_tensor_default_20" -> "245 dequantize_per_tensor_default_27" [label="(1, 240, 1, 1)", style=solid]; -"245 dequantize_per_tensor_default_27" -> "246 mul_3" [label="(1, 240, 1, 1)", style=solid]; -"246 mul_3" -> "247 quantize_per_tensor_default_21" [label="(1, 240, 14, 14)", style=solid]; -"247 quantize_per_tensor_default_21" -> "248 dequantize_per_tensor_default_28" [label="(1, 240, 14, 14)", style=solid]; -"248 dequantize_per_tensor_default_28" -> "255 conv2d_25" [label="(1, 240, 14, 14)", style=solid]; -"249 _param_constant67" -> "252 quantize_per_channel_default_23" [label="(40, 240, 1, 1)", style=solid]; -"250 conv2d_25_scale_0" -> "252 quantize_per_channel_default_23" [label="(40,)", style=solid]; -"250 conv2d_25_scale_0" -> "253 dequantize_per_channel_default_23" [label="(40,)", style=solid]; -"251 conv2d_25_zero_point_0" -> "252 quantize_per_channel_default_23" [label="(40,)", style=solid]; -"251 conv2d_25_zero_point_0" -> "253 dequantize_per_channel_default_23" [label="(40,)", style=solid]; -"252 quantize_per_channel_default_23" -> "253 dequantize_per_channel_default_23" [label="(40, 240, 1, 1)", style=solid]; -"253 dequantize_per_channel_default_23" -> "255 conv2d_25" [label="(40, 240, 1, 1)", style=solid]; -"254 features_6_block_3_0_weight_bias_0_0" -> "255 conv2d_25" [label="(40,)", style=solid]; -"255 conv2d_25" -> "256 quantize_per_tensor_default_22" [label="(1, 40, 14, 14)", style=solid]; -"256 quantize_per_tensor_default_22" -> "257 dequantize_per_tensor_default_29" [label="(1, 40, 14, 14)", style=solid]; -"257 dequantize_per_tensor_default_29" -> "258 add__2" [label="(1, 40, 14, 14)", style=solid]; -"258 add__2" -> "259 quantize_per_tensor_default_23" [label="(1, 40, 14, 14)", style=solid]; -"259 quantize_per_tensor_default_23" -> "260 dequantize_per_tensor_default_30" [label="(1, 40, 14, 14)", style=solid]; -"260 dequantize_per_tensor_default_30" -> "267 conv2d_26" [label="(1, 40, 14, 14)", style=solid]; -"261 _param_constant70" -> "264 quantize_per_channel_default_24" [label="(120, 40, 1, 1)", style=solid]; -"262 conv2d_26_scale_0" -> "264 quantize_per_channel_default_24" [label="(120,)", style=solid]; -"262 conv2d_26_scale_0" -> "265 dequantize_per_channel_default_24" [label="(120,)", style=solid]; -"263 conv2d_26_zero_point_0" -> "264 quantize_per_channel_default_24" [label="(120,)", style=solid]; -"263 conv2d_26_zero_point_0" -> "265 dequantize_per_channel_default_24" [label="(120,)", style=solid]; -"264 quantize_per_channel_default_24" -> "265 dequantize_per_channel_default_24" [label="(120, 40, 1, 1)", style=solid]; -"265 dequantize_per_channel_default_24" -> "267 conv2d_26" [label="(120, 40, 1, 1)", style=solid]; -"266 features_7_block_0_0_weight_bias_0_0" -> "267 conv2d_26" [label="(120,)", style=solid]; -"267 conv2d_26" -> "270 hardswish__7" [label="(1, 120, 14, 14)", style=solid]; -"268 hardswish__7_scale_0" -> "271 quantize_per_channel_default_25" [label="(120,)", style=solid]; -"268 hardswish__7_scale_0" -> "272 dequantize_per_channel_default_25" [label="(120,)", style=solid]; -"269 hardswish__7_zero_point_0" -> "271 quantize_per_channel_default_25" [label="(120,)", style=solid]; -"269 hardswish__7_zero_point_0" -> "272 dequantize_per_channel_default_25" [label="(120,)", style=solid]; -"270 hardswish__7" -> "271 quantize_per_channel_default_25" [label="(1, 120, 14, 14)", style=solid]; -"271 quantize_per_channel_default_25" -> "272 dequantize_per_channel_default_25" [label="(1, 120, 14, 14)", style=solid]; -"272 dequantize_per_channel_default_25" -> "279 conv2d_27" [label="(1, 120, 14, 14)", style=solid]; -"273 _param_constant73" -> "276 quantize_per_channel_default_26" [label="(120, 1, 5, 5)", style=solid]; -"274 conv2d_27_scale_0" -> "276 quantize_per_channel_default_26" [label="(120,)", style=solid]; -"274 conv2d_27_scale_0" -> "277 dequantize_per_channel_default_26" [label="(120,)", style=solid]; -"275 conv2d_27_zero_point_0" -> "276 quantize_per_channel_default_26" [label="(120,)", style=solid]; -"275 conv2d_27_zero_point_0" -> "277 dequantize_per_channel_default_26" [label="(120,)", style=solid]; -"276 quantize_per_channel_default_26" -> "277 dequantize_per_channel_default_26" [label="(120, 1, 5, 5)", style=solid]; -"277 dequantize_per_channel_default_26" -> "279 conv2d_27" [label="(120, 1, 5, 5)", style=solid]; -"278 features_7_block_1_0_weight_bias_0_0" -> "279 conv2d_27" [label="(120,)", style=solid]; -"279 conv2d_27" -> "280 hardswish__8" [label="(1, 120, 14, 14)", style=solid]; -"280 hardswish__8" -> "281 quantize_per_tensor_default_24" [label="(1, 120, 14, 14)", style=solid]; -"281 quantize_per_tensor_default_24" -> "282 dequantize_per_tensor_default_32" [label="(1, 120, 14, 14)", style=solid]; -"281 quantize_per_tensor_default_24" -> "283 dequantize_per_tensor_default_31" [label="(1, 120, 14, 14)", style=solid]; -"282 dequantize_per_tensor_default_32" -> "295 mul_4" [label="(1, 120, 14, 14)", style=solid]; -"283 dequantize_per_tensor_default_31" -> "284 adaptive_avg_pool2d_4" [label="(1, 120, 14, 14)", style=solid]; -"284 adaptive_avg_pool2d_4" -> "287 conv2d_28" [label="(1, 120, 1, 1)", style=solid]; -"285 _param_constant76" -> "287 conv2d_28" [label="(32, 120, 1, 1)", style=solid]; -"286 _param_constant77_0_0" -> "287 conv2d_28" [label="(32,)", style=solid]; -"287 conv2d_28" -> "288 relu_4" [label="(1, 32, 1, 1)", style=solid]; -"288 relu_4" -> "291 conv2d_29" [label="(1, 32, 1, 1)", style=solid]; -"289 _param_constant78" -> "291 conv2d_29" [label="(120, 32, 1, 1)", style=solid]; -"290 _param_constant79_0_0" -> "291 conv2d_29" [label="(120,)", style=solid]; -"291 conv2d_29" -> "292 hardsigmoid_4" [label="(1, 120, 1, 1)", style=solid]; -"292 hardsigmoid_4" -> "293 quantize_per_tensor_default_25" [label="(1, 120, 1, 1)", style=solid]; -"293 quantize_per_tensor_default_25" -> "294 dequantize_per_tensor_default_33" [label="(1, 120, 1, 1)", style=solid]; -"294 dequantize_per_tensor_default_33" -> "295 mul_4" [label="(1, 120, 1, 1)", style=solid]; -"295 mul_4" -> "296 quantize_per_tensor_default_26" [label="(1, 120, 14, 14)", style=solid]; -"296 quantize_per_tensor_default_26" -> "297 dequantize_per_tensor_default_34" [label="(1, 120, 14, 14)", style=solid]; -"297 dequantize_per_tensor_default_34" -> "304 conv2d_30" [label="(1, 120, 14, 14)", style=solid]; -"298 _param_constant80" -> "301 quantize_per_channel_default_27" [label="(48, 120, 1, 1)", style=solid]; -"299 conv2d_30_scale_0" -> "301 quantize_per_channel_default_27" [label="(48,)", style=solid]; -"299 conv2d_30_scale_0" -> "302 dequantize_per_channel_default_27" [label="(48,)", style=solid]; -"300 conv2d_30_zero_point_0" -> "301 quantize_per_channel_default_27" [label="(48,)", style=solid]; -"300 conv2d_30_zero_point_0" -> "302 dequantize_per_channel_default_27" [label="(48,)", style=solid]; -"301 quantize_per_channel_default_27" -> "302 dequantize_per_channel_default_27" [label="(48, 120, 1, 1)", style=solid]; -"302 dequantize_per_channel_default_27" -> "304 conv2d_30" [label="(48, 120, 1, 1)", style=solid]; -"303 features_7_block_3_0_weight_bias_0_0" -> "304 conv2d_30" [label="(48,)", style=solid]; -"304 conv2d_30" -> "305 quantize_per_tensor_default_27" [label="(1, 48, 14, 14)", style=solid]; -"305 quantize_per_tensor_default_27" -> "306 dequantize_per_tensor_default_36" [label="(1, 48, 14, 14)", style=solid]; -"305 quantize_per_tensor_default_27" -> "307 dequantize_per_tensor_default_35" [label="(1, 48, 14, 14)", style=solid]; -"306 dequantize_per_tensor_default_36" -> "354 add__3" [label="(1, 48, 14, 14)", style=solid]; -"307 dequantize_per_tensor_default_35" -> "314 conv2d_31" [label="(1, 48, 14, 14)", style=solid]; -"308 _param_constant83" -> "311 quantize_per_channel_default_28" [label="(144, 48, 1, 1)", style=solid]; -"309 conv2d_31_scale_0" -> "311 quantize_per_channel_default_28" [label="(144,)", style=solid]; -"309 conv2d_31_scale_0" -> "312 dequantize_per_channel_default_28" [label="(144,)", style=solid]; -"310 conv2d_31_zero_point_0" -> "311 quantize_per_channel_default_28" [label="(144,)", style=solid]; -"310 conv2d_31_zero_point_0" -> "312 dequantize_per_channel_default_28" [label="(144,)", style=solid]; -"311 quantize_per_channel_default_28" -> "312 dequantize_per_channel_default_28" [label="(144, 48, 1, 1)", style=solid]; -"312 dequantize_per_channel_default_28" -> "314 conv2d_31" [label="(144, 48, 1, 1)", style=solid]; -"313 features_8_block_0_0_weight_bias_0_0" -> "314 conv2d_31" [label="(144,)", style=solid]; -"314 conv2d_31" -> "317 hardswish__9" [label="(1, 144, 14, 14)", style=solid]; -"315 hardswish__9_scale_0" -> "318 quantize_per_channel_default_29" [label="(144,)", style=solid]; -"315 hardswish__9_scale_0" -> "319 dequantize_per_channel_default_29" [label="(144,)", style=solid]; -"316 hardswish__9_zero_point_0" -> "318 quantize_per_channel_default_29" [label="(144,)", style=solid]; -"316 hardswish__9_zero_point_0" -> "319 dequantize_per_channel_default_29" [label="(144,)", style=solid]; -"317 hardswish__9" -> "318 quantize_per_channel_default_29" [label="(1, 144, 14, 14)", style=solid]; -"318 quantize_per_channel_default_29" -> "319 dequantize_per_channel_default_29" [label="(1, 144, 14, 14)", style=solid]; -"319 dequantize_per_channel_default_29" -> "326 conv2d_32" [label="(1, 144, 14, 14)", style=solid]; -"320 _param_constant86" -> "323 quantize_per_channel_default_30" [label="(144, 1, 5, 5)", style=solid]; -"321 conv2d_32_scale_0" -> "323 quantize_per_channel_default_30" [label="(144,)", style=solid]; -"321 conv2d_32_scale_0" -> "324 dequantize_per_channel_default_30" [label="(144,)", style=solid]; -"322 conv2d_32_zero_point_0" -> "323 quantize_per_channel_default_30" [label="(144,)", style=solid]; -"322 conv2d_32_zero_point_0" -> "324 dequantize_per_channel_default_30" [label="(144,)", style=solid]; -"323 quantize_per_channel_default_30" -> "324 dequantize_per_channel_default_30" [label="(144, 1, 5, 5)", style=solid]; -"324 dequantize_per_channel_default_30" -> "326 conv2d_32" [label="(144, 1, 5, 5)", style=solid]; -"325 features_8_block_1_0_weight_bias_0_0" -> "326 conv2d_32" [label="(144,)", style=solid]; -"326 conv2d_32" -> "327 hardswish__10" [label="(1, 144, 14, 14)", style=solid]; -"327 hardswish__10" -> "328 quantize_per_tensor_default_28" [label="(1, 144, 14, 14)", style=solid]; -"328 quantize_per_tensor_default_28" -> "329 dequantize_per_tensor_default_38" [label="(1, 144, 14, 14)", style=solid]; -"328 quantize_per_tensor_default_28" -> "330 dequantize_per_tensor_default_37" [label="(1, 144, 14, 14)", style=solid]; -"329 dequantize_per_tensor_default_38" -> "342 mul_5" [label="(1, 144, 14, 14)", style=solid]; -"330 dequantize_per_tensor_default_37" -> "331 adaptive_avg_pool2d_5" [label="(1, 144, 14, 14)", style=solid]; -"331 adaptive_avg_pool2d_5" -> "334 conv2d_33" [label="(1, 144, 1, 1)", style=solid]; -"332 _param_constant89" -> "334 conv2d_33" [label="(40, 144, 1, 1)", style=solid]; -"333 _param_constant90_0_0" -> "334 conv2d_33" [label="(40,)", style=solid]; -"334 conv2d_33" -> "335 relu_5" [label="(1, 40, 1, 1)", style=solid]; -"335 relu_5" -> "338 conv2d_34" [label="(1, 40, 1, 1)", style=solid]; -"336 _param_constant91" -> "338 conv2d_34" [label="(144, 40, 1, 1)", style=solid]; -"337 _param_constant92_0_0" -> "338 conv2d_34" [label="(144,)", style=solid]; -"338 conv2d_34" -> "339 hardsigmoid_5" [label="(1, 144, 1, 1)", style=solid]; -"339 hardsigmoid_5" -> "340 quantize_per_tensor_default_29" [label="(1, 144, 1, 1)", style=solid]; -"340 quantize_per_tensor_default_29" -> "341 dequantize_per_tensor_default_39" [label="(1, 144, 1, 1)", style=solid]; -"341 dequantize_per_tensor_default_39" -> "342 mul_5" [label="(1, 144, 1, 1)", style=solid]; -"342 mul_5" -> "343 quantize_per_tensor_default_30" [label="(1, 144, 14, 14)", style=solid]; -"343 quantize_per_tensor_default_30" -> "344 dequantize_per_tensor_default_40" [label="(1, 144, 14, 14)", style=solid]; -"344 dequantize_per_tensor_default_40" -> "351 conv2d_35" [label="(1, 144, 14, 14)", style=solid]; -"345 _param_constant93" -> "348 quantize_per_channel_default_31" [label="(48, 144, 1, 1)", style=solid]; -"346 conv2d_35_scale_0" -> "348 quantize_per_channel_default_31" [label="(48,)", style=solid]; -"346 conv2d_35_scale_0" -> "349 dequantize_per_channel_default_31" [label="(48,)", style=solid]; -"347 conv2d_35_zero_point_0" -> "348 quantize_per_channel_default_31" [label="(48,)", style=solid]; -"347 conv2d_35_zero_point_0" -> "349 dequantize_per_channel_default_31" [label="(48,)", style=solid]; -"348 quantize_per_channel_default_31" -> "349 dequantize_per_channel_default_31" [label="(48, 144, 1, 1)", style=solid]; -"349 dequantize_per_channel_default_31" -> "351 conv2d_35" [label="(48, 144, 1, 1)", style=solid]; -"350 features_8_block_3_0_weight_bias_0_0" -> "351 conv2d_35" [label="(48,)", style=solid]; -"351 conv2d_35" -> "352 quantize_per_tensor_default_31" [label="(1, 48, 14, 14)", style=solid]; -"352 quantize_per_tensor_default_31" -> "353 dequantize_per_tensor_default_41" [label="(1, 48, 14, 14)", style=solid]; -"353 dequantize_per_tensor_default_41" -> "354 add__3" [label="(1, 48, 14, 14)", style=solid]; -"354 add__3" -> "355 quantize_per_tensor_default_32" [label="(1, 48, 14, 14)", style=solid]; -"355 quantize_per_tensor_default_32" -> "356 dequantize_per_tensor_default_42" [label="(1, 48, 14, 14)", style=solid]; -"356 dequantize_per_tensor_default_42" -> "363 conv2d_36" [label="(1, 48, 14, 14)", style=solid]; -"357 _param_constant96" -> "360 quantize_per_channel_default_32" [label="(288, 48, 1, 1)", style=solid]; -"358 conv2d_36_scale_0" -> "360 quantize_per_channel_default_32" [label="(288,)", style=solid]; -"358 conv2d_36_scale_0" -> "361 dequantize_per_channel_default_32" [label="(288,)", style=solid]; -"359 conv2d_36_zero_point_0" -> "360 quantize_per_channel_default_32" [label="(288,)", style=solid]; -"359 conv2d_36_zero_point_0" -> "361 dequantize_per_channel_default_32" [label="(288,)", style=solid]; -"360 quantize_per_channel_default_32" -> "361 dequantize_per_channel_default_32" [label="(288, 48, 1, 1)", style=solid]; -"361 dequantize_per_channel_default_32" -> "363 conv2d_36" [label="(288, 48, 1, 1)", style=solid]; -"362 features_9_block_0_0_weight_bias_0_0" -> "363 conv2d_36" [label="(288,)", style=solid]; -"363 conv2d_36" -> "366 hardswish__11" [label="(1, 288, 14, 14)", style=solid]; -"364 hardswish__11_scale_0" -> "367 quantize_per_channel_default_33" [label="(288,)", style=solid]; -"364 hardswish__11_scale_0" -> "368 dequantize_per_channel_default_33" [label="(288,)", style=solid]; -"365 hardswish__11_zero_point_0" -> "367 quantize_per_channel_default_33" [label="(288,)", style=solid]; -"365 hardswish__11_zero_point_0" -> "368 dequantize_per_channel_default_33" [label="(288,)", style=solid]; -"366 hardswish__11" -> "367 quantize_per_channel_default_33" [label="(1, 288, 14, 14)", style=solid]; -"367 quantize_per_channel_default_33" -> "368 dequantize_per_channel_default_33" [label="(1, 288, 14, 14)", style=solid]; -"368 dequantize_per_channel_default_33" -> "375 conv2d_37" [label="(1, 288, 14, 14)", style=solid]; -"369 _param_constant99" -> "372 quantize_per_channel_default_34" [label="(288, 1, 5, 5)", style=solid]; -"370 conv2d_37_scale_0" -> "372 quantize_per_channel_default_34" [label="(288,)", style=solid]; -"370 conv2d_37_scale_0" -> "373 dequantize_per_channel_default_34" [label="(288,)", style=solid]; -"371 conv2d_37_zero_point_0" -> "372 quantize_per_channel_default_34" [label="(288,)", style=solid]; -"371 conv2d_37_zero_point_0" -> "373 dequantize_per_channel_default_34" [label="(288,)", style=solid]; -"372 quantize_per_channel_default_34" -> "373 dequantize_per_channel_default_34" [label="(288, 1, 5, 5)", style=solid]; -"373 dequantize_per_channel_default_34" -> "375 conv2d_37" [label="(288, 1, 5, 5)", style=solid]; -"374 features_9_block_1_0_weight_bias_0_0" -> "375 conv2d_37" [label="(288,)", style=solid]; -"375 conv2d_37" -> "376 hardswish__12" [label="(1, 288, 7, 7)", style=solid]; -"376 hardswish__12" -> "377 quantize_per_tensor_default_33" [label="(1, 288, 7, 7)", style=solid]; -"377 quantize_per_tensor_default_33" -> "378 dequantize_per_tensor_default_44" [label="(1, 288, 7, 7)", style=solid]; -"377 quantize_per_tensor_default_33" -> "379 dequantize_per_tensor_default_43" [label="(1, 288, 7, 7)", style=solid]; -"378 dequantize_per_tensor_default_44" -> "391 mul_6" [label="(1, 288, 7, 7)", style=solid]; -"379 dequantize_per_tensor_default_43" -> "380 adaptive_avg_pool2d_6" [label="(1, 288, 7, 7)", style=solid]; -"380 adaptive_avg_pool2d_6" -> "383 conv2d_38" [label="(1, 288, 1, 1)", style=solid]; -"381 _param_constant102" -> "383 conv2d_38" [label="(72, 288, 1, 1)", style=solid]; -"382 _param_constant103_0_0" -> "383 conv2d_38" [label="(72,)", style=solid]; -"383 conv2d_38" -> "384 relu_6" [label="(1, 72, 1, 1)", style=solid]; -"384 relu_6" -> "387 conv2d_39" [label="(1, 72, 1, 1)", style=solid]; -"385 _param_constant104" -> "387 conv2d_39" [label="(288, 72, 1, 1)", style=solid]; -"386 _param_constant105_0_0" -> "387 conv2d_39" [label="(288,)", style=solid]; -"387 conv2d_39" -> "388 hardsigmoid_6" [label="(1, 288, 1, 1)", style=solid]; -"388 hardsigmoid_6" -> "389 quantize_per_tensor_default_34" [label="(1, 288, 1, 1)", style=solid]; -"389 quantize_per_tensor_default_34" -> "390 dequantize_per_tensor_default_45" [label="(1, 288, 1, 1)", style=solid]; -"390 dequantize_per_tensor_default_45" -> "391 mul_6" [label="(1, 288, 1, 1)", style=solid]; -"391 mul_6" -> "392 quantize_per_tensor_default_35" [label="(1, 288, 7, 7)", style=solid]; -"392 quantize_per_tensor_default_35" -> "393 dequantize_per_tensor_default_46" [label="(1, 288, 7, 7)", style=solid]; -"393 dequantize_per_tensor_default_46" -> "400 conv2d_40" [label="(1, 288, 7, 7)", style=solid]; -"394 _param_constant106" -> "397 quantize_per_channel_default_35" [label="(96, 288, 1, 1)", style=solid]; -"395 conv2d_40_scale_0" -> "397 quantize_per_channel_default_35" [label="(96,)", style=solid]; -"395 conv2d_40_scale_0" -> "398 dequantize_per_channel_default_35" [label="(96,)", style=solid]; -"396 conv2d_40_zero_point_0" -> "397 quantize_per_channel_default_35" [label="(96,)", style=solid]; -"396 conv2d_40_zero_point_0" -> "398 dequantize_per_channel_default_35" [label="(96,)", style=solid]; -"397 quantize_per_channel_default_35" -> "398 dequantize_per_channel_default_35" [label="(96, 288, 1, 1)", style=solid]; -"398 dequantize_per_channel_default_35" -> "400 conv2d_40" [label="(96, 288, 1, 1)", style=solid]; -"399 features_9_block_3_0_weight_bias_0_0" -> "400 conv2d_40" [label="(96,)", style=solid]; -"400 conv2d_40" -> "401 quantize_per_tensor_default_36" [label="(1, 96, 7, 7)", style=solid]; -"401 quantize_per_tensor_default_36" -> "402 dequantize_per_tensor_default_48" [label="(1, 96, 7, 7)", style=solid]; -"401 quantize_per_tensor_default_36" -> "403 dequantize_per_tensor_default_47" [label="(1, 96, 7, 7)", style=solid]; -"402 dequantize_per_tensor_default_48" -> "450 add__4" [label="(1, 96, 7, 7)", style=solid]; -"403 dequantize_per_tensor_default_47" -> "410 conv2d_41" [label="(1, 96, 7, 7)", style=solid]; -"404 _param_constant109" -> "407 quantize_per_channel_default_36" [label="(576, 96, 1, 1)", style=solid]; -"405 conv2d_41_scale_0" -> "407 quantize_per_channel_default_36" [label="(576,)", style=solid]; -"405 conv2d_41_scale_0" -> "408 dequantize_per_channel_default_36" [label="(576,)", style=solid]; -"406 conv2d_41_zero_point_0" -> "407 quantize_per_channel_default_36" [label="(576,)", style=solid]; -"406 conv2d_41_zero_point_0" -> "408 dequantize_per_channel_default_36" [label="(576,)", style=solid]; -"407 quantize_per_channel_default_36" -> "408 dequantize_per_channel_default_36" [label="(576, 96, 1, 1)", style=solid]; -"408 dequantize_per_channel_default_36" -> "410 conv2d_41" [label="(576, 96, 1, 1)", style=solid]; -"409 features_10_block_0_0_weight_bias_0_0" -> "410 conv2d_41" [label="(576,)", style=solid]; -"410 conv2d_41" -> "413 hardswish__13" [label="(1, 576, 7, 7)", style=solid]; -"411 hardswish__13_scale_0" -> "414 quantize_per_channel_default_37" [label="(576,)", style=solid]; -"411 hardswish__13_scale_0" -> "415 dequantize_per_channel_default_37" [label="(576,)", style=solid]; -"412 hardswish__13_zero_point_0" -> "414 quantize_per_channel_default_37" [label="(576,)", style=solid]; -"412 hardswish__13_zero_point_0" -> "415 dequantize_per_channel_default_37" [label="(576,)", style=solid]; -"413 hardswish__13" -> "414 quantize_per_channel_default_37" [label="(1, 576, 7, 7)", style=solid]; -"414 quantize_per_channel_default_37" -> "415 dequantize_per_channel_default_37" [label="(1, 576, 7, 7)", style=solid]; -"415 dequantize_per_channel_default_37" -> "422 conv2d_42" [label="(1, 576, 7, 7)", style=solid]; -"416 _param_constant112" -> "419 quantize_per_channel_default_38" [label="(576, 1, 5, 5)", style=solid]; -"417 conv2d_42_scale_0" -> "419 quantize_per_channel_default_38" [label="(576,)", style=solid]; -"417 conv2d_42_scale_0" -> "420 dequantize_per_channel_default_38" [label="(576,)", style=solid]; -"418 conv2d_42_zero_point_0" -> "419 quantize_per_channel_default_38" [label="(576,)", style=solid]; -"418 conv2d_42_zero_point_0" -> "420 dequantize_per_channel_default_38" [label="(576,)", style=solid]; -"419 quantize_per_channel_default_38" -> "420 dequantize_per_channel_default_38" [label="(576, 1, 5, 5)", style=solid]; -"420 dequantize_per_channel_default_38" -> "422 conv2d_42" [label="(576, 1, 5, 5)", style=solid]; -"421 features_10_block_1_0_weight_bias_0_0" -> "422 conv2d_42" [label="(576,)", style=solid]; -"422 conv2d_42" -> "423 hardswish__14" [label="(1, 576, 7, 7)", style=solid]; -"423 hardswish__14" -> "424 quantize_per_tensor_default_37" [label="(1, 576, 7, 7)", style=solid]; -"424 quantize_per_tensor_default_37" -> "425 dequantize_per_tensor_default_50" [label="(1, 576, 7, 7)", style=solid]; -"424 quantize_per_tensor_default_37" -> "426 dequantize_per_tensor_default_49" [label="(1, 576, 7, 7)", style=solid]; -"425 dequantize_per_tensor_default_50" -> "438 mul_7" [label="(1, 576, 7, 7)", style=solid]; -"426 dequantize_per_tensor_default_49" -> "427 adaptive_avg_pool2d_7" [label="(1, 576, 7, 7)", style=solid]; -"427 adaptive_avg_pool2d_7" -> "430 conv2d_43" [label="(1, 576, 1, 1)", style=solid]; -"428 _param_constant115" -> "430 conv2d_43" [label="(144, 576, 1, 1)", style=solid]; -"429 _param_constant116_0_0" -> "430 conv2d_43" [label="(144,)", style=solid]; -"430 conv2d_43" -> "431 relu_7" [label="(1, 144, 1, 1)", style=solid]; -"431 relu_7" -> "434 conv2d_44" [label="(1, 144, 1, 1)", style=solid]; -"432 _param_constant117" -> "434 conv2d_44" [label="(576, 144, 1, 1)", style=solid]; -"433 _param_constant118_0_0" -> "434 conv2d_44" [label="(576,)", style=solid]; -"434 conv2d_44" -> "435 hardsigmoid_7" [label="(1, 576, 1, 1)", style=solid]; -"435 hardsigmoid_7" -> "436 quantize_per_tensor_default_38" [label="(1, 576, 1, 1)", style=solid]; -"436 quantize_per_tensor_default_38" -> "437 dequantize_per_tensor_default_51" [label="(1, 576, 1, 1)", style=solid]; -"437 dequantize_per_tensor_default_51" -> "438 mul_7" [label="(1, 576, 1, 1)", style=solid]; -"438 mul_7" -> "439 quantize_per_tensor_default_39" [label="(1, 576, 7, 7)", style=solid]; -"439 quantize_per_tensor_default_39" -> "440 dequantize_per_tensor_default_52" [label="(1, 576, 7, 7)", style=solid]; -"440 dequantize_per_tensor_default_52" -> "447 conv2d_45" [label="(1, 576, 7, 7)", style=solid]; -"441 _param_constant119" -> "444 quantize_per_channel_default_39" [label="(96, 576, 1, 1)", style=solid]; -"442 conv2d_45_scale_0" -> "444 quantize_per_channel_default_39" [label="(96,)", style=solid]; -"442 conv2d_45_scale_0" -> "445 dequantize_per_channel_default_39" [label="(96,)", style=solid]; -"443 conv2d_45_zero_point_0" -> "444 quantize_per_channel_default_39" [label="(96,)", style=solid]; -"443 conv2d_45_zero_point_0" -> "445 dequantize_per_channel_default_39" [label="(96,)", style=solid]; -"444 quantize_per_channel_default_39" -> "445 dequantize_per_channel_default_39" [label="(96, 576, 1, 1)", style=solid]; -"445 dequantize_per_channel_default_39" -> "447 conv2d_45" [label="(96, 576, 1, 1)", style=solid]; -"446 features_10_block_3_0_weight_bias_0_0" -> "447 conv2d_45" [label="(96,)", style=solid]; -"447 conv2d_45" -> "448 quantize_per_tensor_default_40" [label="(1, 96, 7, 7)", style=solid]; -"448 quantize_per_tensor_default_40" -> "449 dequantize_per_tensor_default_53" [label="(1, 96, 7, 7)", style=solid]; -"449 dequantize_per_tensor_default_53" -> "450 add__4" [label="(1, 96, 7, 7)", style=solid]; -"450 add__4" -> "451 quantize_per_tensor_default_41" [label="(1, 96, 7, 7)", style=solid]; -"451 quantize_per_tensor_default_41" -> "452 dequantize_per_tensor_default_55" [label="(1, 96, 7, 7)", style=solid]; -"451 quantize_per_tensor_default_41" -> "453 dequantize_per_tensor_default_54" [label="(1, 96, 7, 7)", style=solid]; -"452 dequantize_per_tensor_default_55" -> "500 add__5" [label="(1, 96, 7, 7)", style=solid]; -"453 dequantize_per_tensor_default_54" -> "460 conv2d_46" [label="(1, 96, 7, 7)", style=solid]; -"454 _param_constant122" -> "457 quantize_per_channel_default_40" [label="(576, 96, 1, 1)", style=solid]; -"455 conv2d_46_scale_0" -> "457 quantize_per_channel_default_40" [label="(576,)", style=solid]; -"455 conv2d_46_scale_0" -> "458 dequantize_per_channel_default_40" [label="(576,)", style=solid]; -"456 conv2d_46_zero_point_0" -> "457 quantize_per_channel_default_40" [label="(576,)", style=solid]; -"456 conv2d_46_zero_point_0" -> "458 dequantize_per_channel_default_40" [label="(576,)", style=solid]; -"457 quantize_per_channel_default_40" -> "458 dequantize_per_channel_default_40" [label="(576, 96, 1, 1)", style=solid]; -"458 dequantize_per_channel_default_40" -> "460 conv2d_46" [label="(576, 96, 1, 1)", style=solid]; -"459 features_11_block_0_0_weight_bias_0_0" -> "460 conv2d_46" [label="(576,)", style=solid]; -"460 conv2d_46" -> "463 hardswish__15" [label="(1, 576, 7, 7)", style=solid]; -"461 hardswish__15_scale_0" -> "464 quantize_per_channel_default_41" [label="(576,)", style=solid]; -"461 hardswish__15_scale_0" -> "465 dequantize_per_channel_default_41" [label="(576,)", style=solid]; -"462 hardswish__15_zero_point_0" -> "464 quantize_per_channel_default_41" [label="(576,)", style=solid]; -"462 hardswish__15_zero_point_0" -> "465 dequantize_per_channel_default_41" [label="(576,)", style=solid]; -"463 hardswish__15" -> "464 quantize_per_channel_default_41" [label="(1, 576, 7, 7)", style=solid]; -"464 quantize_per_channel_default_41" -> "465 dequantize_per_channel_default_41" [label="(1, 576, 7, 7)", style=solid]; -"465 dequantize_per_channel_default_41" -> "472 conv2d_47" [label="(1, 576, 7, 7)", style=solid]; -"466 _param_constant125" -> "469 quantize_per_channel_default_42" [label="(576, 1, 5, 5)", style=solid]; -"467 conv2d_47_scale_0" -> "469 quantize_per_channel_default_42" [label="(576,)", style=solid]; -"467 conv2d_47_scale_0" -> "470 dequantize_per_channel_default_42" [label="(576,)", style=solid]; -"468 conv2d_47_zero_point_0" -> "469 quantize_per_channel_default_42" [label="(576,)", style=solid]; -"468 conv2d_47_zero_point_0" -> "470 dequantize_per_channel_default_42" [label="(576,)", style=solid]; -"469 quantize_per_channel_default_42" -> "470 dequantize_per_channel_default_42" [label="(576, 1, 5, 5)", style=solid]; -"470 dequantize_per_channel_default_42" -> "472 conv2d_47" [label="(576, 1, 5, 5)", style=solid]; -"471 features_11_block_1_0_weight_bias_0_0" -> "472 conv2d_47" [label="(576,)", style=solid]; -"472 conv2d_47" -> "473 hardswish__16" [label="(1, 576, 7, 7)", style=solid]; -"473 hardswish__16" -> "474 quantize_per_tensor_default_42" [label="(1, 576, 7, 7)", style=solid]; -"474 quantize_per_tensor_default_42" -> "475 dequantize_per_tensor_default_57" [label="(1, 576, 7, 7)", style=solid]; -"474 quantize_per_tensor_default_42" -> "476 dequantize_per_tensor_default_56" [label="(1, 576, 7, 7)", style=solid]; -"475 dequantize_per_tensor_default_57" -> "488 mul_8" [label="(1, 576, 7, 7)", style=solid]; -"476 dequantize_per_tensor_default_56" -> "477 adaptive_avg_pool2d_8" [label="(1, 576, 7, 7)", style=solid]; -"477 adaptive_avg_pool2d_8" -> "480 conv2d_48" [label="(1, 576, 1, 1)", style=solid]; -"478 _param_constant128" -> "480 conv2d_48" [label="(144, 576, 1, 1)", style=solid]; -"479 _param_constant129_0_0" -> "480 conv2d_48" [label="(144,)", style=solid]; -"480 conv2d_48" -> "481 relu_8" [label="(1, 144, 1, 1)", style=solid]; -"481 relu_8" -> "484 conv2d_49" [label="(1, 144, 1, 1)", style=solid]; -"482 _param_constant130" -> "484 conv2d_49" [label="(576, 144, 1, 1)", style=solid]; -"483 _param_constant131_0_0" -> "484 conv2d_49" [label="(576,)", style=solid]; -"484 conv2d_49" -> "485 hardsigmoid_8" [label="(1, 576, 1, 1)", style=solid]; -"485 hardsigmoid_8" -> "486 quantize_per_tensor_default_43" [label="(1, 576, 1, 1)", style=solid]; -"486 quantize_per_tensor_default_43" -> "487 dequantize_per_tensor_default_58" [label="(1, 576, 1, 1)", style=solid]; -"487 dequantize_per_tensor_default_58" -> "488 mul_8" [label="(1, 576, 1, 1)", style=solid]; -"488 mul_8" -> "489 quantize_per_tensor_default_44" [label="(1, 576, 7, 7)", style=solid]; -"489 quantize_per_tensor_default_44" -> "490 dequantize_per_tensor_default_59" [label="(1, 576, 7, 7)", style=solid]; -"490 dequantize_per_tensor_default_59" -> "497 conv2d_50" [label="(1, 576, 7, 7)", style=solid]; -"491 _param_constant132" -> "494 quantize_per_channel_default_43" [label="(96, 576, 1, 1)", style=solid]; -"492 conv2d_50_scale_0" -> "494 quantize_per_channel_default_43" [label="(96,)", style=solid]; -"492 conv2d_50_scale_0" -> "495 dequantize_per_channel_default_43" [label="(96,)", style=solid]; -"493 conv2d_50_zero_point_0" -> "494 quantize_per_channel_default_43" [label="(96,)", style=solid]; -"493 conv2d_50_zero_point_0" -> "495 dequantize_per_channel_default_43" [label="(96,)", style=solid]; -"494 quantize_per_channel_default_43" -> "495 dequantize_per_channel_default_43" [label="(96, 576, 1, 1)", style=solid]; -"495 dequantize_per_channel_default_43" -> "497 conv2d_50" [label="(96, 576, 1, 1)", style=solid]; -"496 features_11_block_3_0_weight_bias_0_0" -> "497 conv2d_50" [label="(96,)", style=solid]; -"497 conv2d_50" -> "498 quantize_per_tensor_default_45" [label="(1, 96, 7, 7)", style=solid]; -"498 quantize_per_tensor_default_45" -> "499 dequantize_per_tensor_default_60" [label="(1, 96, 7, 7)", style=solid]; -"499 dequantize_per_tensor_default_60" -> "500 add__5" [label="(1, 96, 7, 7)", style=solid]; -"500 add__5" -> "501 quantize_per_tensor_default_46" [label="(1, 96, 7, 7)", style=solid]; -"501 quantize_per_tensor_default_46" -> "502 dequantize_per_tensor_default_61" [label="(1, 96, 7, 7)", style=solid]; -"502 dequantize_per_tensor_default_61" -> "509 conv2d_51" [label="(1, 96, 7, 7)", style=solid]; -"503 _param_constant135" -> "506 quantize_per_channel_default_44" [label="(576, 96, 1, 1)", style=solid]; -"504 conv2d_51_scale_0" -> "506 quantize_per_channel_default_44" [label="(576,)", style=solid]; -"504 conv2d_51_scale_0" -> "507 dequantize_per_channel_default_44" [label="(576,)", style=solid]; -"505 conv2d_51_zero_point_0" -> "506 quantize_per_channel_default_44" [label="(576,)", style=solid]; -"505 conv2d_51_zero_point_0" -> "507 dequantize_per_channel_default_44" [label="(576,)", style=solid]; -"506 quantize_per_channel_default_44" -> "507 dequantize_per_channel_default_44" [label="(576, 96, 1, 1)", style=solid]; -"507 dequantize_per_channel_default_44" -> "509 conv2d_51" [label="(576, 96, 1, 1)", style=solid]; -"508 features_12_0_weight_bias_0_0" -> "509 conv2d_51" [label="(576,)", style=solid]; -"509 conv2d_51" -> "510 hardswish__17" [label="(1, 576, 7, 7)", style=solid]; -"510 hardswish__17" -> "511 quantize_per_tensor_default_47" [label="(1, 576, 7, 7)", style=solid]; -"511 quantize_per_tensor_default_47" -> "512 dequantize_per_tensor_default_62" [label="(1, 576, 7, 7)", style=solid]; -"512 dequantize_per_tensor_default_62" -> "513 adaptive_avg_pool2d_9" [label="(1, 576, 7, 7)", style=solid]; -"513 adaptive_avg_pool2d_9" -> "514 quantize_per_tensor_default_48" [label="(1, 576, 1, 1)", style=solid]; -"514 quantize_per_tensor_default_48" -> "515 dequantize_per_tensor_default_63" [label="(1, 576, 1, 1)", style=solid]; -"515 dequantize_per_tensor_default_63" -> "516 flatten" [label="(1, 576, 1, 1)", style=solid]; -"516 flatten" -> "523 linear" [label="(1, 576)", style=solid]; -"517 _param_constant138" -> "520 quantize_per_channel_default_45" [label="(1024, 576)", style=solid]; -"518 linear_scale_0" -> "520 quantize_per_channel_default_45" [label="(1024,)", style=solid]; -"518 linear_scale_0" -> "521 dequantize_per_channel_default_45" [label="(1024,)", style=solid]; -"519 linear_zero_point_0" -> "520 quantize_per_channel_default_45" [label="(1024,)", style=solid]; -"519 linear_zero_point_0" -> "521 dequantize_per_channel_default_45" [label="(1024,)", style=solid]; -"520 quantize_per_channel_default_45" -> "521 dequantize_per_channel_default_45" [label="(1024, 576)", style=solid]; -"521 dequantize_per_channel_default_45" -> "523 linear" [label="(1024, 576)", style=solid]; -"522 _param_constant139_0_0" -> "523 linear" [label="(1024,)", style=solid]; -"523 linear" -> "524 hardswish__18" [label="(1, 1024)", style=solid]; -"524 hardswish__18" -> "525 quantize_per_tensor_default_49" [label="(1, 1024)", style=solid]; -"525 quantize_per_tensor_default_49" -> "526 dequantize_per_tensor_default_64" [label="(1, 1024)", style=solid]; -"526 dequantize_per_tensor_default_64" -> "527 dropout_" [label="(1, 1024)", style=solid]; -"527 dropout_" -> "534 linear_1" [label="(1, 1024)", style=solid]; -"528 _param_constant140" -> "531 quantize_per_channel_default_46" [label="(1000, 1024)", style=solid]; -"529 linear_1_scale_0" -> "531 quantize_per_channel_default_46" [label="(1000,)", style=solid]; -"529 linear_1_scale_0" -> "532 dequantize_per_channel_default_46" [label="(1000,)", style=solid]; -"530 linear_1_zero_point_0" -> "531 quantize_per_channel_default_46" [label="(1000,)", style=solid]; -"530 linear_1_zero_point_0" -> "532 dequantize_per_channel_default_46" [label="(1000,)", style=solid]; -"531 quantize_per_channel_default_46" -> "532 dequantize_per_channel_default_46" [label="(1000, 1024)", style=solid]; -"532 dequantize_per_channel_default_46" -> "534 linear_1" [label="(1000, 1024)", style=solid]; -"533 _param_constant141_0_0" -> "534 linear_1" [label="(1000,)", style=solid]; -"534 linear_1" -> "535 output" [label="(1, 1000)", style=solid]; -} diff --git a/tests/torch/data/fx/reference_graphs/quantized_graphs/resnet18.dot b/tests/torch/data/fx/reference_graphs/quantized_graphs/resnet18.dot deleted file mode 100644 index a2aab53280e..00000000000 --- a/tests/torch/data/fx/reference_graphs/quantized_graphs/resnet18.dot +++ /dev/null @@ -1,539 +0,0 @@ -strict digraph { -"0 arg0_1" [id=0, type=input]; -"1 quantize_per_tensor_default" [id=1, type=quantize_per_tensor]; -"2 dequantize_per_tensor_default" [id=2, type=dequantize_per_tensor]; -"3 _param_constant0" [id=3, type=get_attr]; -"4 conv2d_scale_0" [id=4, type=get_attr]; -"5 conv2d_zero_point_0" [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 conv1_weight_bias_0_0" [id=8, type=get_attr]; -"9 conv2d" [id=9, type=conv2d]; -"10 relu_" [id=10, type=relu_]; -"11 quantize_per_tensor_default_1" [id=11, type=quantize_per_tensor]; -"12 dequantize_per_tensor_default_1" [id=12, type=dequantize_per_tensor]; -"13 max_pool2d" [id=13, type=max_pool2d]; -"14 _param_constant3" [id=14, type=get_attr]; -"15 conv2d_1_scale_0" [id=15, type=get_attr]; -"16 conv2d_1_zero_point_0" [id=16, type=get_attr]; -"17 quantize_per_channel_default_1" [id=17, type=quantize_per_channel]; -"18 dequantize_per_channel_default_1" [id=18, type=dequantize_per_channel]; -"19 layer1_0_conv1_weight_bias_0_0" [id=19, type=get_attr]; -"20 conv2d_1" [id=20, type=conv2d]; -"21 relu__1" [id=21, type=relu_]; -"22 quantize_per_tensor_default_2" [id=22, type=quantize_per_tensor]; -"23 dequantize_per_tensor_default_2" [id=23, type=dequantize_per_tensor]; -"24 _param_constant6" [id=24, type=get_attr]; -"25 conv2d_2_scale_0" [id=25, type=get_attr]; -"26 conv2d_2_zero_point_0" [id=26, type=get_attr]; -"27 quantize_per_channel_default_2" [id=27, type=quantize_per_channel]; -"28 dequantize_per_channel_default_2" [id=28, type=dequantize_per_channel]; -"29 layer1_0_conv2_weight_bias_0_0" [id=29, type=get_attr]; -"30 conv2d_2" [id=30, type=conv2d]; -"31 quantize_per_tensor_default_3" [id=31, type=quantize_per_tensor]; -"32 dequantize_per_tensor_default_3" [id=32, type=dequantize_per_tensor]; -"33 add_" [id=33, type=add_]; -"34 relu__2" [id=34, type=relu_]; -"35 quantize_per_tensor_default_4" [id=35, type=quantize_per_tensor]; -"36 dequantize_per_tensor_default_5" [id=36, type=dequantize_per_tensor]; -"37 dequantize_per_tensor_default_4" [id=37, type=dequantize_per_tensor]; -"38 _param_constant9" [id=38, type=get_attr]; -"39 conv2d_3_scale_0" [id=39, type=get_attr]; -"40 conv2d_3_zero_point_0" [id=40, type=get_attr]; -"41 quantize_per_channel_default_3" [id=41, type=quantize_per_channel]; -"42 dequantize_per_channel_default_3" [id=42, type=dequantize_per_channel]; -"43 layer1_1_conv1_weight_bias_0_0" [id=43, type=get_attr]; -"44 conv2d_3" [id=44, type=conv2d]; -"45 relu__3" [id=45, type=relu_]; -"46 quantize_per_tensor_default_5" [id=46, type=quantize_per_tensor]; -"47 dequantize_per_tensor_default_6" [id=47, type=dequantize_per_tensor]; -"48 _param_constant12" [id=48, type=get_attr]; -"49 conv2d_4_scale_0" [id=49, type=get_attr]; -"50 conv2d_4_zero_point_0" [id=50, type=get_attr]; -"51 quantize_per_channel_default_4" [id=51, type=quantize_per_channel]; -"52 dequantize_per_channel_default_4" [id=52, type=dequantize_per_channel]; -"53 layer1_1_conv2_weight_bias_0_0" [id=53, type=get_attr]; -"54 conv2d_4" [id=54, type=conv2d]; -"55 quantize_per_tensor_default_6" [id=55, type=quantize_per_tensor]; -"56 dequantize_per_tensor_default_7" [id=56, type=dequantize_per_tensor]; -"57 add__1" [id=57, type=add_]; -"58 relu__4" [id=58, type=relu_]; -"59 quantize_per_tensor_default_7" [id=59, type=quantize_per_tensor]; -"60 dequantize_per_tensor_default_9" [id=60, type=dequantize_per_tensor]; -"61 dequantize_per_tensor_default_8" [id=61, type=dequantize_per_tensor]; -"62 _param_constant15" [id=62, type=get_attr]; -"63 conv2d_5_scale_0" [id=63, type=get_attr]; -"64 conv2d_5_zero_point_0" [id=64, type=get_attr]; -"65 quantize_per_channel_default_5" [id=65, type=quantize_per_channel]; -"66 dequantize_per_channel_default_5" [id=66, type=dequantize_per_channel]; -"67 layer2_0_conv1_weight_bias_0_0" [id=67, type=get_attr]; -"68 conv2d_5" [id=68, type=conv2d]; -"69 relu__5" [id=69, type=relu_]; -"70 quantize_per_tensor_default_8" [id=70, type=quantize_per_tensor]; -"71 dequantize_per_tensor_default_10" [id=71, type=dequantize_per_tensor]; -"72 _param_constant18" [id=72, type=get_attr]; -"73 conv2d_6_scale_0" [id=73, type=get_attr]; -"74 conv2d_6_zero_point_0" [id=74, type=get_attr]; -"75 quantize_per_channel_default_6" [id=75, type=quantize_per_channel]; -"76 dequantize_per_channel_default_6" [id=76, type=dequantize_per_channel]; -"77 layer2_0_conv2_weight_bias_0_0" [id=77, type=get_attr]; -"78 conv2d_6" [id=78, type=conv2d]; -"79 quantize_per_tensor_default_9" [id=79, type=quantize_per_tensor]; -"80 dequantize_per_tensor_default_11" [id=80, type=dequantize_per_tensor]; -"81 _param_constant21" [id=81, type=get_attr]; -"82 conv2d_7_scale_0" [id=82, type=get_attr]; -"83 conv2d_7_zero_point_0" [id=83, type=get_attr]; -"84 quantize_per_channel_default_7" [id=84, type=quantize_per_channel]; -"85 dequantize_per_channel_default_7" [id=85, type=dequantize_per_channel]; -"86 layer2_0_downsample_0_weight_bias_0_0" [id=86, type=get_attr]; -"87 conv2d_7" [id=87, type=conv2d]; -"88 quantize_per_tensor_default_10" [id=88, type=quantize_per_tensor]; -"89 dequantize_per_tensor_default_12" [id=89, type=dequantize_per_tensor]; -"90 add__2" [id=90, type=add_]; -"91 relu__6" [id=91, type=relu_]; -"92 quantize_per_tensor_default_11" [id=92, type=quantize_per_tensor]; -"93 dequantize_per_tensor_default_14" [id=93, type=dequantize_per_tensor]; -"94 dequantize_per_tensor_default_13" [id=94, type=dequantize_per_tensor]; -"95 _param_constant24" [id=95, type=get_attr]; -"96 conv2d_8_scale_0" [id=96, type=get_attr]; -"97 conv2d_8_zero_point_0" [id=97, type=get_attr]; -"98 quantize_per_channel_default_8" [id=98, type=quantize_per_channel]; -"99 dequantize_per_channel_default_8" [id=99, type=dequantize_per_channel]; -"100 layer2_1_conv1_weight_bias_0_0" [id=100, type=get_attr]; -"101 conv2d_8" [id=101, type=conv2d]; -"102 relu__7" [id=102, type=relu_]; -"103 quantize_per_tensor_default_12" [id=103, type=quantize_per_tensor]; -"104 dequantize_per_tensor_default_15" [id=104, type=dequantize_per_tensor]; -"105 _param_constant27" [id=105, type=get_attr]; -"106 conv2d_9_scale_0" [id=106, type=get_attr]; -"107 conv2d_9_zero_point_0" [id=107, type=get_attr]; -"108 quantize_per_channel_default_9" [id=108, type=quantize_per_channel]; -"109 dequantize_per_channel_default_9" [id=109, type=dequantize_per_channel]; -"110 layer2_1_conv2_weight_bias_0_0" [id=110, type=get_attr]; -"111 conv2d_9" [id=111, type=conv2d]; -"112 quantize_per_tensor_default_13" [id=112, type=quantize_per_tensor]; -"113 dequantize_per_tensor_default_16" [id=113, type=dequantize_per_tensor]; -"114 add__3" [id=114, type=add_]; -"115 relu__8" [id=115, type=relu_]; -"116 quantize_per_tensor_default_14" [id=116, type=quantize_per_tensor]; -"117 dequantize_per_tensor_default_18" [id=117, type=dequantize_per_tensor]; -"118 dequantize_per_tensor_default_17" [id=118, type=dequantize_per_tensor]; -"119 _param_constant30" [id=119, type=get_attr]; -"120 conv2d_10_scale_0" [id=120, type=get_attr]; -"121 conv2d_10_zero_point_0" [id=121, type=get_attr]; -"122 quantize_per_channel_default_10" [id=122, type=quantize_per_channel]; -"123 dequantize_per_channel_default_10" [id=123, type=dequantize_per_channel]; -"124 layer3_0_conv1_weight_bias_0_0" [id=124, type=get_attr]; -"125 conv2d_10" [id=125, type=conv2d]; -"126 relu__9" [id=126, type=relu_]; -"127 quantize_per_tensor_default_15" [id=127, type=quantize_per_tensor]; -"128 dequantize_per_tensor_default_19" [id=128, type=dequantize_per_tensor]; -"129 _param_constant33" [id=129, type=get_attr]; -"130 conv2d_11_scale_0" [id=130, type=get_attr]; -"131 conv2d_11_zero_point_0" [id=131, type=get_attr]; -"132 quantize_per_channel_default_11" [id=132, type=quantize_per_channel]; -"133 dequantize_per_channel_default_11" [id=133, type=dequantize_per_channel]; -"134 layer3_0_conv2_weight_bias_0_0" [id=134, type=get_attr]; -"135 conv2d_11" [id=135, type=conv2d]; -"136 quantize_per_tensor_default_16" [id=136, type=quantize_per_tensor]; -"137 dequantize_per_tensor_default_20" [id=137, type=dequantize_per_tensor]; -"138 _param_constant36" [id=138, type=get_attr]; -"139 conv2d_12_scale_0" [id=139, type=get_attr]; -"140 conv2d_12_zero_point_0" [id=140, type=get_attr]; -"141 quantize_per_channel_default_12" [id=141, type=quantize_per_channel]; -"142 dequantize_per_channel_default_12" [id=142, type=dequantize_per_channel]; -"143 layer3_0_downsample_0_weight_bias_0_0" [id=143, type=get_attr]; -"144 conv2d_12" [id=144, type=conv2d]; -"145 quantize_per_tensor_default_17" [id=145, type=quantize_per_tensor]; -"146 dequantize_per_tensor_default_21" [id=146, type=dequantize_per_tensor]; -"147 add__4" [id=147, type=add_]; -"148 relu__10" [id=148, type=relu_]; -"149 quantize_per_tensor_default_18" [id=149, type=quantize_per_tensor]; -"150 dequantize_per_tensor_default_23" [id=150, type=dequantize_per_tensor]; -"151 dequantize_per_tensor_default_22" [id=151, type=dequantize_per_tensor]; -"152 _param_constant39" [id=152, type=get_attr]; -"153 conv2d_13_scale_0" [id=153, type=get_attr]; -"154 conv2d_13_zero_point_0" [id=154, type=get_attr]; -"155 quantize_per_channel_default_13" [id=155, type=quantize_per_channel]; -"156 dequantize_per_channel_default_13" [id=156, type=dequantize_per_channel]; -"157 layer3_1_conv1_weight_bias_0_0" [id=157, type=get_attr]; -"158 conv2d_13" [id=158, type=conv2d]; -"159 relu__11" [id=159, type=relu_]; -"160 quantize_per_tensor_default_19" [id=160, type=quantize_per_tensor]; -"161 dequantize_per_tensor_default_24" [id=161, type=dequantize_per_tensor]; -"162 _param_constant42" [id=162, type=get_attr]; -"163 conv2d_14_scale_0" [id=163, type=get_attr]; -"164 conv2d_14_zero_point_0" [id=164, type=get_attr]; -"165 quantize_per_channel_default_14" [id=165, type=quantize_per_channel]; -"166 dequantize_per_channel_default_14" [id=166, type=dequantize_per_channel]; -"167 layer3_1_conv2_weight_bias_0_0" [id=167, type=get_attr]; -"168 conv2d_14" [id=168, type=conv2d]; -"169 quantize_per_tensor_default_20" [id=169, type=quantize_per_tensor]; -"170 dequantize_per_tensor_default_25" [id=170, type=dequantize_per_tensor]; -"171 add__5" [id=171, type=add_]; -"172 relu__12" [id=172, type=relu_]; -"173 quantize_per_tensor_default_21" [id=173, type=quantize_per_tensor]; -"174 dequantize_per_tensor_default_27" [id=174, type=dequantize_per_tensor]; -"175 dequantize_per_tensor_default_26" [id=175, type=dequantize_per_tensor]; -"176 _param_constant45" [id=176, type=get_attr]; -"177 conv2d_15_scale_0" [id=177, type=get_attr]; -"178 conv2d_15_zero_point_0" [id=178, type=get_attr]; -"179 quantize_per_channel_default_15" [id=179, type=quantize_per_channel]; -"180 dequantize_per_channel_default_15" [id=180, type=dequantize_per_channel]; -"181 layer4_0_conv1_weight_bias_0_0" [id=181, type=get_attr]; -"182 conv2d_15" [id=182, type=conv2d]; -"183 relu__13" [id=183, type=relu_]; -"184 quantize_per_tensor_default_22" [id=184, type=quantize_per_tensor]; -"185 dequantize_per_tensor_default_28" [id=185, type=dequantize_per_tensor]; -"186 _param_constant48" [id=186, type=get_attr]; -"187 conv2d_16_scale_0" [id=187, type=get_attr]; -"188 conv2d_16_zero_point_0" [id=188, type=get_attr]; -"189 quantize_per_channel_default_16" [id=189, type=quantize_per_channel]; -"190 dequantize_per_channel_default_16" [id=190, type=dequantize_per_channel]; -"191 layer4_0_conv2_weight_bias_0_0" [id=191, type=get_attr]; -"192 conv2d_16" [id=192, type=conv2d]; -"193 quantize_per_tensor_default_23" [id=193, type=quantize_per_tensor]; -"194 dequantize_per_tensor_default_29" [id=194, type=dequantize_per_tensor]; -"195 _param_constant51" [id=195, type=get_attr]; -"196 conv2d_17_scale_0" [id=196, type=get_attr]; -"197 conv2d_17_zero_point_0" [id=197, type=get_attr]; -"198 quantize_per_channel_default_17" [id=198, type=quantize_per_channel]; -"199 dequantize_per_channel_default_17" [id=199, type=dequantize_per_channel]; -"200 layer4_0_downsample_0_weight_bias_0_0" [id=200, type=get_attr]; -"201 conv2d_17" [id=201, type=conv2d]; -"202 quantize_per_tensor_default_24" [id=202, type=quantize_per_tensor]; -"203 dequantize_per_tensor_default_30" [id=203, type=dequantize_per_tensor]; -"204 add__6" [id=204, type=add_]; -"205 relu__14" [id=205, type=relu_]; -"206 quantize_per_tensor_default_25" [id=206, type=quantize_per_tensor]; -"207 dequantize_per_tensor_default_32" [id=207, type=dequantize_per_tensor]; -"208 dequantize_per_tensor_default_31" [id=208, type=dequantize_per_tensor]; -"209 _param_constant54" [id=209, type=get_attr]; -"210 conv2d_18_scale_0" [id=210, type=get_attr]; -"211 conv2d_18_zero_point_0" [id=211, type=get_attr]; -"212 quantize_per_channel_default_18" [id=212, type=quantize_per_channel]; -"213 dequantize_per_channel_default_18" [id=213, type=dequantize_per_channel]; -"214 layer4_1_conv1_weight_bias_0_0" [id=214, type=get_attr]; -"215 conv2d_18" [id=215, type=conv2d]; -"216 relu__15" [id=216, type=relu_]; -"217 quantize_per_tensor_default_26" [id=217, type=quantize_per_tensor]; -"218 dequantize_per_tensor_default_33" [id=218, type=dequantize_per_tensor]; -"219 _param_constant57" [id=219, type=get_attr]; -"220 conv2d_19_scale_0" [id=220, type=get_attr]; -"221 conv2d_19_zero_point_0" [id=221, type=get_attr]; -"222 quantize_per_channel_default_19" [id=222, type=quantize_per_channel]; -"223 dequantize_per_channel_default_19" [id=223, type=dequantize_per_channel]; -"224 layer4_1_conv2_weight_bias_0_0" [id=224, type=get_attr]; -"225 conv2d_19" [id=225, type=conv2d]; -"226 quantize_per_tensor_default_27" [id=226, type=quantize_per_tensor]; -"227 dequantize_per_tensor_default_34" [id=227, type=dequantize_per_tensor]; -"228 add__7" [id=228, type=add_]; -"229 relu__16" [id=229, type=relu_]; -"230 quantize_per_tensor_default_28" [id=230, type=quantize_per_tensor]; -"231 dequantize_per_tensor_default_35" [id=231, type=dequantize_per_tensor]; -"232 adaptive_avg_pool2d" [id=232, type=adaptive_avg_pool2d]; -"233 quantize_per_tensor_default_29" [id=233, type=quantize_per_tensor]; -"234 dequantize_per_tensor_default_36" [id=234, type=dequantize_per_tensor]; -"235 flatten" [id=235, type=flatten]; -"236 _param_constant60" [id=236, type=get_attr]; -"237 linear_scale_0" [id=237, type=get_attr]; -"238 linear_zero_point_0" [id=238, type=get_attr]; -"239 quantize_per_channel_default_20" [id=239, type=quantize_per_channel]; -"240 dequantize_per_channel_default_20" [id=240, type=dequantize_per_channel]; -"241 _param_constant61_0_0" [id=241, type=get_attr]; -"242 linear" [id=242, type=linear]; -"243 output" [id=243, type=output]; -"0 arg0_1" -> "1 quantize_per_tensor_default" [label="(1, 3, 224, 224)", style=solid]; -"1 quantize_per_tensor_default" -> "2 dequantize_per_tensor_default" [label="(1, 3, 224, 224)", style=solid]; -"2 dequantize_per_tensor_default" -> "9 conv2d" [label="(1, 3, 224, 224)", style=solid]; -"3 _param_constant0" -> "6 quantize_per_channel_default" [label="(64, 3, 7, 7)", style=solid]; -"4 conv2d_scale_0" -> "6 quantize_per_channel_default" [label="(64,)", style=solid]; -"4 conv2d_scale_0" -> "7 dequantize_per_channel_default" [label="(64,)", style=solid]; -"5 conv2d_zero_point_0" -> "6 quantize_per_channel_default" [label="(64,)", style=solid]; -"5 conv2d_zero_point_0" -> "7 dequantize_per_channel_default" [label="(64,)", style=solid]; -"6 quantize_per_channel_default" -> "7 dequantize_per_channel_default" [label="(64, 3, 7, 7)", style=solid]; -"7 dequantize_per_channel_default" -> "9 conv2d" [label="(64, 3, 7, 7)", style=solid]; -"8 conv1_weight_bias_0_0" -> "9 conv2d" [label="(64,)", style=solid]; -"9 conv2d" -> "10 relu_" [label="(1, 64, 112, 112)", style=solid]; -"10 relu_" -> "11 quantize_per_tensor_default_1" [label="(1, 64, 112, 112)", style=solid]; -"11 quantize_per_tensor_default_1" -> "12 dequantize_per_tensor_default_1" [label="(1, 64, 112, 112)", style=solid]; -"12 dequantize_per_tensor_default_1" -> "13 max_pool2d" [label="(1, 64, 112, 112)", style=solid]; -"13 max_pool2d" -> "20 conv2d_1" [label="(1, 64, 56, 56)", style=solid]; -"13 max_pool2d" -> "33 add_" [label="(1, 64, 56, 56)", style=solid]; -"14 _param_constant3" -> "17 quantize_per_channel_default_1" [label="(64, 64, 3, 3)", style=solid]; -"15 conv2d_1_scale_0" -> "17 quantize_per_channel_default_1" [label="(64,)", style=solid]; -"15 conv2d_1_scale_0" -> "18 dequantize_per_channel_default_1" [label="(64,)", style=solid]; -"16 conv2d_1_zero_point_0" -> "17 quantize_per_channel_default_1" [label="(64,)", style=solid]; -"16 conv2d_1_zero_point_0" -> "18 dequantize_per_channel_default_1" [label="(64,)", style=solid]; -"17 quantize_per_channel_default_1" -> "18 dequantize_per_channel_default_1" [label="(64, 64, 3, 3)", style=solid]; -"18 dequantize_per_channel_default_1" -> "20 conv2d_1" [label="(64, 64, 3, 3)", style=solid]; -"19 layer1_0_conv1_weight_bias_0_0" -> "20 conv2d_1" [label="(64,)", style=solid]; -"20 conv2d_1" -> "21 relu__1" [label="(1, 64, 56, 56)", style=solid]; -"21 relu__1" -> "22 quantize_per_tensor_default_2" [label="(1, 64, 56, 56)", style=solid]; -"22 quantize_per_tensor_default_2" -> "23 dequantize_per_tensor_default_2" [label="(1, 64, 56, 56)", style=solid]; -"23 dequantize_per_tensor_default_2" -> "30 conv2d_2" [label="(1, 64, 56, 56)", style=solid]; -"24 _param_constant6" -> "27 quantize_per_channel_default_2" [label="(64, 64, 3, 3)", style=solid]; -"25 conv2d_2_scale_0" -> "27 quantize_per_channel_default_2" [label="(64,)", style=solid]; -"25 conv2d_2_scale_0" -> "28 dequantize_per_channel_default_2" [label="(64,)", style=solid]; -"26 conv2d_2_zero_point_0" -> "27 quantize_per_channel_default_2" [label="(64,)", style=solid]; -"26 conv2d_2_zero_point_0" -> "28 dequantize_per_channel_default_2" [label="(64,)", style=solid]; -"27 quantize_per_channel_default_2" -> "28 dequantize_per_channel_default_2" [label="(64, 64, 3, 3)", style=solid]; -"28 dequantize_per_channel_default_2" -> "30 conv2d_2" [label="(64, 64, 3, 3)", style=solid]; -"29 layer1_0_conv2_weight_bias_0_0" -> "30 conv2d_2" [label="(64,)", style=solid]; -"30 conv2d_2" -> "31 quantize_per_tensor_default_3" [label="(1, 64, 56, 56)", style=solid]; -"31 quantize_per_tensor_default_3" -> "32 dequantize_per_tensor_default_3" [label="(1, 64, 56, 56)", style=solid]; -"32 dequantize_per_tensor_default_3" -> "33 add_" [label="(1, 64, 56, 56)", style=solid]; -"33 add_" -> "34 relu__2" [label="(1, 64, 56, 56)", style=solid]; -"34 relu__2" -> "35 quantize_per_tensor_default_4" [label="(1, 64, 56, 56)", style=solid]; -"35 quantize_per_tensor_default_4" -> "36 dequantize_per_tensor_default_5" [label="(1, 64, 56, 56)", style=solid]; -"35 quantize_per_tensor_default_4" -> "37 dequantize_per_tensor_default_4" [label="(1, 64, 56, 56)", style=solid]; -"36 dequantize_per_tensor_default_5" -> "57 add__1" [label="(1, 64, 56, 56)", style=solid]; -"37 dequantize_per_tensor_default_4" -> "44 conv2d_3" [label="(1, 64, 56, 56)", style=solid]; -"38 _param_constant9" -> "41 quantize_per_channel_default_3" [label="(64, 64, 3, 3)", style=solid]; -"39 conv2d_3_scale_0" -> "41 quantize_per_channel_default_3" [label="(64,)", style=solid]; -"39 conv2d_3_scale_0" -> "42 dequantize_per_channel_default_3" [label="(64,)", style=solid]; -"40 conv2d_3_zero_point_0" -> "41 quantize_per_channel_default_3" [label="(64,)", style=solid]; -"40 conv2d_3_zero_point_0" -> "42 dequantize_per_channel_default_3" [label="(64,)", style=solid]; -"41 quantize_per_channel_default_3" -> "42 dequantize_per_channel_default_3" [label="(64, 64, 3, 3)", style=solid]; -"42 dequantize_per_channel_default_3" -> "44 conv2d_3" [label="(64, 64, 3, 3)", style=solid]; -"43 layer1_1_conv1_weight_bias_0_0" -> "44 conv2d_3" [label="(64,)", style=solid]; -"44 conv2d_3" -> "45 relu__3" [label="(1, 64, 56, 56)", style=solid]; -"45 relu__3" -> "46 quantize_per_tensor_default_5" [label="(1, 64, 56, 56)", style=solid]; -"46 quantize_per_tensor_default_5" -> "47 dequantize_per_tensor_default_6" [label="(1, 64, 56, 56)", style=solid]; -"47 dequantize_per_tensor_default_6" -> "54 conv2d_4" [label="(1, 64, 56, 56)", style=solid]; -"48 _param_constant12" -> "51 quantize_per_channel_default_4" [label="(64, 64, 3, 3)", style=solid]; -"49 conv2d_4_scale_0" -> "51 quantize_per_channel_default_4" [label="(64,)", style=solid]; -"49 conv2d_4_scale_0" -> "52 dequantize_per_channel_default_4" [label="(64,)", style=solid]; -"50 conv2d_4_zero_point_0" -> "51 quantize_per_channel_default_4" [label="(64,)", style=solid]; -"50 conv2d_4_zero_point_0" -> "52 dequantize_per_channel_default_4" [label="(64,)", style=solid]; -"51 quantize_per_channel_default_4" -> "52 dequantize_per_channel_default_4" [label="(64, 64, 3, 3)", style=solid]; -"52 dequantize_per_channel_default_4" -> "54 conv2d_4" [label="(64, 64, 3, 3)", style=solid]; -"53 layer1_1_conv2_weight_bias_0_0" -> "54 conv2d_4" [label="(64,)", style=solid]; -"54 conv2d_4" -> "55 quantize_per_tensor_default_6" [label="(1, 64, 56, 56)", style=solid]; -"55 quantize_per_tensor_default_6" -> "56 dequantize_per_tensor_default_7" [label="(1, 64, 56, 56)", style=solid]; -"56 dequantize_per_tensor_default_7" -> "57 add__1" [label="(1, 64, 56, 56)", style=solid]; -"57 add__1" -> "58 relu__4" [label="(1, 64, 56, 56)", style=solid]; -"58 relu__4" -> "59 quantize_per_tensor_default_7" [label="(1, 64, 56, 56)", style=solid]; -"59 quantize_per_tensor_default_7" -> "60 dequantize_per_tensor_default_9" [label="(1, 64, 56, 56)", style=solid]; -"59 quantize_per_tensor_default_7" -> "61 dequantize_per_tensor_default_8" [label="(1, 64, 56, 56)", style=solid]; -"60 dequantize_per_tensor_default_9" -> "87 conv2d_7" [label="(1, 64, 56, 56)", style=solid]; -"61 dequantize_per_tensor_default_8" -> "68 conv2d_5" [label="(1, 64, 56, 56)", style=solid]; -"62 _param_constant15" -> "65 quantize_per_channel_default_5" [label="(128, 64, 3, 3)", style=solid]; -"63 conv2d_5_scale_0" -> "65 quantize_per_channel_default_5" [label="(128,)", style=solid]; -"63 conv2d_5_scale_0" -> "66 dequantize_per_channel_default_5" [label="(128,)", style=solid]; -"64 conv2d_5_zero_point_0" -> "65 quantize_per_channel_default_5" [label="(128,)", style=solid]; -"64 conv2d_5_zero_point_0" -> "66 dequantize_per_channel_default_5" [label="(128,)", style=solid]; -"65 quantize_per_channel_default_5" -> "66 dequantize_per_channel_default_5" [label="(128, 64, 3, 3)", style=solid]; -"66 dequantize_per_channel_default_5" -> "68 conv2d_5" [label="(128, 64, 3, 3)", style=solid]; -"67 layer2_0_conv1_weight_bias_0_0" -> "68 conv2d_5" [label="(128,)", style=solid]; -"68 conv2d_5" -> "69 relu__5" [label="(1, 128, 28, 28)", style=solid]; -"69 relu__5" -> "70 quantize_per_tensor_default_8" [label="(1, 128, 28, 28)", style=solid]; -"70 quantize_per_tensor_default_8" -> "71 dequantize_per_tensor_default_10" [label="(1, 128, 28, 28)", style=solid]; -"71 dequantize_per_tensor_default_10" -> "78 conv2d_6" [label="(1, 128, 28, 28)", style=solid]; -"72 _param_constant18" -> "75 quantize_per_channel_default_6" [label="(128, 128, 3, 3)", style=solid]; -"73 conv2d_6_scale_0" -> "75 quantize_per_channel_default_6" [label="(128,)", style=solid]; -"73 conv2d_6_scale_0" -> "76 dequantize_per_channel_default_6" [label="(128,)", style=solid]; -"74 conv2d_6_zero_point_0" -> "75 quantize_per_channel_default_6" [label="(128,)", style=solid]; -"74 conv2d_6_zero_point_0" -> "76 dequantize_per_channel_default_6" [label="(128,)", style=solid]; -"75 quantize_per_channel_default_6" -> "76 dequantize_per_channel_default_6" [label="(128, 128, 3, 3)", style=solid]; -"76 dequantize_per_channel_default_6" -> "78 conv2d_6" [label="(128, 128, 3, 3)", style=solid]; -"77 layer2_0_conv2_weight_bias_0_0" -> "78 conv2d_6" [label="(128,)", style=solid]; -"78 conv2d_6" -> "79 quantize_per_tensor_default_9" [label="(1, 128, 28, 28)", style=solid]; -"79 quantize_per_tensor_default_9" -> "80 dequantize_per_tensor_default_11" [label="(1, 128, 28, 28)", style=solid]; -"80 dequantize_per_tensor_default_11" -> "90 add__2" [label="(1, 128, 28, 28)", style=solid]; -"81 _param_constant21" -> "84 quantize_per_channel_default_7" [label="(128, 64, 1, 1)", style=solid]; -"82 conv2d_7_scale_0" -> "84 quantize_per_channel_default_7" [label="(128,)", style=solid]; -"82 conv2d_7_scale_0" -> "85 dequantize_per_channel_default_7" [label="(128,)", style=solid]; -"83 conv2d_7_zero_point_0" -> "84 quantize_per_channel_default_7" [label="(128,)", style=solid]; -"83 conv2d_7_zero_point_0" -> "85 dequantize_per_channel_default_7" [label="(128,)", style=solid]; -"84 quantize_per_channel_default_7" -> "85 dequantize_per_channel_default_7" [label="(128, 64, 1, 1)", style=solid]; -"85 dequantize_per_channel_default_7" -> "87 conv2d_7" [label="(128, 64, 1, 1)", style=solid]; -"86 layer2_0_downsample_0_weight_bias_0_0" -> "87 conv2d_7" [label="(128,)", style=solid]; -"87 conv2d_7" -> "88 quantize_per_tensor_default_10" [label="(1, 128, 28, 28)", style=solid]; -"88 quantize_per_tensor_default_10" -> "89 dequantize_per_tensor_default_12" [label="(1, 128, 28, 28)", style=solid]; -"89 dequantize_per_tensor_default_12" -> "90 add__2" [label="(1, 128, 28, 28)", style=solid]; -"90 add__2" -> "91 relu__6" [label="(1, 128, 28, 28)", style=solid]; -"91 relu__6" -> "92 quantize_per_tensor_default_11" [label="(1, 128, 28, 28)", style=solid]; -"92 quantize_per_tensor_default_11" -> "93 dequantize_per_tensor_default_14" [label="(1, 128, 28, 28)", style=solid]; -"92 quantize_per_tensor_default_11" -> "94 dequantize_per_tensor_default_13" [label="(1, 128, 28, 28)", style=solid]; -"93 dequantize_per_tensor_default_14" -> "114 add__3" [label="(1, 128, 28, 28)", style=solid]; -"94 dequantize_per_tensor_default_13" -> "101 conv2d_8" [label="(1, 128, 28, 28)", style=solid]; -"95 _param_constant24" -> "98 quantize_per_channel_default_8" [label="(128, 128, 3, 3)", style=solid]; -"96 conv2d_8_scale_0" -> "98 quantize_per_channel_default_8" [label="(128,)", style=solid]; -"96 conv2d_8_scale_0" -> "99 dequantize_per_channel_default_8" [label="(128,)", style=solid]; -"97 conv2d_8_zero_point_0" -> "98 quantize_per_channel_default_8" [label="(128,)", style=solid]; -"97 conv2d_8_zero_point_0" -> "99 dequantize_per_channel_default_8" [label="(128,)", style=solid]; -"98 quantize_per_channel_default_8" -> "99 dequantize_per_channel_default_8" [label="(128, 128, 3, 3)", style=solid]; -"99 dequantize_per_channel_default_8" -> "101 conv2d_8" [label="(128, 128, 3, 3)", style=solid]; -"100 layer2_1_conv1_weight_bias_0_0" -> "101 conv2d_8" [label="(128,)", style=solid]; -"101 conv2d_8" -> "102 relu__7" [label="(1, 128, 28, 28)", style=solid]; -"102 relu__7" -> "103 quantize_per_tensor_default_12" [label="(1, 128, 28, 28)", style=solid]; -"103 quantize_per_tensor_default_12" -> "104 dequantize_per_tensor_default_15" [label="(1, 128, 28, 28)", style=solid]; -"104 dequantize_per_tensor_default_15" -> "111 conv2d_9" [label="(1, 128, 28, 28)", style=solid]; -"105 _param_constant27" -> "108 quantize_per_channel_default_9" [label="(128, 128, 3, 3)", style=solid]; -"106 conv2d_9_scale_0" -> "108 quantize_per_channel_default_9" [label="(128,)", style=solid]; -"106 conv2d_9_scale_0" -> "109 dequantize_per_channel_default_9" [label="(128,)", style=solid]; -"107 conv2d_9_zero_point_0" -> "108 quantize_per_channel_default_9" [label="(128,)", style=solid]; -"107 conv2d_9_zero_point_0" -> "109 dequantize_per_channel_default_9" [label="(128,)", style=solid]; -"108 quantize_per_channel_default_9" -> "109 dequantize_per_channel_default_9" [label="(128, 128, 3, 3)", style=solid]; -"109 dequantize_per_channel_default_9" -> "111 conv2d_9" [label="(128, 128, 3, 3)", style=solid]; -"110 layer2_1_conv2_weight_bias_0_0" -> "111 conv2d_9" [label="(128,)", style=solid]; -"111 conv2d_9" -> "112 quantize_per_tensor_default_13" [label="(1, 128, 28, 28)", style=solid]; -"112 quantize_per_tensor_default_13" -> "113 dequantize_per_tensor_default_16" [label="(1, 128, 28, 28)", style=solid]; -"113 dequantize_per_tensor_default_16" -> "114 add__3" [label="(1, 128, 28, 28)", style=solid]; -"114 add__3" -> "115 relu__8" [label="(1, 128, 28, 28)", style=solid]; -"115 relu__8" -> "116 quantize_per_tensor_default_14" [label="(1, 128, 28, 28)", style=solid]; -"116 quantize_per_tensor_default_14" -> "117 dequantize_per_tensor_default_18" [label="(1, 128, 28, 28)", style=solid]; -"116 quantize_per_tensor_default_14" -> "118 dequantize_per_tensor_default_17" [label="(1, 128, 28, 28)", style=solid]; -"117 dequantize_per_tensor_default_18" -> "144 conv2d_12" [label="(1, 128, 28, 28)", style=solid]; -"118 dequantize_per_tensor_default_17" -> "125 conv2d_10" [label="(1, 128, 28, 28)", style=solid]; -"119 _param_constant30" -> "122 quantize_per_channel_default_10" [label="(256, 128, 3, 3)", style=solid]; -"120 conv2d_10_scale_0" -> "122 quantize_per_channel_default_10" [label="(256,)", style=solid]; -"120 conv2d_10_scale_0" -> "123 dequantize_per_channel_default_10" [label="(256,)", style=solid]; -"121 conv2d_10_zero_point_0" -> "122 quantize_per_channel_default_10" [label="(256,)", style=solid]; -"121 conv2d_10_zero_point_0" -> "123 dequantize_per_channel_default_10" [label="(256,)", style=solid]; -"122 quantize_per_channel_default_10" -> "123 dequantize_per_channel_default_10" [label="(256, 128, 3, 3)", style=solid]; -"123 dequantize_per_channel_default_10" -> "125 conv2d_10" [label="(256, 128, 3, 3)", style=solid]; -"124 layer3_0_conv1_weight_bias_0_0" -> "125 conv2d_10" [label="(256,)", style=solid]; -"125 conv2d_10" -> "126 relu__9" [label="(1, 256, 14, 14)", style=solid]; -"126 relu__9" -> "127 quantize_per_tensor_default_15" [label="(1, 256, 14, 14)", style=solid]; -"127 quantize_per_tensor_default_15" -> "128 dequantize_per_tensor_default_19" [label="(1, 256, 14, 14)", style=solid]; -"128 dequantize_per_tensor_default_19" -> "135 conv2d_11" [label="(1, 256, 14, 14)", style=solid]; -"129 _param_constant33" -> "132 quantize_per_channel_default_11" [label="(256, 256, 3, 3)", style=solid]; -"130 conv2d_11_scale_0" -> "132 quantize_per_channel_default_11" [label="(256,)", style=solid]; -"130 conv2d_11_scale_0" -> "133 dequantize_per_channel_default_11" [label="(256,)", style=solid]; -"131 conv2d_11_zero_point_0" -> "132 quantize_per_channel_default_11" [label="(256,)", style=solid]; -"131 conv2d_11_zero_point_0" -> "133 dequantize_per_channel_default_11" [label="(256,)", style=solid]; -"132 quantize_per_channel_default_11" -> "133 dequantize_per_channel_default_11" [label="(256, 256, 3, 3)", style=solid]; -"133 dequantize_per_channel_default_11" -> "135 conv2d_11" [label="(256, 256, 3, 3)", style=solid]; -"134 layer3_0_conv2_weight_bias_0_0" -> "135 conv2d_11" [label="(256,)", style=solid]; -"135 conv2d_11" -> "136 quantize_per_tensor_default_16" [label="(1, 256, 14, 14)", style=solid]; -"136 quantize_per_tensor_default_16" -> "137 dequantize_per_tensor_default_20" [label="(1, 256, 14, 14)", style=solid]; -"137 dequantize_per_tensor_default_20" -> "147 add__4" [label="(1, 256, 14, 14)", style=solid]; -"138 _param_constant36" -> "141 quantize_per_channel_default_12" [label="(256, 128, 1, 1)", style=solid]; -"139 conv2d_12_scale_0" -> "141 quantize_per_channel_default_12" [label="(256,)", style=solid]; -"139 conv2d_12_scale_0" -> "142 dequantize_per_channel_default_12" [label="(256,)", style=solid]; -"140 conv2d_12_zero_point_0" -> "141 quantize_per_channel_default_12" [label="(256,)", style=solid]; -"140 conv2d_12_zero_point_0" -> "142 dequantize_per_channel_default_12" [label="(256,)", style=solid]; -"141 quantize_per_channel_default_12" -> "142 dequantize_per_channel_default_12" [label="(256, 128, 1, 1)", style=solid]; -"142 dequantize_per_channel_default_12" -> "144 conv2d_12" [label="(256, 128, 1, 1)", style=solid]; -"143 layer3_0_downsample_0_weight_bias_0_0" -> "144 conv2d_12" [label="(256,)", style=solid]; -"144 conv2d_12" -> "145 quantize_per_tensor_default_17" [label="(1, 256, 14, 14)", style=solid]; -"145 quantize_per_tensor_default_17" -> "146 dequantize_per_tensor_default_21" [label="(1, 256, 14, 14)", style=solid]; -"146 dequantize_per_tensor_default_21" -> "147 add__4" [label="(1, 256, 14, 14)", style=solid]; -"147 add__4" -> "148 relu__10" [label="(1, 256, 14, 14)", style=solid]; -"148 relu__10" -> "149 quantize_per_tensor_default_18" [label="(1, 256, 14, 14)", style=solid]; -"149 quantize_per_tensor_default_18" -> "150 dequantize_per_tensor_default_23" [label="(1, 256, 14, 14)", style=solid]; -"149 quantize_per_tensor_default_18" -> "151 dequantize_per_tensor_default_22" [label="(1, 256, 14, 14)", style=solid]; -"150 dequantize_per_tensor_default_23" -> "171 add__5" [label="(1, 256, 14, 14)", style=solid]; -"151 dequantize_per_tensor_default_22" -> "158 conv2d_13" [label="(1, 256, 14, 14)", style=solid]; -"152 _param_constant39" -> "155 quantize_per_channel_default_13" [label="(256, 256, 3, 3)", style=solid]; -"153 conv2d_13_scale_0" -> "155 quantize_per_channel_default_13" [label="(256,)", style=solid]; -"153 conv2d_13_scale_0" -> "156 dequantize_per_channel_default_13" [label="(256,)", style=solid]; -"154 conv2d_13_zero_point_0" -> "155 quantize_per_channel_default_13" [label="(256,)", style=solid]; -"154 conv2d_13_zero_point_0" -> "156 dequantize_per_channel_default_13" [label="(256,)", style=solid]; -"155 quantize_per_channel_default_13" -> "156 dequantize_per_channel_default_13" [label="(256, 256, 3, 3)", style=solid]; -"156 dequantize_per_channel_default_13" -> "158 conv2d_13" [label="(256, 256, 3, 3)", style=solid]; -"157 layer3_1_conv1_weight_bias_0_0" -> "158 conv2d_13" [label="(256,)", style=solid]; -"158 conv2d_13" -> "159 relu__11" [label="(1, 256, 14, 14)", style=solid]; -"159 relu__11" -> "160 quantize_per_tensor_default_19" [label="(1, 256, 14, 14)", style=solid]; -"160 quantize_per_tensor_default_19" -> "161 dequantize_per_tensor_default_24" [label="(1, 256, 14, 14)", style=solid]; -"161 dequantize_per_tensor_default_24" -> "168 conv2d_14" [label="(1, 256, 14, 14)", style=solid]; -"162 _param_constant42" -> "165 quantize_per_channel_default_14" [label="(256, 256, 3, 3)", style=solid]; -"163 conv2d_14_scale_0" -> "165 quantize_per_channel_default_14" [label="(256,)", style=solid]; -"163 conv2d_14_scale_0" -> "166 dequantize_per_channel_default_14" [label="(256,)", style=solid]; -"164 conv2d_14_zero_point_0" -> "165 quantize_per_channel_default_14" [label="(256,)", style=solid]; -"164 conv2d_14_zero_point_0" -> "166 dequantize_per_channel_default_14" [label="(256,)", style=solid]; -"165 quantize_per_channel_default_14" -> "166 dequantize_per_channel_default_14" [label="(256, 256, 3, 3)", style=solid]; -"166 dequantize_per_channel_default_14" -> "168 conv2d_14" [label="(256, 256, 3, 3)", style=solid]; -"167 layer3_1_conv2_weight_bias_0_0" -> "168 conv2d_14" [label="(256,)", style=solid]; -"168 conv2d_14" -> "169 quantize_per_tensor_default_20" [label="(1, 256, 14, 14)", style=solid]; -"169 quantize_per_tensor_default_20" -> "170 dequantize_per_tensor_default_25" [label="(1, 256, 14, 14)", style=solid]; -"170 dequantize_per_tensor_default_25" -> "171 add__5" [label="(1, 256, 14, 14)", style=solid]; -"171 add__5" -> "172 relu__12" [label="(1, 256, 14, 14)", style=solid]; -"172 relu__12" -> "173 quantize_per_tensor_default_21" [label="(1, 256, 14, 14)", style=solid]; -"173 quantize_per_tensor_default_21" -> "174 dequantize_per_tensor_default_27" [label="(1, 256, 14, 14)", style=solid]; -"173 quantize_per_tensor_default_21" -> "175 dequantize_per_tensor_default_26" [label="(1, 256, 14, 14)", style=solid]; -"174 dequantize_per_tensor_default_27" -> "201 conv2d_17" [label="(1, 256, 14, 14)", style=solid]; -"175 dequantize_per_tensor_default_26" -> "182 conv2d_15" [label="(1, 256, 14, 14)", style=solid]; -"176 _param_constant45" -> "179 quantize_per_channel_default_15" [label="(512, 256, 3, 3)", style=solid]; -"177 conv2d_15_scale_0" -> "179 quantize_per_channel_default_15" [label="(512,)", style=solid]; -"177 conv2d_15_scale_0" -> "180 dequantize_per_channel_default_15" [label="(512,)", style=solid]; -"178 conv2d_15_zero_point_0" -> "179 quantize_per_channel_default_15" [label="(512,)", style=solid]; -"178 conv2d_15_zero_point_0" -> "180 dequantize_per_channel_default_15" [label="(512,)", style=solid]; -"179 quantize_per_channel_default_15" -> "180 dequantize_per_channel_default_15" [label="(512, 256, 3, 3)", style=solid]; -"180 dequantize_per_channel_default_15" -> "182 conv2d_15" [label="(512, 256, 3, 3)", style=solid]; -"181 layer4_0_conv1_weight_bias_0_0" -> "182 conv2d_15" [label="(512,)", style=solid]; -"182 conv2d_15" -> "183 relu__13" [label="(1, 512, 7, 7)", style=solid]; -"183 relu__13" -> "184 quantize_per_tensor_default_22" [label="(1, 512, 7, 7)", style=solid]; -"184 quantize_per_tensor_default_22" -> "185 dequantize_per_tensor_default_28" [label="(1, 512, 7, 7)", style=solid]; -"185 dequantize_per_tensor_default_28" -> "192 conv2d_16" [label="(1, 512, 7, 7)", style=solid]; -"186 _param_constant48" -> "189 quantize_per_channel_default_16" [label="(512, 512, 3, 3)", style=solid]; -"187 conv2d_16_scale_0" -> "189 quantize_per_channel_default_16" [label="(512,)", style=solid]; -"187 conv2d_16_scale_0" -> "190 dequantize_per_channel_default_16" [label="(512,)", style=solid]; -"188 conv2d_16_zero_point_0" -> "189 quantize_per_channel_default_16" [label="(512,)", style=solid]; -"188 conv2d_16_zero_point_0" -> "190 dequantize_per_channel_default_16" [label="(512,)", style=solid]; -"189 quantize_per_channel_default_16" -> "190 dequantize_per_channel_default_16" [label="(512, 512, 3, 3)", style=solid]; -"190 dequantize_per_channel_default_16" -> "192 conv2d_16" [label="(512, 512, 3, 3)", style=solid]; -"191 layer4_0_conv2_weight_bias_0_0" -> "192 conv2d_16" [label="(512,)", style=solid]; -"192 conv2d_16" -> "193 quantize_per_tensor_default_23" [label="(1, 512, 7, 7)", style=solid]; -"193 quantize_per_tensor_default_23" -> "194 dequantize_per_tensor_default_29" [label="(1, 512, 7, 7)", style=solid]; -"194 dequantize_per_tensor_default_29" -> "204 add__6" [label="(1, 512, 7, 7)", style=solid]; -"195 _param_constant51" -> "198 quantize_per_channel_default_17" [label="(512, 256, 1, 1)", style=solid]; -"196 conv2d_17_scale_0" -> "198 quantize_per_channel_default_17" [label="(512,)", style=solid]; -"196 conv2d_17_scale_0" -> "199 dequantize_per_channel_default_17" [label="(512,)", style=solid]; -"197 conv2d_17_zero_point_0" -> "198 quantize_per_channel_default_17" [label="(512,)", style=solid]; -"197 conv2d_17_zero_point_0" -> "199 dequantize_per_channel_default_17" [label="(512,)", style=solid]; -"198 quantize_per_channel_default_17" -> "199 dequantize_per_channel_default_17" [label="(512, 256, 1, 1)", style=solid]; -"199 dequantize_per_channel_default_17" -> "201 conv2d_17" [label="(512, 256, 1, 1)", style=solid]; -"200 layer4_0_downsample_0_weight_bias_0_0" -> "201 conv2d_17" [label="(512,)", style=solid]; -"201 conv2d_17" -> "202 quantize_per_tensor_default_24" [label="(1, 512, 7, 7)", style=solid]; -"202 quantize_per_tensor_default_24" -> "203 dequantize_per_tensor_default_30" [label="(1, 512, 7, 7)", style=solid]; -"203 dequantize_per_tensor_default_30" -> "204 add__6" [label="(1, 512, 7, 7)", style=solid]; -"204 add__6" -> "205 relu__14" [label="(1, 512, 7, 7)", style=solid]; -"205 relu__14" -> "206 quantize_per_tensor_default_25" [label="(1, 512, 7, 7)", style=solid]; -"206 quantize_per_tensor_default_25" -> "207 dequantize_per_tensor_default_32" [label="(1, 512, 7, 7)", style=solid]; -"206 quantize_per_tensor_default_25" -> "208 dequantize_per_tensor_default_31" [label="(1, 512, 7, 7)", style=solid]; -"207 dequantize_per_tensor_default_32" -> "228 add__7" [label="(1, 512, 7, 7)", style=solid]; -"208 dequantize_per_tensor_default_31" -> "215 conv2d_18" [label="(1, 512, 7, 7)", style=solid]; -"209 _param_constant54" -> "212 quantize_per_channel_default_18" [label="(512, 512, 3, 3)", style=solid]; -"210 conv2d_18_scale_0" -> "212 quantize_per_channel_default_18" [label="(512,)", style=solid]; -"210 conv2d_18_scale_0" -> "213 dequantize_per_channel_default_18" [label="(512,)", style=solid]; -"211 conv2d_18_zero_point_0" -> "212 quantize_per_channel_default_18" [label="(512,)", style=solid]; -"211 conv2d_18_zero_point_0" -> "213 dequantize_per_channel_default_18" [label="(512,)", style=solid]; -"212 quantize_per_channel_default_18" -> "213 dequantize_per_channel_default_18" [label="(512, 512, 3, 3)", style=solid]; -"213 dequantize_per_channel_default_18" -> "215 conv2d_18" [label="(512, 512, 3, 3)", style=solid]; -"214 layer4_1_conv1_weight_bias_0_0" -> "215 conv2d_18" [label="(512,)", style=solid]; -"215 conv2d_18" -> "216 relu__15" [label="(1, 512, 7, 7)", style=solid]; -"216 relu__15" -> "217 quantize_per_tensor_default_26" [label="(1, 512, 7, 7)", style=solid]; -"217 quantize_per_tensor_default_26" -> "218 dequantize_per_tensor_default_33" [label="(1, 512, 7, 7)", style=solid]; -"218 dequantize_per_tensor_default_33" -> "225 conv2d_19" [label="(1, 512, 7, 7)", style=solid]; -"219 _param_constant57" -> "222 quantize_per_channel_default_19" [label="(512, 512, 3, 3)", style=solid]; -"220 conv2d_19_scale_0" -> "222 quantize_per_channel_default_19" [label="(512,)", style=solid]; -"220 conv2d_19_scale_0" -> "223 dequantize_per_channel_default_19" [label="(512,)", style=solid]; -"221 conv2d_19_zero_point_0" -> "222 quantize_per_channel_default_19" [label="(512,)", style=solid]; -"221 conv2d_19_zero_point_0" -> "223 dequantize_per_channel_default_19" [label="(512,)", style=solid]; -"222 quantize_per_channel_default_19" -> "223 dequantize_per_channel_default_19" [label="(512, 512, 3, 3)", style=solid]; -"223 dequantize_per_channel_default_19" -> "225 conv2d_19" [label="(512, 512, 3, 3)", style=solid]; -"224 layer4_1_conv2_weight_bias_0_0" -> "225 conv2d_19" [label="(512,)", style=solid]; -"225 conv2d_19" -> "226 quantize_per_tensor_default_27" [label="(1, 512, 7, 7)", style=solid]; -"226 quantize_per_tensor_default_27" -> "227 dequantize_per_tensor_default_34" [label="(1, 512, 7, 7)", style=solid]; -"227 dequantize_per_tensor_default_34" -> "228 add__7" [label="(1, 512, 7, 7)", style=solid]; -"228 add__7" -> "229 relu__16" [label="(1, 512, 7, 7)", style=solid]; -"229 relu__16" -> "230 quantize_per_tensor_default_28" [label="(1, 512, 7, 7)", style=solid]; -"230 quantize_per_tensor_default_28" -> "231 dequantize_per_tensor_default_35" [label="(1, 512, 7, 7)", style=solid]; -"231 dequantize_per_tensor_default_35" -> "232 adaptive_avg_pool2d" [label="(1, 512, 7, 7)", style=solid]; -"232 adaptive_avg_pool2d" -> "233 quantize_per_tensor_default_29" [label="(1, 512, 1, 1)", style=solid]; -"233 quantize_per_tensor_default_29" -> "234 dequantize_per_tensor_default_36" [label="(1, 512, 1, 1)", style=solid]; -"234 dequantize_per_tensor_default_36" -> "235 flatten" [label="(1, 512, 1, 1)", style=solid]; -"235 flatten" -> "242 linear" [label="(1, 512)", style=solid]; -"236 _param_constant60" -> "239 quantize_per_channel_default_20" [label="(1000, 512)", style=solid]; -"237 linear_scale_0" -> "239 quantize_per_channel_default_20" [label="(1000,)", style=solid]; -"237 linear_scale_0" -> "240 dequantize_per_channel_default_20" [label="(1000,)", style=solid]; -"238 linear_zero_point_0" -> "239 quantize_per_channel_default_20" [label="(1000,)", style=solid]; -"238 linear_zero_point_0" -> "240 dequantize_per_channel_default_20" [label="(1000,)", style=solid]; -"239 quantize_per_channel_default_20" -> "240 dequantize_per_channel_default_20" [label="(1000, 512)", style=solid]; -"240 dequantize_per_channel_default_20" -> "242 linear" [label="(1000, 512)", style=solid]; -"241 _param_constant61_0_0" -> "242 linear" [label="(1000,)", style=solid]; -"242 linear" -> "243 output" [label="(1, 1000)", style=solid]; -} diff --git a/tests/torch/data/fx/reference_graphs/quantized_graphs/swin_v2_s.dot b/tests/torch/data/fx/reference_graphs/quantized_graphs/swin_v2_s.dot deleted file mode 100644 index a403c4bc8e3..00000000000 --- a/tests/torch/data/fx/reference_graphs/quantized_graphs/swin_v2_s.dot +++ /dev/null @@ -1,6858 +0,0 @@ -strict digraph { -"0 arg0_1" [id=0, type=input]; -"1 quantize_per_tensor_default" [id=1, type=quantize_per_tensor]; -"2 dequantize_per_tensor_default" [id=2, type=dequantize_per_tensor]; -"3 _param_constant0" [id=3, type=get_attr]; -"4 conv2d_scale_0" [id=4, type=get_attr]; -"5 conv2d_zero_point_0" [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 _param_constant1_0_0" [id=8, type=get_attr]; -"9 conv2d" [id=9, type=conv2d]; -"10 permute" [id=10, type=permute]; -"11 _param_constant2" [id=11, type=get_attr]; -"12 _param_constant3" [id=12, type=get_attr]; -"13 layer_norm" [id=13, type=layer_norm]; -"14 _tensor_constant0" [id=14, type=get_attr]; -"15 linear_updated_constant0" [id=15, type=get_attr]; -"16 _tensor_constant0_0_0_nncf_smooth_quant_0" [id=16, type=call_module]; -"17 linear_scale_0" [id=17, type=get_attr]; -"18 linear_zero_point_0" [id=18, type=get_attr]; -"19 quantize_per_channel_default_1" [id=19, type=quantize_per_channel]; -"20 dequantize_per_channel_default_1" [id=20, type=dequantize_per_channel]; -"21 _param_constant5_0_0" [id=21, type=get_attr]; -"22 linear" [id=22, type=linear]; -"23 relu_" [id=23, type=relu_]; -"24 linear_1_updated_constant0" [id=24, type=get_attr]; -"25 relu__0_0_nncf_smooth_quant_0" [id=25, type=call_module]; -"26 linear_1_scale_0" [id=26, type=get_attr]; -"27 linear_1_zero_point_0" [id=27, type=get_attr]; -"28 quantize_per_channel_default_2" [id=28, type=quantize_per_channel]; -"29 dequantize_per_channel_default_2" [id=29, type=dequantize_per_channel]; -"30 linear_1" [id=30, type=linear]; -"31 view" [id=31, type=view]; -"32 _tensor_constant1" [id=32, type=get_attr]; -"33 index" [id=33, type=index]; -"34 view_1" [id=34, type=view]; -"35 permute_1" [id=35, type=permute]; -"36 contiguous" [id=36, type=contiguous]; -"37 unsqueeze" [id=37, type=unsqueeze]; -"38 sigmoid" [id=38, type=sigmoid]; -"39 mul" [id=39, type=mul]; -"40 pad" [id=40, type=pad]; -"41 view_2" [id=41, type=view]; -"42 permute_2" [id=42, type=permute]; -"43 reshape" [id=43, type=reshape]; -"44 linear_2_updated_constant0" [id=44, type=get_attr]; -"45 reshape_0_0_nncf_smooth_quant_0" [id=45, type=call_module]; -"46 quantize_per_tensor_default_1" [id=46, type=quantize_per_tensor]; -"47 dequantize_per_tensor_default_1" [id=47, type=dequantize_per_tensor]; -"48 linear_2_scale_0" [id=48, type=get_attr]; -"49 linear_2_zero_point_0" [id=49, type=get_attr]; -"50 quantize_per_channel_default_3" [id=50, type=quantize_per_channel]; -"51 dequantize_per_channel_default_3" [id=51, type=dequantize_per_channel]; -"52 _param_constant7_0_0" [id=52, type=get_attr]; -"53 linear_2" [id=53, type=linear]; -"54 reshape_1" [id=54, type=reshape]; -"55 permute_3" [id=55, type=permute]; -"56 select" [id=56, type=select]; -"57 select_1" [id=57, type=select]; -"58 select_2" [id=58, type=select]; -"59 linalg_vector_norm" [id=59, type=linalg_vector_norm]; -"60 clamp_min" [id=60, type=clamp_min]; -"61 expand_as" [id=61, type=expand_as]; -"62 div" [id=62, type=div]; -"63 quantize_per_tensor_default_2" [id=63, type=quantize_per_tensor]; -"64 dequantize_per_tensor_default_2" [id=64, type=dequantize_per_tensor]; -"65 linalg_vector_norm_1" [id=65, type=linalg_vector_norm]; -"66 clamp_min_1" [id=66, type=clamp_min]; -"67 expand_as_1" [id=67, type=expand_as]; -"68 div_1" [id=68, type=div]; -"69 quantize_per_tensor_default_3" [id=69, type=quantize_per_tensor]; -"70 dequantize_per_tensor_default_3" [id=70, type=dequantize_per_tensor]; -"71 transpose" [id=71, type=transpose]; -"72 matmul" [id=72, type=matmul]; -"73 _param_constant9" [id=73, type=get_attr]; -"74 clamp" [id=74, type=clamp]; -"75 exp" [id=75, type=exp]; -"76 mul_1" [id=76, type=mul]; -"77 add" [id=77, type=add]; -"78 softmax" [id=78, type=softmax]; -"79 dropout" [id=79, type=dropout]; -"80 matmul_1" [id=80, type=matmul]; -"81 transpose_1" [id=81, type=transpose]; -"82 reshape_2" [id=82, type=reshape]; -"83 linear_3_updated_constant0" [id=83, type=get_attr]; -"84 reshape_2_0_0_nncf_smooth_quant_0" [id=84, type=call_module]; -"85 quantize_per_tensor_default_4" [id=85, type=quantize_per_tensor]; -"86 dequantize_per_tensor_default_4" [id=86, type=dequantize_per_tensor]; -"87 linear_3_scale_0" [id=87, type=get_attr]; -"88 linear_3_zero_point_0" [id=88, type=get_attr]; -"89 quantize_per_channel_default_4" [id=89, type=quantize_per_channel]; -"90 dequantize_per_channel_default_4" [id=90, type=dequantize_per_channel]; -"91 _param_constant11_0_0" [id=91, type=get_attr]; -"92 linear_3" [id=92, type=linear]; -"93 dropout_1" [id=93, type=dropout]; -"94 view_3" [id=94, type=view]; -"95 permute_4" [id=95, type=permute]; -"96 reshape_3" [id=96, type=reshape]; -"97 slice_2" [id=97, type=slice]; -"98 slice_3" [id=98, type=slice]; -"99 _param_constant12" [id=99, type=get_attr]; -"100 _param_constant13" [id=100, type=get_attr]; -"101 layer_norm_1" [id=101, type=layer_norm]; -"102 add_1" [id=102, type=add]; -"103 linear_4_updated_constant0" [id=103, type=get_attr]; -"104 add_1_0_0_nncf_smooth_quant_0" [id=104, type=call_module]; -"105 quantize_per_tensor_default_5" [id=105, type=quantize_per_tensor]; -"106 dequantize_per_tensor_default_5" [id=106, type=dequantize_per_tensor]; -"107 linear_4_scale_0" [id=107, type=get_attr]; -"108 linear_4_zero_point_0" [id=108, type=get_attr]; -"109 quantize_per_channel_default_5" [id=109, type=quantize_per_channel]; -"110 dequantize_per_channel_default_5" [id=110, type=dequantize_per_channel]; -"111 _param_constant15_0_0" [id=111, type=get_attr]; -"112 linear_4" [id=112, type=linear]; -"113 gelu" [id=113, type=gelu]; -"114 dropout_2" [id=114, type=dropout]; -"115 linear_5_updated_constant0" [id=115, type=get_attr]; -"116 dropout_2_0_0_nncf_smooth_quant_0" [id=116, type=call_module]; -"117 quantize_per_tensor_default_6" [id=117, type=quantize_per_tensor]; -"118 dequantize_per_tensor_default_6" [id=118, type=dequantize_per_tensor]; -"119 linear_5_scale_0" [id=119, type=get_attr]; -"120 linear_5_zero_point_0" [id=120, type=get_attr]; -"121 quantize_per_channel_default_6" [id=121, type=quantize_per_channel]; -"122 dequantize_per_channel_default_6" [id=122, type=dequantize_per_channel]; -"123 _param_constant17_0_0" [id=123, type=get_attr]; -"124 linear_5" [id=124, type=linear]; -"125 dropout_3" [id=125, type=dropout]; -"126 _param_constant18" [id=126, type=get_attr]; -"127 _param_constant19" [id=127, type=get_attr]; -"128 layer_norm_2" [id=128, type=layer_norm]; -"129 add_2" [id=129, type=add]; -"130 _tensor_constant2" [id=130, type=get_attr]; -"131 linear_6_updated_constant0" [id=131, type=get_attr]; -"132 _tensor_constant2_0_0_nncf_smooth_quant_0" [id=132, type=call_module]; -"133 linear_6_scale_0" [id=133, type=get_attr]; -"134 linear_6_zero_point_0" [id=134, type=get_attr]; -"135 quantize_per_channel_default_7" [id=135, type=quantize_per_channel]; -"136 dequantize_per_channel_default_7" [id=136, type=dequantize_per_channel]; -"137 _param_constant21_0_0" [id=137, type=get_attr]; -"138 linear_6" [id=138, type=linear]; -"139 relu__1" [id=139, type=relu_]; -"140 linear_7_updated_constant0" [id=140, type=get_attr]; -"141 relu__1_0_0_nncf_smooth_quant_0" [id=141, type=call_module]; -"142 linear_7_scale_0" [id=142, type=get_attr]; -"143 linear_7_zero_point_0" [id=143, type=get_attr]; -"144 quantize_per_channel_default_8" [id=144, type=quantize_per_channel]; -"145 dequantize_per_channel_default_8" [id=145, type=dequantize_per_channel]; -"146 linear_7" [id=146, type=linear]; -"147 view_4" [id=147, type=view]; -"148 _tensor_constant3" [id=148, type=get_attr]; -"149 index_1" [id=149, type=index]; -"150 view_5" [id=150, type=view]; -"151 permute_5" [id=151, type=permute]; -"152 contiguous_1" [id=152, type=contiguous]; -"153 unsqueeze_1" [id=153, type=unsqueeze]; -"154 sigmoid_1" [id=154, type=sigmoid]; -"155 mul_2" [id=155, type=mul]; -"156 pad_1" [id=156, type=pad]; -"157 roll" [id=157, type=roll]; -"158 view_6" [id=158, type=view]; -"159 permute_6" [id=159, type=permute]; -"160 reshape_4" [id=160, type=reshape]; -"161 linear_8_updated_constant0" [id=161, type=get_attr]; -"162 reshape_4_0_0_nncf_smooth_quant_0" [id=162, type=call_module]; -"163 quantize_per_tensor_default_7" [id=163, type=quantize_per_tensor]; -"164 dequantize_per_tensor_default_7" [id=164, type=dequantize_per_tensor]; -"165 linear_8_scale_0" [id=165, type=get_attr]; -"166 linear_8_zero_point_0" [id=166, type=get_attr]; -"167 quantize_per_channel_default_9" [id=167, type=quantize_per_channel]; -"168 dequantize_per_channel_default_9" [id=168, type=dequantize_per_channel]; -"169 _param_constant23_0_0" [id=169, type=get_attr]; -"170 linear_8" [id=170, type=linear]; -"171 reshape_5" [id=171, type=reshape]; -"172 permute_7" [id=172, type=permute]; -"173 select_3" [id=173, type=select]; -"174 select_4" [id=174, type=select]; -"175 select_5" [id=175, type=select]; -"176 linalg_vector_norm_2" [id=176, type=linalg_vector_norm]; -"177 clamp_min_2" [id=177, type=clamp_min]; -"178 expand_as_2" [id=178, type=expand_as]; -"179 div_2" [id=179, type=div]; -"180 quantize_per_tensor_default_8" [id=180, type=quantize_per_tensor]; -"181 dequantize_per_tensor_default_8" [id=181, type=dequantize_per_tensor]; -"182 linalg_vector_norm_3" [id=182, type=linalg_vector_norm]; -"183 clamp_min_3" [id=183, type=clamp_min]; -"184 expand_as_3" [id=184, type=expand_as]; -"185 div_3" [id=185, type=div]; -"186 quantize_per_tensor_default_9" [id=186, type=quantize_per_tensor]; -"187 dequantize_per_tensor_default_9" [id=187, type=dequantize_per_tensor]; -"188 transpose_2" [id=188, type=transpose]; -"189 matmul_2" [id=189, type=matmul]; -"190 _param_constant25" [id=190, type=get_attr]; -"191 clamp_1" [id=191, type=clamp]; -"192 exp_1" [id=192, type=exp]; -"193 mul_3" [id=193, type=mul]; -"194 add_3" [id=194, type=add]; -"195 new_zeros" [id=195, type=new_zeros]; -"196 view_7" [id=196, type=view]; -"197 permute_8" [id=197, type=permute]; -"198 reshape_6" [id=198, type=reshape]; -"199 unsqueeze_2" [id=199, type=unsqueeze]; -"200 unsqueeze_3" [id=200, type=unsqueeze]; -"201 sub" [id=201, type=sub]; -"202 ne" [id=202, type=ne]; -"203 masked_fill" [id=203, type=masked_fill]; -"204 eq" [id=204, type=eq]; -"205 masked_fill_1" [id=205, type=masked_fill]; -"206 view_8" [id=206, type=view]; -"207 unsqueeze_4" [id=207, type=unsqueeze]; -"208 unsqueeze_5" [id=208, type=unsqueeze]; -"209 add_4" [id=209, type=add]; -"210 view_9" [id=210, type=view]; -"211 softmax_1" [id=211, type=softmax]; -"212 dropout_4" [id=212, type=dropout]; -"213 matmul_3" [id=213, type=matmul]; -"214 transpose_3" [id=214, type=transpose]; -"215 reshape_7" [id=215, type=reshape]; -"216 linear_9_updated_constant0" [id=216, type=get_attr]; -"217 reshape_7_0_0_nncf_smooth_quant_0" [id=217, type=call_module]; -"218 quantize_per_tensor_default_10" [id=218, type=quantize_per_tensor]; -"219 dequantize_per_tensor_default_10" [id=219, type=dequantize_per_tensor]; -"220 linear_9_scale_0" [id=220, type=get_attr]; -"221 linear_9_zero_point_0" [id=221, type=get_attr]; -"222 quantize_per_channel_default_10" [id=222, type=quantize_per_channel]; -"223 dequantize_per_channel_default_10" [id=223, type=dequantize_per_channel]; -"224 _param_constant27_0_0" [id=224, type=get_attr]; -"225 linear_9" [id=225, type=linear]; -"226 dropout_5" [id=226, type=dropout]; -"227 view_10" [id=227, type=view]; -"228 permute_9" [id=228, type=permute]; -"229 reshape_8" [id=229, type=reshape]; -"230 roll_1" [id=230, type=roll]; -"231 slice_23" [id=231, type=slice]; -"232 slice_24" [id=232, type=slice]; -"233 _param_constant28" [id=233, type=get_attr]; -"234 _param_constant29" [id=234, type=get_attr]; -"235 layer_norm_3" [id=235, type=layer_norm]; -"236 add_5" [id=236, type=add]; -"237 linear_10_updated_constant0" [id=237, type=get_attr]; -"238 add_5_0_0_nncf_smooth_quant_0" [id=238, type=call_module]; -"239 quantize_per_tensor_default_11" [id=239, type=quantize_per_tensor]; -"240 dequantize_per_tensor_default_11" [id=240, type=dequantize_per_tensor]; -"241 linear_10_scale_0" [id=241, type=get_attr]; -"242 linear_10_zero_point_0" [id=242, type=get_attr]; -"243 quantize_per_channel_default_11" [id=243, type=quantize_per_channel]; -"244 dequantize_per_channel_default_11" [id=244, type=dequantize_per_channel]; -"245 _param_constant31_0_0" [id=245, type=get_attr]; -"246 linear_10" [id=246, type=linear]; -"247 gelu_1" [id=247, type=gelu]; -"248 dropout_6" [id=248, type=dropout]; -"249 linear_11_updated_constant0" [id=249, type=get_attr]; -"250 dropout_6_0_0_nncf_smooth_quant_0" [id=250, type=call_module]; -"251 quantize_per_tensor_default_12" [id=251, type=quantize_per_tensor]; -"252 dequantize_per_tensor_default_12" [id=252, type=dequantize_per_tensor]; -"253 linear_11_scale_0" [id=253, type=get_attr]; -"254 linear_11_zero_point_0" [id=254, type=get_attr]; -"255 quantize_per_channel_default_12" [id=255, type=quantize_per_channel]; -"256 dequantize_per_channel_default_12" [id=256, type=dequantize_per_channel]; -"257 _param_constant33_0_0" [id=257, type=get_attr]; -"258 linear_11" [id=258, type=linear]; -"259 dropout_7" [id=259, type=dropout]; -"260 _param_constant34" [id=260, type=get_attr]; -"261 _param_constant35" [id=261, type=get_attr]; -"262 layer_norm_4" [id=262, type=layer_norm]; -"263 add_6" [id=263, type=add]; -"264 pad_2" [id=264, type=pad]; -"265 slice_25" [id=265, type=slice]; -"266 slice_26" [id=266, type=slice]; -"267 slice_27" [id=267, type=slice]; -"268 slice_28" [id=268, type=slice]; -"269 slice_29" [id=269, type=slice]; -"270 slice_30" [id=270, type=slice]; -"271 slice_31" [id=271, type=slice]; -"272 slice_32" [id=272, type=slice]; -"273 slice_33" [id=273, type=slice]; -"274 slice_34" [id=274, type=slice]; -"275 slice_35" [id=275, type=slice]; -"276 slice_36" [id=276, type=slice]; -"277 cat" [id=277, type=cat]; -"278 linear_12_updated_constant0" [id=278, type=get_attr]; -"279 cat_0_0_nncf_smooth_quant_0" [id=279, type=call_module]; -"280 quantize_per_tensor_default_13" [id=280, type=quantize_per_tensor]; -"281 dequantize_per_tensor_default_13" [id=281, type=dequantize_per_tensor]; -"282 linear_12_scale_0" [id=282, type=get_attr]; -"283 linear_12_zero_point_0" [id=283, type=get_attr]; -"284 quantize_per_channel_default_13" [id=284, type=quantize_per_channel]; -"285 dequantize_per_channel_default_13" [id=285, type=dequantize_per_channel]; -"286 linear_12" [id=286, type=linear]; -"287 _param_constant37" [id=287, type=get_attr]; -"288 _param_constant38" [id=288, type=get_attr]; -"289 layer_norm_5" [id=289, type=layer_norm]; -"290 _tensor_constant13" [id=290, type=get_attr]; -"291 linear_13_updated_constant0" [id=291, type=get_attr]; -"292 _tensor_constant13_0_0_nncf_smooth_quant_0" [id=292, type=call_module]; -"293 linear_13_scale_0" [id=293, type=get_attr]; -"294 linear_13_zero_point_0" [id=294, type=get_attr]; -"295 quantize_per_channel_default_14" [id=295, type=quantize_per_channel]; -"296 dequantize_per_channel_default_14" [id=296, type=dequantize_per_channel]; -"297 _param_constant40_0_0" [id=297, type=get_attr]; -"298 linear_13" [id=298, type=linear]; -"299 relu__2" [id=299, type=relu_]; -"300 linear_14_updated_constant0" [id=300, type=get_attr]; -"301 relu__2_0_0_nncf_smooth_quant_0" [id=301, type=call_module]; -"302 linear_14_scale_0" [id=302, type=get_attr]; -"303 linear_14_zero_point_0" [id=303, type=get_attr]; -"304 quantize_per_channel_default_15" [id=304, type=quantize_per_channel]; -"305 dequantize_per_channel_default_15" [id=305, type=dequantize_per_channel]; -"306 linear_14" [id=306, type=linear]; -"307 view_11" [id=307, type=view]; -"308 _tensor_constant14" [id=308, type=get_attr]; -"309 index_2" [id=309, type=index]; -"310 view_12" [id=310, type=view]; -"311 permute_10" [id=311, type=permute]; -"312 contiguous_2" [id=312, type=contiguous]; -"313 unsqueeze_6" [id=313, type=unsqueeze]; -"314 sigmoid_2" [id=314, type=sigmoid]; -"315 mul_4" [id=315, type=mul]; -"316 pad_3" [id=316, type=pad]; -"317 view_13" [id=317, type=view]; -"318 permute_11" [id=318, type=permute]; -"319 reshape_9" [id=319, type=reshape]; -"320 linear_15_updated_constant0" [id=320, type=get_attr]; -"321 reshape_9_0_0_nncf_smooth_quant_0" [id=321, type=call_module]; -"322 quantize_per_tensor_default_14" [id=322, type=quantize_per_tensor]; -"323 dequantize_per_tensor_default_14" [id=323, type=dequantize_per_tensor]; -"324 linear_15_scale_0" [id=324, type=get_attr]; -"325 linear_15_zero_point_0" [id=325, type=get_attr]; -"326 quantize_per_channel_default_16" [id=326, type=quantize_per_channel]; -"327 dequantize_per_channel_default_16" [id=327, type=dequantize_per_channel]; -"328 _param_constant42_0_0" [id=328, type=get_attr]; -"329 linear_15" [id=329, type=linear]; -"330 reshape_10" [id=330, type=reshape]; -"331 permute_12" [id=331, type=permute]; -"332 select_6" [id=332, type=select]; -"333 select_7" [id=333, type=select]; -"334 select_8" [id=334, type=select]; -"335 linalg_vector_norm_4" [id=335, type=linalg_vector_norm]; -"336 clamp_min_4" [id=336, type=clamp_min]; -"337 expand_as_4" [id=337, type=expand_as]; -"338 div_4" [id=338, type=div]; -"339 quantize_per_tensor_default_15" [id=339, type=quantize_per_tensor]; -"340 dequantize_per_tensor_default_15" [id=340, type=dequantize_per_tensor]; -"341 linalg_vector_norm_5" [id=341, type=linalg_vector_norm]; -"342 clamp_min_5" [id=342, type=clamp_min]; -"343 expand_as_5" [id=343, type=expand_as]; -"344 div_5" [id=344, type=div]; -"345 quantize_per_tensor_default_16" [id=345, type=quantize_per_tensor]; -"346 dequantize_per_tensor_default_16" [id=346, type=dequantize_per_tensor]; -"347 transpose_4" [id=347, type=transpose]; -"348 matmul_4" [id=348, type=matmul]; -"349 _param_constant44" [id=349, type=get_attr]; -"350 clamp_2" [id=350, type=clamp]; -"351 exp_2" [id=351, type=exp]; -"352 mul_5" [id=352, type=mul]; -"353 add_7" [id=353, type=add]; -"354 softmax_2" [id=354, type=softmax]; -"355 dropout_8" [id=355, type=dropout]; -"356 matmul_5" [id=356, type=matmul]; -"357 transpose_5" [id=357, type=transpose]; -"358 reshape_11" [id=358, type=reshape]; -"359 linear_16_updated_constant0" [id=359, type=get_attr]; -"360 reshape_11_0_0_nncf_smooth_quant_0" [id=360, type=call_module]; -"361 quantize_per_tensor_default_17" [id=361, type=quantize_per_tensor]; -"362 dequantize_per_tensor_default_17" [id=362, type=dequantize_per_tensor]; -"363 linear_16_scale_0" [id=363, type=get_attr]; -"364 linear_16_zero_point_0" [id=364, type=get_attr]; -"365 quantize_per_channel_default_17" [id=365, type=quantize_per_channel]; -"366 dequantize_per_channel_default_17" [id=366, type=dequantize_per_channel]; -"367 _param_constant46_0_0" [id=367, type=get_attr]; -"368 linear_16" [id=368, type=linear]; -"369 dropout_9" [id=369, type=dropout]; -"370 view_14" [id=370, type=view]; -"371 permute_13" [id=371, type=permute]; -"372 reshape_12" [id=372, type=reshape]; -"373 slice_38" [id=373, type=slice]; -"374 slice_39" [id=374, type=slice]; -"375 slice_40" [id=375, type=slice]; -"376 slice_41" [id=376, type=slice]; -"377 contiguous_3" [id=377, type=contiguous]; -"378 _param_constant47" [id=378, type=get_attr]; -"379 _param_constant48" [id=379, type=get_attr]; -"380 layer_norm_6" [id=380, type=layer_norm]; -"381 add_8" [id=381, type=add]; -"382 linear_17_updated_constant0" [id=382, type=get_attr]; -"383 add_8_0_0_nncf_smooth_quant_0" [id=383, type=call_module]; -"384 quantize_per_tensor_default_18" [id=384, type=quantize_per_tensor]; -"385 dequantize_per_tensor_default_18" [id=385, type=dequantize_per_tensor]; -"386 linear_17_scale_0" [id=386, type=get_attr]; -"387 linear_17_zero_point_0" [id=387, type=get_attr]; -"388 quantize_per_channel_default_18" [id=388, type=quantize_per_channel]; -"389 dequantize_per_channel_default_18" [id=389, type=dequantize_per_channel]; -"390 _param_constant50_0_0" [id=390, type=get_attr]; -"391 linear_17" [id=391, type=linear]; -"392 gelu_2" [id=392, type=gelu]; -"393 dropout_10" [id=393, type=dropout]; -"394 linear_18_updated_constant0" [id=394, type=get_attr]; -"395 dropout_10_0_0_nncf_smooth_quant_0" [id=395, type=call_module]; -"396 quantize_per_tensor_default_19" [id=396, type=quantize_per_tensor]; -"397 dequantize_per_tensor_default_19" [id=397, type=dequantize_per_tensor]; -"398 linear_18_scale_0" [id=398, type=get_attr]; -"399 linear_18_zero_point_0" [id=399, type=get_attr]; -"400 quantize_per_channel_default_19" [id=400, type=quantize_per_channel]; -"401 dequantize_per_channel_default_19" [id=401, type=dequantize_per_channel]; -"402 _param_constant52_0_0" [id=402, type=get_attr]; -"403 linear_18" [id=403, type=linear]; -"404 dropout_11" [id=404, type=dropout]; -"405 _param_constant53" [id=405, type=get_attr]; -"406 _param_constant54" [id=406, type=get_attr]; -"407 layer_norm_7" [id=407, type=layer_norm]; -"408 add_9" [id=408, type=add]; -"409 _tensor_constant15" [id=409, type=get_attr]; -"410 linear_19_updated_constant0" [id=410, type=get_attr]; -"411 _tensor_constant15_0_0_nncf_smooth_quant_0" [id=411, type=call_module]; -"412 linear_19_scale_0" [id=412, type=get_attr]; -"413 linear_19_zero_point_0" [id=413, type=get_attr]; -"414 quantize_per_channel_default_20" [id=414, type=quantize_per_channel]; -"415 dequantize_per_channel_default_20" [id=415, type=dequantize_per_channel]; -"416 _param_constant56_0_0" [id=416, type=get_attr]; -"417 linear_19" [id=417, type=linear]; -"418 relu__3" [id=418, type=relu_]; -"419 linear_20_updated_constant0" [id=419, type=get_attr]; -"420 relu__3_0_0_nncf_smooth_quant_0" [id=420, type=call_module]; -"421 linear_20_scale_0" [id=421, type=get_attr]; -"422 linear_20_zero_point_0" [id=422, type=get_attr]; -"423 quantize_per_channel_default_21" [id=423, type=quantize_per_channel]; -"424 dequantize_per_channel_default_21" [id=424, type=dequantize_per_channel]; -"425 linear_20" [id=425, type=linear]; -"426 view_15" [id=426, type=view]; -"427 _tensor_constant16" [id=427, type=get_attr]; -"428 index_3" [id=428, type=index]; -"429 view_16" [id=429, type=view]; -"430 permute_14" [id=430, type=permute]; -"431 contiguous_4" [id=431, type=contiguous]; -"432 unsqueeze_7" [id=432, type=unsqueeze]; -"433 sigmoid_3" [id=433, type=sigmoid]; -"434 mul_6" [id=434, type=mul]; -"435 pad_4" [id=435, type=pad]; -"436 roll_2" [id=436, type=roll]; -"437 view_17" [id=437, type=view]; -"438 permute_15" [id=438, type=permute]; -"439 reshape_13" [id=439, type=reshape]; -"440 linear_21_updated_constant0" [id=440, type=get_attr]; -"441 reshape_13_0_0_nncf_smooth_quant_0" [id=441, type=call_module]; -"442 quantize_per_tensor_default_20" [id=442, type=quantize_per_tensor]; -"443 dequantize_per_tensor_default_20" [id=443, type=dequantize_per_tensor]; -"444 linear_21_scale_0" [id=444, type=get_attr]; -"445 linear_21_zero_point_0" [id=445, type=get_attr]; -"446 quantize_per_channel_default_22" [id=446, type=quantize_per_channel]; -"447 dequantize_per_channel_default_22" [id=447, type=dequantize_per_channel]; -"448 _param_constant58_0_0" [id=448, type=get_attr]; -"449 linear_21" [id=449, type=linear]; -"450 reshape_14" [id=450, type=reshape]; -"451 permute_16" [id=451, type=permute]; -"452 select_9" [id=452, type=select]; -"453 select_10" [id=453, type=select]; -"454 select_11" [id=454, type=select]; -"455 linalg_vector_norm_6" [id=455, type=linalg_vector_norm]; -"456 clamp_min_6" [id=456, type=clamp_min]; -"457 expand_as_6" [id=457, type=expand_as]; -"458 div_6" [id=458, type=div]; -"459 quantize_per_tensor_default_21" [id=459, type=quantize_per_tensor]; -"460 dequantize_per_tensor_default_21" [id=460, type=dequantize_per_tensor]; -"461 linalg_vector_norm_7" [id=461, type=linalg_vector_norm]; -"462 clamp_min_7" [id=462, type=clamp_min]; -"463 expand_as_7" [id=463, type=expand_as]; -"464 div_7" [id=464, type=div]; -"465 quantize_per_tensor_default_22" [id=465, type=quantize_per_tensor]; -"466 dequantize_per_tensor_default_22" [id=466, type=dequantize_per_tensor]; -"467 transpose_6" [id=467, type=transpose]; -"468 matmul_6" [id=468, type=matmul]; -"469 _param_constant60" [id=469, type=get_attr]; -"470 clamp_3" [id=470, type=clamp]; -"471 exp_3" [id=471, type=exp]; -"472 mul_7" [id=472, type=mul]; -"473 add_10" [id=473, type=add]; -"474 new_zeros_1" [id=474, type=new_zeros]; -"475 view_18" [id=475, type=view]; -"476 permute_17" [id=476, type=permute]; -"477 reshape_15" [id=477, type=reshape]; -"478 unsqueeze_8" [id=478, type=unsqueeze]; -"479 unsqueeze_9" [id=479, type=unsqueeze]; -"480 sub_1" [id=480, type=sub]; -"481 ne_1" [id=481, type=ne]; -"482 masked_fill_2" [id=482, type=masked_fill]; -"483 eq_1" [id=483, type=eq]; -"484 masked_fill_3" [id=484, type=masked_fill]; -"485 view_19" [id=485, type=view]; -"486 unsqueeze_10" [id=486, type=unsqueeze]; -"487 unsqueeze_11" [id=487, type=unsqueeze]; -"488 add_11" [id=488, type=add]; -"489 view_20" [id=489, type=view]; -"490 softmax_3" [id=490, type=softmax]; -"491 dropout_12" [id=491, type=dropout]; -"492 matmul_7" [id=492, type=matmul]; -"493 transpose_7" [id=493, type=transpose]; -"494 reshape_16" [id=494, type=reshape]; -"495 linear_22_updated_constant0" [id=495, type=get_attr]; -"496 reshape_16_0_0_nncf_smooth_quant_0" [id=496, type=call_module]; -"497 quantize_per_tensor_default_23" [id=497, type=quantize_per_tensor]; -"498 dequantize_per_tensor_default_23" [id=498, type=dequantize_per_tensor]; -"499 linear_22_scale_0" [id=499, type=get_attr]; -"500 linear_22_zero_point_0" [id=500, type=get_attr]; -"501 quantize_per_channel_default_23" [id=501, type=quantize_per_channel]; -"502 dequantize_per_channel_default_23" [id=502, type=dequantize_per_channel]; -"503 _param_constant62_0_0" [id=503, type=get_attr]; -"504 linear_22" [id=504, type=linear]; -"505 dropout_13" [id=505, type=dropout]; -"506 view_21" [id=506, type=view]; -"507 permute_18" [id=507, type=permute]; -"508 reshape_17" [id=508, type=reshape]; -"509 roll_3" [id=509, type=roll]; -"510 slice_61" [id=510, type=slice]; -"511 slice_62" [id=511, type=slice]; -"512 slice_63" [id=512, type=slice]; -"513 slice_64" [id=513, type=slice]; -"514 contiguous_5" [id=514, type=contiguous]; -"515 _param_constant63" [id=515, type=get_attr]; -"516 _param_constant64" [id=516, type=get_attr]; -"517 layer_norm_8" [id=517, type=layer_norm]; -"518 add_12" [id=518, type=add]; -"519 linear_23_updated_constant0" [id=519, type=get_attr]; -"520 add_12_0_0_nncf_smooth_quant_0" [id=520, type=call_module]; -"521 quantize_per_tensor_default_24" [id=521, type=quantize_per_tensor]; -"522 dequantize_per_tensor_default_24" [id=522, type=dequantize_per_tensor]; -"523 linear_23_scale_0" [id=523, type=get_attr]; -"524 linear_23_zero_point_0" [id=524, type=get_attr]; -"525 quantize_per_channel_default_24" [id=525, type=quantize_per_channel]; -"526 dequantize_per_channel_default_24" [id=526, type=dequantize_per_channel]; -"527 _param_constant66_0_0" [id=527, type=get_attr]; -"528 linear_23" [id=528, type=linear]; -"529 gelu_3" [id=529, type=gelu]; -"530 dropout_14" [id=530, type=dropout]; -"531 linear_24_updated_constant0" [id=531, type=get_attr]; -"532 dropout_14_0_0_nncf_smooth_quant_0" [id=532, type=call_module]; -"533 quantize_per_tensor_default_25" [id=533, type=quantize_per_tensor]; -"534 dequantize_per_tensor_default_25" [id=534, type=dequantize_per_tensor]; -"535 linear_24_scale_0" [id=535, type=get_attr]; -"536 linear_24_zero_point_0" [id=536, type=get_attr]; -"537 quantize_per_channel_default_25" [id=537, type=quantize_per_channel]; -"538 dequantize_per_channel_default_25" [id=538, type=dequantize_per_channel]; -"539 _param_constant68_0_0" [id=539, type=get_attr]; -"540 linear_24" [id=540, type=linear]; -"541 dropout_15" [id=541, type=dropout]; -"542 _param_constant69" [id=542, type=get_attr]; -"543 _param_constant70" [id=543, type=get_attr]; -"544 layer_norm_9" [id=544, type=layer_norm]; -"545 add_13" [id=545, type=add]; -"546 pad_5" [id=546, type=pad]; -"547 slice_65" [id=547, type=slice]; -"548 slice_66" [id=548, type=slice]; -"549 slice_67" [id=549, type=slice]; -"550 slice_68" [id=550, type=slice]; -"551 slice_69" [id=551, type=slice]; -"552 slice_70" [id=552, type=slice]; -"553 slice_71" [id=553, type=slice]; -"554 slice_72" [id=554, type=slice]; -"555 slice_73" [id=555, type=slice]; -"556 slice_74" [id=556, type=slice]; -"557 slice_75" [id=557, type=slice]; -"558 slice_76" [id=558, type=slice]; -"559 cat_1" [id=559, type=cat]; -"560 linear_25_updated_constant0" [id=560, type=get_attr]; -"561 cat_1_0_0_nncf_smooth_quant_0" [id=561, type=call_module]; -"562 quantize_per_tensor_default_26" [id=562, type=quantize_per_tensor]; -"563 dequantize_per_tensor_default_26" [id=563, type=dequantize_per_tensor]; -"564 linear_25_scale_0" [id=564, type=get_attr]; -"565 linear_25_zero_point_0" [id=565, type=get_attr]; -"566 quantize_per_channel_default_26" [id=566, type=quantize_per_channel]; -"567 dequantize_per_channel_default_26" [id=567, type=dequantize_per_channel]; -"568 linear_25" [id=568, type=linear]; -"569 _param_constant72" [id=569, type=get_attr]; -"570 _param_constant73" [id=570, type=get_attr]; -"571 layer_norm_10" [id=571, type=layer_norm]; -"572 _tensor_constant26" [id=572, type=get_attr]; -"573 linear_26_updated_constant0" [id=573, type=get_attr]; -"574 _tensor_constant26_0_0_nncf_smooth_quant_0" [id=574, type=call_module]; -"575 linear_26_scale_0" [id=575, type=get_attr]; -"576 linear_26_zero_point_0" [id=576, type=get_attr]; -"577 quantize_per_channel_default_27" [id=577, type=quantize_per_channel]; -"578 dequantize_per_channel_default_27" [id=578, type=dequantize_per_channel]; -"579 _param_constant75_0_0" [id=579, type=get_attr]; -"580 linear_26" [id=580, type=linear]; -"581 relu__4" [id=581, type=relu_]; -"582 linear_27_updated_constant0" [id=582, type=get_attr]; -"583 relu__4_0_0_nncf_smooth_quant_0" [id=583, type=call_module]; -"584 linear_27_scale_0" [id=584, type=get_attr]; -"585 linear_27_zero_point_0" [id=585, type=get_attr]; -"586 quantize_per_channel_default_28" [id=586, type=quantize_per_channel]; -"587 dequantize_per_channel_default_28" [id=587, type=dequantize_per_channel]; -"588 linear_27" [id=588, type=linear]; -"589 view_22" [id=589, type=view]; -"590 _tensor_constant27" [id=590, type=get_attr]; -"591 index_4" [id=591, type=index]; -"592 view_23" [id=592, type=view]; -"593 permute_19" [id=593, type=permute]; -"594 contiguous_6" [id=594, type=contiguous]; -"595 unsqueeze_12" [id=595, type=unsqueeze]; -"596 sigmoid_4" [id=596, type=sigmoid]; -"597 mul_8" [id=597, type=mul]; -"598 pad_6" [id=598, type=pad]; -"599 view_24" [id=599, type=view]; -"600 permute_20" [id=600, type=permute]; -"601 reshape_18" [id=601, type=reshape]; -"602 linear_28_updated_constant0" [id=602, type=get_attr]; -"603 reshape_18_0_0_nncf_smooth_quant_0" [id=603, type=call_module]; -"604 quantize_per_tensor_default_27" [id=604, type=quantize_per_tensor]; -"605 dequantize_per_tensor_default_27" [id=605, type=dequantize_per_tensor]; -"606 linear_28_scale_0" [id=606, type=get_attr]; -"607 linear_28_zero_point_0" [id=607, type=get_attr]; -"608 quantize_per_channel_default_29" [id=608, type=quantize_per_channel]; -"609 dequantize_per_channel_default_29" [id=609, type=dequantize_per_channel]; -"610 _param_constant77_0_0" [id=610, type=get_attr]; -"611 linear_28" [id=611, type=linear]; -"612 reshape_19" [id=612, type=reshape]; -"613 permute_21" [id=613, type=permute]; -"614 select_12" [id=614, type=select]; -"615 select_13" [id=615, type=select]; -"616 select_14" [id=616, type=select]; -"617 linalg_vector_norm_8" [id=617, type=linalg_vector_norm]; -"618 clamp_min_8" [id=618, type=clamp_min]; -"619 expand_as_8" [id=619, type=expand_as]; -"620 div_8" [id=620, type=div]; -"621 quantize_per_tensor_default_28" [id=621, type=quantize_per_tensor]; -"622 dequantize_per_tensor_default_28" [id=622, type=dequantize_per_tensor]; -"623 linalg_vector_norm_9" [id=623, type=linalg_vector_norm]; -"624 clamp_min_9" [id=624, type=clamp_min]; -"625 expand_as_9" [id=625, type=expand_as]; -"626 div_9" [id=626, type=div]; -"627 quantize_per_tensor_default_29" [id=627, type=quantize_per_tensor]; -"628 dequantize_per_tensor_default_29" [id=628, type=dequantize_per_tensor]; -"629 transpose_8" [id=629, type=transpose]; -"630 matmul_8" [id=630, type=matmul]; -"631 _param_constant79" [id=631, type=get_attr]; -"632 clamp_4" [id=632, type=clamp]; -"633 exp_4" [id=633, type=exp]; -"634 mul_9" [id=634, type=mul]; -"635 add_14" [id=635, type=add]; -"636 softmax_4" [id=636, type=softmax]; -"637 dropout_16" [id=637, type=dropout]; -"638 matmul_9" [id=638, type=matmul]; -"639 transpose_9" [id=639, type=transpose]; -"640 reshape_20" [id=640, type=reshape]; -"641 linear_29_updated_constant0" [id=641, type=get_attr]; -"642 reshape_20_0_0_nncf_smooth_quant_0" [id=642, type=call_module]; -"643 quantize_per_tensor_default_30" [id=643, type=quantize_per_tensor]; -"644 dequantize_per_tensor_default_30" [id=644, type=dequantize_per_tensor]; -"645 linear_29_scale_0" [id=645, type=get_attr]; -"646 linear_29_zero_point_0" [id=646, type=get_attr]; -"647 quantize_per_channel_default_30" [id=647, type=quantize_per_channel]; -"648 dequantize_per_channel_default_30" [id=648, type=dequantize_per_channel]; -"649 _param_constant81_0_0" [id=649, type=get_attr]; -"650 linear_29" [id=650, type=linear]; -"651 dropout_17" [id=651, type=dropout]; -"652 view_25" [id=652, type=view]; -"653 permute_22" [id=653, type=permute]; -"654 reshape_21" [id=654, type=reshape]; -"655 slice_78" [id=655, type=slice]; -"656 slice_79" [id=656, type=slice]; -"657 slice_80" [id=657, type=slice]; -"658 slice_81" [id=658, type=slice]; -"659 contiguous_7" [id=659, type=contiguous]; -"660 _param_constant82" [id=660, type=get_attr]; -"661 _param_constant83" [id=661, type=get_attr]; -"662 layer_norm_11" [id=662, type=layer_norm]; -"663 add_15" [id=663, type=add]; -"664 linear_30_updated_constant0" [id=664, type=get_attr]; -"665 add_15_0_0_nncf_smooth_quant_0" [id=665, type=call_module]; -"666 quantize_per_tensor_default_31" [id=666, type=quantize_per_tensor]; -"667 dequantize_per_tensor_default_31" [id=667, type=dequantize_per_tensor]; -"668 linear_30_scale_0" [id=668, type=get_attr]; -"669 linear_30_zero_point_0" [id=669, type=get_attr]; -"670 quantize_per_channel_default_31" [id=670, type=quantize_per_channel]; -"671 dequantize_per_channel_default_31" [id=671, type=dequantize_per_channel]; -"672 _param_constant85_0_0" [id=672, type=get_attr]; -"673 linear_30" [id=673, type=linear]; -"674 gelu_4" [id=674, type=gelu]; -"675 dropout_18" [id=675, type=dropout]; -"676 linear_31_updated_constant0" [id=676, type=get_attr]; -"677 dropout_18_0_0_nncf_smooth_quant_0" [id=677, type=call_module]; -"678 quantize_per_tensor_default_32" [id=678, type=quantize_per_tensor]; -"679 dequantize_per_tensor_default_32" [id=679, type=dequantize_per_tensor]; -"680 linear_31_scale_0" [id=680, type=get_attr]; -"681 linear_31_zero_point_0" [id=681, type=get_attr]; -"682 quantize_per_channel_default_32" [id=682, type=quantize_per_channel]; -"683 dequantize_per_channel_default_32" [id=683, type=dequantize_per_channel]; -"684 _param_constant87_0_0" [id=684, type=get_attr]; -"685 linear_31" [id=685, type=linear]; -"686 dropout_19" [id=686, type=dropout]; -"687 _param_constant88" [id=687, type=get_attr]; -"688 _param_constant89" [id=688, type=get_attr]; -"689 layer_norm_12" [id=689, type=layer_norm]; -"690 add_16" [id=690, type=add]; -"691 _tensor_constant28" [id=691, type=get_attr]; -"692 linear_32_updated_constant0" [id=692, type=get_attr]; -"693 _tensor_constant28_0_0_nncf_smooth_quant_0" [id=693, type=call_module]; -"694 linear_32_scale_0" [id=694, type=get_attr]; -"695 linear_32_zero_point_0" [id=695, type=get_attr]; -"696 quantize_per_channel_default_33" [id=696, type=quantize_per_channel]; -"697 dequantize_per_channel_default_33" [id=697, type=dequantize_per_channel]; -"698 _param_constant91_0_0" [id=698, type=get_attr]; -"699 linear_32" [id=699, type=linear]; -"700 relu__5" [id=700, type=relu_]; -"701 linear_33_updated_constant0" [id=701, type=get_attr]; -"702 relu__5_0_0_nncf_smooth_quant_0" [id=702, type=call_module]; -"703 linear_33_scale_0" [id=703, type=get_attr]; -"704 linear_33_zero_point_0" [id=704, type=get_attr]; -"705 quantize_per_channel_default_34" [id=705, type=quantize_per_channel]; -"706 dequantize_per_channel_default_34" [id=706, type=dequantize_per_channel]; -"707 linear_33" [id=707, type=linear]; -"708 view_26" [id=708, type=view]; -"709 _tensor_constant29" [id=709, type=get_attr]; -"710 index_5" [id=710, type=index]; -"711 view_27" [id=711, type=view]; -"712 permute_23" [id=712, type=permute]; -"713 contiguous_8" [id=713, type=contiguous]; -"714 unsqueeze_13" [id=714, type=unsqueeze]; -"715 sigmoid_5" [id=715, type=sigmoid]; -"716 mul_10" [id=716, type=mul]; -"717 pad_7" [id=717, type=pad]; -"718 roll_4" [id=718, type=roll]; -"719 view_28" [id=719, type=view]; -"720 permute_24" [id=720, type=permute]; -"721 reshape_22" [id=721, type=reshape]; -"722 linear_34_updated_constant0" [id=722, type=get_attr]; -"723 reshape_22_0_0_nncf_smooth_quant_0" [id=723, type=call_module]; -"724 quantize_per_tensor_default_33" [id=724, type=quantize_per_tensor]; -"725 dequantize_per_tensor_default_33" [id=725, type=dequantize_per_tensor]; -"726 linear_34_scale_0" [id=726, type=get_attr]; -"727 linear_34_zero_point_0" [id=727, type=get_attr]; -"728 quantize_per_channel_default_35" [id=728, type=quantize_per_channel]; -"729 dequantize_per_channel_default_35" [id=729, type=dequantize_per_channel]; -"730 _param_constant93_0_0" [id=730, type=get_attr]; -"731 linear_34" [id=731, type=linear]; -"732 reshape_23" [id=732, type=reshape]; -"733 permute_25" [id=733, type=permute]; -"734 select_15" [id=734, type=select]; -"735 select_16" [id=735, type=select]; -"736 select_17" [id=736, type=select]; -"737 linalg_vector_norm_10" [id=737, type=linalg_vector_norm]; -"738 clamp_min_10" [id=738, type=clamp_min]; -"739 expand_as_10" [id=739, type=expand_as]; -"740 div_10" [id=740, type=div]; -"741 quantize_per_tensor_default_34" [id=741, type=quantize_per_tensor]; -"742 dequantize_per_tensor_default_34" [id=742, type=dequantize_per_tensor]; -"743 linalg_vector_norm_11" [id=743, type=linalg_vector_norm]; -"744 clamp_min_11" [id=744, type=clamp_min]; -"745 expand_as_11" [id=745, type=expand_as]; -"746 div_11" [id=746, type=div]; -"747 quantize_per_tensor_default_35" [id=747, type=quantize_per_tensor]; -"748 dequantize_per_tensor_default_35" [id=748, type=dequantize_per_tensor]; -"749 transpose_10" [id=749, type=transpose]; -"750 matmul_10" [id=750, type=matmul]; -"751 _param_constant95" [id=751, type=get_attr]; -"752 clamp_5" [id=752, type=clamp]; -"753 exp_5" [id=753, type=exp]; -"754 mul_11" [id=754, type=mul]; -"755 add_17" [id=755, type=add]; -"756 new_zeros_2" [id=756, type=new_zeros]; -"757 view_29" [id=757, type=view]; -"758 permute_26" [id=758, type=permute]; -"759 reshape_24" [id=759, type=reshape]; -"760 unsqueeze_14" [id=760, type=unsqueeze]; -"761 unsqueeze_15" [id=761, type=unsqueeze]; -"762 sub_2" [id=762, type=sub]; -"763 ne_2" [id=763, type=ne]; -"764 masked_fill_4" [id=764, type=masked_fill]; -"765 eq_2" [id=765, type=eq]; -"766 masked_fill_5" [id=766, type=masked_fill]; -"767 view_30" [id=767, type=view]; -"768 unsqueeze_16" [id=768, type=unsqueeze]; -"769 unsqueeze_17" [id=769, type=unsqueeze]; -"770 add_18" [id=770, type=add]; -"771 view_31" [id=771, type=view]; -"772 softmax_5" [id=772, type=softmax]; -"773 dropout_20" [id=773, type=dropout]; -"774 matmul_11" [id=774, type=matmul]; -"775 transpose_11" [id=775, type=transpose]; -"776 reshape_25" [id=776, type=reshape]; -"777 linear_35_updated_constant0" [id=777, type=get_attr]; -"778 reshape_25_0_0_nncf_smooth_quant_0" [id=778, type=call_module]; -"779 quantize_per_tensor_default_36" [id=779, type=quantize_per_tensor]; -"780 dequantize_per_tensor_default_36" [id=780, type=dequantize_per_tensor]; -"781 linear_35_scale_0" [id=781, type=get_attr]; -"782 linear_35_zero_point_0" [id=782, type=get_attr]; -"783 quantize_per_channel_default_36" [id=783, type=quantize_per_channel]; -"784 dequantize_per_channel_default_36" [id=784, type=dequantize_per_channel]; -"785 _param_constant97_0_0" [id=785, type=get_attr]; -"786 linear_35" [id=786, type=linear]; -"787 dropout_21" [id=787, type=dropout]; -"788 view_32" [id=788, type=view]; -"789 permute_27" [id=789, type=permute]; -"790 reshape_26" [id=790, type=reshape]; -"791 roll_5" [id=791, type=roll]; -"792 slice_101" [id=792, type=slice]; -"793 slice_102" [id=793, type=slice]; -"794 slice_103" [id=794, type=slice]; -"795 slice_104" [id=795, type=slice]; -"796 contiguous_9" [id=796, type=contiguous]; -"797 _param_constant98" [id=797, type=get_attr]; -"798 _param_constant99" [id=798, type=get_attr]; -"799 layer_norm_13" [id=799, type=layer_norm]; -"800 add_19" [id=800, type=add]; -"801 linear_36_updated_constant0" [id=801, type=get_attr]; -"802 add_19_0_0_nncf_smooth_quant_0" [id=802, type=call_module]; -"803 quantize_per_tensor_default_37" [id=803, type=quantize_per_tensor]; -"804 dequantize_per_tensor_default_37" [id=804, type=dequantize_per_tensor]; -"805 linear_36_scale_0" [id=805, type=get_attr]; -"806 linear_36_zero_point_0" [id=806, type=get_attr]; -"807 quantize_per_channel_default_37" [id=807, type=quantize_per_channel]; -"808 dequantize_per_channel_default_37" [id=808, type=dequantize_per_channel]; -"809 _param_constant101_0_0" [id=809, type=get_attr]; -"810 linear_36" [id=810, type=linear]; -"811 gelu_5" [id=811, type=gelu]; -"812 dropout_22" [id=812, type=dropout]; -"813 linear_37_updated_constant0" [id=813, type=get_attr]; -"814 dropout_22_0_0_nncf_smooth_quant_0" [id=814, type=call_module]; -"815 quantize_per_tensor_default_38" [id=815, type=quantize_per_tensor]; -"816 dequantize_per_tensor_default_38" [id=816, type=dequantize_per_tensor]; -"817 linear_37_scale_0" [id=817, type=get_attr]; -"818 linear_37_zero_point_0" [id=818, type=get_attr]; -"819 quantize_per_channel_default_38" [id=819, type=quantize_per_channel]; -"820 dequantize_per_channel_default_38" [id=820, type=dequantize_per_channel]; -"821 _param_constant103_0_0" [id=821, type=get_attr]; -"822 linear_37" [id=822, type=linear]; -"823 dropout_23" [id=823, type=dropout]; -"824 _param_constant104" [id=824, type=get_attr]; -"825 _param_constant105" [id=825, type=get_attr]; -"826 layer_norm_14" [id=826, type=layer_norm]; -"827 add_20" [id=827, type=add]; -"828 _tensor_constant39" [id=828, type=get_attr]; -"829 linear_38_updated_constant0" [id=829, type=get_attr]; -"830 _tensor_constant39_0_0_nncf_smooth_quant_0" [id=830, type=call_module]; -"831 linear_38_scale_0" [id=831, type=get_attr]; -"832 linear_38_zero_point_0" [id=832, type=get_attr]; -"833 quantize_per_channel_default_39" [id=833, type=quantize_per_channel]; -"834 dequantize_per_channel_default_39" [id=834, type=dequantize_per_channel]; -"835 _param_constant107_0_0" [id=835, type=get_attr]; -"836 linear_38" [id=836, type=linear]; -"837 relu__6" [id=837, type=relu_]; -"838 linear_39_updated_constant0" [id=838, type=get_attr]; -"839 relu__6_0_0_nncf_smooth_quant_0" [id=839, type=call_module]; -"840 linear_39_scale_0" [id=840, type=get_attr]; -"841 linear_39_zero_point_0" [id=841, type=get_attr]; -"842 quantize_per_channel_default_40" [id=842, type=quantize_per_channel]; -"843 dequantize_per_channel_default_40" [id=843, type=dequantize_per_channel]; -"844 linear_39" [id=844, type=linear]; -"845 view_33" [id=845, type=view]; -"846 _tensor_constant40" [id=846, type=get_attr]; -"847 index_6" [id=847, type=index]; -"848 view_34" [id=848, type=view]; -"849 permute_28" [id=849, type=permute]; -"850 contiguous_10" [id=850, type=contiguous]; -"851 unsqueeze_18" [id=851, type=unsqueeze]; -"852 sigmoid_6" [id=852, type=sigmoid]; -"853 mul_12" [id=853, type=mul]; -"854 pad_8" [id=854, type=pad]; -"855 view_35" [id=855, type=view]; -"856 permute_29" [id=856, type=permute]; -"857 reshape_27" [id=857, type=reshape]; -"858 linear_40_updated_constant0" [id=858, type=get_attr]; -"859 reshape_27_0_0_nncf_smooth_quant_0" [id=859, type=call_module]; -"860 quantize_per_tensor_default_39" [id=860, type=quantize_per_tensor]; -"861 dequantize_per_tensor_default_39" [id=861, type=dequantize_per_tensor]; -"862 linear_40_scale_0" [id=862, type=get_attr]; -"863 linear_40_zero_point_0" [id=863, type=get_attr]; -"864 quantize_per_channel_default_41" [id=864, type=quantize_per_channel]; -"865 dequantize_per_channel_default_41" [id=865, type=dequantize_per_channel]; -"866 _param_constant109_0_0" [id=866, type=get_attr]; -"867 linear_40" [id=867, type=linear]; -"868 reshape_28" [id=868, type=reshape]; -"869 permute_30" [id=869, type=permute]; -"870 select_18" [id=870, type=select]; -"871 select_19" [id=871, type=select]; -"872 select_20" [id=872, type=select]; -"873 linalg_vector_norm_12" [id=873, type=linalg_vector_norm]; -"874 clamp_min_12" [id=874, type=clamp_min]; -"875 expand_as_12" [id=875, type=expand_as]; -"876 div_12" [id=876, type=div]; -"877 quantize_per_tensor_default_40" [id=877, type=quantize_per_tensor]; -"878 dequantize_per_tensor_default_40" [id=878, type=dequantize_per_tensor]; -"879 linalg_vector_norm_13" [id=879, type=linalg_vector_norm]; -"880 clamp_min_13" [id=880, type=clamp_min]; -"881 expand_as_13" [id=881, type=expand_as]; -"882 div_13" [id=882, type=div]; -"883 quantize_per_tensor_default_41" [id=883, type=quantize_per_tensor]; -"884 dequantize_per_tensor_default_41" [id=884, type=dequantize_per_tensor]; -"885 transpose_12" [id=885, type=transpose]; -"886 matmul_12" [id=886, type=matmul]; -"887 _param_constant111" [id=887, type=get_attr]; -"888 clamp_6" [id=888, type=clamp]; -"889 exp_6" [id=889, type=exp]; -"890 mul_13" [id=890, type=mul]; -"891 add_21" [id=891, type=add]; -"892 softmax_6" [id=892, type=softmax]; -"893 dropout_24" [id=893, type=dropout]; -"894 matmul_13" [id=894, type=matmul]; -"895 transpose_13" [id=895, type=transpose]; -"896 reshape_29" [id=896, type=reshape]; -"897 linear_41_updated_constant0" [id=897, type=get_attr]; -"898 reshape_29_0_0_nncf_smooth_quant_0" [id=898, type=call_module]; -"899 quantize_per_tensor_default_42" [id=899, type=quantize_per_tensor]; -"900 dequantize_per_tensor_default_42" [id=900, type=dequantize_per_tensor]; -"901 linear_41_scale_0" [id=901, type=get_attr]; -"902 linear_41_zero_point_0" [id=902, type=get_attr]; -"903 quantize_per_channel_default_42" [id=903, type=quantize_per_channel]; -"904 dequantize_per_channel_default_42" [id=904, type=dequantize_per_channel]; -"905 _param_constant113_0_0" [id=905, type=get_attr]; -"906 linear_41" [id=906, type=linear]; -"907 dropout_25" [id=907, type=dropout]; -"908 view_36" [id=908, type=view]; -"909 permute_31" [id=909, type=permute]; -"910 reshape_30" [id=910, type=reshape]; -"911 slice_106" [id=911, type=slice]; -"912 slice_107" [id=912, type=slice]; -"913 slice_108" [id=913, type=slice]; -"914 slice_109" [id=914, type=slice]; -"915 contiguous_11" [id=915, type=contiguous]; -"916 _param_constant114" [id=916, type=get_attr]; -"917 _param_constant115" [id=917, type=get_attr]; -"918 layer_norm_15" [id=918, type=layer_norm]; -"919 add_22" [id=919, type=add]; -"920 linear_42_updated_constant0" [id=920, type=get_attr]; -"921 add_22_0_0_nncf_smooth_quant_0" [id=921, type=call_module]; -"922 quantize_per_tensor_default_43" [id=922, type=quantize_per_tensor]; -"923 dequantize_per_tensor_default_43" [id=923, type=dequantize_per_tensor]; -"924 linear_42_scale_0" [id=924, type=get_attr]; -"925 linear_42_zero_point_0" [id=925, type=get_attr]; -"926 quantize_per_channel_default_43" [id=926, type=quantize_per_channel]; -"927 dequantize_per_channel_default_43" [id=927, type=dequantize_per_channel]; -"928 _param_constant117_0_0" [id=928, type=get_attr]; -"929 linear_42" [id=929, type=linear]; -"930 gelu_6" [id=930, type=gelu]; -"931 dropout_26" [id=931, type=dropout]; -"932 linear_43_updated_constant0" [id=932, type=get_attr]; -"933 dropout_26_0_0_nncf_smooth_quant_0" [id=933, type=call_module]; -"934 quantize_per_tensor_default_44" [id=934, type=quantize_per_tensor]; -"935 dequantize_per_tensor_default_44" [id=935, type=dequantize_per_tensor]; -"936 linear_43_scale_0" [id=936, type=get_attr]; -"937 linear_43_zero_point_0" [id=937, type=get_attr]; -"938 quantize_per_channel_default_44" [id=938, type=quantize_per_channel]; -"939 dequantize_per_channel_default_44" [id=939, type=dequantize_per_channel]; -"940 _param_constant119_0_0" [id=940, type=get_attr]; -"941 linear_43" [id=941, type=linear]; -"942 dropout_27" [id=942, type=dropout]; -"943 _param_constant120" [id=943, type=get_attr]; -"944 _param_constant121" [id=944, type=get_attr]; -"945 layer_norm_16" [id=945, type=layer_norm]; -"946 add_23" [id=946, type=add]; -"947 _tensor_constant41" [id=947, type=get_attr]; -"948 linear_44_updated_constant0" [id=948, type=get_attr]; -"949 _tensor_constant41_0_0_nncf_smooth_quant_0" [id=949, type=call_module]; -"950 linear_44_scale_0" [id=950, type=get_attr]; -"951 linear_44_zero_point_0" [id=951, type=get_attr]; -"952 quantize_per_channel_default_45" [id=952, type=quantize_per_channel]; -"953 dequantize_per_channel_default_45" [id=953, type=dequantize_per_channel]; -"954 _param_constant123_0_0" [id=954, type=get_attr]; -"955 linear_44" [id=955, type=linear]; -"956 relu__7" [id=956, type=relu_]; -"957 linear_45_updated_constant0" [id=957, type=get_attr]; -"958 relu__7_0_0_nncf_smooth_quant_0" [id=958, type=call_module]; -"959 linear_45_scale_0" [id=959, type=get_attr]; -"960 linear_45_zero_point_0" [id=960, type=get_attr]; -"961 quantize_per_channel_default_46" [id=961, type=quantize_per_channel]; -"962 dequantize_per_channel_default_46" [id=962, type=dequantize_per_channel]; -"963 linear_45" [id=963, type=linear]; -"964 view_37" [id=964, type=view]; -"965 _tensor_constant42" [id=965, type=get_attr]; -"966 index_7" [id=966, type=index]; -"967 view_38" [id=967, type=view]; -"968 permute_32" [id=968, type=permute]; -"969 contiguous_12" [id=969, type=contiguous]; -"970 unsqueeze_19" [id=970, type=unsqueeze]; -"971 sigmoid_7" [id=971, type=sigmoid]; -"972 mul_14" [id=972, type=mul]; -"973 pad_9" [id=973, type=pad]; -"974 roll_6" [id=974, type=roll]; -"975 view_39" [id=975, type=view]; -"976 permute_33" [id=976, type=permute]; -"977 reshape_31" [id=977, type=reshape]; -"978 linear_46_updated_constant0" [id=978, type=get_attr]; -"979 reshape_31_0_0_nncf_smooth_quant_0" [id=979, type=call_module]; -"980 quantize_per_tensor_default_45" [id=980, type=quantize_per_tensor]; -"981 dequantize_per_tensor_default_45" [id=981, type=dequantize_per_tensor]; -"982 linear_46_scale_0" [id=982, type=get_attr]; -"983 linear_46_zero_point_0" [id=983, type=get_attr]; -"984 quantize_per_channel_default_47" [id=984, type=quantize_per_channel]; -"985 dequantize_per_channel_default_47" [id=985, type=dequantize_per_channel]; -"986 _param_constant125_0_0" [id=986, type=get_attr]; -"987 linear_46" [id=987, type=linear]; -"988 reshape_32" [id=988, type=reshape]; -"989 permute_34" [id=989, type=permute]; -"990 select_21" [id=990, type=select]; -"991 select_22" [id=991, type=select]; -"992 select_23" [id=992, type=select]; -"993 linalg_vector_norm_14" [id=993, type=linalg_vector_norm]; -"994 clamp_min_14" [id=994, type=clamp_min]; -"995 expand_as_14" [id=995, type=expand_as]; -"996 div_14" [id=996, type=div]; -"997 quantize_per_tensor_default_46" [id=997, type=quantize_per_tensor]; -"998 dequantize_per_tensor_default_46" [id=998, type=dequantize_per_tensor]; -"999 linalg_vector_norm_15" [id=999, type=linalg_vector_norm]; -"1000 clamp_min_15" [id=1000, type=clamp_min]; -"1001 expand_as_15" [id=1001, type=expand_as]; -"1002 div_15" [id=1002, type=div]; -"1003 quantize_per_tensor_default_47" [id=1003, type=quantize_per_tensor]; -"1004 dequantize_per_tensor_default_47" [id=1004, type=dequantize_per_tensor]; -"1005 transpose_14" [id=1005, type=transpose]; -"1006 matmul_14" [id=1006, type=matmul]; -"1007 _param_constant127" [id=1007, type=get_attr]; -"1008 clamp_7" [id=1008, type=clamp]; -"1009 exp_7" [id=1009, type=exp]; -"1010 mul_15" [id=1010, type=mul]; -"1011 add_24" [id=1011, type=add]; -"1012 new_zeros_3" [id=1012, type=new_zeros]; -"1013 view_40" [id=1013, type=view]; -"1014 permute_35" [id=1014, type=permute]; -"1015 reshape_33" [id=1015, type=reshape]; -"1016 unsqueeze_20" [id=1016, type=unsqueeze]; -"1017 unsqueeze_21" [id=1017, type=unsqueeze]; -"1018 sub_3" [id=1018, type=sub]; -"1019 ne_3" [id=1019, type=ne]; -"1020 masked_fill_6" [id=1020, type=masked_fill]; -"1021 eq_3" [id=1021, type=eq]; -"1022 masked_fill_7" [id=1022, type=masked_fill]; -"1023 view_41" [id=1023, type=view]; -"1024 unsqueeze_22" [id=1024, type=unsqueeze]; -"1025 unsqueeze_23" [id=1025, type=unsqueeze]; -"1026 add_25" [id=1026, type=add]; -"1027 view_42" [id=1027, type=view]; -"1028 softmax_7" [id=1028, type=softmax]; -"1029 dropout_28" [id=1029, type=dropout]; -"1030 matmul_15" [id=1030, type=matmul]; -"1031 transpose_15" [id=1031, type=transpose]; -"1032 reshape_34" [id=1032, type=reshape]; -"1033 linear_47_updated_constant0" [id=1033, type=get_attr]; -"1034 reshape_34_0_0_nncf_smooth_quant_0" [id=1034, type=call_module]; -"1035 quantize_per_tensor_default_48" [id=1035, type=quantize_per_tensor]; -"1036 dequantize_per_tensor_default_48" [id=1036, type=dequantize_per_tensor]; -"1037 linear_47_scale_0" [id=1037, type=get_attr]; -"1038 linear_47_zero_point_0" [id=1038, type=get_attr]; -"1039 quantize_per_channel_default_48" [id=1039, type=quantize_per_channel]; -"1040 dequantize_per_channel_default_48" [id=1040, type=dequantize_per_channel]; -"1041 _param_constant129_0_0" [id=1041, type=get_attr]; -"1042 linear_47" [id=1042, type=linear]; -"1043 dropout_29" [id=1043, type=dropout]; -"1044 view_43" [id=1044, type=view]; -"1045 permute_36" [id=1045, type=permute]; -"1046 reshape_35" [id=1046, type=reshape]; -"1047 roll_7" [id=1047, type=roll]; -"1048 slice_129" [id=1048, type=slice]; -"1049 slice_130" [id=1049, type=slice]; -"1050 slice_131" [id=1050, type=slice]; -"1051 slice_132" [id=1051, type=slice]; -"1052 contiguous_13" [id=1052, type=contiguous]; -"1053 _param_constant130" [id=1053, type=get_attr]; -"1054 _param_constant131" [id=1054, type=get_attr]; -"1055 layer_norm_17" [id=1055, type=layer_norm]; -"1056 add_26" [id=1056, type=add]; -"1057 linear_48_updated_constant0" [id=1057, type=get_attr]; -"1058 add_26_0_0_nncf_smooth_quant_0" [id=1058, type=call_module]; -"1059 quantize_per_tensor_default_49" [id=1059, type=quantize_per_tensor]; -"1060 dequantize_per_tensor_default_49" [id=1060, type=dequantize_per_tensor]; -"1061 linear_48_scale_0" [id=1061, type=get_attr]; -"1062 linear_48_zero_point_0" [id=1062, type=get_attr]; -"1063 quantize_per_channel_default_49" [id=1063, type=quantize_per_channel]; -"1064 dequantize_per_channel_default_49" [id=1064, type=dequantize_per_channel]; -"1065 _param_constant133_0_0" [id=1065, type=get_attr]; -"1066 linear_48" [id=1066, type=linear]; -"1067 gelu_7" [id=1067, type=gelu]; -"1068 dropout_30" [id=1068, type=dropout]; -"1069 linear_49_updated_constant0" [id=1069, type=get_attr]; -"1070 dropout_30_0_0_nncf_smooth_quant_0" [id=1070, type=call_module]; -"1071 quantize_per_tensor_default_50" [id=1071, type=quantize_per_tensor]; -"1072 dequantize_per_tensor_default_50" [id=1072, type=dequantize_per_tensor]; -"1073 linear_49_scale_0" [id=1073, type=get_attr]; -"1074 linear_49_zero_point_0" [id=1074, type=get_attr]; -"1075 quantize_per_channel_default_50" [id=1075, type=quantize_per_channel]; -"1076 dequantize_per_channel_default_50" [id=1076, type=dequantize_per_channel]; -"1077 _param_constant135_0_0" [id=1077, type=get_attr]; -"1078 linear_49" [id=1078, type=linear]; -"1079 dropout_31" [id=1079, type=dropout]; -"1080 _param_constant136" [id=1080, type=get_attr]; -"1081 _param_constant137" [id=1081, type=get_attr]; -"1082 layer_norm_18" [id=1082, type=layer_norm]; -"1083 add_27" [id=1083, type=add]; -"1084 _tensor_constant52" [id=1084, type=get_attr]; -"1085 linear_50_updated_constant0" [id=1085, type=get_attr]; -"1086 _tensor_constant52_0_0_nncf_smooth_quant_0" [id=1086, type=call_module]; -"1087 linear_50_scale_0" [id=1087, type=get_attr]; -"1088 linear_50_zero_point_0" [id=1088, type=get_attr]; -"1089 quantize_per_channel_default_51" [id=1089, type=quantize_per_channel]; -"1090 dequantize_per_channel_default_51" [id=1090, type=dequantize_per_channel]; -"1091 _param_constant139_0_0" [id=1091, type=get_attr]; -"1092 linear_50" [id=1092, type=linear]; -"1093 relu__8" [id=1093, type=relu_]; -"1094 linear_51_updated_constant0" [id=1094, type=get_attr]; -"1095 relu__8_0_0_nncf_smooth_quant_0" [id=1095, type=call_module]; -"1096 linear_51_scale_0" [id=1096, type=get_attr]; -"1097 linear_51_zero_point_0" [id=1097, type=get_attr]; -"1098 quantize_per_channel_default_52" [id=1098, type=quantize_per_channel]; -"1099 dequantize_per_channel_default_52" [id=1099, type=dequantize_per_channel]; -"1100 linear_51" [id=1100, type=linear]; -"1101 view_44" [id=1101, type=view]; -"1102 _tensor_constant53" [id=1102, type=get_attr]; -"1103 index_8" [id=1103, type=index]; -"1104 view_45" [id=1104, type=view]; -"1105 permute_37" [id=1105, type=permute]; -"1106 contiguous_14" [id=1106, type=contiguous]; -"1107 unsqueeze_24" [id=1107, type=unsqueeze]; -"1108 sigmoid_8" [id=1108, type=sigmoid]; -"1109 mul_16" [id=1109, type=mul]; -"1110 pad_10" [id=1110, type=pad]; -"1111 view_46" [id=1111, type=view]; -"1112 permute_38" [id=1112, type=permute]; -"1113 reshape_36" [id=1113, type=reshape]; -"1114 linear_52_updated_constant0" [id=1114, type=get_attr]; -"1115 reshape_36_0_0_nncf_smooth_quant_0" [id=1115, type=call_module]; -"1116 quantize_per_tensor_default_51" [id=1116, type=quantize_per_tensor]; -"1117 dequantize_per_tensor_default_51" [id=1117, type=dequantize_per_tensor]; -"1118 linear_52_scale_0" [id=1118, type=get_attr]; -"1119 linear_52_zero_point_0" [id=1119, type=get_attr]; -"1120 quantize_per_channel_default_53" [id=1120, type=quantize_per_channel]; -"1121 dequantize_per_channel_default_53" [id=1121, type=dequantize_per_channel]; -"1122 _param_constant141_0_0" [id=1122, type=get_attr]; -"1123 linear_52" [id=1123, type=linear]; -"1124 reshape_37" [id=1124, type=reshape]; -"1125 permute_39" [id=1125, type=permute]; -"1126 select_24" [id=1126, type=select]; -"1127 select_25" [id=1127, type=select]; -"1128 select_26" [id=1128, type=select]; -"1129 linalg_vector_norm_16" [id=1129, type=linalg_vector_norm]; -"1130 clamp_min_16" [id=1130, type=clamp_min]; -"1131 expand_as_16" [id=1131, type=expand_as]; -"1132 div_16" [id=1132, type=div]; -"1133 quantize_per_tensor_default_52" [id=1133, type=quantize_per_tensor]; -"1134 dequantize_per_tensor_default_52" [id=1134, type=dequantize_per_tensor]; -"1135 linalg_vector_norm_17" [id=1135, type=linalg_vector_norm]; -"1136 clamp_min_17" [id=1136, type=clamp_min]; -"1137 expand_as_17" [id=1137, type=expand_as]; -"1138 div_17" [id=1138, type=div]; -"1139 quantize_per_tensor_default_53" [id=1139, type=quantize_per_tensor]; -"1140 dequantize_per_tensor_default_53" [id=1140, type=dequantize_per_tensor]; -"1141 transpose_16" [id=1141, type=transpose]; -"1142 matmul_16" [id=1142, type=matmul]; -"1143 _param_constant143" [id=1143, type=get_attr]; -"1144 clamp_8" [id=1144, type=clamp]; -"1145 exp_8" [id=1145, type=exp]; -"1146 mul_17" [id=1146, type=mul]; -"1147 add_28" [id=1147, type=add]; -"1148 softmax_8" [id=1148, type=softmax]; -"1149 dropout_32" [id=1149, type=dropout]; -"1150 matmul_17" [id=1150, type=matmul]; -"1151 transpose_17" [id=1151, type=transpose]; -"1152 reshape_38" [id=1152, type=reshape]; -"1153 linear_53_updated_constant0" [id=1153, type=get_attr]; -"1154 reshape_38_0_0_nncf_smooth_quant_0" [id=1154, type=call_module]; -"1155 quantize_per_tensor_default_54" [id=1155, type=quantize_per_tensor]; -"1156 dequantize_per_tensor_default_54" [id=1156, type=dequantize_per_tensor]; -"1157 linear_53_scale_0" [id=1157, type=get_attr]; -"1158 linear_53_zero_point_0" [id=1158, type=get_attr]; -"1159 quantize_per_channel_default_54" [id=1159, type=quantize_per_channel]; -"1160 dequantize_per_channel_default_54" [id=1160, type=dequantize_per_channel]; -"1161 _param_constant145_0_0" [id=1161, type=get_attr]; -"1162 linear_53" [id=1162, type=linear]; -"1163 dropout_33" [id=1163, type=dropout]; -"1164 view_47" [id=1164, type=view]; -"1165 permute_40" [id=1165, type=permute]; -"1166 reshape_39" [id=1166, type=reshape]; -"1167 slice_134" [id=1167, type=slice]; -"1168 slice_135" [id=1168, type=slice]; -"1169 slice_136" [id=1169, type=slice]; -"1170 slice_137" [id=1170, type=slice]; -"1171 contiguous_15" [id=1171, type=contiguous]; -"1172 _param_constant146" [id=1172, type=get_attr]; -"1173 _param_constant147" [id=1173, type=get_attr]; -"1174 layer_norm_19" [id=1174, type=layer_norm]; -"1175 add_29" [id=1175, type=add]; -"1176 linear_54_updated_constant0" [id=1176, type=get_attr]; -"1177 add_29_0_0_nncf_smooth_quant_0" [id=1177, type=call_module]; -"1178 quantize_per_tensor_default_55" [id=1178, type=quantize_per_tensor]; -"1179 dequantize_per_tensor_default_55" [id=1179, type=dequantize_per_tensor]; -"1180 linear_54_scale_0" [id=1180, type=get_attr]; -"1181 linear_54_zero_point_0" [id=1181, type=get_attr]; -"1182 quantize_per_channel_default_55" [id=1182, type=quantize_per_channel]; -"1183 dequantize_per_channel_default_55" [id=1183, type=dequantize_per_channel]; -"1184 _param_constant149_0_0" [id=1184, type=get_attr]; -"1185 linear_54" [id=1185, type=linear]; -"1186 gelu_8" [id=1186, type=gelu]; -"1187 dropout_34" [id=1187, type=dropout]; -"1188 linear_55_updated_constant0" [id=1188, type=get_attr]; -"1189 dropout_34_0_0_nncf_smooth_quant_0" [id=1189, type=call_module]; -"1190 quantize_per_tensor_default_56" [id=1190, type=quantize_per_tensor]; -"1191 dequantize_per_tensor_default_56" [id=1191, type=dequantize_per_tensor]; -"1192 linear_55_scale_0" [id=1192, type=get_attr]; -"1193 linear_55_zero_point_0" [id=1193, type=get_attr]; -"1194 quantize_per_channel_default_56" [id=1194, type=quantize_per_channel]; -"1195 dequantize_per_channel_default_56" [id=1195, type=dequantize_per_channel]; -"1196 _param_constant151_0_0" [id=1196, type=get_attr]; -"1197 linear_55" [id=1197, type=linear]; -"1198 dropout_35" [id=1198, type=dropout]; -"1199 _param_constant152" [id=1199, type=get_attr]; -"1200 _param_constant153" [id=1200, type=get_attr]; -"1201 layer_norm_20" [id=1201, type=layer_norm]; -"1202 add_30" [id=1202, type=add]; -"1203 _tensor_constant54" [id=1203, type=get_attr]; -"1204 linear_56_updated_constant0" [id=1204, type=get_attr]; -"1205 _tensor_constant54_0_0_nncf_smooth_quant_0" [id=1205, type=call_module]; -"1206 linear_56_scale_0" [id=1206, type=get_attr]; -"1207 linear_56_zero_point_0" [id=1207, type=get_attr]; -"1208 quantize_per_channel_default_57" [id=1208, type=quantize_per_channel]; -"1209 dequantize_per_channel_default_57" [id=1209, type=dequantize_per_channel]; -"1210 _param_constant155_0_0" [id=1210, type=get_attr]; -"1211 linear_56" [id=1211, type=linear]; -"1212 relu__9" [id=1212, type=relu_]; -"1213 linear_57_updated_constant0" [id=1213, type=get_attr]; -"1214 relu__9_0_0_nncf_smooth_quant_0" [id=1214, type=call_module]; -"1215 linear_57_scale_0" [id=1215, type=get_attr]; -"1216 linear_57_zero_point_0" [id=1216, type=get_attr]; -"1217 quantize_per_channel_default_58" [id=1217, type=quantize_per_channel]; -"1218 dequantize_per_channel_default_58" [id=1218, type=dequantize_per_channel]; -"1219 linear_57" [id=1219, type=linear]; -"1220 view_48" [id=1220, type=view]; -"1221 _tensor_constant55" [id=1221, type=get_attr]; -"1222 index_9" [id=1222, type=index]; -"1223 view_49" [id=1223, type=view]; -"1224 permute_41" [id=1224, type=permute]; -"1225 contiguous_16" [id=1225, type=contiguous]; -"1226 unsqueeze_25" [id=1226, type=unsqueeze]; -"1227 sigmoid_9" [id=1227, type=sigmoid]; -"1228 mul_18" [id=1228, type=mul]; -"1229 pad_11" [id=1229, type=pad]; -"1230 roll_8" [id=1230, type=roll]; -"1231 view_50" [id=1231, type=view]; -"1232 permute_42" [id=1232, type=permute]; -"1233 reshape_40" [id=1233, type=reshape]; -"1234 linear_58_updated_constant0" [id=1234, type=get_attr]; -"1235 reshape_40_0_0_nncf_smooth_quant_0" [id=1235, type=call_module]; -"1236 quantize_per_tensor_default_57" [id=1236, type=quantize_per_tensor]; -"1237 dequantize_per_tensor_default_57" [id=1237, type=dequantize_per_tensor]; -"1238 linear_58_scale_0" [id=1238, type=get_attr]; -"1239 linear_58_zero_point_0" [id=1239, type=get_attr]; -"1240 quantize_per_channel_default_59" [id=1240, type=quantize_per_channel]; -"1241 dequantize_per_channel_default_59" [id=1241, type=dequantize_per_channel]; -"1242 _param_constant157_0_0" [id=1242, type=get_attr]; -"1243 linear_58" [id=1243, type=linear]; -"1244 reshape_41" [id=1244, type=reshape]; -"1245 permute_43" [id=1245, type=permute]; -"1246 select_27" [id=1246, type=select]; -"1247 select_28" [id=1247, type=select]; -"1248 select_29" [id=1248, type=select]; -"1249 linalg_vector_norm_18" [id=1249, type=linalg_vector_norm]; -"1250 clamp_min_18" [id=1250, type=clamp_min]; -"1251 expand_as_18" [id=1251, type=expand_as]; -"1252 div_18" [id=1252, type=div]; -"1253 quantize_per_tensor_default_58" [id=1253, type=quantize_per_tensor]; -"1254 dequantize_per_tensor_default_58" [id=1254, type=dequantize_per_tensor]; -"1255 linalg_vector_norm_19" [id=1255, type=linalg_vector_norm]; -"1256 clamp_min_19" [id=1256, type=clamp_min]; -"1257 expand_as_19" [id=1257, type=expand_as]; -"1258 div_19" [id=1258, type=div]; -"1259 quantize_per_tensor_default_59" [id=1259, type=quantize_per_tensor]; -"1260 dequantize_per_tensor_default_59" [id=1260, type=dequantize_per_tensor]; -"1261 transpose_18" [id=1261, type=transpose]; -"1262 matmul_18" [id=1262, type=matmul]; -"1263 _param_constant159" [id=1263, type=get_attr]; -"1264 clamp_9" [id=1264, type=clamp]; -"1265 exp_9" [id=1265, type=exp]; -"1266 mul_19" [id=1266, type=mul]; -"1267 add_31" [id=1267, type=add]; -"1268 new_zeros_4" [id=1268, type=new_zeros]; -"1269 view_51" [id=1269, type=view]; -"1270 permute_44" [id=1270, type=permute]; -"1271 reshape_42" [id=1271, type=reshape]; -"1272 unsqueeze_26" [id=1272, type=unsqueeze]; -"1273 unsqueeze_27" [id=1273, type=unsqueeze]; -"1274 sub_4" [id=1274, type=sub]; -"1275 ne_4" [id=1275, type=ne]; -"1276 masked_fill_8" [id=1276, type=masked_fill]; -"1277 eq_4" [id=1277, type=eq]; -"1278 masked_fill_9" [id=1278, type=masked_fill]; -"1279 view_52" [id=1279, type=view]; -"1280 unsqueeze_28" [id=1280, type=unsqueeze]; -"1281 unsqueeze_29" [id=1281, type=unsqueeze]; -"1282 add_32" [id=1282, type=add]; -"1283 view_53" [id=1283, type=view]; -"1284 softmax_9" [id=1284, type=softmax]; -"1285 dropout_36" [id=1285, type=dropout]; -"1286 matmul_19" [id=1286, type=matmul]; -"1287 transpose_19" [id=1287, type=transpose]; -"1288 reshape_43" [id=1288, type=reshape]; -"1289 linear_59_updated_constant0" [id=1289, type=get_attr]; -"1290 reshape_43_0_0_nncf_smooth_quant_0" [id=1290, type=call_module]; -"1291 quantize_per_tensor_default_60" [id=1291, type=quantize_per_tensor]; -"1292 dequantize_per_tensor_default_60" [id=1292, type=dequantize_per_tensor]; -"1293 linear_59_scale_0" [id=1293, type=get_attr]; -"1294 linear_59_zero_point_0" [id=1294, type=get_attr]; -"1295 quantize_per_channel_default_60" [id=1295, type=quantize_per_channel]; -"1296 dequantize_per_channel_default_60" [id=1296, type=dequantize_per_channel]; -"1297 _param_constant161_0_0" [id=1297, type=get_attr]; -"1298 linear_59" [id=1298, type=linear]; -"1299 dropout_37" [id=1299, type=dropout]; -"1300 view_54" [id=1300, type=view]; -"1301 permute_45" [id=1301, type=permute]; -"1302 reshape_44" [id=1302, type=reshape]; -"1303 roll_9" [id=1303, type=roll]; -"1304 slice_157" [id=1304, type=slice]; -"1305 slice_158" [id=1305, type=slice]; -"1306 slice_159" [id=1306, type=slice]; -"1307 slice_160" [id=1307, type=slice]; -"1308 contiguous_17" [id=1308, type=contiguous]; -"1309 _param_constant162" [id=1309, type=get_attr]; -"1310 _param_constant163" [id=1310, type=get_attr]; -"1311 layer_norm_21" [id=1311, type=layer_norm]; -"1312 add_33" [id=1312, type=add]; -"1313 linear_60_updated_constant0" [id=1313, type=get_attr]; -"1314 add_33_0_0_nncf_smooth_quant_0" [id=1314, type=call_module]; -"1315 quantize_per_tensor_default_61" [id=1315, type=quantize_per_tensor]; -"1316 dequantize_per_tensor_default_61" [id=1316, type=dequantize_per_tensor]; -"1317 linear_60_scale_0" [id=1317, type=get_attr]; -"1318 linear_60_zero_point_0" [id=1318, type=get_attr]; -"1319 quantize_per_channel_default_61" [id=1319, type=quantize_per_channel]; -"1320 dequantize_per_channel_default_61" [id=1320, type=dequantize_per_channel]; -"1321 _param_constant165_0_0" [id=1321, type=get_attr]; -"1322 linear_60" [id=1322, type=linear]; -"1323 gelu_9" [id=1323, type=gelu]; -"1324 dropout_38" [id=1324, type=dropout]; -"1325 linear_61_updated_constant0" [id=1325, type=get_attr]; -"1326 dropout_38_0_0_nncf_smooth_quant_0" [id=1326, type=call_module]; -"1327 quantize_per_tensor_default_62" [id=1327, type=quantize_per_tensor]; -"1328 dequantize_per_tensor_default_62" [id=1328, type=dequantize_per_tensor]; -"1329 linear_61_scale_0" [id=1329, type=get_attr]; -"1330 linear_61_zero_point_0" [id=1330, type=get_attr]; -"1331 quantize_per_channel_default_62" [id=1331, type=quantize_per_channel]; -"1332 dequantize_per_channel_default_62" [id=1332, type=dequantize_per_channel]; -"1333 _param_constant167_0_0" [id=1333, type=get_attr]; -"1334 linear_61" [id=1334, type=linear]; -"1335 dropout_39" [id=1335, type=dropout]; -"1336 _param_constant168" [id=1336, type=get_attr]; -"1337 _param_constant169" [id=1337, type=get_attr]; -"1338 layer_norm_22" [id=1338, type=layer_norm]; -"1339 add_34" [id=1339, type=add]; -"1340 _tensor_constant65" [id=1340, type=get_attr]; -"1341 linear_62_updated_constant0" [id=1341, type=get_attr]; -"1342 _tensor_constant65_0_0_nncf_smooth_quant_0" [id=1342, type=call_module]; -"1343 linear_62_scale_0" [id=1343, type=get_attr]; -"1344 linear_62_zero_point_0" [id=1344, type=get_attr]; -"1345 quantize_per_channel_default_63" [id=1345, type=quantize_per_channel]; -"1346 dequantize_per_channel_default_63" [id=1346, type=dequantize_per_channel]; -"1347 _param_constant171_0_0" [id=1347, type=get_attr]; -"1348 linear_62" [id=1348, type=linear]; -"1349 relu__10" [id=1349, type=relu_]; -"1350 linear_63_updated_constant0" [id=1350, type=get_attr]; -"1351 relu__10_0_0_nncf_smooth_quant_0" [id=1351, type=call_module]; -"1352 linear_63_scale_0" [id=1352, type=get_attr]; -"1353 linear_63_zero_point_0" [id=1353, type=get_attr]; -"1354 quantize_per_channel_default_64" [id=1354, type=quantize_per_channel]; -"1355 dequantize_per_channel_default_64" [id=1355, type=dequantize_per_channel]; -"1356 linear_63" [id=1356, type=linear]; -"1357 view_55" [id=1357, type=view]; -"1358 _tensor_constant66" [id=1358, type=get_attr]; -"1359 index_10" [id=1359, type=index]; -"1360 view_56" [id=1360, type=view]; -"1361 permute_46" [id=1361, type=permute]; -"1362 contiguous_18" [id=1362, type=contiguous]; -"1363 unsqueeze_30" [id=1363, type=unsqueeze]; -"1364 sigmoid_10" [id=1364, type=sigmoid]; -"1365 mul_20" [id=1365, type=mul]; -"1366 pad_12" [id=1366, type=pad]; -"1367 view_57" [id=1367, type=view]; -"1368 permute_47" [id=1368, type=permute]; -"1369 reshape_45" [id=1369, type=reshape]; -"1370 linear_64_updated_constant0" [id=1370, type=get_attr]; -"1371 reshape_45_0_0_nncf_smooth_quant_0" [id=1371, type=call_module]; -"1372 quantize_per_tensor_default_63" [id=1372, type=quantize_per_tensor]; -"1373 dequantize_per_tensor_default_63" [id=1373, type=dequantize_per_tensor]; -"1374 linear_64_scale_0" [id=1374, type=get_attr]; -"1375 linear_64_zero_point_0" [id=1375, type=get_attr]; -"1376 quantize_per_channel_default_65" [id=1376, type=quantize_per_channel]; -"1377 dequantize_per_channel_default_65" [id=1377, type=dequantize_per_channel]; -"1378 _param_constant173_0_0" [id=1378, type=get_attr]; -"1379 linear_64" [id=1379, type=linear]; -"1380 reshape_46" [id=1380, type=reshape]; -"1381 permute_48" [id=1381, type=permute]; -"1382 select_30" [id=1382, type=select]; -"1383 select_31" [id=1383, type=select]; -"1384 select_32" [id=1384, type=select]; -"1385 linalg_vector_norm_20" [id=1385, type=linalg_vector_norm]; -"1386 clamp_min_20" [id=1386, type=clamp_min]; -"1387 expand_as_20" [id=1387, type=expand_as]; -"1388 div_20" [id=1388, type=div]; -"1389 quantize_per_tensor_default_64" [id=1389, type=quantize_per_tensor]; -"1390 dequantize_per_tensor_default_64" [id=1390, type=dequantize_per_tensor]; -"1391 linalg_vector_norm_21" [id=1391, type=linalg_vector_norm]; -"1392 clamp_min_21" [id=1392, type=clamp_min]; -"1393 expand_as_21" [id=1393, type=expand_as]; -"1394 div_21" [id=1394, type=div]; -"1395 quantize_per_tensor_default_65" [id=1395, type=quantize_per_tensor]; -"1396 dequantize_per_tensor_default_65" [id=1396, type=dequantize_per_tensor]; -"1397 transpose_20" [id=1397, type=transpose]; -"1398 matmul_20" [id=1398, type=matmul]; -"1399 _param_constant175" [id=1399, type=get_attr]; -"1400 clamp_10" [id=1400, type=clamp]; -"1401 exp_10" [id=1401, type=exp]; -"1402 mul_21" [id=1402, type=mul]; -"1403 add_35" [id=1403, type=add]; -"1404 softmax_10" [id=1404, type=softmax]; -"1405 dropout_40" [id=1405, type=dropout]; -"1406 matmul_21" [id=1406, type=matmul]; -"1407 transpose_21" [id=1407, type=transpose]; -"1408 reshape_47" [id=1408, type=reshape]; -"1409 linear_65_updated_constant0" [id=1409, type=get_attr]; -"1410 reshape_47_0_0_nncf_smooth_quant_0" [id=1410, type=call_module]; -"1411 quantize_per_tensor_default_66" [id=1411, type=quantize_per_tensor]; -"1412 dequantize_per_tensor_default_66" [id=1412, type=dequantize_per_tensor]; -"1413 linear_65_scale_0" [id=1413, type=get_attr]; -"1414 linear_65_zero_point_0" [id=1414, type=get_attr]; -"1415 quantize_per_channel_default_66" [id=1415, type=quantize_per_channel]; -"1416 dequantize_per_channel_default_66" [id=1416, type=dequantize_per_channel]; -"1417 _param_constant177_0_0" [id=1417, type=get_attr]; -"1418 linear_65" [id=1418, type=linear]; -"1419 dropout_41" [id=1419, type=dropout]; -"1420 view_58" [id=1420, type=view]; -"1421 permute_49" [id=1421, type=permute]; -"1422 reshape_48" [id=1422, type=reshape]; -"1423 slice_162" [id=1423, type=slice]; -"1424 slice_163" [id=1424, type=slice]; -"1425 slice_164" [id=1425, type=slice]; -"1426 slice_165" [id=1426, type=slice]; -"1427 contiguous_19" [id=1427, type=contiguous]; -"1428 _param_constant178" [id=1428, type=get_attr]; -"1429 _param_constant179" [id=1429, type=get_attr]; -"1430 layer_norm_23" [id=1430, type=layer_norm]; -"1431 add_36" [id=1431, type=add]; -"1432 linear_66_updated_constant0" [id=1432, type=get_attr]; -"1433 add_36_0_0_nncf_smooth_quant_0" [id=1433, type=call_module]; -"1434 quantize_per_tensor_default_67" [id=1434, type=quantize_per_tensor]; -"1435 dequantize_per_tensor_default_67" [id=1435, type=dequantize_per_tensor]; -"1436 linear_66_scale_0" [id=1436, type=get_attr]; -"1437 linear_66_zero_point_0" [id=1437, type=get_attr]; -"1438 quantize_per_channel_default_67" [id=1438, type=quantize_per_channel]; -"1439 dequantize_per_channel_default_67" [id=1439, type=dequantize_per_channel]; -"1440 _param_constant181_0_0" [id=1440, type=get_attr]; -"1441 linear_66" [id=1441, type=linear]; -"1442 gelu_10" [id=1442, type=gelu]; -"1443 dropout_42" [id=1443, type=dropout]; -"1444 linear_67_updated_constant0" [id=1444, type=get_attr]; -"1445 dropout_42_0_0_nncf_smooth_quant_0" [id=1445, type=call_module]; -"1446 quantize_per_tensor_default_68" [id=1446, type=quantize_per_tensor]; -"1447 dequantize_per_tensor_default_68" [id=1447, type=dequantize_per_tensor]; -"1448 linear_67_scale_0" [id=1448, type=get_attr]; -"1449 linear_67_zero_point_0" [id=1449, type=get_attr]; -"1450 quantize_per_channel_default_68" [id=1450, type=quantize_per_channel]; -"1451 dequantize_per_channel_default_68" [id=1451, type=dequantize_per_channel]; -"1452 _param_constant183_0_0" [id=1452, type=get_attr]; -"1453 linear_67" [id=1453, type=linear]; -"1454 dropout_43" [id=1454, type=dropout]; -"1455 _param_constant184" [id=1455, type=get_attr]; -"1456 _param_constant185" [id=1456, type=get_attr]; -"1457 layer_norm_24" [id=1457, type=layer_norm]; -"1458 add_37" [id=1458, type=add]; -"1459 _tensor_constant67" [id=1459, type=get_attr]; -"1460 linear_68_updated_constant0" [id=1460, type=get_attr]; -"1461 _tensor_constant67_0_0_nncf_smooth_quant_0" [id=1461, type=call_module]; -"1462 linear_68_scale_0" [id=1462, type=get_attr]; -"1463 linear_68_zero_point_0" [id=1463, type=get_attr]; -"1464 quantize_per_channel_default_69" [id=1464, type=quantize_per_channel]; -"1465 dequantize_per_channel_default_69" [id=1465, type=dequantize_per_channel]; -"1466 _param_constant187_0_0" [id=1466, type=get_attr]; -"1467 linear_68" [id=1467, type=linear]; -"1468 relu__11" [id=1468, type=relu_]; -"1469 linear_69_updated_constant0" [id=1469, type=get_attr]; -"1470 relu__11_0_0_nncf_smooth_quant_0" [id=1470, type=call_module]; -"1471 linear_69_scale_0" [id=1471, type=get_attr]; -"1472 linear_69_zero_point_0" [id=1472, type=get_attr]; -"1473 quantize_per_channel_default_70" [id=1473, type=quantize_per_channel]; -"1474 dequantize_per_channel_default_70" [id=1474, type=dequantize_per_channel]; -"1475 linear_69" [id=1475, type=linear]; -"1476 view_59" [id=1476, type=view]; -"1477 _tensor_constant68" [id=1477, type=get_attr]; -"1478 index_11" [id=1478, type=index]; -"1479 view_60" [id=1479, type=view]; -"1480 permute_50" [id=1480, type=permute]; -"1481 contiguous_20" [id=1481, type=contiguous]; -"1482 unsqueeze_31" [id=1482, type=unsqueeze]; -"1483 sigmoid_11" [id=1483, type=sigmoid]; -"1484 mul_22" [id=1484, type=mul]; -"1485 pad_13" [id=1485, type=pad]; -"1486 roll_10" [id=1486, type=roll]; -"1487 view_61" [id=1487, type=view]; -"1488 permute_51" [id=1488, type=permute]; -"1489 reshape_49" [id=1489, type=reshape]; -"1490 linear_70_updated_constant0" [id=1490, type=get_attr]; -"1491 reshape_49_0_0_nncf_smooth_quant_0" [id=1491, type=call_module]; -"1492 quantize_per_tensor_default_69" [id=1492, type=quantize_per_tensor]; -"1493 dequantize_per_tensor_default_69" [id=1493, type=dequantize_per_tensor]; -"1494 linear_70_scale_0" [id=1494, type=get_attr]; -"1495 linear_70_zero_point_0" [id=1495, type=get_attr]; -"1496 quantize_per_channel_default_71" [id=1496, type=quantize_per_channel]; -"1497 dequantize_per_channel_default_71" [id=1497, type=dequantize_per_channel]; -"1498 _param_constant189_0_0" [id=1498, type=get_attr]; -"1499 linear_70" [id=1499, type=linear]; -"1500 reshape_50" [id=1500, type=reshape]; -"1501 permute_52" [id=1501, type=permute]; -"1502 select_33" [id=1502, type=select]; -"1503 select_34" [id=1503, type=select]; -"1504 select_35" [id=1504, type=select]; -"1505 linalg_vector_norm_22" [id=1505, type=linalg_vector_norm]; -"1506 clamp_min_22" [id=1506, type=clamp_min]; -"1507 expand_as_22" [id=1507, type=expand_as]; -"1508 div_22" [id=1508, type=div]; -"1509 quantize_per_tensor_default_70" [id=1509, type=quantize_per_tensor]; -"1510 dequantize_per_tensor_default_70" [id=1510, type=dequantize_per_tensor]; -"1511 linalg_vector_norm_23" [id=1511, type=linalg_vector_norm]; -"1512 clamp_min_23" [id=1512, type=clamp_min]; -"1513 expand_as_23" [id=1513, type=expand_as]; -"1514 div_23" [id=1514, type=div]; -"1515 quantize_per_tensor_default_71" [id=1515, type=quantize_per_tensor]; -"1516 dequantize_per_tensor_default_71" [id=1516, type=dequantize_per_tensor]; -"1517 transpose_22" [id=1517, type=transpose]; -"1518 matmul_22" [id=1518, type=matmul]; -"1519 _param_constant191" [id=1519, type=get_attr]; -"1520 clamp_11" [id=1520, type=clamp]; -"1521 exp_11" [id=1521, type=exp]; -"1522 mul_23" [id=1522, type=mul]; -"1523 add_38" [id=1523, type=add]; -"1524 new_zeros_5" [id=1524, type=new_zeros]; -"1525 view_62" [id=1525, type=view]; -"1526 permute_53" [id=1526, type=permute]; -"1527 reshape_51" [id=1527, type=reshape]; -"1528 unsqueeze_32" [id=1528, type=unsqueeze]; -"1529 unsqueeze_33" [id=1529, type=unsqueeze]; -"1530 sub_5" [id=1530, type=sub]; -"1531 ne_5" [id=1531, type=ne]; -"1532 masked_fill_10" [id=1532, type=masked_fill]; -"1533 eq_5" [id=1533, type=eq]; -"1534 masked_fill_11" [id=1534, type=masked_fill]; -"1535 view_63" [id=1535, type=view]; -"1536 unsqueeze_34" [id=1536, type=unsqueeze]; -"1537 unsqueeze_35" [id=1537, type=unsqueeze]; -"1538 add_39" [id=1538, type=add]; -"1539 view_64" [id=1539, type=view]; -"1540 softmax_11" [id=1540, type=softmax]; -"1541 dropout_44" [id=1541, type=dropout]; -"1542 matmul_23" [id=1542, type=matmul]; -"1543 transpose_23" [id=1543, type=transpose]; -"1544 reshape_52" [id=1544, type=reshape]; -"1545 linear_71_updated_constant0" [id=1545, type=get_attr]; -"1546 reshape_52_0_0_nncf_smooth_quant_0" [id=1546, type=call_module]; -"1547 quantize_per_tensor_default_72" [id=1547, type=quantize_per_tensor]; -"1548 dequantize_per_tensor_default_72" [id=1548, type=dequantize_per_tensor]; -"1549 linear_71_scale_0" [id=1549, type=get_attr]; -"1550 linear_71_zero_point_0" [id=1550, type=get_attr]; -"1551 quantize_per_channel_default_72" [id=1551, type=quantize_per_channel]; -"1552 dequantize_per_channel_default_72" [id=1552, type=dequantize_per_channel]; -"1553 _param_constant193_0_0" [id=1553, type=get_attr]; -"1554 linear_71" [id=1554, type=linear]; -"1555 dropout_45" [id=1555, type=dropout]; -"1556 view_65" [id=1556, type=view]; -"1557 permute_54" [id=1557, type=permute]; -"1558 reshape_53" [id=1558, type=reshape]; -"1559 roll_11" [id=1559, type=roll]; -"1560 slice_185" [id=1560, type=slice]; -"1561 slice_186" [id=1561, type=slice]; -"1562 slice_187" [id=1562, type=slice]; -"1563 slice_188" [id=1563, type=slice]; -"1564 contiguous_21" [id=1564, type=contiguous]; -"1565 _param_constant194" [id=1565, type=get_attr]; -"1566 _param_constant195" [id=1566, type=get_attr]; -"1567 layer_norm_25" [id=1567, type=layer_norm]; -"1568 add_40" [id=1568, type=add]; -"1569 linear_72_updated_constant0" [id=1569, type=get_attr]; -"1570 add_40_0_0_nncf_smooth_quant_0" [id=1570, type=call_module]; -"1571 quantize_per_tensor_default_73" [id=1571, type=quantize_per_tensor]; -"1572 dequantize_per_tensor_default_73" [id=1572, type=dequantize_per_tensor]; -"1573 linear_72_scale_0" [id=1573, type=get_attr]; -"1574 linear_72_zero_point_0" [id=1574, type=get_attr]; -"1575 quantize_per_channel_default_73" [id=1575, type=quantize_per_channel]; -"1576 dequantize_per_channel_default_73" [id=1576, type=dequantize_per_channel]; -"1577 _param_constant197_0_0" [id=1577, type=get_attr]; -"1578 linear_72" [id=1578, type=linear]; -"1579 gelu_11" [id=1579, type=gelu]; -"1580 dropout_46" [id=1580, type=dropout]; -"1581 linear_73_updated_constant0" [id=1581, type=get_attr]; -"1582 dropout_46_0_0_nncf_smooth_quant_0" [id=1582, type=call_module]; -"1583 quantize_per_tensor_default_74" [id=1583, type=quantize_per_tensor]; -"1584 dequantize_per_tensor_default_74" [id=1584, type=dequantize_per_tensor]; -"1585 linear_73_scale_0" [id=1585, type=get_attr]; -"1586 linear_73_zero_point_0" [id=1586, type=get_attr]; -"1587 quantize_per_channel_default_74" [id=1587, type=quantize_per_channel]; -"1588 dequantize_per_channel_default_74" [id=1588, type=dequantize_per_channel]; -"1589 _param_constant199_0_0" [id=1589, type=get_attr]; -"1590 linear_73" [id=1590, type=linear]; -"1591 dropout_47" [id=1591, type=dropout]; -"1592 _param_constant200" [id=1592, type=get_attr]; -"1593 _param_constant201" [id=1593, type=get_attr]; -"1594 layer_norm_26" [id=1594, type=layer_norm]; -"1595 add_41" [id=1595, type=add]; -"1596 _tensor_constant78" [id=1596, type=get_attr]; -"1597 linear_74_updated_constant0" [id=1597, type=get_attr]; -"1598 _tensor_constant78_0_0_nncf_smooth_quant_0" [id=1598, type=call_module]; -"1599 linear_74_scale_0" [id=1599, type=get_attr]; -"1600 linear_74_zero_point_0" [id=1600, type=get_attr]; -"1601 quantize_per_channel_default_75" [id=1601, type=quantize_per_channel]; -"1602 dequantize_per_channel_default_75" [id=1602, type=dequantize_per_channel]; -"1603 _param_constant203_0_0" [id=1603, type=get_attr]; -"1604 linear_74" [id=1604, type=linear]; -"1605 relu__12" [id=1605, type=relu_]; -"1606 linear_75_updated_constant0" [id=1606, type=get_attr]; -"1607 relu__12_0_0_nncf_smooth_quant_0" [id=1607, type=call_module]; -"1608 linear_75_scale_0" [id=1608, type=get_attr]; -"1609 linear_75_zero_point_0" [id=1609, type=get_attr]; -"1610 quantize_per_channel_default_76" [id=1610, type=quantize_per_channel]; -"1611 dequantize_per_channel_default_76" [id=1611, type=dequantize_per_channel]; -"1612 linear_75" [id=1612, type=linear]; -"1613 view_66" [id=1613, type=view]; -"1614 _tensor_constant79" [id=1614, type=get_attr]; -"1615 index_12" [id=1615, type=index]; -"1616 view_67" [id=1616, type=view]; -"1617 permute_55" [id=1617, type=permute]; -"1618 contiguous_22" [id=1618, type=contiguous]; -"1619 unsqueeze_36" [id=1619, type=unsqueeze]; -"1620 sigmoid_12" [id=1620, type=sigmoid]; -"1621 mul_24" [id=1621, type=mul]; -"1622 pad_14" [id=1622, type=pad]; -"1623 view_68" [id=1623, type=view]; -"1624 permute_56" [id=1624, type=permute]; -"1625 reshape_54" [id=1625, type=reshape]; -"1626 linear_76_updated_constant0" [id=1626, type=get_attr]; -"1627 reshape_54_0_0_nncf_smooth_quant_0" [id=1627, type=call_module]; -"1628 quantize_per_tensor_default_75" [id=1628, type=quantize_per_tensor]; -"1629 dequantize_per_tensor_default_75" [id=1629, type=dequantize_per_tensor]; -"1630 linear_76_scale_0" [id=1630, type=get_attr]; -"1631 linear_76_zero_point_0" [id=1631, type=get_attr]; -"1632 quantize_per_channel_default_77" [id=1632, type=quantize_per_channel]; -"1633 dequantize_per_channel_default_77" [id=1633, type=dequantize_per_channel]; -"1634 _param_constant205_0_0" [id=1634, type=get_attr]; -"1635 linear_76" [id=1635, type=linear]; -"1636 reshape_55" [id=1636, type=reshape]; -"1637 permute_57" [id=1637, type=permute]; -"1638 select_36" [id=1638, type=select]; -"1639 select_37" [id=1639, type=select]; -"1640 select_38" [id=1640, type=select]; -"1641 linalg_vector_norm_24" [id=1641, type=linalg_vector_norm]; -"1642 clamp_min_24" [id=1642, type=clamp_min]; -"1643 expand_as_24" [id=1643, type=expand_as]; -"1644 div_24" [id=1644, type=div]; -"1645 quantize_per_tensor_default_76" [id=1645, type=quantize_per_tensor]; -"1646 dequantize_per_tensor_default_76" [id=1646, type=dequantize_per_tensor]; -"1647 linalg_vector_norm_25" [id=1647, type=linalg_vector_norm]; -"1648 clamp_min_25" [id=1648, type=clamp_min]; -"1649 expand_as_25" [id=1649, type=expand_as]; -"1650 div_25" [id=1650, type=div]; -"1651 quantize_per_tensor_default_77" [id=1651, type=quantize_per_tensor]; -"1652 dequantize_per_tensor_default_77" [id=1652, type=dequantize_per_tensor]; -"1653 transpose_24" [id=1653, type=transpose]; -"1654 matmul_24" [id=1654, type=matmul]; -"1655 _param_constant207" [id=1655, type=get_attr]; -"1656 clamp_12" [id=1656, type=clamp]; -"1657 exp_12" [id=1657, type=exp]; -"1658 mul_25" [id=1658, type=mul]; -"1659 add_42" [id=1659, type=add]; -"1660 softmax_12" [id=1660, type=softmax]; -"1661 dropout_48" [id=1661, type=dropout]; -"1662 matmul_25" [id=1662, type=matmul]; -"1663 transpose_25" [id=1663, type=transpose]; -"1664 reshape_56" [id=1664, type=reshape]; -"1665 linear_77_updated_constant0" [id=1665, type=get_attr]; -"1666 reshape_56_0_0_nncf_smooth_quant_0" [id=1666, type=call_module]; -"1667 quantize_per_tensor_default_78" [id=1667, type=quantize_per_tensor]; -"1668 dequantize_per_tensor_default_78" [id=1668, type=dequantize_per_tensor]; -"1669 linear_77_scale_0" [id=1669, type=get_attr]; -"1670 linear_77_zero_point_0" [id=1670, type=get_attr]; -"1671 quantize_per_channel_default_78" [id=1671, type=quantize_per_channel]; -"1672 dequantize_per_channel_default_78" [id=1672, type=dequantize_per_channel]; -"1673 _param_constant209_0_0" [id=1673, type=get_attr]; -"1674 linear_77" [id=1674, type=linear]; -"1675 dropout_49" [id=1675, type=dropout]; -"1676 view_69" [id=1676, type=view]; -"1677 permute_58" [id=1677, type=permute]; -"1678 reshape_57" [id=1678, type=reshape]; -"1679 slice_190" [id=1679, type=slice]; -"1680 slice_191" [id=1680, type=slice]; -"1681 slice_192" [id=1681, type=slice]; -"1682 slice_193" [id=1682, type=slice]; -"1683 contiguous_23" [id=1683, type=contiguous]; -"1684 _param_constant210" [id=1684, type=get_attr]; -"1685 _param_constant211" [id=1685, type=get_attr]; -"1686 layer_norm_27" [id=1686, type=layer_norm]; -"1687 add_43" [id=1687, type=add]; -"1688 linear_78_updated_constant0" [id=1688, type=get_attr]; -"1689 add_43_0_0_nncf_smooth_quant_0" [id=1689, type=call_module]; -"1690 quantize_per_tensor_default_79" [id=1690, type=quantize_per_tensor]; -"1691 dequantize_per_tensor_default_79" [id=1691, type=dequantize_per_tensor]; -"1692 linear_78_scale_0" [id=1692, type=get_attr]; -"1693 linear_78_zero_point_0" [id=1693, type=get_attr]; -"1694 quantize_per_channel_default_79" [id=1694, type=quantize_per_channel]; -"1695 dequantize_per_channel_default_79" [id=1695, type=dequantize_per_channel]; -"1696 _param_constant213_0_0" [id=1696, type=get_attr]; -"1697 linear_78" [id=1697, type=linear]; -"1698 gelu_12" [id=1698, type=gelu]; -"1699 dropout_50" [id=1699, type=dropout]; -"1700 linear_79_updated_constant0" [id=1700, type=get_attr]; -"1701 dropout_50_0_0_nncf_smooth_quant_0" [id=1701, type=call_module]; -"1702 quantize_per_tensor_default_80" [id=1702, type=quantize_per_tensor]; -"1703 dequantize_per_tensor_default_80" [id=1703, type=dequantize_per_tensor]; -"1704 linear_79_scale_0" [id=1704, type=get_attr]; -"1705 linear_79_zero_point_0" [id=1705, type=get_attr]; -"1706 quantize_per_channel_default_80" [id=1706, type=quantize_per_channel]; -"1707 dequantize_per_channel_default_80" [id=1707, type=dequantize_per_channel]; -"1708 _param_constant215_0_0" [id=1708, type=get_attr]; -"1709 linear_79" [id=1709, type=linear]; -"1710 dropout_51" [id=1710, type=dropout]; -"1711 _param_constant216" [id=1711, type=get_attr]; -"1712 _param_constant217" [id=1712, type=get_attr]; -"1713 layer_norm_28" [id=1713, type=layer_norm]; -"1714 add_44" [id=1714, type=add]; -"1715 _tensor_constant80" [id=1715, type=get_attr]; -"1716 linear_80_updated_constant0" [id=1716, type=get_attr]; -"1717 _tensor_constant80_0_0_nncf_smooth_quant_0" [id=1717, type=call_module]; -"1718 linear_80_scale_0" [id=1718, type=get_attr]; -"1719 linear_80_zero_point_0" [id=1719, type=get_attr]; -"1720 quantize_per_channel_default_81" [id=1720, type=quantize_per_channel]; -"1721 dequantize_per_channel_default_81" [id=1721, type=dequantize_per_channel]; -"1722 _param_constant219_0_0" [id=1722, type=get_attr]; -"1723 linear_80" [id=1723, type=linear]; -"1724 relu__13" [id=1724, type=relu_]; -"1725 linear_81_updated_constant0" [id=1725, type=get_attr]; -"1726 relu__13_0_0_nncf_smooth_quant_0" [id=1726, type=call_module]; -"1727 linear_81_scale_0" [id=1727, type=get_attr]; -"1728 linear_81_zero_point_0" [id=1728, type=get_attr]; -"1729 quantize_per_channel_default_82" [id=1729, type=quantize_per_channel]; -"1730 dequantize_per_channel_default_82" [id=1730, type=dequantize_per_channel]; -"1731 linear_81" [id=1731, type=linear]; -"1732 view_70" [id=1732, type=view]; -"1733 _tensor_constant81" [id=1733, type=get_attr]; -"1734 index_13" [id=1734, type=index]; -"1735 view_71" [id=1735, type=view]; -"1736 permute_59" [id=1736, type=permute]; -"1737 contiguous_24" [id=1737, type=contiguous]; -"1738 unsqueeze_37" [id=1738, type=unsqueeze]; -"1739 sigmoid_13" [id=1739, type=sigmoid]; -"1740 mul_26" [id=1740, type=mul]; -"1741 pad_15" [id=1741, type=pad]; -"1742 roll_12" [id=1742, type=roll]; -"1743 view_72" [id=1743, type=view]; -"1744 permute_60" [id=1744, type=permute]; -"1745 reshape_58" [id=1745, type=reshape]; -"1746 linear_82_updated_constant0" [id=1746, type=get_attr]; -"1747 reshape_58_0_0_nncf_smooth_quant_0" [id=1747, type=call_module]; -"1748 quantize_per_tensor_default_81" [id=1748, type=quantize_per_tensor]; -"1749 dequantize_per_tensor_default_81" [id=1749, type=dequantize_per_tensor]; -"1750 linear_82_scale_0" [id=1750, type=get_attr]; -"1751 linear_82_zero_point_0" [id=1751, type=get_attr]; -"1752 quantize_per_channel_default_83" [id=1752, type=quantize_per_channel]; -"1753 dequantize_per_channel_default_83" [id=1753, type=dequantize_per_channel]; -"1754 _param_constant221_0_0" [id=1754, type=get_attr]; -"1755 linear_82" [id=1755, type=linear]; -"1756 reshape_59" [id=1756, type=reshape]; -"1757 permute_61" [id=1757, type=permute]; -"1758 select_39" [id=1758, type=select]; -"1759 select_40" [id=1759, type=select]; -"1760 select_41" [id=1760, type=select]; -"1761 linalg_vector_norm_26" [id=1761, type=linalg_vector_norm]; -"1762 clamp_min_26" [id=1762, type=clamp_min]; -"1763 expand_as_26" [id=1763, type=expand_as]; -"1764 div_26" [id=1764, type=div]; -"1765 quantize_per_tensor_default_82" [id=1765, type=quantize_per_tensor]; -"1766 dequantize_per_tensor_default_82" [id=1766, type=dequantize_per_tensor]; -"1767 linalg_vector_norm_27" [id=1767, type=linalg_vector_norm]; -"1768 clamp_min_27" [id=1768, type=clamp_min]; -"1769 expand_as_27" [id=1769, type=expand_as]; -"1770 div_27" [id=1770, type=div]; -"1771 quantize_per_tensor_default_83" [id=1771, type=quantize_per_tensor]; -"1772 dequantize_per_tensor_default_83" [id=1772, type=dequantize_per_tensor]; -"1773 transpose_26" [id=1773, type=transpose]; -"1774 matmul_26" [id=1774, type=matmul]; -"1775 _param_constant223" [id=1775, type=get_attr]; -"1776 clamp_13" [id=1776, type=clamp]; -"1777 exp_13" [id=1777, type=exp]; -"1778 mul_27" [id=1778, type=mul]; -"1779 add_45" [id=1779, type=add]; -"1780 new_zeros_6" [id=1780, type=new_zeros]; -"1781 view_73" [id=1781, type=view]; -"1782 permute_62" [id=1782, type=permute]; -"1783 reshape_60" [id=1783, type=reshape]; -"1784 unsqueeze_38" [id=1784, type=unsqueeze]; -"1785 unsqueeze_39" [id=1785, type=unsqueeze]; -"1786 sub_6" [id=1786, type=sub]; -"1787 ne_6" [id=1787, type=ne]; -"1788 masked_fill_12" [id=1788, type=masked_fill]; -"1789 eq_6" [id=1789, type=eq]; -"1790 masked_fill_13" [id=1790, type=masked_fill]; -"1791 view_74" [id=1791, type=view]; -"1792 unsqueeze_40" [id=1792, type=unsqueeze]; -"1793 unsqueeze_41" [id=1793, type=unsqueeze]; -"1794 add_46" [id=1794, type=add]; -"1795 view_75" [id=1795, type=view]; -"1796 softmax_13" [id=1796, type=softmax]; -"1797 dropout_52" [id=1797, type=dropout]; -"1798 matmul_27" [id=1798, type=matmul]; -"1799 transpose_27" [id=1799, type=transpose]; -"1800 reshape_61" [id=1800, type=reshape]; -"1801 linear_83_updated_constant0" [id=1801, type=get_attr]; -"1802 reshape_61_0_0_nncf_smooth_quant_0" [id=1802, type=call_module]; -"1803 quantize_per_tensor_default_84" [id=1803, type=quantize_per_tensor]; -"1804 dequantize_per_tensor_default_84" [id=1804, type=dequantize_per_tensor]; -"1805 linear_83_scale_0" [id=1805, type=get_attr]; -"1806 linear_83_zero_point_0" [id=1806, type=get_attr]; -"1807 quantize_per_channel_default_84" [id=1807, type=quantize_per_channel]; -"1808 dequantize_per_channel_default_84" [id=1808, type=dequantize_per_channel]; -"1809 _param_constant225_0_0" [id=1809, type=get_attr]; -"1810 linear_83" [id=1810, type=linear]; -"1811 dropout_53" [id=1811, type=dropout]; -"1812 view_76" [id=1812, type=view]; -"1813 permute_63" [id=1813, type=permute]; -"1814 reshape_62" [id=1814, type=reshape]; -"1815 roll_13" [id=1815, type=roll]; -"1816 slice_213" [id=1816, type=slice]; -"1817 slice_214" [id=1817, type=slice]; -"1818 slice_215" [id=1818, type=slice]; -"1819 slice_216" [id=1819, type=slice]; -"1820 contiguous_25" [id=1820, type=contiguous]; -"1821 _param_constant226" [id=1821, type=get_attr]; -"1822 _param_constant227" [id=1822, type=get_attr]; -"1823 layer_norm_29" [id=1823, type=layer_norm]; -"1824 add_47" [id=1824, type=add]; -"1825 linear_84_updated_constant0" [id=1825, type=get_attr]; -"1826 add_47_0_0_nncf_smooth_quant_0" [id=1826, type=call_module]; -"1827 quantize_per_tensor_default_85" [id=1827, type=quantize_per_tensor]; -"1828 dequantize_per_tensor_default_85" [id=1828, type=dequantize_per_tensor]; -"1829 linear_84_scale_0" [id=1829, type=get_attr]; -"1830 linear_84_zero_point_0" [id=1830, type=get_attr]; -"1831 quantize_per_channel_default_85" [id=1831, type=quantize_per_channel]; -"1832 dequantize_per_channel_default_85" [id=1832, type=dequantize_per_channel]; -"1833 _param_constant229_0_0" [id=1833, type=get_attr]; -"1834 linear_84" [id=1834, type=linear]; -"1835 gelu_13" [id=1835, type=gelu]; -"1836 dropout_54" [id=1836, type=dropout]; -"1837 linear_85_updated_constant0" [id=1837, type=get_attr]; -"1838 dropout_54_0_0_nncf_smooth_quant_0" [id=1838, type=call_module]; -"1839 quantize_per_tensor_default_86" [id=1839, type=quantize_per_tensor]; -"1840 dequantize_per_tensor_default_86" [id=1840, type=dequantize_per_tensor]; -"1841 linear_85_scale_0" [id=1841, type=get_attr]; -"1842 linear_85_zero_point_0" [id=1842, type=get_attr]; -"1843 quantize_per_channel_default_86" [id=1843, type=quantize_per_channel]; -"1844 dequantize_per_channel_default_86" [id=1844, type=dequantize_per_channel]; -"1845 _param_constant231_0_0" [id=1845, type=get_attr]; -"1846 linear_85" [id=1846, type=linear]; -"1847 dropout_55" [id=1847, type=dropout]; -"1848 _param_constant232" [id=1848, type=get_attr]; -"1849 _param_constant233" [id=1849, type=get_attr]; -"1850 layer_norm_30" [id=1850, type=layer_norm]; -"1851 add_48" [id=1851, type=add]; -"1852 _tensor_constant91" [id=1852, type=get_attr]; -"1853 linear_86_updated_constant0" [id=1853, type=get_attr]; -"1854 _tensor_constant91_0_0_nncf_smooth_quant_0" [id=1854, type=call_module]; -"1855 linear_86_scale_0" [id=1855, type=get_attr]; -"1856 linear_86_zero_point_0" [id=1856, type=get_attr]; -"1857 quantize_per_channel_default_87" [id=1857, type=quantize_per_channel]; -"1858 dequantize_per_channel_default_87" [id=1858, type=dequantize_per_channel]; -"1859 _param_constant235_0_0" [id=1859, type=get_attr]; -"1860 linear_86" [id=1860, type=linear]; -"1861 relu__14" [id=1861, type=relu_]; -"1862 linear_87_updated_constant0" [id=1862, type=get_attr]; -"1863 relu__14_0_0_nncf_smooth_quant_0" [id=1863, type=call_module]; -"1864 linear_87_scale_0" [id=1864, type=get_attr]; -"1865 linear_87_zero_point_0" [id=1865, type=get_attr]; -"1866 quantize_per_channel_default_88" [id=1866, type=quantize_per_channel]; -"1867 dequantize_per_channel_default_88" [id=1867, type=dequantize_per_channel]; -"1868 linear_87" [id=1868, type=linear]; -"1869 view_77" [id=1869, type=view]; -"1870 _tensor_constant92" [id=1870, type=get_attr]; -"1871 index_14" [id=1871, type=index]; -"1872 view_78" [id=1872, type=view]; -"1873 permute_64" [id=1873, type=permute]; -"1874 contiguous_26" [id=1874, type=contiguous]; -"1875 unsqueeze_42" [id=1875, type=unsqueeze]; -"1876 sigmoid_14" [id=1876, type=sigmoid]; -"1877 mul_28" [id=1877, type=mul]; -"1878 pad_16" [id=1878, type=pad]; -"1879 view_79" [id=1879, type=view]; -"1880 permute_65" [id=1880, type=permute]; -"1881 reshape_63" [id=1881, type=reshape]; -"1882 linear_88_updated_constant0" [id=1882, type=get_attr]; -"1883 reshape_63_0_0_nncf_smooth_quant_0" [id=1883, type=call_module]; -"1884 quantize_per_tensor_default_87" [id=1884, type=quantize_per_tensor]; -"1885 dequantize_per_tensor_default_87" [id=1885, type=dequantize_per_tensor]; -"1886 linear_88_scale_0" [id=1886, type=get_attr]; -"1887 linear_88_zero_point_0" [id=1887, type=get_attr]; -"1888 quantize_per_channel_default_89" [id=1888, type=quantize_per_channel]; -"1889 dequantize_per_channel_default_89" [id=1889, type=dequantize_per_channel]; -"1890 _param_constant237_0_0" [id=1890, type=get_attr]; -"1891 linear_88" [id=1891, type=linear]; -"1892 reshape_64" [id=1892, type=reshape]; -"1893 permute_66" [id=1893, type=permute]; -"1894 select_42" [id=1894, type=select]; -"1895 select_43" [id=1895, type=select]; -"1896 select_44" [id=1896, type=select]; -"1897 linalg_vector_norm_28" [id=1897, type=linalg_vector_norm]; -"1898 clamp_min_28" [id=1898, type=clamp_min]; -"1899 expand_as_28" [id=1899, type=expand_as]; -"1900 div_28" [id=1900, type=div]; -"1901 quantize_per_tensor_default_88" [id=1901, type=quantize_per_tensor]; -"1902 dequantize_per_tensor_default_88" [id=1902, type=dequantize_per_tensor]; -"1903 linalg_vector_norm_29" [id=1903, type=linalg_vector_norm]; -"1904 clamp_min_29" [id=1904, type=clamp_min]; -"1905 expand_as_29" [id=1905, type=expand_as]; -"1906 div_29" [id=1906, type=div]; -"1907 quantize_per_tensor_default_89" [id=1907, type=quantize_per_tensor]; -"1908 dequantize_per_tensor_default_89" [id=1908, type=dequantize_per_tensor]; -"1909 transpose_28" [id=1909, type=transpose]; -"1910 matmul_28" [id=1910, type=matmul]; -"1911 _param_constant239" [id=1911, type=get_attr]; -"1912 clamp_14" [id=1912, type=clamp]; -"1913 exp_14" [id=1913, type=exp]; -"1914 mul_29" [id=1914, type=mul]; -"1915 add_49" [id=1915, type=add]; -"1916 softmax_14" [id=1916, type=softmax]; -"1917 dropout_56" [id=1917, type=dropout]; -"1918 matmul_29" [id=1918, type=matmul]; -"1919 transpose_29" [id=1919, type=transpose]; -"1920 reshape_65" [id=1920, type=reshape]; -"1921 linear_89_updated_constant0" [id=1921, type=get_attr]; -"1922 reshape_65_0_0_nncf_smooth_quant_0" [id=1922, type=call_module]; -"1923 quantize_per_tensor_default_90" [id=1923, type=quantize_per_tensor]; -"1924 dequantize_per_tensor_default_90" [id=1924, type=dequantize_per_tensor]; -"1925 linear_89_scale_0" [id=1925, type=get_attr]; -"1926 linear_89_zero_point_0" [id=1926, type=get_attr]; -"1927 quantize_per_channel_default_90" [id=1927, type=quantize_per_channel]; -"1928 dequantize_per_channel_default_90" [id=1928, type=dequantize_per_channel]; -"1929 _param_constant241_0_0" [id=1929, type=get_attr]; -"1930 linear_89" [id=1930, type=linear]; -"1931 dropout_57" [id=1931, type=dropout]; -"1932 view_80" [id=1932, type=view]; -"1933 permute_67" [id=1933, type=permute]; -"1934 reshape_66" [id=1934, type=reshape]; -"1935 slice_218" [id=1935, type=slice]; -"1936 slice_219" [id=1936, type=slice]; -"1937 slice_220" [id=1937, type=slice]; -"1938 slice_221" [id=1938, type=slice]; -"1939 contiguous_27" [id=1939, type=contiguous]; -"1940 _param_constant242" [id=1940, type=get_attr]; -"1941 _param_constant243" [id=1941, type=get_attr]; -"1942 layer_norm_31" [id=1942, type=layer_norm]; -"1943 add_50" [id=1943, type=add]; -"1944 linear_90_updated_constant0" [id=1944, type=get_attr]; -"1945 add_50_0_0_nncf_smooth_quant_0" [id=1945, type=call_module]; -"1946 quantize_per_tensor_default_91" [id=1946, type=quantize_per_tensor]; -"1947 dequantize_per_tensor_default_91" [id=1947, type=dequantize_per_tensor]; -"1948 linear_90_scale_0" [id=1948, type=get_attr]; -"1949 linear_90_zero_point_0" [id=1949, type=get_attr]; -"1950 quantize_per_channel_default_91" [id=1950, type=quantize_per_channel]; -"1951 dequantize_per_channel_default_91" [id=1951, type=dequantize_per_channel]; -"1952 _param_constant245_0_0" [id=1952, type=get_attr]; -"1953 linear_90" [id=1953, type=linear]; -"1954 gelu_14" [id=1954, type=gelu]; -"1955 dropout_58" [id=1955, type=dropout]; -"1956 linear_91_updated_constant0" [id=1956, type=get_attr]; -"1957 dropout_58_0_0_nncf_smooth_quant_0" [id=1957, type=call_module]; -"1958 quantize_per_tensor_default_92" [id=1958, type=quantize_per_tensor]; -"1959 dequantize_per_tensor_default_92" [id=1959, type=dequantize_per_tensor]; -"1960 linear_91_scale_0" [id=1960, type=get_attr]; -"1961 linear_91_zero_point_0" [id=1961, type=get_attr]; -"1962 quantize_per_channel_default_92" [id=1962, type=quantize_per_channel]; -"1963 dequantize_per_channel_default_92" [id=1963, type=dequantize_per_channel]; -"1964 _param_constant247_0_0" [id=1964, type=get_attr]; -"1965 linear_91" [id=1965, type=linear]; -"1966 dropout_59" [id=1966, type=dropout]; -"1967 _param_constant248" [id=1967, type=get_attr]; -"1968 _param_constant249" [id=1968, type=get_attr]; -"1969 layer_norm_32" [id=1969, type=layer_norm]; -"1970 add_51" [id=1970, type=add]; -"1971 _tensor_constant93" [id=1971, type=get_attr]; -"1972 linear_92_updated_constant0" [id=1972, type=get_attr]; -"1973 _tensor_constant93_0_0_nncf_smooth_quant_0" [id=1973, type=call_module]; -"1974 linear_92_scale_0" [id=1974, type=get_attr]; -"1975 linear_92_zero_point_0" [id=1975, type=get_attr]; -"1976 quantize_per_channel_default_93" [id=1976, type=quantize_per_channel]; -"1977 dequantize_per_channel_default_93" [id=1977, type=dequantize_per_channel]; -"1978 _param_constant251_0_0" [id=1978, type=get_attr]; -"1979 linear_92" [id=1979, type=linear]; -"1980 relu__15" [id=1980, type=relu_]; -"1981 linear_93_updated_constant0" [id=1981, type=get_attr]; -"1982 relu__15_0_0_nncf_smooth_quant_0" [id=1982, type=call_module]; -"1983 linear_93_scale_0" [id=1983, type=get_attr]; -"1984 linear_93_zero_point_0" [id=1984, type=get_attr]; -"1985 quantize_per_channel_default_94" [id=1985, type=quantize_per_channel]; -"1986 dequantize_per_channel_default_94" [id=1986, type=dequantize_per_channel]; -"1987 linear_93" [id=1987, type=linear]; -"1988 view_81" [id=1988, type=view]; -"1989 _tensor_constant94" [id=1989, type=get_attr]; -"1990 index_15" [id=1990, type=index]; -"1991 view_82" [id=1991, type=view]; -"1992 permute_68" [id=1992, type=permute]; -"1993 contiguous_28" [id=1993, type=contiguous]; -"1994 unsqueeze_43" [id=1994, type=unsqueeze]; -"1995 sigmoid_15" [id=1995, type=sigmoid]; -"1996 mul_30" [id=1996, type=mul]; -"1997 pad_17" [id=1997, type=pad]; -"1998 roll_14" [id=1998, type=roll]; -"1999 view_83" [id=1999, type=view]; -"2000 permute_69" [id=2000, type=permute]; -"2001 reshape_67" [id=2001, type=reshape]; -"2002 linear_94_updated_constant0" [id=2002, type=get_attr]; -"2003 reshape_67_0_0_nncf_smooth_quant_0" [id=2003, type=call_module]; -"2004 quantize_per_tensor_default_93" [id=2004, type=quantize_per_tensor]; -"2005 dequantize_per_tensor_default_93" [id=2005, type=dequantize_per_tensor]; -"2006 linear_94_scale_0" [id=2006, type=get_attr]; -"2007 linear_94_zero_point_0" [id=2007, type=get_attr]; -"2008 quantize_per_channel_default_95" [id=2008, type=quantize_per_channel]; -"2009 dequantize_per_channel_default_95" [id=2009, type=dequantize_per_channel]; -"2010 _param_constant253_0_0" [id=2010, type=get_attr]; -"2011 linear_94" [id=2011, type=linear]; -"2012 reshape_68" [id=2012, type=reshape]; -"2013 permute_70" [id=2013, type=permute]; -"2014 select_45" [id=2014, type=select]; -"2015 select_46" [id=2015, type=select]; -"2016 select_47" [id=2016, type=select]; -"2017 linalg_vector_norm_30" [id=2017, type=linalg_vector_norm]; -"2018 clamp_min_30" [id=2018, type=clamp_min]; -"2019 expand_as_30" [id=2019, type=expand_as]; -"2020 div_30" [id=2020, type=div]; -"2021 quantize_per_tensor_default_94" [id=2021, type=quantize_per_tensor]; -"2022 dequantize_per_tensor_default_94" [id=2022, type=dequantize_per_tensor]; -"2023 linalg_vector_norm_31" [id=2023, type=linalg_vector_norm]; -"2024 clamp_min_31" [id=2024, type=clamp_min]; -"2025 expand_as_31" [id=2025, type=expand_as]; -"2026 div_31" [id=2026, type=div]; -"2027 quantize_per_tensor_default_95" [id=2027, type=quantize_per_tensor]; -"2028 dequantize_per_tensor_default_95" [id=2028, type=dequantize_per_tensor]; -"2029 transpose_30" [id=2029, type=transpose]; -"2030 matmul_30" [id=2030, type=matmul]; -"2031 _param_constant255" [id=2031, type=get_attr]; -"2032 clamp_15" [id=2032, type=clamp]; -"2033 exp_15" [id=2033, type=exp]; -"2034 mul_31" [id=2034, type=mul]; -"2035 add_52" [id=2035, type=add]; -"2036 new_zeros_7" [id=2036, type=new_zeros]; -"2037 view_84" [id=2037, type=view]; -"2038 permute_71" [id=2038, type=permute]; -"2039 reshape_69" [id=2039, type=reshape]; -"2040 unsqueeze_44" [id=2040, type=unsqueeze]; -"2041 unsqueeze_45" [id=2041, type=unsqueeze]; -"2042 sub_7" [id=2042, type=sub]; -"2043 ne_7" [id=2043, type=ne]; -"2044 masked_fill_14" [id=2044, type=masked_fill]; -"2045 eq_7" [id=2045, type=eq]; -"2046 masked_fill_15" [id=2046, type=masked_fill]; -"2047 view_85" [id=2047, type=view]; -"2048 unsqueeze_46" [id=2048, type=unsqueeze]; -"2049 unsqueeze_47" [id=2049, type=unsqueeze]; -"2050 add_53" [id=2050, type=add]; -"2051 view_86" [id=2051, type=view]; -"2052 softmax_15" [id=2052, type=softmax]; -"2053 dropout_60" [id=2053, type=dropout]; -"2054 matmul_31" [id=2054, type=matmul]; -"2055 transpose_31" [id=2055, type=transpose]; -"2056 reshape_70" [id=2056, type=reshape]; -"2057 linear_95_updated_constant0" [id=2057, type=get_attr]; -"2058 reshape_70_0_0_nncf_smooth_quant_0" [id=2058, type=call_module]; -"2059 quantize_per_tensor_default_96" [id=2059, type=quantize_per_tensor]; -"2060 dequantize_per_tensor_default_96" [id=2060, type=dequantize_per_tensor]; -"2061 linear_95_scale_0" [id=2061, type=get_attr]; -"2062 linear_95_zero_point_0" [id=2062, type=get_attr]; -"2063 quantize_per_channel_default_96" [id=2063, type=quantize_per_channel]; -"2064 dequantize_per_channel_default_96" [id=2064, type=dequantize_per_channel]; -"2065 _param_constant257_0_0" [id=2065, type=get_attr]; -"2066 linear_95" [id=2066, type=linear]; -"2067 dropout_61" [id=2067, type=dropout]; -"2068 view_87" [id=2068, type=view]; -"2069 permute_72" [id=2069, type=permute]; -"2070 reshape_71" [id=2070, type=reshape]; -"2071 roll_15" [id=2071, type=roll]; -"2072 slice_241" [id=2072, type=slice]; -"2073 slice_242" [id=2073, type=slice]; -"2074 slice_243" [id=2074, type=slice]; -"2075 slice_244" [id=2075, type=slice]; -"2076 contiguous_29" [id=2076, type=contiguous]; -"2077 _param_constant258" [id=2077, type=get_attr]; -"2078 _param_constant259" [id=2078, type=get_attr]; -"2079 layer_norm_33" [id=2079, type=layer_norm]; -"2080 add_54" [id=2080, type=add]; -"2081 linear_96_updated_constant0" [id=2081, type=get_attr]; -"2082 add_54_0_0_nncf_smooth_quant_0" [id=2082, type=call_module]; -"2083 quantize_per_tensor_default_97" [id=2083, type=quantize_per_tensor]; -"2084 dequantize_per_tensor_default_97" [id=2084, type=dequantize_per_tensor]; -"2085 linear_96_scale_0" [id=2085, type=get_attr]; -"2086 linear_96_zero_point_0" [id=2086, type=get_attr]; -"2087 quantize_per_channel_default_97" [id=2087, type=quantize_per_channel]; -"2088 dequantize_per_channel_default_97" [id=2088, type=dequantize_per_channel]; -"2089 _param_constant261_0_0" [id=2089, type=get_attr]; -"2090 linear_96" [id=2090, type=linear]; -"2091 gelu_15" [id=2091, type=gelu]; -"2092 dropout_62" [id=2092, type=dropout]; -"2093 linear_97_updated_constant0" [id=2093, type=get_attr]; -"2094 dropout_62_0_0_nncf_smooth_quant_0" [id=2094, type=call_module]; -"2095 quantize_per_tensor_default_98" [id=2095, type=quantize_per_tensor]; -"2096 dequantize_per_tensor_default_98" [id=2096, type=dequantize_per_tensor]; -"2097 linear_97_scale_0" [id=2097, type=get_attr]; -"2098 linear_97_zero_point_0" [id=2098, type=get_attr]; -"2099 quantize_per_channel_default_98" [id=2099, type=quantize_per_channel]; -"2100 dequantize_per_channel_default_98" [id=2100, type=dequantize_per_channel]; -"2101 _param_constant263_0_0" [id=2101, type=get_attr]; -"2102 linear_97" [id=2102, type=linear]; -"2103 dropout_63" [id=2103, type=dropout]; -"2104 _param_constant264" [id=2104, type=get_attr]; -"2105 _param_constant265" [id=2105, type=get_attr]; -"2106 layer_norm_34" [id=2106, type=layer_norm]; -"2107 add_55" [id=2107, type=add]; -"2108 _tensor_constant104" [id=2108, type=get_attr]; -"2109 linear_98_updated_constant0" [id=2109, type=get_attr]; -"2110 _tensor_constant104_0_0_nncf_smooth_quant_0" [id=2110, type=call_module]; -"2111 linear_98_scale_0" [id=2111, type=get_attr]; -"2112 linear_98_zero_point_0" [id=2112, type=get_attr]; -"2113 quantize_per_channel_default_99" [id=2113, type=quantize_per_channel]; -"2114 dequantize_per_channel_default_99" [id=2114, type=dequantize_per_channel]; -"2115 _param_constant267_0_0" [id=2115, type=get_attr]; -"2116 linear_98" [id=2116, type=linear]; -"2117 relu__16" [id=2117, type=relu_]; -"2118 linear_99_updated_constant0" [id=2118, type=get_attr]; -"2119 relu__16_0_0_nncf_smooth_quant_0" [id=2119, type=call_module]; -"2120 linear_99_scale_0" [id=2120, type=get_attr]; -"2121 linear_99_zero_point_0" [id=2121, type=get_attr]; -"2122 quantize_per_channel_default_100" [id=2122, type=quantize_per_channel]; -"2123 dequantize_per_channel_default_100" [id=2123, type=dequantize_per_channel]; -"2124 linear_99" [id=2124, type=linear]; -"2125 view_88" [id=2125, type=view]; -"2126 _tensor_constant105" [id=2126, type=get_attr]; -"2127 index_16" [id=2127, type=index]; -"2128 view_89" [id=2128, type=view]; -"2129 permute_73" [id=2129, type=permute]; -"2130 contiguous_30" [id=2130, type=contiguous]; -"2131 unsqueeze_48" [id=2131, type=unsqueeze]; -"2132 sigmoid_16" [id=2132, type=sigmoid]; -"2133 mul_32" [id=2133, type=mul]; -"2134 pad_18" [id=2134, type=pad]; -"2135 view_90" [id=2135, type=view]; -"2136 permute_74" [id=2136, type=permute]; -"2137 reshape_72" [id=2137, type=reshape]; -"2138 linear_100_updated_constant0" [id=2138, type=get_attr]; -"2139 reshape_72_0_0_nncf_smooth_quant_0" [id=2139, type=call_module]; -"2140 quantize_per_tensor_default_99" [id=2140, type=quantize_per_tensor]; -"2141 dequantize_per_tensor_default_99" [id=2141, type=dequantize_per_tensor]; -"2142 linear_100_scale_0" [id=2142, type=get_attr]; -"2143 linear_100_zero_point_0" [id=2143, type=get_attr]; -"2144 quantize_per_channel_default_101" [id=2144, type=quantize_per_channel]; -"2145 dequantize_per_channel_default_101" [id=2145, type=dequantize_per_channel]; -"2146 _param_constant269_0_0" [id=2146, type=get_attr]; -"2147 linear_100" [id=2147, type=linear]; -"2148 reshape_73" [id=2148, type=reshape]; -"2149 permute_75" [id=2149, type=permute]; -"2150 select_48" [id=2150, type=select]; -"2151 select_49" [id=2151, type=select]; -"2152 select_50" [id=2152, type=select]; -"2153 linalg_vector_norm_32" [id=2153, type=linalg_vector_norm]; -"2154 clamp_min_32" [id=2154, type=clamp_min]; -"2155 expand_as_32" [id=2155, type=expand_as]; -"2156 div_32" [id=2156, type=div]; -"2157 quantize_per_tensor_default_100" [id=2157, type=quantize_per_tensor]; -"2158 dequantize_per_tensor_default_100" [id=2158, type=dequantize_per_tensor]; -"2159 linalg_vector_norm_33" [id=2159, type=linalg_vector_norm]; -"2160 clamp_min_33" [id=2160, type=clamp_min]; -"2161 expand_as_33" [id=2161, type=expand_as]; -"2162 div_33" [id=2162, type=div]; -"2163 quantize_per_tensor_default_101" [id=2163, type=quantize_per_tensor]; -"2164 dequantize_per_tensor_default_101" [id=2164, type=dequantize_per_tensor]; -"2165 transpose_32" [id=2165, type=transpose]; -"2166 matmul_32" [id=2166, type=matmul]; -"2167 _param_constant271" [id=2167, type=get_attr]; -"2168 clamp_16" [id=2168, type=clamp]; -"2169 exp_16" [id=2169, type=exp]; -"2170 mul_33" [id=2170, type=mul]; -"2171 add_56" [id=2171, type=add]; -"2172 softmax_16" [id=2172, type=softmax]; -"2173 dropout_64" [id=2173, type=dropout]; -"2174 matmul_33" [id=2174, type=matmul]; -"2175 transpose_33" [id=2175, type=transpose]; -"2176 reshape_74" [id=2176, type=reshape]; -"2177 linear_101_updated_constant0" [id=2177, type=get_attr]; -"2178 reshape_74_0_0_nncf_smooth_quant_0" [id=2178, type=call_module]; -"2179 quantize_per_tensor_default_102" [id=2179, type=quantize_per_tensor]; -"2180 dequantize_per_tensor_default_102" [id=2180, type=dequantize_per_tensor]; -"2181 linear_101_scale_0" [id=2181, type=get_attr]; -"2182 linear_101_zero_point_0" [id=2182, type=get_attr]; -"2183 quantize_per_channel_default_102" [id=2183, type=quantize_per_channel]; -"2184 dequantize_per_channel_default_102" [id=2184, type=dequantize_per_channel]; -"2185 _param_constant273_0_0" [id=2185, type=get_attr]; -"2186 linear_101" [id=2186, type=linear]; -"2187 dropout_65" [id=2187, type=dropout]; -"2188 view_91" [id=2188, type=view]; -"2189 permute_76" [id=2189, type=permute]; -"2190 reshape_75" [id=2190, type=reshape]; -"2191 slice_246" [id=2191, type=slice]; -"2192 slice_247" [id=2192, type=slice]; -"2193 slice_248" [id=2193, type=slice]; -"2194 slice_249" [id=2194, type=slice]; -"2195 contiguous_31" [id=2195, type=contiguous]; -"2196 _param_constant274" [id=2196, type=get_attr]; -"2197 _param_constant275" [id=2197, type=get_attr]; -"2198 layer_norm_35" [id=2198, type=layer_norm]; -"2199 add_57" [id=2199, type=add]; -"2200 linear_102_updated_constant0" [id=2200, type=get_attr]; -"2201 add_57_0_0_nncf_smooth_quant_0" [id=2201, type=call_module]; -"2202 quantize_per_tensor_default_103" [id=2202, type=quantize_per_tensor]; -"2203 dequantize_per_tensor_default_103" [id=2203, type=dequantize_per_tensor]; -"2204 linear_102_scale_0" [id=2204, type=get_attr]; -"2205 linear_102_zero_point_0" [id=2205, type=get_attr]; -"2206 quantize_per_channel_default_103" [id=2206, type=quantize_per_channel]; -"2207 dequantize_per_channel_default_103" [id=2207, type=dequantize_per_channel]; -"2208 _param_constant277_0_0" [id=2208, type=get_attr]; -"2209 linear_102" [id=2209, type=linear]; -"2210 gelu_16" [id=2210, type=gelu]; -"2211 dropout_66" [id=2211, type=dropout]; -"2212 linear_103_updated_constant0" [id=2212, type=get_attr]; -"2213 dropout_66_0_0_nncf_smooth_quant_0" [id=2213, type=call_module]; -"2214 quantize_per_tensor_default_104" [id=2214, type=quantize_per_tensor]; -"2215 dequantize_per_tensor_default_104" [id=2215, type=dequantize_per_tensor]; -"2216 linear_103_scale_0" [id=2216, type=get_attr]; -"2217 linear_103_zero_point_0" [id=2217, type=get_attr]; -"2218 quantize_per_channel_default_104" [id=2218, type=quantize_per_channel]; -"2219 dequantize_per_channel_default_104" [id=2219, type=dequantize_per_channel]; -"2220 _param_constant279_0_0" [id=2220, type=get_attr]; -"2221 linear_103" [id=2221, type=linear]; -"2222 dropout_67" [id=2222, type=dropout]; -"2223 _param_constant280" [id=2223, type=get_attr]; -"2224 _param_constant281" [id=2224, type=get_attr]; -"2225 layer_norm_36" [id=2225, type=layer_norm]; -"2226 add_58" [id=2226, type=add]; -"2227 _tensor_constant106" [id=2227, type=get_attr]; -"2228 linear_104_updated_constant0" [id=2228, type=get_attr]; -"2229 _tensor_constant106_0_0_nncf_smooth_quant_0" [id=2229, type=call_module]; -"2230 linear_104_scale_0" [id=2230, type=get_attr]; -"2231 linear_104_zero_point_0" [id=2231, type=get_attr]; -"2232 quantize_per_channel_default_105" [id=2232, type=quantize_per_channel]; -"2233 dequantize_per_channel_default_105" [id=2233, type=dequantize_per_channel]; -"2234 _param_constant283_0_0" [id=2234, type=get_attr]; -"2235 linear_104" [id=2235, type=linear]; -"2236 relu__17" [id=2236, type=relu_]; -"2237 linear_105_updated_constant0" [id=2237, type=get_attr]; -"2238 relu__17_0_0_nncf_smooth_quant_0" [id=2238, type=call_module]; -"2239 linear_105_scale_0" [id=2239, type=get_attr]; -"2240 linear_105_zero_point_0" [id=2240, type=get_attr]; -"2241 quantize_per_channel_default_106" [id=2241, type=quantize_per_channel]; -"2242 dequantize_per_channel_default_106" [id=2242, type=dequantize_per_channel]; -"2243 linear_105" [id=2243, type=linear]; -"2244 view_92" [id=2244, type=view]; -"2245 _tensor_constant107" [id=2245, type=get_attr]; -"2246 index_17" [id=2246, type=index]; -"2247 view_93" [id=2247, type=view]; -"2248 permute_77" [id=2248, type=permute]; -"2249 contiguous_32" [id=2249, type=contiguous]; -"2250 unsqueeze_49" [id=2250, type=unsqueeze]; -"2251 sigmoid_17" [id=2251, type=sigmoid]; -"2252 mul_34" [id=2252, type=mul]; -"2253 pad_19" [id=2253, type=pad]; -"2254 roll_16" [id=2254, type=roll]; -"2255 view_94" [id=2255, type=view]; -"2256 permute_78" [id=2256, type=permute]; -"2257 reshape_76" [id=2257, type=reshape]; -"2258 linear_106_updated_constant0" [id=2258, type=get_attr]; -"2259 reshape_76_0_0_nncf_smooth_quant_0" [id=2259, type=call_module]; -"2260 quantize_per_tensor_default_105" [id=2260, type=quantize_per_tensor]; -"2261 dequantize_per_tensor_default_105" [id=2261, type=dequantize_per_tensor]; -"2262 linear_106_scale_0" [id=2262, type=get_attr]; -"2263 linear_106_zero_point_0" [id=2263, type=get_attr]; -"2264 quantize_per_channel_default_107" [id=2264, type=quantize_per_channel]; -"2265 dequantize_per_channel_default_107" [id=2265, type=dequantize_per_channel]; -"2266 _param_constant285_0_0" [id=2266, type=get_attr]; -"2267 linear_106" [id=2267, type=linear]; -"2268 reshape_77" [id=2268, type=reshape]; -"2269 permute_79" [id=2269, type=permute]; -"2270 select_51" [id=2270, type=select]; -"2271 select_52" [id=2271, type=select]; -"2272 select_53" [id=2272, type=select]; -"2273 linalg_vector_norm_34" [id=2273, type=linalg_vector_norm]; -"2274 clamp_min_34" [id=2274, type=clamp_min]; -"2275 expand_as_34" [id=2275, type=expand_as]; -"2276 div_34" [id=2276, type=div]; -"2277 quantize_per_tensor_default_106" [id=2277, type=quantize_per_tensor]; -"2278 dequantize_per_tensor_default_106" [id=2278, type=dequantize_per_tensor]; -"2279 linalg_vector_norm_35" [id=2279, type=linalg_vector_norm]; -"2280 clamp_min_35" [id=2280, type=clamp_min]; -"2281 expand_as_35" [id=2281, type=expand_as]; -"2282 div_35" [id=2282, type=div]; -"2283 quantize_per_tensor_default_107" [id=2283, type=quantize_per_tensor]; -"2284 dequantize_per_tensor_default_107" [id=2284, type=dequantize_per_tensor]; -"2285 transpose_34" [id=2285, type=transpose]; -"2286 matmul_34" [id=2286, type=matmul]; -"2287 _param_constant287" [id=2287, type=get_attr]; -"2288 clamp_17" [id=2288, type=clamp]; -"2289 exp_17" [id=2289, type=exp]; -"2290 mul_35" [id=2290, type=mul]; -"2291 add_59" [id=2291, type=add]; -"2292 new_zeros_8" [id=2292, type=new_zeros]; -"2293 view_95" [id=2293, type=view]; -"2294 permute_80" [id=2294, type=permute]; -"2295 reshape_78" [id=2295, type=reshape]; -"2296 unsqueeze_50" [id=2296, type=unsqueeze]; -"2297 unsqueeze_51" [id=2297, type=unsqueeze]; -"2298 sub_8" [id=2298, type=sub]; -"2299 ne_8" [id=2299, type=ne]; -"2300 masked_fill_16" [id=2300, type=masked_fill]; -"2301 eq_8" [id=2301, type=eq]; -"2302 masked_fill_17" [id=2302, type=masked_fill]; -"2303 view_96" [id=2303, type=view]; -"2304 unsqueeze_52" [id=2304, type=unsqueeze]; -"2305 unsqueeze_53" [id=2305, type=unsqueeze]; -"2306 add_60" [id=2306, type=add]; -"2307 view_97" [id=2307, type=view]; -"2308 softmax_17" [id=2308, type=softmax]; -"2309 dropout_68" [id=2309, type=dropout]; -"2310 matmul_35" [id=2310, type=matmul]; -"2311 transpose_35" [id=2311, type=transpose]; -"2312 reshape_79" [id=2312, type=reshape]; -"2313 linear_107_updated_constant0" [id=2313, type=get_attr]; -"2314 reshape_79_0_0_nncf_smooth_quant_0" [id=2314, type=call_module]; -"2315 quantize_per_tensor_default_108" [id=2315, type=quantize_per_tensor]; -"2316 dequantize_per_tensor_default_108" [id=2316, type=dequantize_per_tensor]; -"2317 linear_107_scale_0" [id=2317, type=get_attr]; -"2318 linear_107_zero_point_0" [id=2318, type=get_attr]; -"2319 quantize_per_channel_default_108" [id=2319, type=quantize_per_channel]; -"2320 dequantize_per_channel_default_108" [id=2320, type=dequantize_per_channel]; -"2321 _param_constant289_0_0" [id=2321, type=get_attr]; -"2322 linear_107" [id=2322, type=linear]; -"2323 dropout_69" [id=2323, type=dropout]; -"2324 view_98" [id=2324, type=view]; -"2325 permute_81" [id=2325, type=permute]; -"2326 reshape_80" [id=2326, type=reshape]; -"2327 roll_17" [id=2327, type=roll]; -"2328 slice_269" [id=2328, type=slice]; -"2329 slice_270" [id=2329, type=slice]; -"2330 slice_271" [id=2330, type=slice]; -"2331 slice_272" [id=2331, type=slice]; -"2332 contiguous_33" [id=2332, type=contiguous]; -"2333 _param_constant290" [id=2333, type=get_attr]; -"2334 _param_constant291" [id=2334, type=get_attr]; -"2335 layer_norm_37" [id=2335, type=layer_norm]; -"2336 add_61" [id=2336, type=add]; -"2337 linear_108_updated_constant0" [id=2337, type=get_attr]; -"2338 add_61_0_0_nncf_smooth_quant_0" [id=2338, type=call_module]; -"2339 quantize_per_tensor_default_109" [id=2339, type=quantize_per_tensor]; -"2340 dequantize_per_tensor_default_109" [id=2340, type=dequantize_per_tensor]; -"2341 linear_108_scale_0" [id=2341, type=get_attr]; -"2342 linear_108_zero_point_0" [id=2342, type=get_attr]; -"2343 quantize_per_channel_default_109" [id=2343, type=quantize_per_channel]; -"2344 dequantize_per_channel_default_109" [id=2344, type=dequantize_per_channel]; -"2345 _param_constant293_0_0" [id=2345, type=get_attr]; -"2346 linear_108" [id=2346, type=linear]; -"2347 gelu_17" [id=2347, type=gelu]; -"2348 dropout_70" [id=2348, type=dropout]; -"2349 linear_109_updated_constant0" [id=2349, type=get_attr]; -"2350 dropout_70_0_0_nncf_smooth_quant_0" [id=2350, type=call_module]; -"2351 quantize_per_tensor_default_110" [id=2351, type=quantize_per_tensor]; -"2352 dequantize_per_tensor_default_110" [id=2352, type=dequantize_per_tensor]; -"2353 linear_109_scale_0" [id=2353, type=get_attr]; -"2354 linear_109_zero_point_0" [id=2354, type=get_attr]; -"2355 quantize_per_channel_default_110" [id=2355, type=quantize_per_channel]; -"2356 dequantize_per_channel_default_110" [id=2356, type=dequantize_per_channel]; -"2357 _param_constant295_0_0" [id=2357, type=get_attr]; -"2358 linear_109" [id=2358, type=linear]; -"2359 dropout_71" [id=2359, type=dropout]; -"2360 _param_constant296" [id=2360, type=get_attr]; -"2361 _param_constant297" [id=2361, type=get_attr]; -"2362 layer_norm_38" [id=2362, type=layer_norm]; -"2363 add_62" [id=2363, type=add]; -"2364 _tensor_constant117" [id=2364, type=get_attr]; -"2365 linear_110_updated_constant0" [id=2365, type=get_attr]; -"2366 _tensor_constant117_0_0_nncf_smooth_quant_0" [id=2366, type=call_module]; -"2367 linear_110_scale_0" [id=2367, type=get_attr]; -"2368 linear_110_zero_point_0" [id=2368, type=get_attr]; -"2369 quantize_per_channel_default_111" [id=2369, type=quantize_per_channel]; -"2370 dequantize_per_channel_default_111" [id=2370, type=dequantize_per_channel]; -"2371 _param_constant299_0_0" [id=2371, type=get_attr]; -"2372 linear_110" [id=2372, type=linear]; -"2373 relu__18" [id=2373, type=relu_]; -"2374 linear_111_updated_constant0" [id=2374, type=get_attr]; -"2375 relu__18_0_0_nncf_smooth_quant_0" [id=2375, type=call_module]; -"2376 linear_111_scale_0" [id=2376, type=get_attr]; -"2377 linear_111_zero_point_0" [id=2377, type=get_attr]; -"2378 quantize_per_channel_default_112" [id=2378, type=quantize_per_channel]; -"2379 dequantize_per_channel_default_112" [id=2379, type=dequantize_per_channel]; -"2380 linear_111" [id=2380, type=linear]; -"2381 view_99" [id=2381, type=view]; -"2382 _tensor_constant118" [id=2382, type=get_attr]; -"2383 index_18" [id=2383, type=index]; -"2384 view_100" [id=2384, type=view]; -"2385 permute_82" [id=2385, type=permute]; -"2386 contiguous_34" [id=2386, type=contiguous]; -"2387 unsqueeze_54" [id=2387, type=unsqueeze]; -"2388 sigmoid_18" [id=2388, type=sigmoid]; -"2389 mul_36" [id=2389, type=mul]; -"2390 pad_20" [id=2390, type=pad]; -"2391 view_101" [id=2391, type=view]; -"2392 permute_83" [id=2392, type=permute]; -"2393 reshape_81" [id=2393, type=reshape]; -"2394 linear_112_updated_constant0" [id=2394, type=get_attr]; -"2395 reshape_81_0_0_nncf_smooth_quant_0" [id=2395, type=call_module]; -"2396 quantize_per_tensor_default_111" [id=2396, type=quantize_per_tensor]; -"2397 dequantize_per_tensor_default_111" [id=2397, type=dequantize_per_tensor]; -"2398 linear_112_scale_0" [id=2398, type=get_attr]; -"2399 linear_112_zero_point_0" [id=2399, type=get_attr]; -"2400 quantize_per_channel_default_113" [id=2400, type=quantize_per_channel]; -"2401 dequantize_per_channel_default_113" [id=2401, type=dequantize_per_channel]; -"2402 _param_constant301_0_0" [id=2402, type=get_attr]; -"2403 linear_112" [id=2403, type=linear]; -"2404 reshape_82" [id=2404, type=reshape]; -"2405 permute_84" [id=2405, type=permute]; -"2406 select_54" [id=2406, type=select]; -"2407 select_55" [id=2407, type=select]; -"2408 select_56" [id=2408, type=select]; -"2409 linalg_vector_norm_36" [id=2409, type=linalg_vector_norm]; -"2410 clamp_min_36" [id=2410, type=clamp_min]; -"2411 expand_as_36" [id=2411, type=expand_as]; -"2412 div_36" [id=2412, type=div]; -"2413 quantize_per_tensor_default_112" [id=2413, type=quantize_per_tensor]; -"2414 dequantize_per_tensor_default_112" [id=2414, type=dequantize_per_tensor]; -"2415 linalg_vector_norm_37" [id=2415, type=linalg_vector_norm]; -"2416 clamp_min_37" [id=2416, type=clamp_min]; -"2417 expand_as_37" [id=2417, type=expand_as]; -"2418 div_37" [id=2418, type=div]; -"2419 quantize_per_tensor_default_113" [id=2419, type=quantize_per_tensor]; -"2420 dequantize_per_tensor_default_113" [id=2420, type=dequantize_per_tensor]; -"2421 transpose_36" [id=2421, type=transpose]; -"2422 matmul_36" [id=2422, type=matmul]; -"2423 _param_constant303" [id=2423, type=get_attr]; -"2424 clamp_18" [id=2424, type=clamp]; -"2425 exp_18" [id=2425, type=exp]; -"2426 mul_37" [id=2426, type=mul]; -"2427 add_63" [id=2427, type=add]; -"2428 softmax_18" [id=2428, type=softmax]; -"2429 dropout_72" [id=2429, type=dropout]; -"2430 matmul_37" [id=2430, type=matmul]; -"2431 transpose_37" [id=2431, type=transpose]; -"2432 reshape_83" [id=2432, type=reshape]; -"2433 linear_113_updated_constant0" [id=2433, type=get_attr]; -"2434 reshape_83_0_0_nncf_smooth_quant_0" [id=2434, type=call_module]; -"2435 quantize_per_tensor_default_114" [id=2435, type=quantize_per_tensor]; -"2436 dequantize_per_tensor_default_114" [id=2436, type=dequantize_per_tensor]; -"2437 linear_113_scale_0" [id=2437, type=get_attr]; -"2438 linear_113_zero_point_0" [id=2438, type=get_attr]; -"2439 quantize_per_channel_default_114" [id=2439, type=quantize_per_channel]; -"2440 dequantize_per_channel_default_114" [id=2440, type=dequantize_per_channel]; -"2441 _param_constant305_0_0" [id=2441, type=get_attr]; -"2442 linear_113" [id=2442, type=linear]; -"2443 dropout_73" [id=2443, type=dropout]; -"2444 view_102" [id=2444, type=view]; -"2445 permute_85" [id=2445, type=permute]; -"2446 reshape_84" [id=2446, type=reshape]; -"2447 slice_274" [id=2447, type=slice]; -"2448 slice_275" [id=2448, type=slice]; -"2449 slice_276" [id=2449, type=slice]; -"2450 slice_277" [id=2450, type=slice]; -"2451 contiguous_35" [id=2451, type=contiguous]; -"2452 _param_constant306" [id=2452, type=get_attr]; -"2453 _param_constant307" [id=2453, type=get_attr]; -"2454 layer_norm_39" [id=2454, type=layer_norm]; -"2455 add_64" [id=2455, type=add]; -"2456 linear_114_updated_constant0" [id=2456, type=get_attr]; -"2457 add_64_0_0_nncf_smooth_quant_0" [id=2457, type=call_module]; -"2458 quantize_per_tensor_default_115" [id=2458, type=quantize_per_tensor]; -"2459 dequantize_per_tensor_default_115" [id=2459, type=dequantize_per_tensor]; -"2460 linear_114_scale_0" [id=2460, type=get_attr]; -"2461 linear_114_zero_point_0" [id=2461, type=get_attr]; -"2462 quantize_per_channel_default_115" [id=2462, type=quantize_per_channel]; -"2463 dequantize_per_channel_default_115" [id=2463, type=dequantize_per_channel]; -"2464 _param_constant309_0_0" [id=2464, type=get_attr]; -"2465 linear_114" [id=2465, type=linear]; -"2466 gelu_18" [id=2466, type=gelu]; -"2467 dropout_74" [id=2467, type=dropout]; -"2468 linear_115_updated_constant0" [id=2468, type=get_attr]; -"2469 dropout_74_0_0_nncf_smooth_quant_0" [id=2469, type=call_module]; -"2470 quantize_per_tensor_default_116" [id=2470, type=quantize_per_tensor]; -"2471 dequantize_per_tensor_default_116" [id=2471, type=dequantize_per_tensor]; -"2472 linear_115_scale_0" [id=2472, type=get_attr]; -"2473 linear_115_zero_point_0" [id=2473, type=get_attr]; -"2474 quantize_per_channel_default_116" [id=2474, type=quantize_per_channel]; -"2475 dequantize_per_channel_default_116" [id=2475, type=dequantize_per_channel]; -"2476 _param_constant311_0_0" [id=2476, type=get_attr]; -"2477 linear_115" [id=2477, type=linear]; -"2478 dropout_75" [id=2478, type=dropout]; -"2479 _param_constant312" [id=2479, type=get_attr]; -"2480 _param_constant313" [id=2480, type=get_attr]; -"2481 layer_norm_40" [id=2481, type=layer_norm]; -"2482 add_65" [id=2482, type=add]; -"2483 _tensor_constant119" [id=2483, type=get_attr]; -"2484 linear_116_updated_constant0" [id=2484, type=get_attr]; -"2485 _tensor_constant119_0_0_nncf_smooth_quant_0" [id=2485, type=call_module]; -"2486 linear_116_scale_0" [id=2486, type=get_attr]; -"2487 linear_116_zero_point_0" [id=2487, type=get_attr]; -"2488 quantize_per_channel_default_117" [id=2488, type=quantize_per_channel]; -"2489 dequantize_per_channel_default_117" [id=2489, type=dequantize_per_channel]; -"2490 _param_constant315_0_0" [id=2490, type=get_attr]; -"2491 linear_116" [id=2491, type=linear]; -"2492 relu__19" [id=2492, type=relu_]; -"2493 linear_117_updated_constant0" [id=2493, type=get_attr]; -"2494 relu__19_0_0_nncf_smooth_quant_0" [id=2494, type=call_module]; -"2495 linear_117_scale_0" [id=2495, type=get_attr]; -"2496 linear_117_zero_point_0" [id=2496, type=get_attr]; -"2497 quantize_per_channel_default_118" [id=2497, type=quantize_per_channel]; -"2498 dequantize_per_channel_default_118" [id=2498, type=dequantize_per_channel]; -"2499 linear_117" [id=2499, type=linear]; -"2500 view_103" [id=2500, type=view]; -"2501 _tensor_constant120" [id=2501, type=get_attr]; -"2502 index_19" [id=2502, type=index]; -"2503 view_104" [id=2503, type=view]; -"2504 permute_86" [id=2504, type=permute]; -"2505 contiguous_36" [id=2505, type=contiguous]; -"2506 unsqueeze_55" [id=2506, type=unsqueeze]; -"2507 sigmoid_19" [id=2507, type=sigmoid]; -"2508 mul_38" [id=2508, type=mul]; -"2509 pad_21" [id=2509, type=pad]; -"2510 roll_18" [id=2510, type=roll]; -"2511 view_105" [id=2511, type=view]; -"2512 permute_87" [id=2512, type=permute]; -"2513 reshape_85" [id=2513, type=reshape]; -"2514 linear_118_updated_constant0" [id=2514, type=get_attr]; -"2515 reshape_85_0_0_nncf_smooth_quant_0" [id=2515, type=call_module]; -"2516 quantize_per_tensor_default_117" [id=2516, type=quantize_per_tensor]; -"2517 dequantize_per_tensor_default_117" [id=2517, type=dequantize_per_tensor]; -"2518 linear_118_scale_0" [id=2518, type=get_attr]; -"2519 linear_118_zero_point_0" [id=2519, type=get_attr]; -"2520 quantize_per_channel_default_119" [id=2520, type=quantize_per_channel]; -"2521 dequantize_per_channel_default_119" [id=2521, type=dequantize_per_channel]; -"2522 _param_constant317_0_0" [id=2522, type=get_attr]; -"2523 linear_118" [id=2523, type=linear]; -"2524 reshape_86" [id=2524, type=reshape]; -"2525 permute_88" [id=2525, type=permute]; -"2526 select_57" [id=2526, type=select]; -"2527 select_58" [id=2527, type=select]; -"2528 select_59" [id=2528, type=select]; -"2529 linalg_vector_norm_38" [id=2529, type=linalg_vector_norm]; -"2530 clamp_min_38" [id=2530, type=clamp_min]; -"2531 expand_as_38" [id=2531, type=expand_as]; -"2532 div_38" [id=2532, type=div]; -"2533 quantize_per_tensor_default_118" [id=2533, type=quantize_per_tensor]; -"2534 dequantize_per_tensor_default_118" [id=2534, type=dequantize_per_tensor]; -"2535 linalg_vector_norm_39" [id=2535, type=linalg_vector_norm]; -"2536 clamp_min_39" [id=2536, type=clamp_min]; -"2537 expand_as_39" [id=2537, type=expand_as]; -"2538 div_39" [id=2538, type=div]; -"2539 quantize_per_tensor_default_119" [id=2539, type=quantize_per_tensor]; -"2540 dequantize_per_tensor_default_119" [id=2540, type=dequantize_per_tensor]; -"2541 transpose_38" [id=2541, type=transpose]; -"2542 matmul_38" [id=2542, type=matmul]; -"2543 _param_constant319" [id=2543, type=get_attr]; -"2544 clamp_19" [id=2544, type=clamp]; -"2545 exp_19" [id=2545, type=exp]; -"2546 mul_39" [id=2546, type=mul]; -"2547 add_66" [id=2547, type=add]; -"2548 new_zeros_9" [id=2548, type=new_zeros]; -"2549 view_106" [id=2549, type=view]; -"2550 permute_89" [id=2550, type=permute]; -"2551 reshape_87" [id=2551, type=reshape]; -"2552 unsqueeze_56" [id=2552, type=unsqueeze]; -"2553 unsqueeze_57" [id=2553, type=unsqueeze]; -"2554 sub_9" [id=2554, type=sub]; -"2555 ne_9" [id=2555, type=ne]; -"2556 masked_fill_18" [id=2556, type=masked_fill]; -"2557 eq_9" [id=2557, type=eq]; -"2558 masked_fill_19" [id=2558, type=masked_fill]; -"2559 view_107" [id=2559, type=view]; -"2560 unsqueeze_58" [id=2560, type=unsqueeze]; -"2561 unsqueeze_59" [id=2561, type=unsqueeze]; -"2562 add_67" [id=2562, type=add]; -"2563 view_108" [id=2563, type=view]; -"2564 softmax_19" [id=2564, type=softmax]; -"2565 dropout_76" [id=2565, type=dropout]; -"2566 matmul_39" [id=2566, type=matmul]; -"2567 transpose_39" [id=2567, type=transpose]; -"2568 reshape_88" [id=2568, type=reshape]; -"2569 linear_119_updated_constant0" [id=2569, type=get_attr]; -"2570 reshape_88_0_0_nncf_smooth_quant_0" [id=2570, type=call_module]; -"2571 quantize_per_tensor_default_120" [id=2571, type=quantize_per_tensor]; -"2572 dequantize_per_tensor_default_120" [id=2572, type=dequantize_per_tensor]; -"2573 linear_119_scale_0" [id=2573, type=get_attr]; -"2574 linear_119_zero_point_0" [id=2574, type=get_attr]; -"2575 quantize_per_channel_default_120" [id=2575, type=quantize_per_channel]; -"2576 dequantize_per_channel_default_120" [id=2576, type=dequantize_per_channel]; -"2577 _param_constant321_0_0" [id=2577, type=get_attr]; -"2578 linear_119" [id=2578, type=linear]; -"2579 dropout_77" [id=2579, type=dropout]; -"2580 view_109" [id=2580, type=view]; -"2581 permute_90" [id=2581, type=permute]; -"2582 reshape_89" [id=2582, type=reshape]; -"2583 roll_19" [id=2583, type=roll]; -"2584 slice_297" [id=2584, type=slice]; -"2585 slice_298" [id=2585, type=slice]; -"2586 slice_299" [id=2586, type=slice]; -"2587 slice_300" [id=2587, type=slice]; -"2588 contiguous_37" [id=2588, type=contiguous]; -"2589 _param_constant322" [id=2589, type=get_attr]; -"2590 _param_constant323" [id=2590, type=get_attr]; -"2591 layer_norm_41" [id=2591, type=layer_norm]; -"2592 add_68" [id=2592, type=add]; -"2593 linear_120_updated_constant0" [id=2593, type=get_attr]; -"2594 add_68_0_0_nncf_smooth_quant_0" [id=2594, type=call_module]; -"2595 quantize_per_tensor_default_121" [id=2595, type=quantize_per_tensor]; -"2596 dequantize_per_tensor_default_121" [id=2596, type=dequantize_per_tensor]; -"2597 linear_120_scale_0" [id=2597, type=get_attr]; -"2598 linear_120_zero_point_0" [id=2598, type=get_attr]; -"2599 quantize_per_channel_default_121" [id=2599, type=quantize_per_channel]; -"2600 dequantize_per_channel_default_121" [id=2600, type=dequantize_per_channel]; -"2601 _param_constant325_0_0" [id=2601, type=get_attr]; -"2602 linear_120" [id=2602, type=linear]; -"2603 gelu_19" [id=2603, type=gelu]; -"2604 dropout_78" [id=2604, type=dropout]; -"2605 linear_121_updated_constant0" [id=2605, type=get_attr]; -"2606 dropout_78_0_0_nncf_smooth_quant_0" [id=2606, type=call_module]; -"2607 quantize_per_tensor_default_122" [id=2607, type=quantize_per_tensor]; -"2608 dequantize_per_tensor_default_122" [id=2608, type=dequantize_per_tensor]; -"2609 linear_121_scale_0" [id=2609, type=get_attr]; -"2610 linear_121_zero_point_0" [id=2610, type=get_attr]; -"2611 quantize_per_channel_default_122" [id=2611, type=quantize_per_channel]; -"2612 dequantize_per_channel_default_122" [id=2612, type=dequantize_per_channel]; -"2613 _param_constant327_0_0" [id=2613, type=get_attr]; -"2614 linear_121" [id=2614, type=linear]; -"2615 dropout_79" [id=2615, type=dropout]; -"2616 _param_constant328" [id=2616, type=get_attr]; -"2617 _param_constant329" [id=2617, type=get_attr]; -"2618 layer_norm_42" [id=2618, type=layer_norm]; -"2619 add_69" [id=2619, type=add]; -"2620 _tensor_constant130" [id=2620, type=get_attr]; -"2621 linear_122_updated_constant0" [id=2621, type=get_attr]; -"2622 _tensor_constant130_0_0_nncf_smooth_quant_0" [id=2622, type=call_module]; -"2623 linear_122_scale_0" [id=2623, type=get_attr]; -"2624 linear_122_zero_point_0" [id=2624, type=get_attr]; -"2625 quantize_per_channel_default_123" [id=2625, type=quantize_per_channel]; -"2626 dequantize_per_channel_default_123" [id=2626, type=dequantize_per_channel]; -"2627 _param_constant331_0_0" [id=2627, type=get_attr]; -"2628 linear_122" [id=2628, type=linear]; -"2629 relu__20" [id=2629, type=relu_]; -"2630 linear_123_updated_constant0" [id=2630, type=get_attr]; -"2631 relu__20_0_0_nncf_smooth_quant_0" [id=2631, type=call_module]; -"2632 linear_123_scale_0" [id=2632, type=get_attr]; -"2633 linear_123_zero_point_0" [id=2633, type=get_attr]; -"2634 quantize_per_channel_default_124" [id=2634, type=quantize_per_channel]; -"2635 dequantize_per_channel_default_124" [id=2635, type=dequantize_per_channel]; -"2636 linear_123" [id=2636, type=linear]; -"2637 view_110" [id=2637, type=view]; -"2638 _tensor_constant131" [id=2638, type=get_attr]; -"2639 index_20" [id=2639, type=index]; -"2640 view_111" [id=2640, type=view]; -"2641 permute_91" [id=2641, type=permute]; -"2642 contiguous_38" [id=2642, type=contiguous]; -"2643 unsqueeze_60" [id=2643, type=unsqueeze]; -"2644 sigmoid_20" [id=2644, type=sigmoid]; -"2645 mul_40" [id=2645, type=mul]; -"2646 pad_22" [id=2646, type=pad]; -"2647 view_112" [id=2647, type=view]; -"2648 permute_92" [id=2648, type=permute]; -"2649 reshape_90" [id=2649, type=reshape]; -"2650 linear_124_updated_constant0" [id=2650, type=get_attr]; -"2651 reshape_90_0_0_nncf_smooth_quant_0" [id=2651, type=call_module]; -"2652 quantize_per_tensor_default_123" [id=2652, type=quantize_per_tensor]; -"2653 dequantize_per_tensor_default_123" [id=2653, type=dequantize_per_tensor]; -"2654 linear_124_scale_0" [id=2654, type=get_attr]; -"2655 linear_124_zero_point_0" [id=2655, type=get_attr]; -"2656 quantize_per_channel_default_125" [id=2656, type=quantize_per_channel]; -"2657 dequantize_per_channel_default_125" [id=2657, type=dequantize_per_channel]; -"2658 _param_constant333_0_0" [id=2658, type=get_attr]; -"2659 linear_124" [id=2659, type=linear]; -"2660 reshape_91" [id=2660, type=reshape]; -"2661 permute_93" [id=2661, type=permute]; -"2662 select_60" [id=2662, type=select]; -"2663 select_61" [id=2663, type=select]; -"2664 select_62" [id=2664, type=select]; -"2665 linalg_vector_norm_40" [id=2665, type=linalg_vector_norm]; -"2666 clamp_min_40" [id=2666, type=clamp_min]; -"2667 expand_as_40" [id=2667, type=expand_as]; -"2668 div_40" [id=2668, type=div]; -"2669 quantize_per_tensor_default_124" [id=2669, type=quantize_per_tensor]; -"2670 dequantize_per_tensor_default_124" [id=2670, type=dequantize_per_tensor]; -"2671 linalg_vector_norm_41" [id=2671, type=linalg_vector_norm]; -"2672 clamp_min_41" [id=2672, type=clamp_min]; -"2673 expand_as_41" [id=2673, type=expand_as]; -"2674 div_41" [id=2674, type=div]; -"2675 quantize_per_tensor_default_125" [id=2675, type=quantize_per_tensor]; -"2676 dequantize_per_tensor_default_125" [id=2676, type=dequantize_per_tensor]; -"2677 transpose_40" [id=2677, type=transpose]; -"2678 matmul_40" [id=2678, type=matmul]; -"2679 _param_constant335" [id=2679, type=get_attr]; -"2680 clamp_20" [id=2680, type=clamp]; -"2681 exp_20" [id=2681, type=exp]; -"2682 mul_41" [id=2682, type=mul]; -"2683 add_70" [id=2683, type=add]; -"2684 softmax_20" [id=2684, type=softmax]; -"2685 dropout_80" [id=2685, type=dropout]; -"2686 matmul_41" [id=2686, type=matmul]; -"2687 transpose_41" [id=2687, type=transpose]; -"2688 reshape_92" [id=2688, type=reshape]; -"2689 linear_125_updated_constant0" [id=2689, type=get_attr]; -"2690 reshape_92_0_0_nncf_smooth_quant_0" [id=2690, type=call_module]; -"2691 quantize_per_tensor_default_126" [id=2691, type=quantize_per_tensor]; -"2692 dequantize_per_tensor_default_126" [id=2692, type=dequantize_per_tensor]; -"2693 linear_125_scale_0" [id=2693, type=get_attr]; -"2694 linear_125_zero_point_0" [id=2694, type=get_attr]; -"2695 quantize_per_channel_default_126" [id=2695, type=quantize_per_channel]; -"2696 dequantize_per_channel_default_126" [id=2696, type=dequantize_per_channel]; -"2697 _param_constant337_0_0" [id=2697, type=get_attr]; -"2698 linear_125" [id=2698, type=linear]; -"2699 dropout_81" [id=2699, type=dropout]; -"2700 view_113" [id=2700, type=view]; -"2701 permute_94" [id=2701, type=permute]; -"2702 reshape_93" [id=2702, type=reshape]; -"2703 slice_302" [id=2703, type=slice]; -"2704 slice_303" [id=2704, type=slice]; -"2705 slice_304" [id=2705, type=slice]; -"2706 slice_305" [id=2706, type=slice]; -"2707 contiguous_39" [id=2707, type=contiguous]; -"2708 _param_constant338" [id=2708, type=get_attr]; -"2709 _param_constant339" [id=2709, type=get_attr]; -"2710 layer_norm_43" [id=2710, type=layer_norm]; -"2711 add_71" [id=2711, type=add]; -"2712 linear_126_updated_constant0" [id=2712, type=get_attr]; -"2713 add_71_0_0_nncf_smooth_quant_0" [id=2713, type=call_module]; -"2714 quantize_per_tensor_default_127" [id=2714, type=quantize_per_tensor]; -"2715 dequantize_per_tensor_default_127" [id=2715, type=dequantize_per_tensor]; -"2716 linear_126_scale_0" [id=2716, type=get_attr]; -"2717 linear_126_zero_point_0" [id=2717, type=get_attr]; -"2718 quantize_per_channel_default_127" [id=2718, type=quantize_per_channel]; -"2719 dequantize_per_channel_default_127" [id=2719, type=dequantize_per_channel]; -"2720 _param_constant341_0_0" [id=2720, type=get_attr]; -"2721 linear_126" [id=2721, type=linear]; -"2722 gelu_20" [id=2722, type=gelu]; -"2723 dropout_82" [id=2723, type=dropout]; -"2724 linear_127_updated_constant0" [id=2724, type=get_attr]; -"2725 dropout_82_0_0_nncf_smooth_quant_0" [id=2725, type=call_module]; -"2726 quantize_per_tensor_default_128" [id=2726, type=quantize_per_tensor]; -"2727 dequantize_per_tensor_default_128" [id=2727, type=dequantize_per_tensor]; -"2728 linear_127_scale_0" [id=2728, type=get_attr]; -"2729 linear_127_zero_point_0" [id=2729, type=get_attr]; -"2730 quantize_per_channel_default_128" [id=2730, type=quantize_per_channel]; -"2731 dequantize_per_channel_default_128" [id=2731, type=dequantize_per_channel]; -"2732 _param_constant343_0_0" [id=2732, type=get_attr]; -"2733 linear_127" [id=2733, type=linear]; -"2734 dropout_83" [id=2734, type=dropout]; -"2735 _param_constant344" [id=2735, type=get_attr]; -"2736 _param_constant345" [id=2736, type=get_attr]; -"2737 layer_norm_44" [id=2737, type=layer_norm]; -"2738 add_72" [id=2738, type=add]; -"2739 _tensor_constant132" [id=2739, type=get_attr]; -"2740 linear_128_updated_constant0" [id=2740, type=get_attr]; -"2741 _tensor_constant132_0_0_nncf_smooth_quant_0" [id=2741, type=call_module]; -"2742 linear_128_scale_0" [id=2742, type=get_attr]; -"2743 linear_128_zero_point_0" [id=2743, type=get_attr]; -"2744 quantize_per_channel_default_129" [id=2744, type=quantize_per_channel]; -"2745 dequantize_per_channel_default_129" [id=2745, type=dequantize_per_channel]; -"2746 _param_constant347_0_0" [id=2746, type=get_attr]; -"2747 linear_128" [id=2747, type=linear]; -"2748 relu__21" [id=2748, type=relu_]; -"2749 linear_129_updated_constant0" [id=2749, type=get_attr]; -"2750 relu__21_0_0_nncf_smooth_quant_0" [id=2750, type=call_module]; -"2751 linear_129_scale_0" [id=2751, type=get_attr]; -"2752 linear_129_zero_point_0" [id=2752, type=get_attr]; -"2753 quantize_per_channel_default_130" [id=2753, type=quantize_per_channel]; -"2754 dequantize_per_channel_default_130" [id=2754, type=dequantize_per_channel]; -"2755 linear_129" [id=2755, type=linear]; -"2756 view_114" [id=2756, type=view]; -"2757 _tensor_constant133" [id=2757, type=get_attr]; -"2758 index_21" [id=2758, type=index]; -"2759 view_115" [id=2759, type=view]; -"2760 permute_95" [id=2760, type=permute]; -"2761 contiguous_40" [id=2761, type=contiguous]; -"2762 unsqueeze_61" [id=2762, type=unsqueeze]; -"2763 sigmoid_21" [id=2763, type=sigmoid]; -"2764 mul_42" [id=2764, type=mul]; -"2765 pad_23" [id=2765, type=pad]; -"2766 roll_20" [id=2766, type=roll]; -"2767 view_116" [id=2767, type=view]; -"2768 permute_96" [id=2768, type=permute]; -"2769 reshape_94" [id=2769, type=reshape]; -"2770 linear_130_updated_constant0" [id=2770, type=get_attr]; -"2771 reshape_94_0_0_nncf_smooth_quant_0" [id=2771, type=call_module]; -"2772 quantize_per_tensor_default_129" [id=2772, type=quantize_per_tensor]; -"2773 dequantize_per_tensor_default_129" [id=2773, type=dequantize_per_tensor]; -"2774 linear_130_scale_0" [id=2774, type=get_attr]; -"2775 linear_130_zero_point_0" [id=2775, type=get_attr]; -"2776 quantize_per_channel_default_131" [id=2776, type=quantize_per_channel]; -"2777 dequantize_per_channel_default_131" [id=2777, type=dequantize_per_channel]; -"2778 _param_constant349_0_0" [id=2778, type=get_attr]; -"2779 linear_130" [id=2779, type=linear]; -"2780 reshape_95" [id=2780, type=reshape]; -"2781 permute_97" [id=2781, type=permute]; -"2782 select_63" [id=2782, type=select]; -"2783 select_64" [id=2783, type=select]; -"2784 select_65" [id=2784, type=select]; -"2785 linalg_vector_norm_42" [id=2785, type=linalg_vector_norm]; -"2786 clamp_min_42" [id=2786, type=clamp_min]; -"2787 expand_as_42" [id=2787, type=expand_as]; -"2788 div_42" [id=2788, type=div]; -"2789 quantize_per_tensor_default_130" [id=2789, type=quantize_per_tensor]; -"2790 dequantize_per_tensor_default_130" [id=2790, type=dequantize_per_tensor]; -"2791 linalg_vector_norm_43" [id=2791, type=linalg_vector_norm]; -"2792 clamp_min_43" [id=2792, type=clamp_min]; -"2793 expand_as_43" [id=2793, type=expand_as]; -"2794 div_43" [id=2794, type=div]; -"2795 quantize_per_tensor_default_131" [id=2795, type=quantize_per_tensor]; -"2796 dequantize_per_tensor_default_131" [id=2796, type=dequantize_per_tensor]; -"2797 transpose_42" [id=2797, type=transpose]; -"2798 matmul_42" [id=2798, type=matmul]; -"2799 _param_constant351" [id=2799, type=get_attr]; -"2800 clamp_21" [id=2800, type=clamp]; -"2801 exp_21" [id=2801, type=exp]; -"2802 mul_43" [id=2802, type=mul]; -"2803 add_73" [id=2803, type=add]; -"2804 new_zeros_10" [id=2804, type=new_zeros]; -"2805 view_117" [id=2805, type=view]; -"2806 permute_98" [id=2806, type=permute]; -"2807 reshape_96" [id=2807, type=reshape]; -"2808 unsqueeze_62" [id=2808, type=unsqueeze]; -"2809 unsqueeze_63" [id=2809, type=unsqueeze]; -"2810 sub_10" [id=2810, type=sub]; -"2811 ne_10" [id=2811, type=ne]; -"2812 masked_fill_20" [id=2812, type=masked_fill]; -"2813 eq_10" [id=2813, type=eq]; -"2814 masked_fill_21" [id=2814, type=masked_fill]; -"2815 view_118" [id=2815, type=view]; -"2816 unsqueeze_64" [id=2816, type=unsqueeze]; -"2817 unsqueeze_65" [id=2817, type=unsqueeze]; -"2818 add_74" [id=2818, type=add]; -"2819 view_119" [id=2819, type=view]; -"2820 softmax_21" [id=2820, type=softmax]; -"2821 dropout_84" [id=2821, type=dropout]; -"2822 matmul_43" [id=2822, type=matmul]; -"2823 transpose_43" [id=2823, type=transpose]; -"2824 reshape_97" [id=2824, type=reshape]; -"2825 linear_131_updated_constant0" [id=2825, type=get_attr]; -"2826 reshape_97_0_0_nncf_smooth_quant_0" [id=2826, type=call_module]; -"2827 quantize_per_tensor_default_132" [id=2827, type=quantize_per_tensor]; -"2828 dequantize_per_tensor_default_132" [id=2828, type=dequantize_per_tensor]; -"2829 linear_131_scale_0" [id=2829, type=get_attr]; -"2830 linear_131_zero_point_0" [id=2830, type=get_attr]; -"2831 quantize_per_channel_default_132" [id=2831, type=quantize_per_channel]; -"2832 dequantize_per_channel_default_132" [id=2832, type=dequantize_per_channel]; -"2833 _param_constant353_0_0" [id=2833, type=get_attr]; -"2834 linear_131" [id=2834, type=linear]; -"2835 dropout_85" [id=2835, type=dropout]; -"2836 view_120" [id=2836, type=view]; -"2837 permute_99" [id=2837, type=permute]; -"2838 reshape_98" [id=2838, type=reshape]; -"2839 roll_21" [id=2839, type=roll]; -"2840 slice_325" [id=2840, type=slice]; -"2841 slice_326" [id=2841, type=slice]; -"2842 slice_327" [id=2842, type=slice]; -"2843 slice_328" [id=2843, type=slice]; -"2844 contiguous_41" [id=2844, type=contiguous]; -"2845 _param_constant354" [id=2845, type=get_attr]; -"2846 _param_constant355" [id=2846, type=get_attr]; -"2847 layer_norm_45" [id=2847, type=layer_norm]; -"2848 add_75" [id=2848, type=add]; -"2849 linear_132_updated_constant0" [id=2849, type=get_attr]; -"2850 add_75_0_0_nncf_smooth_quant_0" [id=2850, type=call_module]; -"2851 quantize_per_tensor_default_133" [id=2851, type=quantize_per_tensor]; -"2852 dequantize_per_tensor_default_133" [id=2852, type=dequantize_per_tensor]; -"2853 linear_132_scale_0" [id=2853, type=get_attr]; -"2854 linear_132_zero_point_0" [id=2854, type=get_attr]; -"2855 quantize_per_channel_default_133" [id=2855, type=quantize_per_channel]; -"2856 dequantize_per_channel_default_133" [id=2856, type=dequantize_per_channel]; -"2857 _param_constant357_0_0" [id=2857, type=get_attr]; -"2858 linear_132" [id=2858, type=linear]; -"2859 gelu_21" [id=2859, type=gelu]; -"2860 dropout_86" [id=2860, type=dropout]; -"2861 linear_133_updated_constant0" [id=2861, type=get_attr]; -"2862 dropout_86_0_0_nncf_smooth_quant_0" [id=2862, type=call_module]; -"2863 quantize_per_tensor_default_134" [id=2863, type=quantize_per_tensor]; -"2864 dequantize_per_tensor_default_134" [id=2864, type=dequantize_per_tensor]; -"2865 linear_133_scale_0" [id=2865, type=get_attr]; -"2866 linear_133_zero_point_0" [id=2866, type=get_attr]; -"2867 quantize_per_channel_default_134" [id=2867, type=quantize_per_channel]; -"2868 dequantize_per_channel_default_134" [id=2868, type=dequantize_per_channel]; -"2869 _param_constant359_0_0" [id=2869, type=get_attr]; -"2870 linear_133" [id=2870, type=linear]; -"2871 dropout_87" [id=2871, type=dropout]; -"2872 _param_constant360" [id=2872, type=get_attr]; -"2873 _param_constant361" [id=2873, type=get_attr]; -"2874 layer_norm_46" [id=2874, type=layer_norm]; -"2875 add_76" [id=2875, type=add]; -"2876 pad_24" [id=2876, type=pad]; -"2877 slice_329" [id=2877, type=slice]; -"2878 slice_330" [id=2878, type=slice]; -"2879 slice_331" [id=2879, type=slice]; -"2880 slice_332" [id=2880, type=slice]; -"2881 slice_333" [id=2881, type=slice]; -"2882 slice_334" [id=2882, type=slice]; -"2883 slice_335" [id=2883, type=slice]; -"2884 slice_336" [id=2884, type=slice]; -"2885 slice_337" [id=2885, type=slice]; -"2886 slice_338" [id=2886, type=slice]; -"2887 slice_339" [id=2887, type=slice]; -"2888 slice_340" [id=2888, type=slice]; -"2889 cat_2" [id=2889, type=cat]; -"2890 linear_134_updated_constant0" [id=2890, type=get_attr]; -"2891 cat_2_0_0_nncf_smooth_quant_0" [id=2891, type=call_module]; -"2892 quantize_per_tensor_default_135" [id=2892, type=quantize_per_tensor]; -"2893 dequantize_per_tensor_default_135" [id=2893, type=dequantize_per_tensor]; -"2894 linear_134_scale_0" [id=2894, type=get_attr]; -"2895 linear_134_zero_point_0" [id=2895, type=get_attr]; -"2896 quantize_per_channel_default_135" [id=2896, type=quantize_per_channel]; -"2897 dequantize_per_channel_default_135" [id=2897, type=dequantize_per_channel]; -"2898 linear_134" [id=2898, type=linear]; -"2899 _param_constant363" [id=2899, type=get_attr]; -"2900 _param_constant364" [id=2900, type=get_attr]; -"2901 layer_norm_47" [id=2901, type=layer_norm]; -"2902 _tensor_constant143" [id=2902, type=get_attr]; -"2903 linear_135_updated_constant0" [id=2903, type=get_attr]; -"2904 _tensor_constant143_0_0_nncf_smooth_quant_0" [id=2904, type=call_module]; -"2905 linear_135_scale_0" [id=2905, type=get_attr]; -"2906 linear_135_zero_point_0" [id=2906, type=get_attr]; -"2907 quantize_per_channel_default_136" [id=2907, type=quantize_per_channel]; -"2908 dequantize_per_channel_default_136" [id=2908, type=dequantize_per_channel]; -"2909 _param_constant366_0_0" [id=2909, type=get_attr]; -"2910 linear_135" [id=2910, type=linear]; -"2911 relu__22" [id=2911, type=relu_]; -"2912 linear_136_updated_constant0" [id=2912, type=get_attr]; -"2913 relu__22_0_0_nncf_smooth_quant_0" [id=2913, type=call_module]; -"2914 linear_136_scale_0" [id=2914, type=get_attr]; -"2915 linear_136_zero_point_0" [id=2915, type=get_attr]; -"2916 quantize_per_channel_default_137" [id=2916, type=quantize_per_channel]; -"2917 dequantize_per_channel_default_137" [id=2917, type=dequantize_per_channel]; -"2918 linear_136" [id=2918, type=linear]; -"2919 view_121" [id=2919, type=view]; -"2920 _tensor_constant144" [id=2920, type=get_attr]; -"2921 index_22" [id=2921, type=index]; -"2922 view_122" [id=2922, type=view]; -"2923 permute_100" [id=2923, type=permute]; -"2924 contiguous_42" [id=2924, type=contiguous]; -"2925 unsqueeze_66" [id=2925, type=unsqueeze]; -"2926 sigmoid_22" [id=2926, type=sigmoid]; -"2927 mul_44" [id=2927, type=mul]; -"2928 pad_25" [id=2928, type=pad]; -"2929 view_123" [id=2929, type=view]; -"2930 permute_101" [id=2930, type=permute]; -"2931 reshape_99" [id=2931, type=reshape]; -"2932 linear_137_updated_constant0" [id=2932, type=get_attr]; -"2933 reshape_99_0_0_nncf_smooth_quant_0" [id=2933, type=call_module]; -"2934 quantize_per_tensor_default_136" [id=2934, type=quantize_per_tensor]; -"2935 dequantize_per_tensor_default_136" [id=2935, type=dequantize_per_tensor]; -"2936 linear_137_scale_0" [id=2936, type=get_attr]; -"2937 linear_137_zero_point_0" [id=2937, type=get_attr]; -"2938 quantize_per_channel_default_138" [id=2938, type=quantize_per_channel]; -"2939 dequantize_per_channel_default_138" [id=2939, type=dequantize_per_channel]; -"2940 _param_constant368_0_0" [id=2940, type=get_attr]; -"2941 linear_137" [id=2941, type=linear]; -"2942 reshape_100" [id=2942, type=reshape]; -"2943 permute_102" [id=2943, type=permute]; -"2944 select_66" [id=2944, type=select]; -"2945 select_67" [id=2945, type=select]; -"2946 select_68" [id=2946, type=select]; -"2947 linalg_vector_norm_44" [id=2947, type=linalg_vector_norm]; -"2948 clamp_min_44" [id=2948, type=clamp_min]; -"2949 expand_as_44" [id=2949, type=expand_as]; -"2950 div_44" [id=2950, type=div]; -"2951 quantize_per_tensor_default_137" [id=2951, type=quantize_per_tensor]; -"2952 dequantize_per_tensor_default_137" [id=2952, type=dequantize_per_tensor]; -"2953 linalg_vector_norm_45" [id=2953, type=linalg_vector_norm]; -"2954 clamp_min_45" [id=2954, type=clamp_min]; -"2955 expand_as_45" [id=2955, type=expand_as]; -"2956 div_45" [id=2956, type=div]; -"2957 quantize_per_tensor_default_138" [id=2957, type=quantize_per_tensor]; -"2958 dequantize_per_tensor_default_138" [id=2958, type=dequantize_per_tensor]; -"2959 transpose_44" [id=2959, type=transpose]; -"2960 matmul_44" [id=2960, type=matmul]; -"2961 _param_constant370" [id=2961, type=get_attr]; -"2962 clamp_22" [id=2962, type=clamp]; -"2963 exp_22" [id=2963, type=exp]; -"2964 mul_45" [id=2964, type=mul]; -"2965 add_77" [id=2965, type=add]; -"2966 softmax_22" [id=2966, type=softmax]; -"2967 dropout_88" [id=2967, type=dropout]; -"2968 matmul_45" [id=2968, type=matmul]; -"2969 transpose_45" [id=2969, type=transpose]; -"2970 reshape_101" [id=2970, type=reshape]; -"2971 linear_138_updated_constant0" [id=2971, type=get_attr]; -"2972 reshape_101_0_0_nncf_smooth_quant_0" [id=2972, type=call_module]; -"2973 quantize_per_tensor_default_139" [id=2973, type=quantize_per_tensor]; -"2974 dequantize_per_tensor_default_139" [id=2974, type=dequantize_per_tensor]; -"2975 linear_138_scale_0" [id=2975, type=get_attr]; -"2976 linear_138_zero_point_0" [id=2976, type=get_attr]; -"2977 quantize_per_channel_default_139" [id=2977, type=quantize_per_channel]; -"2978 dequantize_per_channel_default_139" [id=2978, type=dequantize_per_channel]; -"2979 _param_constant372_0_0" [id=2979, type=get_attr]; -"2980 linear_138" [id=2980, type=linear]; -"2981 dropout_89" [id=2981, type=dropout]; -"2982 view_124" [id=2982, type=view]; -"2983 permute_103" [id=2983, type=permute]; -"2984 reshape_102" [id=2984, type=reshape]; -"2985 slice_342" [id=2985, type=slice]; -"2986 slice_343" [id=2986, type=slice]; -"2987 slice_344" [id=2987, type=slice]; -"2988 slice_345" [id=2988, type=slice]; -"2989 contiguous_43" [id=2989, type=contiguous]; -"2990 _param_constant373" [id=2990, type=get_attr]; -"2991 _param_constant374" [id=2991, type=get_attr]; -"2992 layer_norm_48" [id=2992, type=layer_norm]; -"2993 add_78" [id=2993, type=add]; -"2994 linear_139_updated_constant0" [id=2994, type=get_attr]; -"2995 add_78_0_0_nncf_smooth_quant_0" [id=2995, type=call_module]; -"2996 quantize_per_tensor_default_140" [id=2996, type=quantize_per_tensor]; -"2997 dequantize_per_tensor_default_140" [id=2997, type=dequantize_per_tensor]; -"2998 linear_139_scale_0" [id=2998, type=get_attr]; -"2999 linear_139_zero_point_0" [id=2999, type=get_attr]; -"3000 quantize_per_channel_default_140" [id=3000, type=quantize_per_channel]; -"3001 dequantize_per_channel_default_140" [id=3001, type=dequantize_per_channel]; -"3002 _param_constant376_0_0" [id=3002, type=get_attr]; -"3003 linear_139" [id=3003, type=linear]; -"3004 gelu_22" [id=3004, type=gelu]; -"3005 dropout_90" [id=3005, type=dropout]; -"3006 linear_140_updated_constant0" [id=3006, type=get_attr]; -"3007 dropout_90_0_0_nncf_smooth_quant_0" [id=3007, type=call_module]; -"3008 quantize_per_tensor_default_141" [id=3008, type=quantize_per_tensor]; -"3009 dequantize_per_tensor_default_141" [id=3009, type=dequantize_per_tensor]; -"3010 linear_140_scale_0" [id=3010, type=get_attr]; -"3011 linear_140_zero_point_0" [id=3011, type=get_attr]; -"3012 quantize_per_channel_default_141" [id=3012, type=quantize_per_channel]; -"3013 dequantize_per_channel_default_141" [id=3013, type=dequantize_per_channel]; -"3014 _param_constant378_0_0" [id=3014, type=get_attr]; -"3015 linear_140" [id=3015, type=linear]; -"3016 dropout_91" [id=3016, type=dropout]; -"3017 _param_constant379" [id=3017, type=get_attr]; -"3018 _param_constant380" [id=3018, type=get_attr]; -"3019 layer_norm_49" [id=3019, type=layer_norm]; -"3020 add_79" [id=3020, type=add]; -"3021 _tensor_constant145" [id=3021, type=get_attr]; -"3022 linear_141_updated_constant0" [id=3022, type=get_attr]; -"3023 _tensor_constant145_0_0_nncf_smooth_quant_0" [id=3023, type=call_module]; -"3024 linear_141_scale_0" [id=3024, type=get_attr]; -"3025 linear_141_zero_point_0" [id=3025, type=get_attr]; -"3026 quantize_per_channel_default_142" [id=3026, type=quantize_per_channel]; -"3027 dequantize_per_channel_default_142" [id=3027, type=dequantize_per_channel]; -"3028 _param_constant382_0_0" [id=3028, type=get_attr]; -"3029 linear_141" [id=3029, type=linear]; -"3030 relu__23" [id=3030, type=relu_]; -"3031 linear_142_updated_constant0" [id=3031, type=get_attr]; -"3032 relu__23_0_0_nncf_smooth_quant_0" [id=3032, type=call_module]; -"3033 linear_142_scale_0" [id=3033, type=get_attr]; -"3034 linear_142_zero_point_0" [id=3034, type=get_attr]; -"3035 quantize_per_channel_default_143" [id=3035, type=quantize_per_channel]; -"3036 dequantize_per_channel_default_143" [id=3036, type=dequantize_per_channel]; -"3037 linear_142" [id=3037, type=linear]; -"3038 view_125" [id=3038, type=view]; -"3039 _tensor_constant146" [id=3039, type=get_attr]; -"3040 index_23" [id=3040, type=index]; -"3041 view_126" [id=3041, type=view]; -"3042 permute_104" [id=3042, type=permute]; -"3043 contiguous_44" [id=3043, type=contiguous]; -"3044 unsqueeze_67" [id=3044, type=unsqueeze]; -"3045 sigmoid_23" [id=3045, type=sigmoid]; -"3046 mul_46" [id=3046, type=mul]; -"3047 pad_26" [id=3047, type=pad]; -"3048 view_127" [id=3048, type=view]; -"3049 permute_105" [id=3049, type=permute]; -"3050 reshape_103" [id=3050, type=reshape]; -"3051 linear_143_updated_constant0" [id=3051, type=get_attr]; -"3052 reshape_103_0_0_nncf_smooth_quant_0" [id=3052, type=call_module]; -"3053 quantize_per_tensor_default_142" [id=3053, type=quantize_per_tensor]; -"3054 dequantize_per_tensor_default_142" [id=3054, type=dequantize_per_tensor]; -"3055 linear_143_scale_0" [id=3055, type=get_attr]; -"3056 linear_143_zero_point_0" [id=3056, type=get_attr]; -"3057 quantize_per_channel_default_144" [id=3057, type=quantize_per_channel]; -"3058 dequantize_per_channel_default_144" [id=3058, type=dequantize_per_channel]; -"3059 _param_constant384_0_0" [id=3059, type=get_attr]; -"3060 linear_143" [id=3060, type=linear]; -"3061 reshape_104" [id=3061, type=reshape]; -"3062 permute_106" [id=3062, type=permute]; -"3063 select_69" [id=3063, type=select]; -"3064 select_70" [id=3064, type=select]; -"3065 select_71" [id=3065, type=select]; -"3066 linalg_vector_norm_46" [id=3066, type=linalg_vector_norm]; -"3067 clamp_min_46" [id=3067, type=clamp_min]; -"3068 expand_as_46" [id=3068, type=expand_as]; -"3069 div_46" [id=3069, type=div]; -"3070 quantize_per_tensor_default_143" [id=3070, type=quantize_per_tensor]; -"3071 dequantize_per_tensor_default_143" [id=3071, type=dequantize_per_tensor]; -"3072 linalg_vector_norm_47" [id=3072, type=linalg_vector_norm]; -"3073 clamp_min_47" [id=3073, type=clamp_min]; -"3074 expand_as_47" [id=3074, type=expand_as]; -"3075 div_47" [id=3075, type=div]; -"3076 quantize_per_tensor_default_144" [id=3076, type=quantize_per_tensor]; -"3077 dequantize_per_tensor_default_144" [id=3077, type=dequantize_per_tensor]; -"3078 transpose_46" [id=3078, type=transpose]; -"3079 matmul_46" [id=3079, type=matmul]; -"3080 _param_constant386" [id=3080, type=get_attr]; -"3081 clamp_23" [id=3081, type=clamp]; -"3082 exp_23" [id=3082, type=exp]; -"3083 mul_47" [id=3083, type=mul]; -"3084 add_80" [id=3084, type=add]; -"3085 softmax_23" [id=3085, type=softmax]; -"3086 dropout_92" [id=3086, type=dropout]; -"3087 matmul_47" [id=3087, type=matmul]; -"3088 transpose_47" [id=3088, type=transpose]; -"3089 reshape_105" [id=3089, type=reshape]; -"3090 linear_144_updated_constant0" [id=3090, type=get_attr]; -"3091 reshape_105_0_0_nncf_smooth_quant_0" [id=3091, type=call_module]; -"3092 quantize_per_tensor_default_145" [id=3092, type=quantize_per_tensor]; -"3093 dequantize_per_tensor_default_145" [id=3093, type=dequantize_per_tensor]; -"3094 linear_144_scale_0" [id=3094, type=get_attr]; -"3095 linear_144_zero_point_0" [id=3095, type=get_attr]; -"3096 quantize_per_channel_default_145" [id=3096, type=quantize_per_channel]; -"3097 dequantize_per_channel_default_145" [id=3097, type=dequantize_per_channel]; -"3098 _param_constant388_0_0" [id=3098, type=get_attr]; -"3099 linear_144" [id=3099, type=linear]; -"3100 dropout_93" [id=3100, type=dropout]; -"3101 view_128" [id=3101, type=view]; -"3102 permute_107" [id=3102, type=permute]; -"3103 reshape_106" [id=3103, type=reshape]; -"3104 slice_347" [id=3104, type=slice]; -"3105 slice_348" [id=3105, type=slice]; -"3106 slice_349" [id=3106, type=slice]; -"3107 slice_350" [id=3107, type=slice]; -"3108 contiguous_45" [id=3108, type=contiguous]; -"3109 _param_constant389" [id=3109, type=get_attr]; -"3110 _param_constant390" [id=3110, type=get_attr]; -"3111 layer_norm_50" [id=3111, type=layer_norm]; -"3112 add_81" [id=3112, type=add]; -"3113 linear_145_updated_constant0" [id=3113, type=get_attr]; -"3114 add_81_0_0_nncf_smooth_quant_0" [id=3114, type=call_module]; -"3115 quantize_per_tensor_default_146" [id=3115, type=quantize_per_tensor]; -"3116 dequantize_per_tensor_default_146" [id=3116, type=dequantize_per_tensor]; -"3117 linear_145_scale_0" [id=3117, type=get_attr]; -"3118 linear_145_zero_point_0" [id=3118, type=get_attr]; -"3119 quantize_per_channel_default_146" [id=3119, type=quantize_per_channel]; -"3120 dequantize_per_channel_default_146" [id=3120, type=dequantize_per_channel]; -"3121 _param_constant392_0_0" [id=3121, type=get_attr]; -"3122 linear_145" [id=3122, type=linear]; -"3123 gelu_23" [id=3123, type=gelu]; -"3124 dropout_94" [id=3124, type=dropout]; -"3125 linear_146_updated_constant0" [id=3125, type=get_attr]; -"3126 dropout_94_0_0_nncf_smooth_quant_0" [id=3126, type=call_module]; -"3127 quantize_per_tensor_default_147" [id=3127, type=quantize_per_tensor]; -"3128 dequantize_per_tensor_default_147" [id=3128, type=dequantize_per_tensor]; -"3129 linear_146_scale_0" [id=3129, type=get_attr]; -"3130 linear_146_zero_point_0" [id=3130, type=get_attr]; -"3131 quantize_per_channel_default_147" [id=3131, type=quantize_per_channel]; -"3132 dequantize_per_channel_default_147" [id=3132, type=dequantize_per_channel]; -"3133 _param_constant394_0_0" [id=3133, type=get_attr]; -"3134 linear_146" [id=3134, type=linear]; -"3135 dropout_95" [id=3135, type=dropout]; -"3136 _param_constant395" [id=3136, type=get_attr]; -"3137 _param_constant396" [id=3137, type=get_attr]; -"3138 layer_norm_51" [id=3138, type=layer_norm]; -"3139 add_82" [id=3139, type=add]; -"3140 _param_constant397" [id=3140, type=get_attr]; -"3141 _param_constant398" [id=3141, type=get_attr]; -"3142 layer_norm_52" [id=3142, type=layer_norm]; -"3143 permute_108" [id=3143, type=permute]; -"3144 adaptive_avg_pool2d" [id=3144, type=adaptive_avg_pool2d]; -"3145 flatten" [id=3145, type=flatten]; -"3146 linear_147_updated_constant0" [id=3146, type=get_attr]; -"3147 flatten_0_0_nncf_smooth_quant_0" [id=3147, type=call_module]; -"3148 quantize_per_tensor_default_148" [id=3148, type=quantize_per_tensor]; -"3149 dequantize_per_tensor_default_148" [id=3149, type=dequantize_per_tensor]; -"3150 linear_147_scale_0" [id=3150, type=get_attr]; -"3151 linear_147_zero_point_0" [id=3151, type=get_attr]; -"3152 quantize_per_channel_default_148" [id=3152, type=quantize_per_channel]; -"3153 dequantize_per_channel_default_148" [id=3153, type=dequantize_per_channel]; -"3154 _param_constant400_0_0" [id=3154, type=get_attr]; -"3155 linear_147" [id=3155, type=linear]; -"3156 output" [id=3156, type=output]; -"0 arg0_1" -> "1 quantize_per_tensor_default" [label="(1, 3, 224, 224)", style=solid]; -"1 quantize_per_tensor_default" -> "2 dequantize_per_tensor_default" [label="(1, 3, 224, 224)", style=solid]; -"2 dequantize_per_tensor_default" -> "9 conv2d" [label="(1, 3, 224, 224)", style=solid]; -"3 _param_constant0" -> "6 quantize_per_channel_default" [label="(96, 3, 4, 4)", style=solid]; -"4 conv2d_scale_0" -> "6 quantize_per_channel_default" [label="(96,)", style=solid]; -"4 conv2d_scale_0" -> "7 dequantize_per_channel_default" [label="(96,)", style=solid]; -"5 conv2d_zero_point_0" -> "6 quantize_per_channel_default" [label="(96,)", style=solid]; -"5 conv2d_zero_point_0" -> "7 dequantize_per_channel_default" [label="(96,)", style=solid]; -"6 quantize_per_channel_default" -> "7 dequantize_per_channel_default" [label="(96, 3, 4, 4)", style=solid]; -"7 dequantize_per_channel_default" -> "9 conv2d" [label="(96, 3, 4, 4)", style=solid]; -"8 _param_constant1_0_0" -> "9 conv2d" [label="(96,)", style=solid]; -"9 conv2d" -> "10 permute" [label="(1, 96, 56, 56)", style=solid]; -"10 permute" -> "13 layer_norm" [label="(1, 56, 56, 96)", style=solid]; -"11 _param_constant2" -> "13 layer_norm" [label="(96,)", style=solid]; -"12 _param_constant3" -> "13 layer_norm" [label="(96,)", style=solid]; -"13 layer_norm" -> "40 pad" [label="(1, 56, 56, 96)", style=solid]; -"13 layer_norm" -> "102 add_1" [label="(1, 56, 56, 96)", style=solid]; -"14 _tensor_constant0" -> "16 _tensor_constant0_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; -"15 linear_updated_constant0" -> "19 quantize_per_channel_default_1" [label="(512, 2)", style=solid]; -"16 _tensor_constant0_0_0_nncf_smooth_quant_0" -> "22 linear" [label="(1, 15, 15, 2)", style=solid]; -"17 linear_scale_0" -> "19 quantize_per_channel_default_1" [label="(512,)", style=solid]; -"17 linear_scale_0" -> "20 dequantize_per_channel_default_1" [label="(512,)", style=solid]; -"18 linear_zero_point_0" -> "19 quantize_per_channel_default_1" [label="(512,)", style=solid]; -"18 linear_zero_point_0" -> "20 dequantize_per_channel_default_1" [label="(512,)", style=solid]; -"19 quantize_per_channel_default_1" -> "20 dequantize_per_channel_default_1" [label="(512, 2)", style=solid]; -"20 dequantize_per_channel_default_1" -> "22 linear" [label="(512, 2)", style=solid]; -"21 _param_constant5_0_0" -> "22 linear" [label="(512,)", style=solid]; -"22 linear" -> "23 relu_" [label="(1, 15, 15, 512)", style=solid]; -"23 relu_" -> "25 relu__0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; -"24 linear_1_updated_constant0" -> "28 quantize_per_channel_default_2" [label="(3, 512)", style=solid]; -"25 relu__0_0_nncf_smooth_quant_0" -> "30 linear_1" [label="(1, 15, 15, 512)", style=solid]; -"26 linear_1_scale_0" -> "28 quantize_per_channel_default_2" [label="(3,)", style=solid]; -"26 linear_1_scale_0" -> "29 dequantize_per_channel_default_2" [label="(3,)", style=solid]; -"27 linear_1_zero_point_0" -> "28 quantize_per_channel_default_2" [label="(3,)", style=solid]; -"27 linear_1_zero_point_0" -> "29 dequantize_per_channel_default_2" [label="(3,)", style=solid]; -"28 quantize_per_channel_default_2" -> "29 dequantize_per_channel_default_2" [label="(3, 512)", style=solid]; -"29 dequantize_per_channel_default_2" -> "30 linear_1" [label="(3, 512)", style=solid]; -"30 linear_1" -> "31 view" [label="(1, 15, 15, 3)", style=solid]; -"31 view" -> "33 index" [label="(225, 3)", style=solid]; -"32 _tensor_constant1" -> "33 index" [label="(4096,)", style=solid]; -"33 index" -> "34 view_1" [label="(4096, 3)", style=solid]; -"34 view_1" -> "35 permute_1" [label="(64, 64, 3)", style=solid]; -"35 permute_1" -> "36 contiguous" [label="(3, 64, 64)", style=solid]; -"36 contiguous" -> "37 unsqueeze" [label="(3, 64, 64)", style=solid]; -"37 unsqueeze" -> "38 sigmoid" [label="(1, 3, 64, 64)", style=solid]; -"38 sigmoid" -> "39 mul" [label="(1, 3, 64, 64)", style=solid]; -"39 mul" -> "77 add" [label="(1, 3, 64, 64)", style=solid]; -"40 pad" -> "41 view_2" [label="(1, 56, 56, 96)", style=solid]; -"41 view_2" -> "42 permute_2" [label="(1, 7, 8, 7, 8, 96)", style=solid]; -"42 permute_2" -> "43 reshape" [label="(1, 7, 7, 8, 8, 96)", style=solid]; -"43 reshape" -> "45 reshape_0_0_nncf_smooth_quant_0" [label="(49, 64, 96)", style=solid]; -"44 linear_2_updated_constant0" -> "50 quantize_per_channel_default_3" [label="(288, 96)", style=solid]; -"45 reshape_0_0_nncf_smooth_quant_0" -> "46 quantize_per_tensor_default_1" [label="(49, 64, 96)", style=solid]; -"46 quantize_per_tensor_default_1" -> "47 dequantize_per_tensor_default_1" [label="(49, 64, 96)", style=solid]; -"47 dequantize_per_tensor_default_1" -> "53 linear_2" [label="(49, 64, 96)", style=solid]; -"48 linear_2_scale_0" -> "50 quantize_per_channel_default_3" [label="(288,)", style=solid]; -"48 linear_2_scale_0" -> "51 dequantize_per_channel_default_3" [label="(288,)", style=solid]; -"49 linear_2_zero_point_0" -> "50 quantize_per_channel_default_3" [label="(288,)", style=solid]; -"49 linear_2_zero_point_0" -> "51 dequantize_per_channel_default_3" [label="(288,)", style=solid]; -"50 quantize_per_channel_default_3" -> "51 dequantize_per_channel_default_3" [label="(288, 96)", style=solid]; -"51 dequantize_per_channel_default_3" -> "53 linear_2" [label="(288, 96)", style=solid]; -"52 _param_constant7_0_0" -> "53 linear_2" [label="(288,)", style=solid]; -"53 linear_2" -> "54 reshape_1" [label="(49, 64, 288)", style=solid]; -"54 reshape_1" -> "55 permute_3" [label="(49, 64, 3, 3, 32)", style=solid]; -"55 permute_3" -> "56 select" [label="(3, 49, 3, 64, 32)", style=solid]; -"55 permute_3" -> "57 select_1" [label="(3, 49, 3, 64, 32)", style=solid]; -"55 permute_3" -> "58 select_2" [label="(3, 49, 3, 64, 32)", style=solid]; -"56 select" -> "59 linalg_vector_norm" [label="(49, 3, 64, 32)", style=solid]; -"56 select" -> "61 expand_as" [label="(49, 3, 64, 32)", style=solid]; -"56 select" -> "62 div" [label="(49, 3, 64, 32)", style=solid]; -"57 select_1" -> "65 linalg_vector_norm_1" [label="(49, 3, 64, 32)", style=solid]; -"57 select_1" -> "67 expand_as_1" [label="(49, 3, 64, 32)", style=solid]; -"57 select_1" -> "68 div_1" [label="(49, 3, 64, 32)", style=solid]; -"58 select_2" -> "80 matmul_1" [label="(49, 3, 64, 32)", style=solid]; -"59 linalg_vector_norm" -> "60 clamp_min" [label="(49, 3, 64, 1)", style=solid]; -"60 clamp_min" -> "61 expand_as" [label="(49, 3, 64, 1)", style=solid]; -"61 expand_as" -> "62 div" [label="(49, 3, 64, 32)", style=solid]; -"62 div" -> "63 quantize_per_tensor_default_2" [label="(49, 3, 64, 32)", style=solid]; -"63 quantize_per_tensor_default_2" -> "64 dequantize_per_tensor_default_2" [label="(49, 3, 64, 32)", style=solid]; -"64 dequantize_per_tensor_default_2" -> "72 matmul" [label="(49, 3, 64, 32)", style=solid]; -"65 linalg_vector_norm_1" -> "66 clamp_min_1" [label="(49, 3, 64, 1)", style=solid]; -"66 clamp_min_1" -> "67 expand_as_1" [label="(49, 3, 64, 1)", style=solid]; -"67 expand_as_1" -> "68 div_1" [label="(49, 3, 64, 32)", style=solid]; -"68 div_1" -> "69 quantize_per_tensor_default_3" [label="(49, 3, 64, 32)", style=solid]; -"69 quantize_per_tensor_default_3" -> "70 dequantize_per_tensor_default_3" [label="(49, 3, 64, 32)", style=solid]; -"70 dequantize_per_tensor_default_3" -> "71 transpose" [label="(49, 3, 64, 32)", style=solid]; -"71 transpose" -> "72 matmul" [label="(49, 3, 32, 64)", style=solid]; -"72 matmul" -> "76 mul_1" [label="(49, 3, 64, 64)", style=solid]; -"73 _param_constant9" -> "74 clamp" [label="(3, 1, 1)", style=solid]; -"74 clamp" -> "75 exp" [label="(3, 1, 1)", style=solid]; -"75 exp" -> "76 mul_1" [label="(3, 1, 1)", style=solid]; -"76 mul_1" -> "77 add" [label="(49, 3, 64, 64)", style=solid]; -"77 add" -> "78 softmax" [label="(49, 3, 64, 64)", style=solid]; -"78 softmax" -> "79 dropout" [label="(49, 3, 64, 64)", style=solid]; -"79 dropout" -> "80 matmul_1" [label="(49, 3, 64, 64)", style=solid]; -"80 matmul_1" -> "81 transpose_1" [label="(49, 3, 64, 32)", style=solid]; -"81 transpose_1" -> "82 reshape_2" [label="(49, 64, 3, 32)", style=solid]; -"82 reshape_2" -> "84 reshape_2_0_0_nncf_smooth_quant_0" [label="(49, 64, 96)", style=solid]; -"83 linear_3_updated_constant0" -> "89 quantize_per_channel_default_4" [label="(96, 96)", style=solid]; -"84 reshape_2_0_0_nncf_smooth_quant_0" -> "85 quantize_per_tensor_default_4" [label="(49, 64, 96)", style=solid]; -"85 quantize_per_tensor_default_4" -> "86 dequantize_per_tensor_default_4" [label="(49, 64, 96)", style=solid]; -"86 dequantize_per_tensor_default_4" -> "92 linear_3" [label="(49, 64, 96)", style=solid]; -"87 linear_3_scale_0" -> "89 quantize_per_channel_default_4" [label="(96,)", style=solid]; -"87 linear_3_scale_0" -> "90 dequantize_per_channel_default_4" [label="(96,)", style=solid]; -"88 linear_3_zero_point_0" -> "89 quantize_per_channel_default_4" [label="(96,)", style=solid]; -"88 linear_3_zero_point_0" -> "90 dequantize_per_channel_default_4" [label="(96,)", style=solid]; -"89 quantize_per_channel_default_4" -> "90 dequantize_per_channel_default_4" [label="(96, 96)", style=solid]; -"90 dequantize_per_channel_default_4" -> "92 linear_3" [label="(96, 96)", style=solid]; -"91 _param_constant11_0_0" -> "92 linear_3" [label="(96,)", style=solid]; -"92 linear_3" -> "93 dropout_1" [label="(49, 64, 96)", style=solid]; -"93 dropout_1" -> "94 view_3" [label="(49, 64, 96)", style=solid]; -"94 view_3" -> "95 permute_4" [label="(1, 7, 7, 8, 8, 96)", style=solid]; -"95 permute_4" -> "96 reshape_3" [label="(1, 7, 8, 7, 8, 96)", style=solid]; -"96 reshape_3" -> "97 slice_2" [label="(1, 56, 56, 96)", style=solid]; -"97 slice_2" -> "98 slice_3" [label="(1, 56, 56, 96)", style=solid]; -"98 slice_3" -> "101 layer_norm_1" [label="(1, 56, 56, 96)", style=solid]; -"99 _param_constant12" -> "101 layer_norm_1" [label="(96,)", style=solid]; -"100 _param_constant13" -> "101 layer_norm_1" [label="(96,)", style=solid]; -"101 layer_norm_1" -> "102 add_1" [label="(1, 56, 56, 96)", style=solid]; -"102 add_1" -> "104 add_1_0_0_nncf_smooth_quant_0" [label="(1, 56, 56, 96)", style=solid]; -"102 add_1" -> "129 add_2" [label="(1, 56, 56, 96)", style=solid]; -"103 linear_4_updated_constant0" -> "109 quantize_per_channel_default_5" [label="(384, 96)", style=solid]; -"104 add_1_0_0_nncf_smooth_quant_0" -> "105 quantize_per_tensor_default_5" [label="(1, 56, 56, 96)", style=solid]; -"105 quantize_per_tensor_default_5" -> "106 dequantize_per_tensor_default_5" [label="(1, 56, 56, 96)", style=solid]; -"106 dequantize_per_tensor_default_5" -> "112 linear_4" [label="(1, 56, 56, 96)", style=solid]; -"107 linear_4_scale_0" -> "109 quantize_per_channel_default_5" [label="(384,)", style=solid]; -"107 linear_4_scale_0" -> "110 dequantize_per_channel_default_5" [label="(384,)", style=solid]; -"108 linear_4_zero_point_0" -> "109 quantize_per_channel_default_5" [label="(384,)", style=solid]; -"108 linear_4_zero_point_0" -> "110 dequantize_per_channel_default_5" [label="(384,)", style=solid]; -"109 quantize_per_channel_default_5" -> "110 dequantize_per_channel_default_5" [label="(384, 96)", style=solid]; -"110 dequantize_per_channel_default_5" -> "112 linear_4" [label="(384, 96)", style=solid]; -"111 _param_constant15_0_0" -> "112 linear_4" [label="(384,)", style=solid]; -"112 linear_4" -> "113 gelu" [label="(1, 56, 56, 384)", style=solid]; -"113 gelu" -> "114 dropout_2" [label="(1, 56, 56, 384)", style=solid]; -"114 dropout_2" -> "116 dropout_2_0_0_nncf_smooth_quant_0" [label="(1, 56, 56, 384)", style=solid]; -"115 linear_5_updated_constant0" -> "121 quantize_per_channel_default_6" [label="(96, 384)", style=solid]; -"116 dropout_2_0_0_nncf_smooth_quant_0" -> "117 quantize_per_tensor_default_6" [label="(1, 56, 56, 384)", style=solid]; -"117 quantize_per_tensor_default_6" -> "118 dequantize_per_tensor_default_6" [label="(1, 56, 56, 384)", style=solid]; -"118 dequantize_per_tensor_default_6" -> "124 linear_5" [label="(1, 56, 56, 384)", style=solid]; -"119 linear_5_scale_0" -> "121 quantize_per_channel_default_6" [label="(96,)", style=solid]; -"119 linear_5_scale_0" -> "122 dequantize_per_channel_default_6" [label="(96,)", style=solid]; -"120 linear_5_zero_point_0" -> "121 quantize_per_channel_default_6" [label="(96,)", style=solid]; -"120 linear_5_zero_point_0" -> "122 dequantize_per_channel_default_6" [label="(96,)", style=solid]; -"121 quantize_per_channel_default_6" -> "122 dequantize_per_channel_default_6" [label="(96, 384)", style=solid]; -"122 dequantize_per_channel_default_6" -> "124 linear_5" [label="(96, 384)", style=solid]; -"123 _param_constant17_0_0" -> "124 linear_5" [label="(96,)", style=solid]; -"124 linear_5" -> "125 dropout_3" [label="(1, 56, 56, 96)", style=solid]; -"125 dropout_3" -> "128 layer_norm_2" [label="(1, 56, 56, 96)", style=solid]; -"126 _param_constant18" -> "128 layer_norm_2" [label="(96,)", style=solid]; -"127 _param_constant19" -> "128 layer_norm_2" [label="(96,)", style=solid]; -"128 layer_norm_2" -> "129 add_2" [label="(1, 56, 56, 96)", style=solid]; -"129 add_2" -> "156 pad_1" [label="(1, 56, 56, 96)", style=solid]; -"129 add_2" -> "236 add_5" [label="(1, 56, 56, 96)", style=solid]; -"130 _tensor_constant2" -> "132 _tensor_constant2_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; -"131 linear_6_updated_constant0" -> "135 quantize_per_channel_default_7" [label="(512, 2)", style=solid]; -"132 _tensor_constant2_0_0_nncf_smooth_quant_0" -> "138 linear_6" [label="(1, 15, 15, 2)", style=solid]; -"133 linear_6_scale_0" -> "135 quantize_per_channel_default_7" [label="(512,)", style=solid]; -"133 linear_6_scale_0" -> "136 dequantize_per_channel_default_7" [label="(512,)", style=solid]; -"134 linear_6_zero_point_0" -> "135 quantize_per_channel_default_7" [label="(512,)", style=solid]; -"134 linear_6_zero_point_0" -> "136 dequantize_per_channel_default_7" [label="(512,)", style=solid]; -"135 quantize_per_channel_default_7" -> "136 dequantize_per_channel_default_7" [label="(512, 2)", style=solid]; -"136 dequantize_per_channel_default_7" -> "138 linear_6" [label="(512, 2)", style=solid]; -"137 _param_constant21_0_0" -> "138 linear_6" [label="(512,)", style=solid]; -"138 linear_6" -> "139 relu__1" [label="(1, 15, 15, 512)", style=solid]; -"139 relu__1" -> "141 relu__1_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; -"140 linear_7_updated_constant0" -> "144 quantize_per_channel_default_8" [label="(3, 512)", style=solid]; -"141 relu__1_0_0_nncf_smooth_quant_0" -> "146 linear_7" [label="(1, 15, 15, 512)", style=solid]; -"142 linear_7_scale_0" -> "144 quantize_per_channel_default_8" [label="(3,)", style=solid]; -"142 linear_7_scale_0" -> "145 dequantize_per_channel_default_8" [label="(3,)", style=solid]; -"143 linear_7_zero_point_0" -> "144 quantize_per_channel_default_8" [label="(3,)", style=solid]; -"143 linear_7_zero_point_0" -> "145 dequantize_per_channel_default_8" [label="(3,)", style=solid]; -"144 quantize_per_channel_default_8" -> "145 dequantize_per_channel_default_8" [label="(3, 512)", style=solid]; -"145 dequantize_per_channel_default_8" -> "146 linear_7" [label="(3, 512)", style=solid]; -"146 linear_7" -> "147 view_4" [label="(1, 15, 15, 3)", style=solid]; -"147 view_4" -> "149 index_1" [label="(225, 3)", style=solid]; -"148 _tensor_constant3" -> "149 index_1" [label="(4096,)", style=solid]; -"149 index_1" -> "150 view_5" [label="(4096, 3)", style=solid]; -"150 view_5" -> "151 permute_5" [label="(64, 64, 3)", style=solid]; -"151 permute_5" -> "152 contiguous_1" [label="(3, 64, 64)", style=solid]; -"152 contiguous_1" -> "153 unsqueeze_1" [label="(3, 64, 64)", style=solid]; -"153 unsqueeze_1" -> "154 sigmoid_1" [label="(1, 3, 64, 64)", style=solid]; -"154 sigmoid_1" -> "155 mul_2" [label="(1, 3, 64, 64)", style=solid]; -"155 mul_2" -> "194 add_3" [label="(1, 3, 64, 64)", style=solid]; -"156 pad_1" -> "157 roll" [label="(1, 56, 56, 96)", style=solid]; -"157 roll" -> "158 view_6" [label="(1, 56, 56, 96)", style=solid]; -"158 view_6" -> "159 permute_6" [label="(1, 7, 8, 7, 8, 96)", style=solid]; -"159 permute_6" -> "160 reshape_4" [label="(1, 7, 7, 8, 8, 96)", style=solid]; -"160 reshape_4" -> "162 reshape_4_0_0_nncf_smooth_quant_0" [label="(49, 64, 96)", style=solid]; -"160 reshape_4" -> "195 new_zeros" [label="(49, 64, 96)", style=solid]; -"161 linear_8_updated_constant0" -> "167 quantize_per_channel_default_9" [label="(288, 96)", style=solid]; -"162 reshape_4_0_0_nncf_smooth_quant_0" -> "163 quantize_per_tensor_default_7" [label="(49, 64, 96)", style=solid]; -"163 quantize_per_tensor_default_7" -> "164 dequantize_per_tensor_default_7" [label="(49, 64, 96)", style=solid]; -"164 dequantize_per_tensor_default_7" -> "170 linear_8" [label="(49, 64, 96)", style=solid]; -"165 linear_8_scale_0" -> "167 quantize_per_channel_default_9" [label="(288,)", style=solid]; -"165 linear_8_scale_0" -> "168 dequantize_per_channel_default_9" [label="(288,)", style=solid]; -"166 linear_8_zero_point_0" -> "167 quantize_per_channel_default_9" [label="(288,)", style=solid]; -"166 linear_8_zero_point_0" -> "168 dequantize_per_channel_default_9" [label="(288,)", style=solid]; -"167 quantize_per_channel_default_9" -> "168 dequantize_per_channel_default_9" [label="(288, 96)", style=solid]; -"168 dequantize_per_channel_default_9" -> "170 linear_8" [label="(288, 96)", style=solid]; -"169 _param_constant23_0_0" -> "170 linear_8" [label="(288,)", style=solid]; -"170 linear_8" -> "171 reshape_5" [label="(49, 64, 288)", style=solid]; -"171 reshape_5" -> "172 permute_7" [label="(49, 64, 3, 3, 32)", style=solid]; -"172 permute_7" -> "173 select_3" [label="(3, 49, 3, 64, 32)", style=solid]; -"172 permute_7" -> "174 select_4" [label="(3, 49, 3, 64, 32)", style=solid]; -"172 permute_7" -> "175 select_5" [label="(3, 49, 3, 64, 32)", style=solid]; -"173 select_3" -> "176 linalg_vector_norm_2" [label="(49, 3, 64, 32)", style=solid]; -"173 select_3" -> "178 expand_as_2" [label="(49, 3, 64, 32)", style=solid]; -"173 select_3" -> "179 div_2" [label="(49, 3, 64, 32)", style=solid]; -"174 select_4" -> "182 linalg_vector_norm_3" [label="(49, 3, 64, 32)", style=solid]; -"174 select_4" -> "184 expand_as_3" [label="(49, 3, 64, 32)", style=solid]; -"174 select_4" -> "185 div_3" [label="(49, 3, 64, 32)", style=solid]; -"175 select_5" -> "213 matmul_3" [label="(49, 3, 64, 32)", style=solid]; -"176 linalg_vector_norm_2" -> "177 clamp_min_2" [label="(49, 3, 64, 1)", style=solid]; -"177 clamp_min_2" -> "178 expand_as_2" [label="(49, 3, 64, 1)", style=solid]; -"178 expand_as_2" -> "179 div_2" [label="(49, 3, 64, 32)", style=solid]; -"179 div_2" -> "180 quantize_per_tensor_default_8" [label="(49, 3, 64, 32)", style=solid]; -"180 quantize_per_tensor_default_8" -> "181 dequantize_per_tensor_default_8" [label="(49, 3, 64, 32)", style=solid]; -"181 dequantize_per_tensor_default_8" -> "189 matmul_2" [label="(49, 3, 64, 32)", style=solid]; -"182 linalg_vector_norm_3" -> "183 clamp_min_3" [label="(49, 3, 64, 1)", style=solid]; -"183 clamp_min_3" -> "184 expand_as_3" [label="(49, 3, 64, 1)", style=solid]; -"184 expand_as_3" -> "185 div_3" [label="(49, 3, 64, 32)", style=solid]; -"185 div_3" -> "186 quantize_per_tensor_default_9" [label="(49, 3, 64, 32)", style=solid]; -"186 quantize_per_tensor_default_9" -> "187 dequantize_per_tensor_default_9" [label="(49, 3, 64, 32)", style=solid]; -"187 dequantize_per_tensor_default_9" -> "188 transpose_2" [label="(49, 3, 64, 32)", style=solid]; -"188 transpose_2" -> "189 matmul_2" [label="(49, 3, 32, 64)", style=solid]; -"189 matmul_2" -> "193 mul_3" [label="(49, 3, 64, 64)", style=solid]; -"190 _param_constant25" -> "191 clamp_1" [label="(3, 1, 1)", style=solid]; -"191 clamp_1" -> "192 exp_1" [label="(3, 1, 1)", style=solid]; -"192 exp_1" -> "193 mul_3" [label="(3, 1, 1)", style=solid]; -"193 mul_3" -> "194 add_3" [label="(49, 3, 64, 64)", style=solid]; -"194 add_3" -> "206 view_8" [label="(49, 3, 64, 64)", style=solid]; -"195 new_zeros" -> "196 view_7" [label="(56, 56)", style=solid]; -"196 view_7" -> "197 permute_8" [label="(7, 8, 7, 8)", style=solid]; -"197 permute_8" -> "198 reshape_6" [label="(7, 7, 8, 8)", style=solid]; -"198 reshape_6" -> "199 unsqueeze_2" [label="(49, 64)", style=solid]; -"198 reshape_6" -> "200 unsqueeze_3" [label="(49, 64)", style=solid]; -"199 unsqueeze_2" -> "201 sub" [label="(49, 1, 64)", style=solid]; -"200 unsqueeze_3" -> "201 sub" [label="(49, 64, 1)", style=solid]; -"201 sub" -> "202 ne" [label="(49, 64, 64)", style=solid]; -"201 sub" -> "203 masked_fill" [label="(49, 64, 64)", style=solid]; -"201 sub" -> "204 eq" [label="(49, 64, 64)", style=solid]; -"202 ne" -> "203 masked_fill" [label="(49, 64, 64)", style=solid]; -"203 masked_fill" -> "205 masked_fill_1" [label="(49, 64, 64)", style=solid]; -"204 eq" -> "205 masked_fill_1" [label="(49, 64, 64)", style=solid]; -"205 masked_fill_1" -> "207 unsqueeze_4" [label="(49, 64, 64)", style=solid]; -"206 view_8" -> "209 add_4" [label="(1, 49, 3, 64, 64)", style=solid]; -"207 unsqueeze_4" -> "208 unsqueeze_5" [label="(49, 1, 64, 64)", style=solid]; -"208 unsqueeze_5" -> "209 add_4" [label="(1, 49, 1, 64, 64)", style=solid]; -"209 add_4" -> "210 view_9" [label="(1, 49, 3, 64, 64)", style=solid]; -"210 view_9" -> "211 softmax_1" [label="(49, 3, 64, 64)", style=solid]; -"211 softmax_1" -> "212 dropout_4" [label="(49, 3, 64, 64)", style=solid]; -"212 dropout_4" -> "213 matmul_3" [label="(49, 3, 64, 64)", style=solid]; -"213 matmul_3" -> "214 transpose_3" [label="(49, 3, 64, 32)", style=solid]; -"214 transpose_3" -> "215 reshape_7" [label="(49, 64, 3, 32)", style=solid]; -"215 reshape_7" -> "217 reshape_7_0_0_nncf_smooth_quant_0" [label="(49, 64, 96)", style=solid]; -"216 linear_9_updated_constant0" -> "222 quantize_per_channel_default_10" [label="(96, 96)", style=solid]; -"217 reshape_7_0_0_nncf_smooth_quant_0" -> "218 quantize_per_tensor_default_10" [label="(49, 64, 96)", style=solid]; -"218 quantize_per_tensor_default_10" -> "219 dequantize_per_tensor_default_10" [label="(49, 64, 96)", style=solid]; -"219 dequantize_per_tensor_default_10" -> "225 linear_9" [label="(49, 64, 96)", style=solid]; -"220 linear_9_scale_0" -> "222 quantize_per_channel_default_10" [label="(96,)", style=solid]; -"220 linear_9_scale_0" -> "223 dequantize_per_channel_default_10" [label="(96,)", style=solid]; -"221 linear_9_zero_point_0" -> "222 quantize_per_channel_default_10" [label="(96,)", style=solid]; -"221 linear_9_zero_point_0" -> "223 dequantize_per_channel_default_10" [label="(96,)", style=solid]; -"222 quantize_per_channel_default_10" -> "223 dequantize_per_channel_default_10" [label="(96, 96)", style=solid]; -"223 dequantize_per_channel_default_10" -> "225 linear_9" [label="(96, 96)", style=solid]; -"224 _param_constant27_0_0" -> "225 linear_9" [label="(96,)", style=solid]; -"225 linear_9" -> "226 dropout_5" [label="(49, 64, 96)", style=solid]; -"226 dropout_5" -> "227 view_10" [label="(49, 64, 96)", style=solid]; -"227 view_10" -> "228 permute_9" [label="(1, 7, 7, 8, 8, 96)", style=solid]; -"228 permute_9" -> "229 reshape_8" [label="(1, 7, 8, 7, 8, 96)", style=solid]; -"229 reshape_8" -> "230 roll_1" [label="(1, 56, 56, 96)", style=solid]; -"230 roll_1" -> "231 slice_23" [label="(1, 56, 56, 96)", style=solid]; -"231 slice_23" -> "232 slice_24" [label="(1, 56, 56, 96)", style=solid]; -"232 slice_24" -> "235 layer_norm_3" [label="(1, 56, 56, 96)", style=solid]; -"233 _param_constant28" -> "235 layer_norm_3" [label="(96,)", style=solid]; -"234 _param_constant29" -> "235 layer_norm_3" [label="(96,)", style=solid]; -"235 layer_norm_3" -> "236 add_5" [label="(1, 56, 56, 96)", style=solid]; -"236 add_5" -> "238 add_5_0_0_nncf_smooth_quant_0" [label="(1, 56, 56, 96)", style=solid]; -"236 add_5" -> "263 add_6" [label="(1, 56, 56, 96)", style=solid]; -"237 linear_10_updated_constant0" -> "243 quantize_per_channel_default_11" [label="(384, 96)", style=solid]; -"238 add_5_0_0_nncf_smooth_quant_0" -> "239 quantize_per_tensor_default_11" [label="(1, 56, 56, 96)", style=solid]; -"239 quantize_per_tensor_default_11" -> "240 dequantize_per_tensor_default_11" [label="(1, 56, 56, 96)", style=solid]; -"240 dequantize_per_tensor_default_11" -> "246 linear_10" [label="(1, 56, 56, 96)", style=solid]; -"241 linear_10_scale_0" -> "243 quantize_per_channel_default_11" [label="(384,)", style=solid]; -"241 linear_10_scale_0" -> "244 dequantize_per_channel_default_11" [label="(384,)", style=solid]; -"242 linear_10_zero_point_0" -> "243 quantize_per_channel_default_11" [label="(384,)", style=solid]; -"242 linear_10_zero_point_0" -> "244 dequantize_per_channel_default_11" [label="(384,)", style=solid]; -"243 quantize_per_channel_default_11" -> "244 dequantize_per_channel_default_11" [label="(384, 96)", style=solid]; -"244 dequantize_per_channel_default_11" -> "246 linear_10" [label="(384, 96)", style=solid]; -"245 _param_constant31_0_0" -> "246 linear_10" [label="(384,)", style=solid]; -"246 linear_10" -> "247 gelu_1" [label="(1, 56, 56, 384)", style=solid]; -"247 gelu_1" -> "248 dropout_6" [label="(1, 56, 56, 384)", style=solid]; -"248 dropout_6" -> "250 dropout_6_0_0_nncf_smooth_quant_0" [label="(1, 56, 56, 384)", style=solid]; -"249 linear_11_updated_constant0" -> "255 quantize_per_channel_default_12" [label="(96, 384)", style=solid]; -"250 dropout_6_0_0_nncf_smooth_quant_0" -> "251 quantize_per_tensor_default_12" [label="(1, 56, 56, 384)", style=solid]; -"251 quantize_per_tensor_default_12" -> "252 dequantize_per_tensor_default_12" [label="(1, 56, 56, 384)", style=solid]; -"252 dequantize_per_tensor_default_12" -> "258 linear_11" [label="(1, 56, 56, 384)", style=solid]; -"253 linear_11_scale_0" -> "255 quantize_per_channel_default_12" [label="(96,)", style=solid]; -"253 linear_11_scale_0" -> "256 dequantize_per_channel_default_12" [label="(96,)", style=solid]; -"254 linear_11_zero_point_0" -> "255 quantize_per_channel_default_12" [label="(96,)", style=solid]; -"254 linear_11_zero_point_0" -> "256 dequantize_per_channel_default_12" [label="(96,)", style=solid]; -"255 quantize_per_channel_default_12" -> "256 dequantize_per_channel_default_12" [label="(96, 384)", style=solid]; -"256 dequantize_per_channel_default_12" -> "258 linear_11" [label="(96, 384)", style=solid]; -"257 _param_constant33_0_0" -> "258 linear_11" [label="(96,)", style=solid]; -"258 linear_11" -> "259 dropout_7" [label="(1, 56, 56, 96)", style=solid]; -"259 dropout_7" -> "262 layer_norm_4" [label="(1, 56, 56, 96)", style=solid]; -"260 _param_constant34" -> "262 layer_norm_4" [label="(96,)", style=solid]; -"261 _param_constant35" -> "262 layer_norm_4" [label="(96,)", style=solid]; -"262 layer_norm_4" -> "263 add_6" [label="(1, 56, 56, 96)", style=solid]; -"263 add_6" -> "264 pad_2" [label="(1, 56, 56, 96)", style=solid]; -"264 pad_2" -> "265 slice_25" [label="(1, 56, 56, 96)", style=solid]; -"264 pad_2" -> "268 slice_28" [label="(1, 56, 56, 96)", style=solid]; -"264 pad_2" -> "271 slice_31" [label="(1, 56, 56, 96)", style=solid]; -"264 pad_2" -> "274 slice_34" [label="(1, 56, 56, 96)", style=solid]; -"265 slice_25" -> "266 slice_26" [label="(1, 28, 56, 96)", style=solid]; -"266 slice_26" -> "267 slice_27" [label="(1, 28, 28, 96)", style=solid]; -"267 slice_27" -> "277 cat" [label="(1, 28, 28, 96)", style=solid]; -"268 slice_28" -> "269 slice_29" [label="(1, 28, 56, 96)", style=solid]; -"269 slice_29" -> "270 slice_30" [label="(1, 28, 28, 96)", style=solid]; -"270 slice_30" -> "277 cat" [label="(1, 28, 28, 96)", style=solid]; -"271 slice_31" -> "272 slice_32" [label="(1, 28, 56, 96)", style=solid]; -"272 slice_32" -> "273 slice_33" [label="(1, 28, 28, 96)", style=solid]; -"273 slice_33" -> "277 cat" [label="(1, 28, 28, 96)", style=solid]; -"274 slice_34" -> "275 slice_35" [label="(1, 28, 56, 96)", style=solid]; -"275 slice_35" -> "276 slice_36" [label="(1, 28, 28, 96)", style=solid]; -"276 slice_36" -> "277 cat" [label="(1, 28, 28, 96)", style=solid]; -"277 cat" -> "279 cat_0_0_nncf_smooth_quant_0" [label="(1, 28, 28, 384)", style=solid]; -"278 linear_12_updated_constant0" -> "284 quantize_per_channel_default_13" [label="(192, 384)", style=solid]; -"279 cat_0_0_nncf_smooth_quant_0" -> "280 quantize_per_tensor_default_13" [label="(1, 28, 28, 384)", style=solid]; -"280 quantize_per_tensor_default_13" -> "281 dequantize_per_tensor_default_13" [label="(1, 28, 28, 384)", style=solid]; -"281 dequantize_per_tensor_default_13" -> "286 linear_12" [label="(1, 28, 28, 384)", style=solid]; -"282 linear_12_scale_0" -> "284 quantize_per_channel_default_13" [label="(192,)", style=solid]; -"282 linear_12_scale_0" -> "285 dequantize_per_channel_default_13" [label="(192,)", style=solid]; -"283 linear_12_zero_point_0" -> "284 quantize_per_channel_default_13" [label="(192,)", style=solid]; -"283 linear_12_zero_point_0" -> "285 dequantize_per_channel_default_13" [label="(192,)", style=solid]; -"284 quantize_per_channel_default_13" -> "285 dequantize_per_channel_default_13" [label="(192, 384)", style=solid]; -"285 dequantize_per_channel_default_13" -> "286 linear_12" [label="(192, 384)", style=solid]; -"286 linear_12" -> "289 layer_norm_5" [label="(1, 28, 28, 192)", style=solid]; -"287 _param_constant37" -> "289 layer_norm_5" [label="(192,)", style=solid]; -"288 _param_constant38" -> "289 layer_norm_5" [label="(192,)", style=solid]; -"289 layer_norm_5" -> "316 pad_3" [label="(1, 28, 28, 192)", style=solid]; -"289 layer_norm_5" -> "381 add_8" [label="(1, 28, 28, 192)", style=solid]; -"290 _tensor_constant13" -> "292 _tensor_constant13_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; -"291 linear_13_updated_constant0" -> "295 quantize_per_channel_default_14" [label="(512, 2)", style=solid]; -"292 _tensor_constant13_0_0_nncf_smooth_quant_0" -> "298 linear_13" [label="(1, 15, 15, 2)", style=solid]; -"293 linear_13_scale_0" -> "295 quantize_per_channel_default_14" [label="(512,)", style=solid]; -"293 linear_13_scale_0" -> "296 dequantize_per_channel_default_14" [label="(512,)", style=solid]; -"294 linear_13_zero_point_0" -> "295 quantize_per_channel_default_14" [label="(512,)", style=solid]; -"294 linear_13_zero_point_0" -> "296 dequantize_per_channel_default_14" [label="(512,)", style=solid]; -"295 quantize_per_channel_default_14" -> "296 dequantize_per_channel_default_14" [label="(512, 2)", style=solid]; -"296 dequantize_per_channel_default_14" -> "298 linear_13" [label="(512, 2)", style=solid]; -"297 _param_constant40_0_0" -> "298 linear_13" [label="(512,)", style=solid]; -"298 linear_13" -> "299 relu__2" [label="(1, 15, 15, 512)", style=solid]; -"299 relu__2" -> "301 relu__2_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; -"300 linear_14_updated_constant0" -> "304 quantize_per_channel_default_15" [label="(6, 512)", style=solid]; -"301 relu__2_0_0_nncf_smooth_quant_0" -> "306 linear_14" [label="(1, 15, 15, 512)", style=solid]; -"302 linear_14_scale_0" -> "304 quantize_per_channel_default_15" [label="(6,)", style=solid]; -"302 linear_14_scale_0" -> "305 dequantize_per_channel_default_15" [label="(6,)", style=solid]; -"303 linear_14_zero_point_0" -> "304 quantize_per_channel_default_15" [label="(6,)", style=solid]; -"303 linear_14_zero_point_0" -> "305 dequantize_per_channel_default_15" [label="(6,)", style=solid]; -"304 quantize_per_channel_default_15" -> "305 dequantize_per_channel_default_15" [label="(6, 512)", style=solid]; -"305 dequantize_per_channel_default_15" -> "306 linear_14" [label="(6, 512)", style=solid]; -"306 linear_14" -> "307 view_11" [label="(1, 15, 15, 6)", style=solid]; -"307 view_11" -> "309 index_2" [label="(225, 6)", style=solid]; -"308 _tensor_constant14" -> "309 index_2" [label="(4096,)", style=solid]; -"309 index_2" -> "310 view_12" [label="(4096, 6)", style=solid]; -"310 view_12" -> "311 permute_10" [label="(64, 64, 6)", style=solid]; -"311 permute_10" -> "312 contiguous_2" [label="(6, 64, 64)", style=solid]; -"312 contiguous_2" -> "313 unsqueeze_6" [label="(6, 64, 64)", style=solid]; -"313 unsqueeze_6" -> "314 sigmoid_2" [label="(1, 6, 64, 64)", style=solid]; -"314 sigmoid_2" -> "315 mul_4" [label="(1, 6, 64, 64)", style=solid]; -"315 mul_4" -> "353 add_7" [label="(1, 6, 64, 64)", style=solid]; -"316 pad_3" -> "317 view_13" [label="(1, 32, 32, 192)", style=solid]; -"317 view_13" -> "318 permute_11" [label="(1, 4, 8, 4, 8, 192)", style=solid]; -"318 permute_11" -> "319 reshape_9" [label="(1, 4, 4, 8, 8, 192)", style=solid]; -"319 reshape_9" -> "321 reshape_9_0_0_nncf_smooth_quant_0" [label="(16, 64, 192)", style=solid]; -"320 linear_15_updated_constant0" -> "326 quantize_per_channel_default_16" [label="(576, 192)", style=solid]; -"321 reshape_9_0_0_nncf_smooth_quant_0" -> "322 quantize_per_tensor_default_14" [label="(16, 64, 192)", style=solid]; -"322 quantize_per_tensor_default_14" -> "323 dequantize_per_tensor_default_14" [label="(16, 64, 192)", style=solid]; -"323 dequantize_per_tensor_default_14" -> "329 linear_15" [label="(16, 64, 192)", style=solid]; -"324 linear_15_scale_0" -> "326 quantize_per_channel_default_16" [label="(576,)", style=solid]; -"324 linear_15_scale_0" -> "327 dequantize_per_channel_default_16" [label="(576,)", style=solid]; -"325 linear_15_zero_point_0" -> "326 quantize_per_channel_default_16" [label="(576,)", style=solid]; -"325 linear_15_zero_point_0" -> "327 dequantize_per_channel_default_16" [label="(576,)", style=solid]; -"326 quantize_per_channel_default_16" -> "327 dequantize_per_channel_default_16" [label="(576, 192)", style=solid]; -"327 dequantize_per_channel_default_16" -> "329 linear_15" [label="(576, 192)", style=solid]; -"328 _param_constant42_0_0" -> "329 linear_15" [label="(576,)", style=solid]; -"329 linear_15" -> "330 reshape_10" [label="(16, 64, 576)", style=solid]; -"330 reshape_10" -> "331 permute_12" [label="(16, 64, 3, 6, 32)", style=solid]; -"331 permute_12" -> "332 select_6" [label="(3, 16, 6, 64, 32)", style=solid]; -"331 permute_12" -> "333 select_7" [label="(3, 16, 6, 64, 32)", style=solid]; -"331 permute_12" -> "334 select_8" [label="(3, 16, 6, 64, 32)", style=solid]; -"332 select_6" -> "335 linalg_vector_norm_4" [label="(16, 6, 64, 32)", style=solid]; -"332 select_6" -> "337 expand_as_4" [label="(16, 6, 64, 32)", style=solid]; -"332 select_6" -> "338 div_4" [label="(16, 6, 64, 32)", style=solid]; -"333 select_7" -> "341 linalg_vector_norm_5" [label="(16, 6, 64, 32)", style=solid]; -"333 select_7" -> "343 expand_as_5" [label="(16, 6, 64, 32)", style=solid]; -"333 select_7" -> "344 div_5" [label="(16, 6, 64, 32)", style=solid]; -"334 select_8" -> "356 matmul_5" [label="(16, 6, 64, 32)", style=solid]; -"335 linalg_vector_norm_4" -> "336 clamp_min_4" [label="(16, 6, 64, 1)", style=solid]; -"336 clamp_min_4" -> "337 expand_as_4" [label="(16, 6, 64, 1)", style=solid]; -"337 expand_as_4" -> "338 div_4" [label="(16, 6, 64, 32)", style=solid]; -"338 div_4" -> "339 quantize_per_tensor_default_15" [label="(16, 6, 64, 32)", style=solid]; -"339 quantize_per_tensor_default_15" -> "340 dequantize_per_tensor_default_15" [label="(16, 6, 64, 32)", style=solid]; -"340 dequantize_per_tensor_default_15" -> "348 matmul_4" [label="(16, 6, 64, 32)", style=solid]; -"341 linalg_vector_norm_5" -> "342 clamp_min_5" [label="(16, 6, 64, 1)", style=solid]; -"342 clamp_min_5" -> "343 expand_as_5" [label="(16, 6, 64, 1)", style=solid]; -"343 expand_as_5" -> "344 div_5" [label="(16, 6, 64, 32)", style=solid]; -"344 div_5" -> "345 quantize_per_tensor_default_16" [label="(16, 6, 64, 32)", style=solid]; -"345 quantize_per_tensor_default_16" -> "346 dequantize_per_tensor_default_16" [label="(16, 6, 64, 32)", style=solid]; -"346 dequantize_per_tensor_default_16" -> "347 transpose_4" [label="(16, 6, 64, 32)", style=solid]; -"347 transpose_4" -> "348 matmul_4" [label="(16, 6, 32, 64)", style=solid]; -"348 matmul_4" -> "352 mul_5" [label="(16, 6, 64, 64)", style=solid]; -"349 _param_constant44" -> "350 clamp_2" [label="(6, 1, 1)", style=solid]; -"350 clamp_2" -> "351 exp_2" [label="(6, 1, 1)", style=solid]; -"351 exp_2" -> "352 mul_5" [label="(6, 1, 1)", style=solid]; -"352 mul_5" -> "353 add_7" [label="(16, 6, 64, 64)", style=solid]; -"353 add_7" -> "354 softmax_2" [label="(16, 6, 64, 64)", style=solid]; -"354 softmax_2" -> "355 dropout_8" [label="(16, 6, 64, 64)", style=solid]; -"355 dropout_8" -> "356 matmul_5" [label="(16, 6, 64, 64)", style=solid]; -"356 matmul_5" -> "357 transpose_5" [label="(16, 6, 64, 32)", style=solid]; -"357 transpose_5" -> "358 reshape_11" [label="(16, 64, 6, 32)", style=solid]; -"358 reshape_11" -> "360 reshape_11_0_0_nncf_smooth_quant_0" [label="(16, 64, 192)", style=solid]; -"359 linear_16_updated_constant0" -> "365 quantize_per_channel_default_17" [label="(192, 192)", style=solid]; -"360 reshape_11_0_0_nncf_smooth_quant_0" -> "361 quantize_per_tensor_default_17" [label="(16, 64, 192)", style=solid]; -"361 quantize_per_tensor_default_17" -> "362 dequantize_per_tensor_default_17" [label="(16, 64, 192)", style=solid]; -"362 dequantize_per_tensor_default_17" -> "368 linear_16" [label="(16, 64, 192)", style=solid]; -"363 linear_16_scale_0" -> "365 quantize_per_channel_default_17" [label="(192,)", style=solid]; -"363 linear_16_scale_0" -> "366 dequantize_per_channel_default_17" [label="(192,)", style=solid]; -"364 linear_16_zero_point_0" -> "365 quantize_per_channel_default_17" [label="(192,)", style=solid]; -"364 linear_16_zero_point_0" -> "366 dequantize_per_channel_default_17" [label="(192,)", style=solid]; -"365 quantize_per_channel_default_17" -> "366 dequantize_per_channel_default_17" [label="(192, 192)", style=solid]; -"366 dequantize_per_channel_default_17" -> "368 linear_16" [label="(192, 192)", style=solid]; -"367 _param_constant46_0_0" -> "368 linear_16" [label="(192,)", style=solid]; -"368 linear_16" -> "369 dropout_9" [label="(16, 64, 192)", style=solid]; -"369 dropout_9" -> "370 view_14" [label="(16, 64, 192)", style=solid]; -"370 view_14" -> "371 permute_13" [label="(1, 4, 4, 8, 8, 192)", style=solid]; -"371 permute_13" -> "372 reshape_12" [label="(1, 4, 8, 4, 8, 192)", style=solid]; -"372 reshape_12" -> "373 slice_38" [label="(1, 32, 32, 192)", style=solid]; -"373 slice_38" -> "374 slice_39" [label="(1, 32, 32, 192)", style=solid]; -"374 slice_39" -> "375 slice_40" [label="(1, 28, 32, 192)", style=solid]; -"375 slice_40" -> "376 slice_41" [label="(1, 28, 28, 192)", style=solid]; -"376 slice_41" -> "377 contiguous_3" [label="(1, 28, 28, 192)", style=solid]; -"377 contiguous_3" -> "380 layer_norm_6" [label="(1, 28, 28, 192)", style=solid]; -"378 _param_constant47" -> "380 layer_norm_6" [label="(192,)", style=solid]; -"379 _param_constant48" -> "380 layer_norm_6" [label="(192,)", style=solid]; -"380 layer_norm_6" -> "381 add_8" [label="(1, 28, 28, 192)", style=solid]; -"381 add_8" -> "383 add_8_0_0_nncf_smooth_quant_0" [label="(1, 28, 28, 192)", style=solid]; -"381 add_8" -> "408 add_9" [label="(1, 28, 28, 192)", style=solid]; -"382 linear_17_updated_constant0" -> "388 quantize_per_channel_default_18" [label="(768, 192)", style=solid]; -"383 add_8_0_0_nncf_smooth_quant_0" -> "384 quantize_per_tensor_default_18" [label="(1, 28, 28, 192)", style=solid]; -"384 quantize_per_tensor_default_18" -> "385 dequantize_per_tensor_default_18" [label="(1, 28, 28, 192)", style=solid]; -"385 dequantize_per_tensor_default_18" -> "391 linear_17" [label="(1, 28, 28, 192)", style=solid]; -"386 linear_17_scale_0" -> "388 quantize_per_channel_default_18" [label="(768,)", style=solid]; -"386 linear_17_scale_0" -> "389 dequantize_per_channel_default_18" [label="(768,)", style=solid]; -"387 linear_17_zero_point_0" -> "388 quantize_per_channel_default_18" [label="(768,)", style=solid]; -"387 linear_17_zero_point_0" -> "389 dequantize_per_channel_default_18" [label="(768,)", style=solid]; -"388 quantize_per_channel_default_18" -> "389 dequantize_per_channel_default_18" [label="(768, 192)", style=solid]; -"389 dequantize_per_channel_default_18" -> "391 linear_17" [label="(768, 192)", style=solid]; -"390 _param_constant50_0_0" -> "391 linear_17" [label="(768,)", style=solid]; -"391 linear_17" -> "392 gelu_2" [label="(1, 28, 28, 768)", style=solid]; -"392 gelu_2" -> "393 dropout_10" [label="(1, 28, 28, 768)", style=solid]; -"393 dropout_10" -> "395 dropout_10_0_0_nncf_smooth_quant_0" [label="(1, 28, 28, 768)", style=solid]; -"394 linear_18_updated_constant0" -> "400 quantize_per_channel_default_19" [label="(192, 768)", style=solid]; -"395 dropout_10_0_0_nncf_smooth_quant_0" -> "396 quantize_per_tensor_default_19" [label="(1, 28, 28, 768)", style=solid]; -"396 quantize_per_tensor_default_19" -> "397 dequantize_per_tensor_default_19" [label="(1, 28, 28, 768)", style=solid]; -"397 dequantize_per_tensor_default_19" -> "403 linear_18" [label="(1, 28, 28, 768)", style=solid]; -"398 linear_18_scale_0" -> "400 quantize_per_channel_default_19" [label="(192,)", style=solid]; -"398 linear_18_scale_0" -> "401 dequantize_per_channel_default_19" [label="(192,)", style=solid]; -"399 linear_18_zero_point_0" -> "400 quantize_per_channel_default_19" [label="(192,)", style=solid]; -"399 linear_18_zero_point_0" -> "401 dequantize_per_channel_default_19" [label="(192,)", style=solid]; -"400 quantize_per_channel_default_19" -> "401 dequantize_per_channel_default_19" [label="(192, 768)", style=solid]; -"401 dequantize_per_channel_default_19" -> "403 linear_18" [label="(192, 768)", style=solid]; -"402 _param_constant52_0_0" -> "403 linear_18" [label="(192,)", style=solid]; -"403 linear_18" -> "404 dropout_11" [label="(1, 28, 28, 192)", style=solid]; -"404 dropout_11" -> "407 layer_norm_7" [label="(1, 28, 28, 192)", style=solid]; -"405 _param_constant53" -> "407 layer_norm_7" [label="(192,)", style=solid]; -"406 _param_constant54" -> "407 layer_norm_7" [label="(192,)", style=solid]; -"407 layer_norm_7" -> "408 add_9" [label="(1, 28, 28, 192)", style=solid]; -"408 add_9" -> "435 pad_4" [label="(1, 28, 28, 192)", style=solid]; -"408 add_9" -> "518 add_12" [label="(1, 28, 28, 192)", style=solid]; -"409 _tensor_constant15" -> "411 _tensor_constant15_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; -"410 linear_19_updated_constant0" -> "414 quantize_per_channel_default_20" [label="(512, 2)", style=solid]; -"411 _tensor_constant15_0_0_nncf_smooth_quant_0" -> "417 linear_19" [label="(1, 15, 15, 2)", style=solid]; -"412 linear_19_scale_0" -> "414 quantize_per_channel_default_20" [label="(512,)", style=solid]; -"412 linear_19_scale_0" -> "415 dequantize_per_channel_default_20" [label="(512,)", style=solid]; -"413 linear_19_zero_point_0" -> "414 quantize_per_channel_default_20" [label="(512,)", style=solid]; -"413 linear_19_zero_point_0" -> "415 dequantize_per_channel_default_20" [label="(512,)", style=solid]; -"414 quantize_per_channel_default_20" -> "415 dequantize_per_channel_default_20" [label="(512, 2)", style=solid]; -"415 dequantize_per_channel_default_20" -> "417 linear_19" [label="(512, 2)", style=solid]; -"416 _param_constant56_0_0" -> "417 linear_19" [label="(512,)", style=solid]; -"417 linear_19" -> "418 relu__3" [label="(1, 15, 15, 512)", style=solid]; -"418 relu__3" -> "420 relu__3_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; -"419 linear_20_updated_constant0" -> "423 quantize_per_channel_default_21" [label="(6, 512)", style=solid]; -"420 relu__3_0_0_nncf_smooth_quant_0" -> "425 linear_20" [label="(1, 15, 15, 512)", style=solid]; -"421 linear_20_scale_0" -> "423 quantize_per_channel_default_21" [label="(6,)", style=solid]; -"421 linear_20_scale_0" -> "424 dequantize_per_channel_default_21" [label="(6,)", style=solid]; -"422 linear_20_zero_point_0" -> "423 quantize_per_channel_default_21" [label="(6,)", style=solid]; -"422 linear_20_zero_point_0" -> "424 dequantize_per_channel_default_21" [label="(6,)", style=solid]; -"423 quantize_per_channel_default_21" -> "424 dequantize_per_channel_default_21" [label="(6, 512)", style=solid]; -"424 dequantize_per_channel_default_21" -> "425 linear_20" [label="(6, 512)", style=solid]; -"425 linear_20" -> "426 view_15" [label="(1, 15, 15, 6)", style=solid]; -"426 view_15" -> "428 index_3" [label="(225, 6)", style=solid]; -"427 _tensor_constant16" -> "428 index_3" [label="(4096,)", style=solid]; -"428 index_3" -> "429 view_16" [label="(4096, 6)", style=solid]; -"429 view_16" -> "430 permute_14" [label="(64, 64, 6)", style=solid]; -"430 permute_14" -> "431 contiguous_4" [label="(6, 64, 64)", style=solid]; -"431 contiguous_4" -> "432 unsqueeze_7" [label="(6, 64, 64)", style=solid]; -"432 unsqueeze_7" -> "433 sigmoid_3" [label="(1, 6, 64, 64)", style=solid]; -"433 sigmoid_3" -> "434 mul_6" [label="(1, 6, 64, 64)", style=solid]; -"434 mul_6" -> "473 add_10" [label="(1, 6, 64, 64)", style=solid]; -"435 pad_4" -> "436 roll_2" [label="(1, 32, 32, 192)", style=solid]; -"436 roll_2" -> "437 view_17" [label="(1, 32, 32, 192)", style=solid]; -"437 view_17" -> "438 permute_15" [label="(1, 4, 8, 4, 8, 192)", style=solid]; -"438 permute_15" -> "439 reshape_13" [label="(1, 4, 4, 8, 8, 192)", style=solid]; -"439 reshape_13" -> "441 reshape_13_0_0_nncf_smooth_quant_0" [label="(16, 64, 192)", style=solid]; -"439 reshape_13" -> "474 new_zeros_1" [label="(16, 64, 192)", style=solid]; -"440 linear_21_updated_constant0" -> "446 quantize_per_channel_default_22" [label="(576, 192)", style=solid]; -"441 reshape_13_0_0_nncf_smooth_quant_0" -> "442 quantize_per_tensor_default_20" [label="(16, 64, 192)", style=solid]; -"442 quantize_per_tensor_default_20" -> "443 dequantize_per_tensor_default_20" [label="(16, 64, 192)", style=solid]; -"443 dequantize_per_tensor_default_20" -> "449 linear_21" [label="(16, 64, 192)", style=solid]; -"444 linear_21_scale_0" -> "446 quantize_per_channel_default_22" [label="(576,)", style=solid]; -"444 linear_21_scale_0" -> "447 dequantize_per_channel_default_22" [label="(576,)", style=solid]; -"445 linear_21_zero_point_0" -> "446 quantize_per_channel_default_22" [label="(576,)", style=solid]; -"445 linear_21_zero_point_0" -> "447 dequantize_per_channel_default_22" [label="(576,)", style=solid]; -"446 quantize_per_channel_default_22" -> "447 dequantize_per_channel_default_22" [label="(576, 192)", style=solid]; -"447 dequantize_per_channel_default_22" -> "449 linear_21" [label="(576, 192)", style=solid]; -"448 _param_constant58_0_0" -> "449 linear_21" [label="(576,)", style=solid]; -"449 linear_21" -> "450 reshape_14" [label="(16, 64, 576)", style=solid]; -"450 reshape_14" -> "451 permute_16" [label="(16, 64, 3, 6, 32)", style=solid]; -"451 permute_16" -> "452 select_9" [label="(3, 16, 6, 64, 32)", style=solid]; -"451 permute_16" -> "453 select_10" [label="(3, 16, 6, 64, 32)", style=solid]; -"451 permute_16" -> "454 select_11" [label="(3, 16, 6, 64, 32)", style=solid]; -"452 select_9" -> "455 linalg_vector_norm_6" [label="(16, 6, 64, 32)", style=solid]; -"452 select_9" -> "457 expand_as_6" [label="(16, 6, 64, 32)", style=solid]; -"452 select_9" -> "458 div_6" [label="(16, 6, 64, 32)", style=solid]; -"453 select_10" -> "461 linalg_vector_norm_7" [label="(16, 6, 64, 32)", style=solid]; -"453 select_10" -> "463 expand_as_7" [label="(16, 6, 64, 32)", style=solid]; -"453 select_10" -> "464 div_7" [label="(16, 6, 64, 32)", style=solid]; -"454 select_11" -> "492 matmul_7" [label="(16, 6, 64, 32)", style=solid]; -"455 linalg_vector_norm_6" -> "456 clamp_min_6" [label="(16, 6, 64, 1)", style=solid]; -"456 clamp_min_6" -> "457 expand_as_6" [label="(16, 6, 64, 1)", style=solid]; -"457 expand_as_6" -> "458 div_6" [label="(16, 6, 64, 32)", style=solid]; -"458 div_6" -> "459 quantize_per_tensor_default_21" [label="(16, 6, 64, 32)", style=solid]; -"459 quantize_per_tensor_default_21" -> "460 dequantize_per_tensor_default_21" [label="(16, 6, 64, 32)", style=solid]; -"460 dequantize_per_tensor_default_21" -> "468 matmul_6" [label="(16, 6, 64, 32)", style=solid]; -"461 linalg_vector_norm_7" -> "462 clamp_min_7" [label="(16, 6, 64, 1)", style=solid]; -"462 clamp_min_7" -> "463 expand_as_7" [label="(16, 6, 64, 1)", style=solid]; -"463 expand_as_7" -> "464 div_7" [label="(16, 6, 64, 32)", style=solid]; -"464 div_7" -> "465 quantize_per_tensor_default_22" [label="(16, 6, 64, 32)", style=solid]; -"465 quantize_per_tensor_default_22" -> "466 dequantize_per_tensor_default_22" [label="(16, 6, 64, 32)", style=solid]; -"466 dequantize_per_tensor_default_22" -> "467 transpose_6" [label="(16, 6, 64, 32)", style=solid]; -"467 transpose_6" -> "468 matmul_6" [label="(16, 6, 32, 64)", style=solid]; -"468 matmul_6" -> "472 mul_7" [label="(16, 6, 64, 64)", style=solid]; -"469 _param_constant60" -> "470 clamp_3" [label="(6, 1, 1)", style=solid]; -"470 clamp_3" -> "471 exp_3" [label="(6, 1, 1)", style=solid]; -"471 exp_3" -> "472 mul_7" [label="(6, 1, 1)", style=solid]; -"472 mul_7" -> "473 add_10" [label="(16, 6, 64, 64)", style=solid]; -"473 add_10" -> "485 view_19" [label="(16, 6, 64, 64)", style=solid]; -"474 new_zeros_1" -> "475 view_18" [label="(32, 32)", style=solid]; -"475 view_18" -> "476 permute_17" [label="(4, 8, 4, 8)", style=solid]; -"476 permute_17" -> "477 reshape_15" [label="(4, 4, 8, 8)", style=solid]; -"477 reshape_15" -> "478 unsqueeze_8" [label="(16, 64)", style=solid]; -"477 reshape_15" -> "479 unsqueeze_9" [label="(16, 64)", style=solid]; -"478 unsqueeze_8" -> "480 sub_1" [label="(16, 1, 64)", style=solid]; -"479 unsqueeze_9" -> "480 sub_1" [label="(16, 64, 1)", style=solid]; -"480 sub_1" -> "481 ne_1" [label="(16, 64, 64)", style=solid]; -"480 sub_1" -> "482 masked_fill_2" [label="(16, 64, 64)", style=solid]; -"480 sub_1" -> "483 eq_1" [label="(16, 64, 64)", style=solid]; -"481 ne_1" -> "482 masked_fill_2" [label="(16, 64, 64)", style=solid]; -"482 masked_fill_2" -> "484 masked_fill_3" [label="(16, 64, 64)", style=solid]; -"483 eq_1" -> "484 masked_fill_3" [label="(16, 64, 64)", style=solid]; -"484 masked_fill_3" -> "486 unsqueeze_10" [label="(16, 64, 64)", style=solid]; -"485 view_19" -> "488 add_11" [label="(1, 16, 6, 64, 64)", style=solid]; -"486 unsqueeze_10" -> "487 unsqueeze_11" [label="(16, 1, 64, 64)", style=solid]; -"487 unsqueeze_11" -> "488 add_11" [label="(1, 16, 1, 64, 64)", style=solid]; -"488 add_11" -> "489 view_20" [label="(1, 16, 6, 64, 64)", style=solid]; -"489 view_20" -> "490 softmax_3" [label="(16, 6, 64, 64)", style=solid]; -"490 softmax_3" -> "491 dropout_12" [label="(16, 6, 64, 64)", style=solid]; -"491 dropout_12" -> "492 matmul_7" [label="(16, 6, 64, 64)", style=solid]; -"492 matmul_7" -> "493 transpose_7" [label="(16, 6, 64, 32)", style=solid]; -"493 transpose_7" -> "494 reshape_16" [label="(16, 64, 6, 32)", style=solid]; -"494 reshape_16" -> "496 reshape_16_0_0_nncf_smooth_quant_0" [label="(16, 64, 192)", style=solid]; -"495 linear_22_updated_constant0" -> "501 quantize_per_channel_default_23" [label="(192, 192)", style=solid]; -"496 reshape_16_0_0_nncf_smooth_quant_0" -> "497 quantize_per_tensor_default_23" [label="(16, 64, 192)", style=solid]; -"497 quantize_per_tensor_default_23" -> "498 dequantize_per_tensor_default_23" [label="(16, 64, 192)", style=solid]; -"498 dequantize_per_tensor_default_23" -> "504 linear_22" [label="(16, 64, 192)", style=solid]; -"499 linear_22_scale_0" -> "501 quantize_per_channel_default_23" [label="(192,)", style=solid]; -"499 linear_22_scale_0" -> "502 dequantize_per_channel_default_23" [label="(192,)", style=solid]; -"500 linear_22_zero_point_0" -> "501 quantize_per_channel_default_23" [label="(192,)", style=solid]; -"500 linear_22_zero_point_0" -> "502 dequantize_per_channel_default_23" [label="(192,)", style=solid]; -"501 quantize_per_channel_default_23" -> "502 dequantize_per_channel_default_23" [label="(192, 192)", style=solid]; -"502 dequantize_per_channel_default_23" -> "504 linear_22" [label="(192, 192)", style=solid]; -"503 _param_constant62_0_0" -> "504 linear_22" [label="(192,)", style=solid]; -"504 linear_22" -> "505 dropout_13" [label="(16, 64, 192)", style=solid]; -"505 dropout_13" -> "506 view_21" [label="(16, 64, 192)", style=solid]; -"506 view_21" -> "507 permute_18" [label="(1, 4, 4, 8, 8, 192)", style=solid]; -"507 permute_18" -> "508 reshape_17" [label="(1, 4, 8, 4, 8, 192)", style=solid]; -"508 reshape_17" -> "509 roll_3" [label="(1, 32, 32, 192)", style=solid]; -"509 roll_3" -> "510 slice_61" [label="(1, 32, 32, 192)", style=solid]; -"510 slice_61" -> "511 slice_62" [label="(1, 32, 32, 192)", style=solid]; -"511 slice_62" -> "512 slice_63" [label="(1, 28, 32, 192)", style=solid]; -"512 slice_63" -> "513 slice_64" [label="(1, 28, 28, 192)", style=solid]; -"513 slice_64" -> "514 contiguous_5" [label="(1, 28, 28, 192)", style=solid]; -"514 contiguous_5" -> "517 layer_norm_8" [label="(1, 28, 28, 192)", style=solid]; -"515 _param_constant63" -> "517 layer_norm_8" [label="(192,)", style=solid]; -"516 _param_constant64" -> "517 layer_norm_8" [label="(192,)", style=solid]; -"517 layer_norm_8" -> "518 add_12" [label="(1, 28, 28, 192)", style=solid]; -"518 add_12" -> "520 add_12_0_0_nncf_smooth_quant_0" [label="(1, 28, 28, 192)", style=solid]; -"518 add_12" -> "545 add_13" [label="(1, 28, 28, 192)", style=solid]; -"519 linear_23_updated_constant0" -> "525 quantize_per_channel_default_24" [label="(768, 192)", style=solid]; -"520 add_12_0_0_nncf_smooth_quant_0" -> "521 quantize_per_tensor_default_24" [label="(1, 28, 28, 192)", style=solid]; -"521 quantize_per_tensor_default_24" -> "522 dequantize_per_tensor_default_24" [label="(1, 28, 28, 192)", style=solid]; -"522 dequantize_per_tensor_default_24" -> "528 linear_23" [label="(1, 28, 28, 192)", style=solid]; -"523 linear_23_scale_0" -> "525 quantize_per_channel_default_24" [label="(768,)", style=solid]; -"523 linear_23_scale_0" -> "526 dequantize_per_channel_default_24" [label="(768,)", style=solid]; -"524 linear_23_zero_point_0" -> "525 quantize_per_channel_default_24" [label="(768,)", style=solid]; -"524 linear_23_zero_point_0" -> "526 dequantize_per_channel_default_24" [label="(768,)", style=solid]; -"525 quantize_per_channel_default_24" -> "526 dequantize_per_channel_default_24" [label="(768, 192)", style=solid]; -"526 dequantize_per_channel_default_24" -> "528 linear_23" [label="(768, 192)", style=solid]; -"527 _param_constant66_0_0" -> "528 linear_23" [label="(768,)", style=solid]; -"528 linear_23" -> "529 gelu_3" [label="(1, 28, 28, 768)", style=solid]; -"529 gelu_3" -> "530 dropout_14" [label="(1, 28, 28, 768)", style=solid]; -"530 dropout_14" -> "532 dropout_14_0_0_nncf_smooth_quant_0" [label="(1, 28, 28, 768)", style=solid]; -"531 linear_24_updated_constant0" -> "537 quantize_per_channel_default_25" [label="(192, 768)", style=solid]; -"532 dropout_14_0_0_nncf_smooth_quant_0" -> "533 quantize_per_tensor_default_25" [label="(1, 28, 28, 768)", style=solid]; -"533 quantize_per_tensor_default_25" -> "534 dequantize_per_tensor_default_25" [label="(1, 28, 28, 768)", style=solid]; -"534 dequantize_per_tensor_default_25" -> "540 linear_24" [label="(1, 28, 28, 768)", style=solid]; -"535 linear_24_scale_0" -> "537 quantize_per_channel_default_25" [label="(192,)", style=solid]; -"535 linear_24_scale_0" -> "538 dequantize_per_channel_default_25" [label="(192,)", style=solid]; -"536 linear_24_zero_point_0" -> "537 quantize_per_channel_default_25" [label="(192,)", style=solid]; -"536 linear_24_zero_point_0" -> "538 dequantize_per_channel_default_25" [label="(192,)", style=solid]; -"537 quantize_per_channel_default_25" -> "538 dequantize_per_channel_default_25" [label="(192, 768)", style=solid]; -"538 dequantize_per_channel_default_25" -> "540 linear_24" [label="(192, 768)", style=solid]; -"539 _param_constant68_0_0" -> "540 linear_24" [label="(192,)", style=solid]; -"540 linear_24" -> "541 dropout_15" [label="(1, 28, 28, 192)", style=solid]; -"541 dropout_15" -> "544 layer_norm_9" [label="(1, 28, 28, 192)", style=solid]; -"542 _param_constant69" -> "544 layer_norm_9" [label="(192,)", style=solid]; -"543 _param_constant70" -> "544 layer_norm_9" [label="(192,)", style=solid]; -"544 layer_norm_9" -> "545 add_13" [label="(1, 28, 28, 192)", style=solid]; -"545 add_13" -> "546 pad_5" [label="(1, 28, 28, 192)", style=solid]; -"546 pad_5" -> "547 slice_65" [label="(1, 28, 28, 192)", style=solid]; -"546 pad_5" -> "550 slice_68" [label="(1, 28, 28, 192)", style=solid]; -"546 pad_5" -> "553 slice_71" [label="(1, 28, 28, 192)", style=solid]; -"546 pad_5" -> "556 slice_74" [label="(1, 28, 28, 192)", style=solid]; -"547 slice_65" -> "548 slice_66" [label="(1, 14, 28, 192)", style=solid]; -"548 slice_66" -> "549 slice_67" [label="(1, 14, 14, 192)", style=solid]; -"549 slice_67" -> "559 cat_1" [label="(1, 14, 14, 192)", style=solid]; -"550 slice_68" -> "551 slice_69" [label="(1, 14, 28, 192)", style=solid]; -"551 slice_69" -> "552 slice_70" [label="(1, 14, 14, 192)", style=solid]; -"552 slice_70" -> "559 cat_1" [label="(1, 14, 14, 192)", style=solid]; -"553 slice_71" -> "554 slice_72" [label="(1, 14, 28, 192)", style=solid]; -"554 slice_72" -> "555 slice_73" [label="(1, 14, 14, 192)", style=solid]; -"555 slice_73" -> "559 cat_1" [label="(1, 14, 14, 192)", style=solid]; -"556 slice_74" -> "557 slice_75" [label="(1, 14, 28, 192)", style=solid]; -"557 slice_75" -> "558 slice_76" [label="(1, 14, 14, 192)", style=solid]; -"558 slice_76" -> "559 cat_1" [label="(1, 14, 14, 192)", style=solid]; -"559 cat_1" -> "561 cat_1_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 768)", style=solid]; -"560 linear_25_updated_constant0" -> "566 quantize_per_channel_default_26" [label="(384, 768)", style=solid]; -"561 cat_1_0_0_nncf_smooth_quant_0" -> "562 quantize_per_tensor_default_26" [label="(1, 14, 14, 768)", style=solid]; -"562 quantize_per_tensor_default_26" -> "563 dequantize_per_tensor_default_26" [label="(1, 14, 14, 768)", style=solid]; -"563 dequantize_per_tensor_default_26" -> "568 linear_25" [label="(1, 14, 14, 768)", style=solid]; -"564 linear_25_scale_0" -> "566 quantize_per_channel_default_26" [label="(384,)", style=solid]; -"564 linear_25_scale_0" -> "567 dequantize_per_channel_default_26" [label="(384,)", style=solid]; -"565 linear_25_zero_point_0" -> "566 quantize_per_channel_default_26" [label="(384,)", style=solid]; -"565 linear_25_zero_point_0" -> "567 dequantize_per_channel_default_26" [label="(384,)", style=solid]; -"566 quantize_per_channel_default_26" -> "567 dequantize_per_channel_default_26" [label="(384, 768)", style=solid]; -"567 dequantize_per_channel_default_26" -> "568 linear_25" [label="(384, 768)", style=solid]; -"568 linear_25" -> "571 layer_norm_10" [label="(1, 14, 14, 384)", style=solid]; -"569 _param_constant72" -> "571 layer_norm_10" [label="(384,)", style=solid]; -"570 _param_constant73" -> "571 layer_norm_10" [label="(384,)", style=solid]; -"571 layer_norm_10" -> "598 pad_6" [label="(1, 14, 14, 384)", style=solid]; -"571 layer_norm_10" -> "663 add_15" [label="(1, 14, 14, 384)", style=solid]; -"572 _tensor_constant26" -> "574 _tensor_constant26_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; -"573 linear_26_updated_constant0" -> "577 quantize_per_channel_default_27" [label="(512, 2)", style=solid]; -"574 _tensor_constant26_0_0_nncf_smooth_quant_0" -> "580 linear_26" [label="(1, 15, 15, 2)", style=solid]; -"575 linear_26_scale_0" -> "577 quantize_per_channel_default_27" [label="(512,)", style=solid]; -"575 linear_26_scale_0" -> "578 dequantize_per_channel_default_27" [label="(512,)", style=solid]; -"576 linear_26_zero_point_0" -> "577 quantize_per_channel_default_27" [label="(512,)", style=solid]; -"576 linear_26_zero_point_0" -> "578 dequantize_per_channel_default_27" [label="(512,)", style=solid]; -"577 quantize_per_channel_default_27" -> "578 dequantize_per_channel_default_27" [label="(512, 2)", style=solid]; -"578 dequantize_per_channel_default_27" -> "580 linear_26" [label="(512, 2)", style=solid]; -"579 _param_constant75_0_0" -> "580 linear_26" [label="(512,)", style=solid]; -"580 linear_26" -> "581 relu__4" [label="(1, 15, 15, 512)", style=solid]; -"581 relu__4" -> "583 relu__4_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; -"582 linear_27_updated_constant0" -> "586 quantize_per_channel_default_28" [label="(12, 512)", style=solid]; -"583 relu__4_0_0_nncf_smooth_quant_0" -> "588 linear_27" [label="(1, 15, 15, 512)", style=solid]; -"584 linear_27_scale_0" -> "586 quantize_per_channel_default_28" [label="(12,)", style=solid]; -"584 linear_27_scale_0" -> "587 dequantize_per_channel_default_28" [label="(12,)", style=solid]; -"585 linear_27_zero_point_0" -> "586 quantize_per_channel_default_28" [label="(12,)", style=solid]; -"585 linear_27_zero_point_0" -> "587 dequantize_per_channel_default_28" [label="(12,)", style=solid]; -"586 quantize_per_channel_default_28" -> "587 dequantize_per_channel_default_28" [label="(12, 512)", style=solid]; -"587 dequantize_per_channel_default_28" -> "588 linear_27" [label="(12, 512)", style=solid]; -"588 linear_27" -> "589 view_22" [label="(1, 15, 15, 12)", style=solid]; -"589 view_22" -> "591 index_4" [label="(225, 12)", style=solid]; -"590 _tensor_constant27" -> "591 index_4" [label="(4096,)", style=solid]; -"591 index_4" -> "592 view_23" [label="(4096, 12)", style=solid]; -"592 view_23" -> "593 permute_19" [label="(64, 64, 12)", style=solid]; -"593 permute_19" -> "594 contiguous_6" [label="(12, 64, 64)", style=solid]; -"594 contiguous_6" -> "595 unsqueeze_12" [label="(12, 64, 64)", style=solid]; -"595 unsqueeze_12" -> "596 sigmoid_4" [label="(1, 12, 64, 64)", style=solid]; -"596 sigmoid_4" -> "597 mul_8" [label="(1, 12, 64, 64)", style=solid]; -"597 mul_8" -> "635 add_14" [label="(1, 12, 64, 64)", style=solid]; -"598 pad_6" -> "599 view_24" [label="(1, 16, 16, 384)", style=solid]; -"599 view_24" -> "600 permute_20" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"600 permute_20" -> "601 reshape_18" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"601 reshape_18" -> "603 reshape_18_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"602 linear_28_updated_constant0" -> "608 quantize_per_channel_default_29" [label="(1152, 384)", style=solid]; -"603 reshape_18_0_0_nncf_smooth_quant_0" -> "604 quantize_per_tensor_default_27" [label="(4, 64, 384)", style=solid]; -"604 quantize_per_tensor_default_27" -> "605 dequantize_per_tensor_default_27" [label="(4, 64, 384)", style=solid]; -"605 dequantize_per_tensor_default_27" -> "611 linear_28" [label="(4, 64, 384)", style=solid]; -"606 linear_28_scale_0" -> "608 quantize_per_channel_default_29" [label="(1152,)", style=solid]; -"606 linear_28_scale_0" -> "609 dequantize_per_channel_default_29" [label="(1152,)", style=solid]; -"607 linear_28_zero_point_0" -> "608 quantize_per_channel_default_29" [label="(1152,)", style=solid]; -"607 linear_28_zero_point_0" -> "609 dequantize_per_channel_default_29" [label="(1152,)", style=solid]; -"608 quantize_per_channel_default_29" -> "609 dequantize_per_channel_default_29" [label="(1152, 384)", style=solid]; -"609 dequantize_per_channel_default_29" -> "611 linear_28" [label="(1152, 384)", style=solid]; -"610 _param_constant77_0_0" -> "611 linear_28" [label="(1152,)", style=solid]; -"611 linear_28" -> "612 reshape_19" [label="(4, 64, 1152)", style=solid]; -"612 reshape_19" -> "613 permute_21" [label="(4, 64, 3, 12, 32)", style=solid]; -"613 permute_21" -> "614 select_12" [label="(3, 4, 12, 64, 32)", style=solid]; -"613 permute_21" -> "615 select_13" [label="(3, 4, 12, 64, 32)", style=solid]; -"613 permute_21" -> "616 select_14" [label="(3, 4, 12, 64, 32)", style=solid]; -"614 select_12" -> "617 linalg_vector_norm_8" [label="(4, 12, 64, 32)", style=solid]; -"614 select_12" -> "619 expand_as_8" [label="(4, 12, 64, 32)", style=solid]; -"614 select_12" -> "620 div_8" [label="(4, 12, 64, 32)", style=solid]; -"615 select_13" -> "623 linalg_vector_norm_9" [label="(4, 12, 64, 32)", style=solid]; -"615 select_13" -> "625 expand_as_9" [label="(4, 12, 64, 32)", style=solid]; -"615 select_13" -> "626 div_9" [label="(4, 12, 64, 32)", style=solid]; -"616 select_14" -> "638 matmul_9" [label="(4, 12, 64, 32)", style=solid]; -"617 linalg_vector_norm_8" -> "618 clamp_min_8" [label="(4, 12, 64, 1)", style=solid]; -"618 clamp_min_8" -> "619 expand_as_8" [label="(4, 12, 64, 1)", style=solid]; -"619 expand_as_8" -> "620 div_8" [label="(4, 12, 64, 32)", style=solid]; -"620 div_8" -> "621 quantize_per_tensor_default_28" [label="(4, 12, 64, 32)", style=solid]; -"621 quantize_per_tensor_default_28" -> "622 dequantize_per_tensor_default_28" [label="(4, 12, 64, 32)", style=solid]; -"622 dequantize_per_tensor_default_28" -> "630 matmul_8" [label="(4, 12, 64, 32)", style=solid]; -"623 linalg_vector_norm_9" -> "624 clamp_min_9" [label="(4, 12, 64, 1)", style=solid]; -"624 clamp_min_9" -> "625 expand_as_9" [label="(4, 12, 64, 1)", style=solid]; -"625 expand_as_9" -> "626 div_9" [label="(4, 12, 64, 32)", style=solid]; -"626 div_9" -> "627 quantize_per_tensor_default_29" [label="(4, 12, 64, 32)", style=solid]; -"627 quantize_per_tensor_default_29" -> "628 dequantize_per_tensor_default_29" [label="(4, 12, 64, 32)", style=solid]; -"628 dequantize_per_tensor_default_29" -> "629 transpose_8" [label="(4, 12, 64, 32)", style=solid]; -"629 transpose_8" -> "630 matmul_8" [label="(4, 12, 32, 64)", style=solid]; -"630 matmul_8" -> "634 mul_9" [label="(4, 12, 64, 64)", style=solid]; -"631 _param_constant79" -> "632 clamp_4" [label="(12, 1, 1)", style=solid]; -"632 clamp_4" -> "633 exp_4" [label="(12, 1, 1)", style=solid]; -"633 exp_4" -> "634 mul_9" [label="(12, 1, 1)", style=solid]; -"634 mul_9" -> "635 add_14" [label="(4, 12, 64, 64)", style=solid]; -"635 add_14" -> "636 softmax_4" [label="(4, 12, 64, 64)", style=solid]; -"636 softmax_4" -> "637 dropout_16" [label="(4, 12, 64, 64)", style=solid]; -"637 dropout_16" -> "638 matmul_9" [label="(4, 12, 64, 64)", style=solid]; -"638 matmul_9" -> "639 transpose_9" [label="(4, 12, 64, 32)", style=solid]; -"639 transpose_9" -> "640 reshape_20" [label="(4, 64, 12, 32)", style=solid]; -"640 reshape_20" -> "642 reshape_20_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"641 linear_29_updated_constant0" -> "647 quantize_per_channel_default_30" [label="(384, 384)", style=solid]; -"642 reshape_20_0_0_nncf_smooth_quant_0" -> "643 quantize_per_tensor_default_30" [label="(4, 64, 384)", style=solid]; -"643 quantize_per_tensor_default_30" -> "644 dequantize_per_tensor_default_30" [label="(4, 64, 384)", style=solid]; -"644 dequantize_per_tensor_default_30" -> "650 linear_29" [label="(4, 64, 384)", style=solid]; -"645 linear_29_scale_0" -> "647 quantize_per_channel_default_30" [label="(384,)", style=solid]; -"645 linear_29_scale_0" -> "648 dequantize_per_channel_default_30" [label="(384,)", style=solid]; -"646 linear_29_zero_point_0" -> "647 quantize_per_channel_default_30" [label="(384,)", style=solid]; -"646 linear_29_zero_point_0" -> "648 dequantize_per_channel_default_30" [label="(384,)", style=solid]; -"647 quantize_per_channel_default_30" -> "648 dequantize_per_channel_default_30" [label="(384, 384)", style=solid]; -"648 dequantize_per_channel_default_30" -> "650 linear_29" [label="(384, 384)", style=solid]; -"649 _param_constant81_0_0" -> "650 linear_29" [label="(384,)", style=solid]; -"650 linear_29" -> "651 dropout_17" [label="(4, 64, 384)", style=solid]; -"651 dropout_17" -> "652 view_25" [label="(4, 64, 384)", style=solid]; -"652 view_25" -> "653 permute_22" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"653 permute_22" -> "654 reshape_21" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"654 reshape_21" -> "655 slice_78" [label="(1, 16, 16, 384)", style=solid]; -"655 slice_78" -> "656 slice_79" [label="(1, 16, 16, 384)", style=solid]; -"656 slice_79" -> "657 slice_80" [label="(1, 14, 16, 384)", style=solid]; -"657 slice_80" -> "658 slice_81" [label="(1, 14, 14, 384)", style=solid]; -"658 slice_81" -> "659 contiguous_7" [label="(1, 14, 14, 384)", style=solid]; -"659 contiguous_7" -> "662 layer_norm_11" [label="(1, 14, 14, 384)", style=solid]; -"660 _param_constant82" -> "662 layer_norm_11" [label="(384,)", style=solid]; -"661 _param_constant83" -> "662 layer_norm_11" [label="(384,)", style=solid]; -"662 layer_norm_11" -> "663 add_15" [label="(1, 14, 14, 384)", style=solid]; -"663 add_15" -> "665 add_15_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; -"663 add_15" -> "690 add_16" [label="(1, 14, 14, 384)", style=solid]; -"664 linear_30_updated_constant0" -> "670 quantize_per_channel_default_31" [label="(1536, 384)", style=solid]; -"665 add_15_0_0_nncf_smooth_quant_0" -> "666 quantize_per_tensor_default_31" [label="(1, 14, 14, 384)", style=solid]; -"666 quantize_per_tensor_default_31" -> "667 dequantize_per_tensor_default_31" [label="(1, 14, 14, 384)", style=solid]; -"667 dequantize_per_tensor_default_31" -> "673 linear_30" [label="(1, 14, 14, 384)", style=solid]; -"668 linear_30_scale_0" -> "670 quantize_per_channel_default_31" [label="(1536,)", style=solid]; -"668 linear_30_scale_0" -> "671 dequantize_per_channel_default_31" [label="(1536,)", style=solid]; -"669 linear_30_zero_point_0" -> "670 quantize_per_channel_default_31" [label="(1536,)", style=solid]; -"669 linear_30_zero_point_0" -> "671 dequantize_per_channel_default_31" [label="(1536,)", style=solid]; -"670 quantize_per_channel_default_31" -> "671 dequantize_per_channel_default_31" [label="(1536, 384)", style=solid]; -"671 dequantize_per_channel_default_31" -> "673 linear_30" [label="(1536, 384)", style=solid]; -"672 _param_constant85_0_0" -> "673 linear_30" [label="(1536,)", style=solid]; -"673 linear_30" -> "674 gelu_4" [label="(1, 14, 14, 1536)", style=solid]; -"674 gelu_4" -> "675 dropout_18" [label="(1, 14, 14, 1536)", style=solid]; -"675 dropout_18" -> "677 dropout_18_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; -"676 linear_31_updated_constant0" -> "682 quantize_per_channel_default_32" [label="(384, 1536)", style=solid]; -"677 dropout_18_0_0_nncf_smooth_quant_0" -> "678 quantize_per_tensor_default_32" [label="(1, 14, 14, 1536)", style=solid]; -"678 quantize_per_tensor_default_32" -> "679 dequantize_per_tensor_default_32" [label="(1, 14, 14, 1536)", style=solid]; -"679 dequantize_per_tensor_default_32" -> "685 linear_31" [label="(1, 14, 14, 1536)", style=solid]; -"680 linear_31_scale_0" -> "682 quantize_per_channel_default_32" [label="(384,)", style=solid]; -"680 linear_31_scale_0" -> "683 dequantize_per_channel_default_32" [label="(384,)", style=solid]; -"681 linear_31_zero_point_0" -> "682 quantize_per_channel_default_32" [label="(384,)", style=solid]; -"681 linear_31_zero_point_0" -> "683 dequantize_per_channel_default_32" [label="(384,)", style=solid]; -"682 quantize_per_channel_default_32" -> "683 dequantize_per_channel_default_32" [label="(384, 1536)", style=solid]; -"683 dequantize_per_channel_default_32" -> "685 linear_31" [label="(384, 1536)", style=solid]; -"684 _param_constant87_0_0" -> "685 linear_31" [label="(384,)", style=solid]; -"685 linear_31" -> "686 dropout_19" [label="(1, 14, 14, 384)", style=solid]; -"686 dropout_19" -> "689 layer_norm_12" [label="(1, 14, 14, 384)", style=solid]; -"687 _param_constant88" -> "689 layer_norm_12" [label="(384,)", style=solid]; -"688 _param_constant89" -> "689 layer_norm_12" [label="(384,)", style=solid]; -"689 layer_norm_12" -> "690 add_16" [label="(1, 14, 14, 384)", style=solid]; -"690 add_16" -> "717 pad_7" [label="(1, 14, 14, 384)", style=solid]; -"690 add_16" -> "800 add_19" [label="(1, 14, 14, 384)", style=solid]; -"691 _tensor_constant28" -> "693 _tensor_constant28_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; -"692 linear_32_updated_constant0" -> "696 quantize_per_channel_default_33" [label="(512, 2)", style=solid]; -"693 _tensor_constant28_0_0_nncf_smooth_quant_0" -> "699 linear_32" [label="(1, 15, 15, 2)", style=solid]; -"694 linear_32_scale_0" -> "696 quantize_per_channel_default_33" [label="(512,)", style=solid]; -"694 linear_32_scale_0" -> "697 dequantize_per_channel_default_33" [label="(512,)", style=solid]; -"695 linear_32_zero_point_0" -> "696 quantize_per_channel_default_33" [label="(512,)", style=solid]; -"695 linear_32_zero_point_0" -> "697 dequantize_per_channel_default_33" [label="(512,)", style=solid]; -"696 quantize_per_channel_default_33" -> "697 dequantize_per_channel_default_33" [label="(512, 2)", style=solid]; -"697 dequantize_per_channel_default_33" -> "699 linear_32" [label="(512, 2)", style=solid]; -"698 _param_constant91_0_0" -> "699 linear_32" [label="(512,)", style=solid]; -"699 linear_32" -> "700 relu__5" [label="(1, 15, 15, 512)", style=solid]; -"700 relu__5" -> "702 relu__5_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; -"701 linear_33_updated_constant0" -> "705 quantize_per_channel_default_34" [label="(12, 512)", style=solid]; -"702 relu__5_0_0_nncf_smooth_quant_0" -> "707 linear_33" [label="(1, 15, 15, 512)", style=solid]; -"703 linear_33_scale_0" -> "705 quantize_per_channel_default_34" [label="(12,)", style=solid]; -"703 linear_33_scale_0" -> "706 dequantize_per_channel_default_34" [label="(12,)", style=solid]; -"704 linear_33_zero_point_0" -> "705 quantize_per_channel_default_34" [label="(12,)", style=solid]; -"704 linear_33_zero_point_0" -> "706 dequantize_per_channel_default_34" [label="(12,)", style=solid]; -"705 quantize_per_channel_default_34" -> "706 dequantize_per_channel_default_34" [label="(12, 512)", style=solid]; -"706 dequantize_per_channel_default_34" -> "707 linear_33" [label="(12, 512)", style=solid]; -"707 linear_33" -> "708 view_26" [label="(1, 15, 15, 12)", style=solid]; -"708 view_26" -> "710 index_5" [label="(225, 12)", style=solid]; -"709 _tensor_constant29" -> "710 index_5" [label="(4096,)", style=solid]; -"710 index_5" -> "711 view_27" [label="(4096, 12)", style=solid]; -"711 view_27" -> "712 permute_23" [label="(64, 64, 12)", style=solid]; -"712 permute_23" -> "713 contiguous_8" [label="(12, 64, 64)", style=solid]; -"713 contiguous_8" -> "714 unsqueeze_13" [label="(12, 64, 64)", style=solid]; -"714 unsqueeze_13" -> "715 sigmoid_5" [label="(1, 12, 64, 64)", style=solid]; -"715 sigmoid_5" -> "716 mul_10" [label="(1, 12, 64, 64)", style=solid]; -"716 mul_10" -> "755 add_17" [label="(1, 12, 64, 64)", style=solid]; -"717 pad_7" -> "718 roll_4" [label="(1, 16, 16, 384)", style=solid]; -"718 roll_4" -> "719 view_28" [label="(1, 16, 16, 384)", style=solid]; -"719 view_28" -> "720 permute_24" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"720 permute_24" -> "721 reshape_22" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"721 reshape_22" -> "723 reshape_22_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"721 reshape_22" -> "756 new_zeros_2" [label="(4, 64, 384)", style=solid]; -"722 linear_34_updated_constant0" -> "728 quantize_per_channel_default_35" [label="(1152, 384)", style=solid]; -"723 reshape_22_0_0_nncf_smooth_quant_0" -> "724 quantize_per_tensor_default_33" [label="(4, 64, 384)", style=solid]; -"724 quantize_per_tensor_default_33" -> "725 dequantize_per_tensor_default_33" [label="(4, 64, 384)", style=solid]; -"725 dequantize_per_tensor_default_33" -> "731 linear_34" [label="(4, 64, 384)", style=solid]; -"726 linear_34_scale_0" -> "728 quantize_per_channel_default_35" [label="(1152,)", style=solid]; -"726 linear_34_scale_0" -> "729 dequantize_per_channel_default_35" [label="(1152,)", style=solid]; -"727 linear_34_zero_point_0" -> "728 quantize_per_channel_default_35" [label="(1152,)", style=solid]; -"727 linear_34_zero_point_0" -> "729 dequantize_per_channel_default_35" [label="(1152,)", style=solid]; -"728 quantize_per_channel_default_35" -> "729 dequantize_per_channel_default_35" [label="(1152, 384)", style=solid]; -"729 dequantize_per_channel_default_35" -> "731 linear_34" [label="(1152, 384)", style=solid]; -"730 _param_constant93_0_0" -> "731 linear_34" [label="(1152,)", style=solid]; -"731 linear_34" -> "732 reshape_23" [label="(4, 64, 1152)", style=solid]; -"732 reshape_23" -> "733 permute_25" [label="(4, 64, 3, 12, 32)", style=solid]; -"733 permute_25" -> "734 select_15" [label="(3, 4, 12, 64, 32)", style=solid]; -"733 permute_25" -> "735 select_16" [label="(3, 4, 12, 64, 32)", style=solid]; -"733 permute_25" -> "736 select_17" [label="(3, 4, 12, 64, 32)", style=solid]; -"734 select_15" -> "737 linalg_vector_norm_10" [label="(4, 12, 64, 32)", style=solid]; -"734 select_15" -> "739 expand_as_10" [label="(4, 12, 64, 32)", style=solid]; -"734 select_15" -> "740 div_10" [label="(4, 12, 64, 32)", style=solid]; -"735 select_16" -> "743 linalg_vector_norm_11" [label="(4, 12, 64, 32)", style=solid]; -"735 select_16" -> "745 expand_as_11" [label="(4, 12, 64, 32)", style=solid]; -"735 select_16" -> "746 div_11" [label="(4, 12, 64, 32)", style=solid]; -"736 select_17" -> "774 matmul_11" [label="(4, 12, 64, 32)", style=solid]; -"737 linalg_vector_norm_10" -> "738 clamp_min_10" [label="(4, 12, 64, 1)", style=solid]; -"738 clamp_min_10" -> "739 expand_as_10" [label="(4, 12, 64, 1)", style=solid]; -"739 expand_as_10" -> "740 div_10" [label="(4, 12, 64, 32)", style=solid]; -"740 div_10" -> "741 quantize_per_tensor_default_34" [label="(4, 12, 64, 32)", style=solid]; -"741 quantize_per_tensor_default_34" -> "742 dequantize_per_tensor_default_34" [label="(4, 12, 64, 32)", style=solid]; -"742 dequantize_per_tensor_default_34" -> "750 matmul_10" [label="(4, 12, 64, 32)", style=solid]; -"743 linalg_vector_norm_11" -> "744 clamp_min_11" [label="(4, 12, 64, 1)", style=solid]; -"744 clamp_min_11" -> "745 expand_as_11" [label="(4, 12, 64, 1)", style=solid]; -"745 expand_as_11" -> "746 div_11" [label="(4, 12, 64, 32)", style=solid]; -"746 div_11" -> "747 quantize_per_tensor_default_35" [label="(4, 12, 64, 32)", style=solid]; -"747 quantize_per_tensor_default_35" -> "748 dequantize_per_tensor_default_35" [label="(4, 12, 64, 32)", style=solid]; -"748 dequantize_per_tensor_default_35" -> "749 transpose_10" [label="(4, 12, 64, 32)", style=solid]; -"749 transpose_10" -> "750 matmul_10" [label="(4, 12, 32, 64)", style=solid]; -"750 matmul_10" -> "754 mul_11" [label="(4, 12, 64, 64)", style=solid]; -"751 _param_constant95" -> "752 clamp_5" [label="(12, 1, 1)", style=solid]; -"752 clamp_5" -> "753 exp_5" [label="(12, 1, 1)", style=solid]; -"753 exp_5" -> "754 mul_11" [label="(12, 1, 1)", style=solid]; -"754 mul_11" -> "755 add_17" [label="(4, 12, 64, 64)", style=solid]; -"755 add_17" -> "767 view_30" [label="(4, 12, 64, 64)", style=solid]; -"756 new_zeros_2" -> "757 view_29" [label="(16, 16)", style=solid]; -"757 view_29" -> "758 permute_26" [label="(2, 8, 2, 8)", style=solid]; -"758 permute_26" -> "759 reshape_24" [label="(2, 2, 8, 8)", style=solid]; -"759 reshape_24" -> "760 unsqueeze_14" [label="(4, 64)", style=solid]; -"759 reshape_24" -> "761 unsqueeze_15" [label="(4, 64)", style=solid]; -"760 unsqueeze_14" -> "762 sub_2" [label="(4, 1, 64)", style=solid]; -"761 unsqueeze_15" -> "762 sub_2" [label="(4, 64, 1)", style=solid]; -"762 sub_2" -> "763 ne_2" [label="(4, 64, 64)", style=solid]; -"762 sub_2" -> "764 masked_fill_4" [label="(4, 64, 64)", style=solid]; -"762 sub_2" -> "765 eq_2" [label="(4, 64, 64)", style=solid]; -"763 ne_2" -> "764 masked_fill_4" [label="(4, 64, 64)", style=solid]; -"764 masked_fill_4" -> "766 masked_fill_5" [label="(4, 64, 64)", style=solid]; -"765 eq_2" -> "766 masked_fill_5" [label="(4, 64, 64)", style=solid]; -"766 masked_fill_5" -> "768 unsqueeze_16" [label="(4, 64, 64)", style=solid]; -"767 view_30" -> "770 add_18" [label="(1, 4, 12, 64, 64)", style=solid]; -"768 unsqueeze_16" -> "769 unsqueeze_17" [label="(4, 1, 64, 64)", style=solid]; -"769 unsqueeze_17" -> "770 add_18" [label="(1, 4, 1, 64, 64)", style=solid]; -"770 add_18" -> "771 view_31" [label="(1, 4, 12, 64, 64)", style=solid]; -"771 view_31" -> "772 softmax_5" [label="(4, 12, 64, 64)", style=solid]; -"772 softmax_5" -> "773 dropout_20" [label="(4, 12, 64, 64)", style=solid]; -"773 dropout_20" -> "774 matmul_11" [label="(4, 12, 64, 64)", style=solid]; -"774 matmul_11" -> "775 transpose_11" [label="(4, 12, 64, 32)", style=solid]; -"775 transpose_11" -> "776 reshape_25" [label="(4, 64, 12, 32)", style=solid]; -"776 reshape_25" -> "778 reshape_25_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"777 linear_35_updated_constant0" -> "783 quantize_per_channel_default_36" [label="(384, 384)", style=solid]; -"778 reshape_25_0_0_nncf_smooth_quant_0" -> "779 quantize_per_tensor_default_36" [label="(4, 64, 384)", style=solid]; -"779 quantize_per_tensor_default_36" -> "780 dequantize_per_tensor_default_36" [label="(4, 64, 384)", style=solid]; -"780 dequantize_per_tensor_default_36" -> "786 linear_35" [label="(4, 64, 384)", style=solid]; -"781 linear_35_scale_0" -> "783 quantize_per_channel_default_36" [label="(384,)", style=solid]; -"781 linear_35_scale_0" -> "784 dequantize_per_channel_default_36" [label="(384,)", style=solid]; -"782 linear_35_zero_point_0" -> "783 quantize_per_channel_default_36" [label="(384,)", style=solid]; -"782 linear_35_zero_point_0" -> "784 dequantize_per_channel_default_36" [label="(384,)", style=solid]; -"783 quantize_per_channel_default_36" -> "784 dequantize_per_channel_default_36" [label="(384, 384)", style=solid]; -"784 dequantize_per_channel_default_36" -> "786 linear_35" [label="(384, 384)", style=solid]; -"785 _param_constant97_0_0" -> "786 linear_35" [label="(384,)", style=solid]; -"786 linear_35" -> "787 dropout_21" [label="(4, 64, 384)", style=solid]; -"787 dropout_21" -> "788 view_32" [label="(4, 64, 384)", style=solid]; -"788 view_32" -> "789 permute_27" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"789 permute_27" -> "790 reshape_26" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"790 reshape_26" -> "791 roll_5" [label="(1, 16, 16, 384)", style=solid]; -"791 roll_5" -> "792 slice_101" [label="(1, 16, 16, 384)", style=solid]; -"792 slice_101" -> "793 slice_102" [label="(1, 16, 16, 384)", style=solid]; -"793 slice_102" -> "794 slice_103" [label="(1, 14, 16, 384)", style=solid]; -"794 slice_103" -> "795 slice_104" [label="(1, 14, 14, 384)", style=solid]; -"795 slice_104" -> "796 contiguous_9" [label="(1, 14, 14, 384)", style=solid]; -"796 contiguous_9" -> "799 layer_norm_13" [label="(1, 14, 14, 384)", style=solid]; -"797 _param_constant98" -> "799 layer_norm_13" [label="(384,)", style=solid]; -"798 _param_constant99" -> "799 layer_norm_13" [label="(384,)", style=solid]; -"799 layer_norm_13" -> "800 add_19" [label="(1, 14, 14, 384)", style=solid]; -"800 add_19" -> "802 add_19_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; -"800 add_19" -> "827 add_20" [label="(1, 14, 14, 384)", style=solid]; -"801 linear_36_updated_constant0" -> "807 quantize_per_channel_default_37" [label="(1536, 384)", style=solid]; -"802 add_19_0_0_nncf_smooth_quant_0" -> "803 quantize_per_tensor_default_37" [label="(1, 14, 14, 384)", style=solid]; -"803 quantize_per_tensor_default_37" -> "804 dequantize_per_tensor_default_37" [label="(1, 14, 14, 384)", style=solid]; -"804 dequantize_per_tensor_default_37" -> "810 linear_36" [label="(1, 14, 14, 384)", style=solid]; -"805 linear_36_scale_0" -> "807 quantize_per_channel_default_37" [label="(1536,)", style=solid]; -"805 linear_36_scale_0" -> "808 dequantize_per_channel_default_37" [label="(1536,)", style=solid]; -"806 linear_36_zero_point_0" -> "807 quantize_per_channel_default_37" [label="(1536,)", style=solid]; -"806 linear_36_zero_point_0" -> "808 dequantize_per_channel_default_37" [label="(1536,)", style=solid]; -"807 quantize_per_channel_default_37" -> "808 dequantize_per_channel_default_37" [label="(1536, 384)", style=solid]; -"808 dequantize_per_channel_default_37" -> "810 linear_36" [label="(1536, 384)", style=solid]; -"809 _param_constant101_0_0" -> "810 linear_36" [label="(1536,)", style=solid]; -"810 linear_36" -> "811 gelu_5" [label="(1, 14, 14, 1536)", style=solid]; -"811 gelu_5" -> "812 dropout_22" [label="(1, 14, 14, 1536)", style=solid]; -"812 dropout_22" -> "814 dropout_22_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; -"813 linear_37_updated_constant0" -> "819 quantize_per_channel_default_38" [label="(384, 1536)", style=solid]; -"814 dropout_22_0_0_nncf_smooth_quant_0" -> "815 quantize_per_tensor_default_38" [label="(1, 14, 14, 1536)", style=solid]; -"815 quantize_per_tensor_default_38" -> "816 dequantize_per_tensor_default_38" [label="(1, 14, 14, 1536)", style=solid]; -"816 dequantize_per_tensor_default_38" -> "822 linear_37" [label="(1, 14, 14, 1536)", style=solid]; -"817 linear_37_scale_0" -> "819 quantize_per_channel_default_38" [label="(384,)", style=solid]; -"817 linear_37_scale_0" -> "820 dequantize_per_channel_default_38" [label="(384,)", style=solid]; -"818 linear_37_zero_point_0" -> "819 quantize_per_channel_default_38" [label="(384,)", style=solid]; -"818 linear_37_zero_point_0" -> "820 dequantize_per_channel_default_38" [label="(384,)", style=solid]; -"819 quantize_per_channel_default_38" -> "820 dequantize_per_channel_default_38" [label="(384, 1536)", style=solid]; -"820 dequantize_per_channel_default_38" -> "822 linear_37" [label="(384, 1536)", style=solid]; -"821 _param_constant103_0_0" -> "822 linear_37" [label="(384,)", style=solid]; -"822 linear_37" -> "823 dropout_23" [label="(1, 14, 14, 384)", style=solid]; -"823 dropout_23" -> "826 layer_norm_14" [label="(1, 14, 14, 384)", style=solid]; -"824 _param_constant104" -> "826 layer_norm_14" [label="(384,)", style=solid]; -"825 _param_constant105" -> "826 layer_norm_14" [label="(384,)", style=solid]; -"826 layer_norm_14" -> "827 add_20" [label="(1, 14, 14, 384)", style=solid]; -"827 add_20" -> "854 pad_8" [label="(1, 14, 14, 384)", style=solid]; -"827 add_20" -> "919 add_22" [label="(1, 14, 14, 384)", style=solid]; -"828 _tensor_constant39" -> "830 _tensor_constant39_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; -"829 linear_38_updated_constant0" -> "833 quantize_per_channel_default_39" [label="(512, 2)", style=solid]; -"830 _tensor_constant39_0_0_nncf_smooth_quant_0" -> "836 linear_38" [label="(1, 15, 15, 2)", style=solid]; -"831 linear_38_scale_0" -> "833 quantize_per_channel_default_39" [label="(512,)", style=solid]; -"831 linear_38_scale_0" -> "834 dequantize_per_channel_default_39" [label="(512,)", style=solid]; -"832 linear_38_zero_point_0" -> "833 quantize_per_channel_default_39" [label="(512,)", style=solid]; -"832 linear_38_zero_point_0" -> "834 dequantize_per_channel_default_39" [label="(512,)", style=solid]; -"833 quantize_per_channel_default_39" -> "834 dequantize_per_channel_default_39" [label="(512, 2)", style=solid]; -"834 dequantize_per_channel_default_39" -> "836 linear_38" [label="(512, 2)", style=solid]; -"835 _param_constant107_0_0" -> "836 linear_38" [label="(512,)", style=solid]; -"836 linear_38" -> "837 relu__6" [label="(1, 15, 15, 512)", style=solid]; -"837 relu__6" -> "839 relu__6_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; -"838 linear_39_updated_constant0" -> "842 quantize_per_channel_default_40" [label="(12, 512)", style=solid]; -"839 relu__6_0_0_nncf_smooth_quant_0" -> "844 linear_39" [label="(1, 15, 15, 512)", style=solid]; -"840 linear_39_scale_0" -> "842 quantize_per_channel_default_40" [label="(12,)", style=solid]; -"840 linear_39_scale_0" -> "843 dequantize_per_channel_default_40" [label="(12,)", style=solid]; -"841 linear_39_zero_point_0" -> "842 quantize_per_channel_default_40" [label="(12,)", style=solid]; -"841 linear_39_zero_point_0" -> "843 dequantize_per_channel_default_40" [label="(12,)", style=solid]; -"842 quantize_per_channel_default_40" -> "843 dequantize_per_channel_default_40" [label="(12, 512)", style=solid]; -"843 dequantize_per_channel_default_40" -> "844 linear_39" [label="(12, 512)", style=solid]; -"844 linear_39" -> "845 view_33" [label="(1, 15, 15, 12)", style=solid]; -"845 view_33" -> "847 index_6" [label="(225, 12)", style=solid]; -"846 _tensor_constant40" -> "847 index_6" [label="(4096,)", style=solid]; -"847 index_6" -> "848 view_34" [label="(4096, 12)", style=solid]; -"848 view_34" -> "849 permute_28" [label="(64, 64, 12)", style=solid]; -"849 permute_28" -> "850 contiguous_10" [label="(12, 64, 64)", style=solid]; -"850 contiguous_10" -> "851 unsqueeze_18" [label="(12, 64, 64)", style=solid]; -"851 unsqueeze_18" -> "852 sigmoid_6" [label="(1, 12, 64, 64)", style=solid]; -"852 sigmoid_6" -> "853 mul_12" [label="(1, 12, 64, 64)", style=solid]; -"853 mul_12" -> "891 add_21" [label="(1, 12, 64, 64)", style=solid]; -"854 pad_8" -> "855 view_35" [label="(1, 16, 16, 384)", style=solid]; -"855 view_35" -> "856 permute_29" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"856 permute_29" -> "857 reshape_27" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"857 reshape_27" -> "859 reshape_27_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"858 linear_40_updated_constant0" -> "864 quantize_per_channel_default_41" [label="(1152, 384)", style=solid]; -"859 reshape_27_0_0_nncf_smooth_quant_0" -> "860 quantize_per_tensor_default_39" [label="(4, 64, 384)", style=solid]; -"860 quantize_per_tensor_default_39" -> "861 dequantize_per_tensor_default_39" [label="(4, 64, 384)", style=solid]; -"861 dequantize_per_tensor_default_39" -> "867 linear_40" [label="(4, 64, 384)", style=solid]; -"862 linear_40_scale_0" -> "864 quantize_per_channel_default_41" [label="(1152,)", style=solid]; -"862 linear_40_scale_0" -> "865 dequantize_per_channel_default_41" [label="(1152,)", style=solid]; -"863 linear_40_zero_point_0" -> "864 quantize_per_channel_default_41" [label="(1152,)", style=solid]; -"863 linear_40_zero_point_0" -> "865 dequantize_per_channel_default_41" [label="(1152,)", style=solid]; -"864 quantize_per_channel_default_41" -> "865 dequantize_per_channel_default_41" [label="(1152, 384)", style=solid]; -"865 dequantize_per_channel_default_41" -> "867 linear_40" [label="(1152, 384)", style=solid]; -"866 _param_constant109_0_0" -> "867 linear_40" [label="(1152,)", style=solid]; -"867 linear_40" -> "868 reshape_28" [label="(4, 64, 1152)", style=solid]; -"868 reshape_28" -> "869 permute_30" [label="(4, 64, 3, 12, 32)", style=solid]; -"869 permute_30" -> "870 select_18" [label="(3, 4, 12, 64, 32)", style=solid]; -"869 permute_30" -> "871 select_19" [label="(3, 4, 12, 64, 32)", style=solid]; -"869 permute_30" -> "872 select_20" [label="(3, 4, 12, 64, 32)", style=solid]; -"870 select_18" -> "873 linalg_vector_norm_12" [label="(4, 12, 64, 32)", style=solid]; -"870 select_18" -> "875 expand_as_12" [label="(4, 12, 64, 32)", style=solid]; -"870 select_18" -> "876 div_12" [label="(4, 12, 64, 32)", style=solid]; -"871 select_19" -> "879 linalg_vector_norm_13" [label="(4, 12, 64, 32)", style=solid]; -"871 select_19" -> "881 expand_as_13" [label="(4, 12, 64, 32)", style=solid]; -"871 select_19" -> "882 div_13" [label="(4, 12, 64, 32)", style=solid]; -"872 select_20" -> "894 matmul_13" [label="(4, 12, 64, 32)", style=solid]; -"873 linalg_vector_norm_12" -> "874 clamp_min_12" [label="(4, 12, 64, 1)", style=solid]; -"874 clamp_min_12" -> "875 expand_as_12" [label="(4, 12, 64, 1)", style=solid]; -"875 expand_as_12" -> "876 div_12" [label="(4, 12, 64, 32)", style=solid]; -"876 div_12" -> "877 quantize_per_tensor_default_40" [label="(4, 12, 64, 32)", style=solid]; -"877 quantize_per_tensor_default_40" -> "878 dequantize_per_tensor_default_40" [label="(4, 12, 64, 32)", style=solid]; -"878 dequantize_per_tensor_default_40" -> "886 matmul_12" [label="(4, 12, 64, 32)", style=solid]; -"879 linalg_vector_norm_13" -> "880 clamp_min_13" [label="(4, 12, 64, 1)", style=solid]; -"880 clamp_min_13" -> "881 expand_as_13" [label="(4, 12, 64, 1)", style=solid]; -"881 expand_as_13" -> "882 div_13" [label="(4, 12, 64, 32)", style=solid]; -"882 div_13" -> "883 quantize_per_tensor_default_41" [label="(4, 12, 64, 32)", style=solid]; -"883 quantize_per_tensor_default_41" -> "884 dequantize_per_tensor_default_41" [label="(4, 12, 64, 32)", style=solid]; -"884 dequantize_per_tensor_default_41" -> "885 transpose_12" [label="(4, 12, 64, 32)", style=solid]; -"885 transpose_12" -> "886 matmul_12" [label="(4, 12, 32, 64)", style=solid]; -"886 matmul_12" -> "890 mul_13" [label="(4, 12, 64, 64)", style=solid]; -"887 _param_constant111" -> "888 clamp_6" [label="(12, 1, 1)", style=solid]; -"888 clamp_6" -> "889 exp_6" [label="(12, 1, 1)", style=solid]; -"889 exp_6" -> "890 mul_13" [label="(12, 1, 1)", style=solid]; -"890 mul_13" -> "891 add_21" [label="(4, 12, 64, 64)", style=solid]; -"891 add_21" -> "892 softmax_6" [label="(4, 12, 64, 64)", style=solid]; -"892 softmax_6" -> "893 dropout_24" [label="(4, 12, 64, 64)", style=solid]; -"893 dropout_24" -> "894 matmul_13" [label="(4, 12, 64, 64)", style=solid]; -"894 matmul_13" -> "895 transpose_13" [label="(4, 12, 64, 32)", style=solid]; -"895 transpose_13" -> "896 reshape_29" [label="(4, 64, 12, 32)", style=solid]; -"896 reshape_29" -> "898 reshape_29_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"897 linear_41_updated_constant0" -> "903 quantize_per_channel_default_42" [label="(384, 384)", style=solid]; -"898 reshape_29_0_0_nncf_smooth_quant_0" -> "899 quantize_per_tensor_default_42" [label="(4, 64, 384)", style=solid]; -"899 quantize_per_tensor_default_42" -> "900 dequantize_per_tensor_default_42" [label="(4, 64, 384)", style=solid]; -"900 dequantize_per_tensor_default_42" -> "906 linear_41" [label="(4, 64, 384)", style=solid]; -"901 linear_41_scale_0" -> "903 quantize_per_channel_default_42" [label="(384,)", style=solid]; -"901 linear_41_scale_0" -> "904 dequantize_per_channel_default_42" [label="(384,)", style=solid]; -"902 linear_41_zero_point_0" -> "903 quantize_per_channel_default_42" [label="(384,)", style=solid]; -"902 linear_41_zero_point_0" -> "904 dequantize_per_channel_default_42" [label="(384,)", style=solid]; -"903 quantize_per_channel_default_42" -> "904 dequantize_per_channel_default_42" [label="(384, 384)", style=solid]; -"904 dequantize_per_channel_default_42" -> "906 linear_41" [label="(384, 384)", style=solid]; -"905 _param_constant113_0_0" -> "906 linear_41" [label="(384,)", style=solid]; -"906 linear_41" -> "907 dropout_25" [label="(4, 64, 384)", style=solid]; -"907 dropout_25" -> "908 view_36" [label="(4, 64, 384)", style=solid]; -"908 view_36" -> "909 permute_31" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"909 permute_31" -> "910 reshape_30" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"910 reshape_30" -> "911 slice_106" [label="(1, 16, 16, 384)", style=solid]; -"911 slice_106" -> "912 slice_107" [label="(1, 16, 16, 384)", style=solid]; -"912 slice_107" -> "913 slice_108" [label="(1, 14, 16, 384)", style=solid]; -"913 slice_108" -> "914 slice_109" [label="(1, 14, 14, 384)", style=solid]; -"914 slice_109" -> "915 contiguous_11" [label="(1, 14, 14, 384)", style=solid]; -"915 contiguous_11" -> "918 layer_norm_15" [label="(1, 14, 14, 384)", style=solid]; -"916 _param_constant114" -> "918 layer_norm_15" [label="(384,)", style=solid]; -"917 _param_constant115" -> "918 layer_norm_15" [label="(384,)", style=solid]; -"918 layer_norm_15" -> "919 add_22" [label="(1, 14, 14, 384)", style=solid]; -"919 add_22" -> "921 add_22_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; -"919 add_22" -> "946 add_23" [label="(1, 14, 14, 384)", style=solid]; -"920 linear_42_updated_constant0" -> "926 quantize_per_channel_default_43" [label="(1536, 384)", style=solid]; -"921 add_22_0_0_nncf_smooth_quant_0" -> "922 quantize_per_tensor_default_43" [label="(1, 14, 14, 384)", style=solid]; -"922 quantize_per_tensor_default_43" -> "923 dequantize_per_tensor_default_43" [label="(1, 14, 14, 384)", style=solid]; -"923 dequantize_per_tensor_default_43" -> "929 linear_42" [label="(1, 14, 14, 384)", style=solid]; -"924 linear_42_scale_0" -> "926 quantize_per_channel_default_43" [label="(1536,)", style=solid]; -"924 linear_42_scale_0" -> "927 dequantize_per_channel_default_43" [label="(1536,)", style=solid]; -"925 linear_42_zero_point_0" -> "926 quantize_per_channel_default_43" [label="(1536,)", style=solid]; -"925 linear_42_zero_point_0" -> "927 dequantize_per_channel_default_43" [label="(1536,)", style=solid]; -"926 quantize_per_channel_default_43" -> "927 dequantize_per_channel_default_43" [label="(1536, 384)", style=solid]; -"927 dequantize_per_channel_default_43" -> "929 linear_42" [label="(1536, 384)", style=solid]; -"928 _param_constant117_0_0" -> "929 linear_42" [label="(1536,)", style=solid]; -"929 linear_42" -> "930 gelu_6" [label="(1, 14, 14, 1536)", style=solid]; -"930 gelu_6" -> "931 dropout_26" [label="(1, 14, 14, 1536)", style=solid]; -"931 dropout_26" -> "933 dropout_26_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; -"932 linear_43_updated_constant0" -> "938 quantize_per_channel_default_44" [label="(384, 1536)", style=solid]; -"933 dropout_26_0_0_nncf_smooth_quant_0" -> "934 quantize_per_tensor_default_44" [label="(1, 14, 14, 1536)", style=solid]; -"934 quantize_per_tensor_default_44" -> "935 dequantize_per_tensor_default_44" [label="(1, 14, 14, 1536)", style=solid]; -"935 dequantize_per_tensor_default_44" -> "941 linear_43" [label="(1, 14, 14, 1536)", style=solid]; -"936 linear_43_scale_0" -> "938 quantize_per_channel_default_44" [label="(384,)", style=solid]; -"936 linear_43_scale_0" -> "939 dequantize_per_channel_default_44" [label="(384,)", style=solid]; -"937 linear_43_zero_point_0" -> "938 quantize_per_channel_default_44" [label="(384,)", style=solid]; -"937 linear_43_zero_point_0" -> "939 dequantize_per_channel_default_44" [label="(384,)", style=solid]; -"938 quantize_per_channel_default_44" -> "939 dequantize_per_channel_default_44" [label="(384, 1536)", style=solid]; -"939 dequantize_per_channel_default_44" -> "941 linear_43" [label="(384, 1536)", style=solid]; -"940 _param_constant119_0_0" -> "941 linear_43" [label="(384,)", style=solid]; -"941 linear_43" -> "942 dropout_27" [label="(1, 14, 14, 384)", style=solid]; -"942 dropout_27" -> "945 layer_norm_16" [label="(1, 14, 14, 384)", style=solid]; -"943 _param_constant120" -> "945 layer_norm_16" [label="(384,)", style=solid]; -"944 _param_constant121" -> "945 layer_norm_16" [label="(384,)", style=solid]; -"945 layer_norm_16" -> "946 add_23" [label="(1, 14, 14, 384)", style=solid]; -"946 add_23" -> "973 pad_9" [label="(1, 14, 14, 384)", style=solid]; -"946 add_23" -> "1056 add_26" [label="(1, 14, 14, 384)", style=solid]; -"947 _tensor_constant41" -> "949 _tensor_constant41_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; -"948 linear_44_updated_constant0" -> "952 quantize_per_channel_default_45" [label="(512, 2)", style=solid]; -"949 _tensor_constant41_0_0_nncf_smooth_quant_0" -> "955 linear_44" [label="(1, 15, 15, 2)", style=solid]; -"950 linear_44_scale_0" -> "952 quantize_per_channel_default_45" [label="(512,)", style=solid]; -"950 linear_44_scale_0" -> "953 dequantize_per_channel_default_45" [label="(512,)", style=solid]; -"951 linear_44_zero_point_0" -> "952 quantize_per_channel_default_45" [label="(512,)", style=solid]; -"951 linear_44_zero_point_0" -> "953 dequantize_per_channel_default_45" [label="(512,)", style=solid]; -"952 quantize_per_channel_default_45" -> "953 dequantize_per_channel_default_45" [label="(512, 2)", style=solid]; -"953 dequantize_per_channel_default_45" -> "955 linear_44" [label="(512, 2)", style=solid]; -"954 _param_constant123_0_0" -> "955 linear_44" [label="(512,)", style=solid]; -"955 linear_44" -> "956 relu__7" [label="(1, 15, 15, 512)", style=solid]; -"956 relu__7" -> "958 relu__7_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; -"957 linear_45_updated_constant0" -> "961 quantize_per_channel_default_46" [label="(12, 512)", style=solid]; -"958 relu__7_0_0_nncf_smooth_quant_0" -> "963 linear_45" [label="(1, 15, 15, 512)", style=solid]; -"959 linear_45_scale_0" -> "961 quantize_per_channel_default_46" [label="(12,)", style=solid]; -"959 linear_45_scale_0" -> "962 dequantize_per_channel_default_46" [label="(12,)", style=solid]; -"960 linear_45_zero_point_0" -> "961 quantize_per_channel_default_46" [label="(12,)", style=solid]; -"960 linear_45_zero_point_0" -> "962 dequantize_per_channel_default_46" [label="(12,)", style=solid]; -"961 quantize_per_channel_default_46" -> "962 dequantize_per_channel_default_46" [label="(12, 512)", style=solid]; -"962 dequantize_per_channel_default_46" -> "963 linear_45" [label="(12, 512)", style=solid]; -"963 linear_45" -> "964 view_37" [label="(1, 15, 15, 12)", style=solid]; -"964 view_37" -> "966 index_7" [label="(225, 12)", style=solid]; -"965 _tensor_constant42" -> "966 index_7" [label="(4096,)", style=solid]; -"966 index_7" -> "967 view_38" [label="(4096, 12)", style=solid]; -"967 view_38" -> "968 permute_32" [label="(64, 64, 12)", style=solid]; -"968 permute_32" -> "969 contiguous_12" [label="(12, 64, 64)", style=solid]; -"969 contiguous_12" -> "970 unsqueeze_19" [label="(12, 64, 64)", style=solid]; -"970 unsqueeze_19" -> "971 sigmoid_7" [label="(1, 12, 64, 64)", style=solid]; -"971 sigmoid_7" -> "972 mul_14" [label="(1, 12, 64, 64)", style=solid]; -"972 mul_14" -> "1011 add_24" [label="(1, 12, 64, 64)", style=solid]; -"973 pad_9" -> "974 roll_6" [label="(1, 16, 16, 384)", style=solid]; -"974 roll_6" -> "975 view_39" [label="(1, 16, 16, 384)", style=solid]; -"975 view_39" -> "976 permute_33" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"976 permute_33" -> "977 reshape_31" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"977 reshape_31" -> "979 reshape_31_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"977 reshape_31" -> "1012 new_zeros_3" [label="(4, 64, 384)", style=solid]; -"978 linear_46_updated_constant0" -> "984 quantize_per_channel_default_47" [label="(1152, 384)", style=solid]; -"979 reshape_31_0_0_nncf_smooth_quant_0" -> "980 quantize_per_tensor_default_45" [label="(4, 64, 384)", style=solid]; -"980 quantize_per_tensor_default_45" -> "981 dequantize_per_tensor_default_45" [label="(4, 64, 384)", style=solid]; -"981 dequantize_per_tensor_default_45" -> "987 linear_46" [label="(4, 64, 384)", style=solid]; -"982 linear_46_scale_0" -> "984 quantize_per_channel_default_47" [label="(1152,)", style=solid]; -"982 linear_46_scale_0" -> "985 dequantize_per_channel_default_47" [label="(1152,)", style=solid]; -"983 linear_46_zero_point_0" -> "984 quantize_per_channel_default_47" [label="(1152,)", style=solid]; -"983 linear_46_zero_point_0" -> "985 dequantize_per_channel_default_47" [label="(1152,)", style=solid]; -"984 quantize_per_channel_default_47" -> "985 dequantize_per_channel_default_47" [label="(1152, 384)", style=solid]; -"985 dequantize_per_channel_default_47" -> "987 linear_46" [label="(1152, 384)", style=solid]; -"986 _param_constant125_0_0" -> "987 linear_46" [label="(1152,)", style=solid]; -"987 linear_46" -> "988 reshape_32" [label="(4, 64, 1152)", style=solid]; -"988 reshape_32" -> "989 permute_34" [label="(4, 64, 3, 12, 32)", style=solid]; -"989 permute_34" -> "990 select_21" [label="(3, 4, 12, 64, 32)", style=solid]; -"989 permute_34" -> "991 select_22" [label="(3, 4, 12, 64, 32)", style=solid]; -"989 permute_34" -> "992 select_23" [label="(3, 4, 12, 64, 32)", style=solid]; -"990 select_21" -> "993 linalg_vector_norm_14" [label="(4, 12, 64, 32)", style=solid]; -"990 select_21" -> "995 expand_as_14" [label="(4, 12, 64, 32)", style=solid]; -"990 select_21" -> "996 div_14" [label="(4, 12, 64, 32)", style=solid]; -"991 select_22" -> "999 linalg_vector_norm_15" [label="(4, 12, 64, 32)", style=solid]; -"991 select_22" -> "1001 expand_as_15" [label="(4, 12, 64, 32)", style=solid]; -"991 select_22" -> "1002 div_15" [label="(4, 12, 64, 32)", style=solid]; -"992 select_23" -> "1030 matmul_15" [label="(4, 12, 64, 32)", style=solid]; -"993 linalg_vector_norm_14" -> "994 clamp_min_14" [label="(4, 12, 64, 1)", style=solid]; -"994 clamp_min_14" -> "995 expand_as_14" [label="(4, 12, 64, 1)", style=solid]; -"995 expand_as_14" -> "996 div_14" [label="(4, 12, 64, 32)", style=solid]; -"996 div_14" -> "997 quantize_per_tensor_default_46" [label="(4, 12, 64, 32)", style=solid]; -"997 quantize_per_tensor_default_46" -> "998 dequantize_per_tensor_default_46" [label="(4, 12, 64, 32)", style=solid]; -"998 dequantize_per_tensor_default_46" -> "1006 matmul_14" [label="(4, 12, 64, 32)", style=solid]; -"999 linalg_vector_norm_15" -> "1000 clamp_min_15" [label="(4, 12, 64, 1)", style=solid]; -"1000 clamp_min_15" -> "1001 expand_as_15" [label="(4, 12, 64, 1)", style=solid]; -"1001 expand_as_15" -> "1002 div_15" [label="(4, 12, 64, 32)", style=solid]; -"1002 div_15" -> "1003 quantize_per_tensor_default_47" [label="(4, 12, 64, 32)", style=solid]; -"1003 quantize_per_tensor_default_47" -> "1004 dequantize_per_tensor_default_47" [label="(4, 12, 64, 32)", style=solid]; -"1004 dequantize_per_tensor_default_47" -> "1005 transpose_14" [label="(4, 12, 64, 32)", style=solid]; -"1005 transpose_14" -> "1006 matmul_14" [label="(4, 12, 32, 64)", style=solid]; -"1006 matmul_14" -> "1010 mul_15" [label="(4, 12, 64, 64)", style=solid]; -"1007 _param_constant127" -> "1008 clamp_7" [label="(12, 1, 1)", style=solid]; -"1008 clamp_7" -> "1009 exp_7" [label="(12, 1, 1)", style=solid]; -"1009 exp_7" -> "1010 mul_15" [label="(12, 1, 1)", style=solid]; -"1010 mul_15" -> "1011 add_24" [label="(4, 12, 64, 64)", style=solid]; -"1011 add_24" -> "1023 view_41" [label="(4, 12, 64, 64)", style=solid]; -"1012 new_zeros_3" -> "1013 view_40" [label="(16, 16)", style=solid]; -"1013 view_40" -> "1014 permute_35" [label="(2, 8, 2, 8)", style=solid]; -"1014 permute_35" -> "1015 reshape_33" [label="(2, 2, 8, 8)", style=solid]; -"1015 reshape_33" -> "1016 unsqueeze_20" [label="(4, 64)", style=solid]; -"1015 reshape_33" -> "1017 unsqueeze_21" [label="(4, 64)", style=solid]; -"1016 unsqueeze_20" -> "1018 sub_3" [label="(4, 1, 64)", style=solid]; -"1017 unsqueeze_21" -> "1018 sub_3" [label="(4, 64, 1)", style=solid]; -"1018 sub_3" -> "1019 ne_3" [label="(4, 64, 64)", style=solid]; -"1018 sub_3" -> "1020 masked_fill_6" [label="(4, 64, 64)", style=solid]; -"1018 sub_3" -> "1021 eq_3" [label="(4, 64, 64)", style=solid]; -"1019 ne_3" -> "1020 masked_fill_6" [label="(4, 64, 64)", style=solid]; -"1020 masked_fill_6" -> "1022 masked_fill_7" [label="(4, 64, 64)", style=solid]; -"1021 eq_3" -> "1022 masked_fill_7" [label="(4, 64, 64)", style=solid]; -"1022 masked_fill_7" -> "1024 unsqueeze_22" [label="(4, 64, 64)", style=solid]; -"1023 view_41" -> "1026 add_25" [label="(1, 4, 12, 64, 64)", style=solid]; -"1024 unsqueeze_22" -> "1025 unsqueeze_23" [label="(4, 1, 64, 64)", style=solid]; -"1025 unsqueeze_23" -> "1026 add_25" [label="(1, 4, 1, 64, 64)", style=solid]; -"1026 add_25" -> "1027 view_42" [label="(1, 4, 12, 64, 64)", style=solid]; -"1027 view_42" -> "1028 softmax_7" [label="(4, 12, 64, 64)", style=solid]; -"1028 softmax_7" -> "1029 dropout_28" [label="(4, 12, 64, 64)", style=solid]; -"1029 dropout_28" -> "1030 matmul_15" [label="(4, 12, 64, 64)", style=solid]; -"1030 matmul_15" -> "1031 transpose_15" [label="(4, 12, 64, 32)", style=solid]; -"1031 transpose_15" -> "1032 reshape_34" [label="(4, 64, 12, 32)", style=solid]; -"1032 reshape_34" -> "1034 reshape_34_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"1033 linear_47_updated_constant0" -> "1039 quantize_per_channel_default_48" [label="(384, 384)", style=solid]; -"1034 reshape_34_0_0_nncf_smooth_quant_0" -> "1035 quantize_per_tensor_default_48" [label="(4, 64, 384)", style=solid]; -"1035 quantize_per_tensor_default_48" -> "1036 dequantize_per_tensor_default_48" [label="(4, 64, 384)", style=solid]; -"1036 dequantize_per_tensor_default_48" -> "1042 linear_47" [label="(4, 64, 384)", style=solid]; -"1037 linear_47_scale_0" -> "1039 quantize_per_channel_default_48" [label="(384,)", style=solid]; -"1037 linear_47_scale_0" -> "1040 dequantize_per_channel_default_48" [label="(384,)", style=solid]; -"1038 linear_47_zero_point_0" -> "1039 quantize_per_channel_default_48" [label="(384,)", style=solid]; -"1038 linear_47_zero_point_0" -> "1040 dequantize_per_channel_default_48" [label="(384,)", style=solid]; -"1039 quantize_per_channel_default_48" -> "1040 dequantize_per_channel_default_48" [label="(384, 384)", style=solid]; -"1040 dequantize_per_channel_default_48" -> "1042 linear_47" [label="(384, 384)", style=solid]; -"1041 _param_constant129_0_0" -> "1042 linear_47" [label="(384,)", style=solid]; -"1042 linear_47" -> "1043 dropout_29" [label="(4, 64, 384)", style=solid]; -"1043 dropout_29" -> "1044 view_43" [label="(4, 64, 384)", style=solid]; -"1044 view_43" -> "1045 permute_36" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1045 permute_36" -> "1046 reshape_35" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1046 reshape_35" -> "1047 roll_7" [label="(1, 16, 16, 384)", style=solid]; -"1047 roll_7" -> "1048 slice_129" [label="(1, 16, 16, 384)", style=solid]; -"1048 slice_129" -> "1049 slice_130" [label="(1, 16, 16, 384)", style=solid]; -"1049 slice_130" -> "1050 slice_131" [label="(1, 14, 16, 384)", style=solid]; -"1050 slice_131" -> "1051 slice_132" [label="(1, 14, 14, 384)", style=solid]; -"1051 slice_132" -> "1052 contiguous_13" [label="(1, 14, 14, 384)", style=solid]; -"1052 contiguous_13" -> "1055 layer_norm_17" [label="(1, 14, 14, 384)", style=solid]; -"1053 _param_constant130" -> "1055 layer_norm_17" [label="(384,)", style=solid]; -"1054 _param_constant131" -> "1055 layer_norm_17" [label="(384,)", style=solid]; -"1055 layer_norm_17" -> "1056 add_26" [label="(1, 14, 14, 384)", style=solid]; -"1056 add_26" -> "1058 add_26_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; -"1056 add_26" -> "1083 add_27" [label="(1, 14, 14, 384)", style=solid]; -"1057 linear_48_updated_constant0" -> "1063 quantize_per_channel_default_49" [label="(1536, 384)", style=solid]; -"1058 add_26_0_0_nncf_smooth_quant_0" -> "1059 quantize_per_tensor_default_49" [label="(1, 14, 14, 384)", style=solid]; -"1059 quantize_per_tensor_default_49" -> "1060 dequantize_per_tensor_default_49" [label="(1, 14, 14, 384)", style=solid]; -"1060 dequantize_per_tensor_default_49" -> "1066 linear_48" [label="(1, 14, 14, 384)", style=solid]; -"1061 linear_48_scale_0" -> "1063 quantize_per_channel_default_49" [label="(1536,)", style=solid]; -"1061 linear_48_scale_0" -> "1064 dequantize_per_channel_default_49" [label="(1536,)", style=solid]; -"1062 linear_48_zero_point_0" -> "1063 quantize_per_channel_default_49" [label="(1536,)", style=solid]; -"1062 linear_48_zero_point_0" -> "1064 dequantize_per_channel_default_49" [label="(1536,)", style=solid]; -"1063 quantize_per_channel_default_49" -> "1064 dequantize_per_channel_default_49" [label="(1536, 384)", style=solid]; -"1064 dequantize_per_channel_default_49" -> "1066 linear_48" [label="(1536, 384)", style=solid]; -"1065 _param_constant133_0_0" -> "1066 linear_48" [label="(1536,)", style=solid]; -"1066 linear_48" -> "1067 gelu_7" [label="(1, 14, 14, 1536)", style=solid]; -"1067 gelu_7" -> "1068 dropout_30" [label="(1, 14, 14, 1536)", style=solid]; -"1068 dropout_30" -> "1070 dropout_30_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; -"1069 linear_49_updated_constant0" -> "1075 quantize_per_channel_default_50" [label="(384, 1536)", style=solid]; -"1070 dropout_30_0_0_nncf_smooth_quant_0" -> "1071 quantize_per_tensor_default_50" [label="(1, 14, 14, 1536)", style=solid]; -"1071 quantize_per_tensor_default_50" -> "1072 dequantize_per_tensor_default_50" [label="(1, 14, 14, 1536)", style=solid]; -"1072 dequantize_per_tensor_default_50" -> "1078 linear_49" [label="(1, 14, 14, 1536)", style=solid]; -"1073 linear_49_scale_0" -> "1075 quantize_per_channel_default_50" [label="(384,)", style=solid]; -"1073 linear_49_scale_0" -> "1076 dequantize_per_channel_default_50" [label="(384,)", style=solid]; -"1074 linear_49_zero_point_0" -> "1075 quantize_per_channel_default_50" [label="(384,)", style=solid]; -"1074 linear_49_zero_point_0" -> "1076 dequantize_per_channel_default_50" [label="(384,)", style=solid]; -"1075 quantize_per_channel_default_50" -> "1076 dequantize_per_channel_default_50" [label="(384, 1536)", style=solid]; -"1076 dequantize_per_channel_default_50" -> "1078 linear_49" [label="(384, 1536)", style=solid]; -"1077 _param_constant135_0_0" -> "1078 linear_49" [label="(384,)", style=solid]; -"1078 linear_49" -> "1079 dropout_31" [label="(1, 14, 14, 384)", style=solid]; -"1079 dropout_31" -> "1082 layer_norm_18" [label="(1, 14, 14, 384)", style=solid]; -"1080 _param_constant136" -> "1082 layer_norm_18" [label="(384,)", style=solid]; -"1081 _param_constant137" -> "1082 layer_norm_18" [label="(384,)", style=solid]; -"1082 layer_norm_18" -> "1083 add_27" [label="(1, 14, 14, 384)", style=solid]; -"1083 add_27" -> "1110 pad_10" [label="(1, 14, 14, 384)", style=solid]; -"1083 add_27" -> "1175 add_29" [label="(1, 14, 14, 384)", style=solid]; -"1084 _tensor_constant52" -> "1086 _tensor_constant52_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; -"1085 linear_50_updated_constant0" -> "1089 quantize_per_channel_default_51" [label="(512, 2)", style=solid]; -"1086 _tensor_constant52_0_0_nncf_smooth_quant_0" -> "1092 linear_50" [label="(1, 15, 15, 2)", style=solid]; -"1087 linear_50_scale_0" -> "1089 quantize_per_channel_default_51" [label="(512,)", style=solid]; -"1087 linear_50_scale_0" -> "1090 dequantize_per_channel_default_51" [label="(512,)", style=solid]; -"1088 linear_50_zero_point_0" -> "1089 quantize_per_channel_default_51" [label="(512,)", style=solid]; -"1088 linear_50_zero_point_0" -> "1090 dequantize_per_channel_default_51" [label="(512,)", style=solid]; -"1089 quantize_per_channel_default_51" -> "1090 dequantize_per_channel_default_51" [label="(512, 2)", style=solid]; -"1090 dequantize_per_channel_default_51" -> "1092 linear_50" [label="(512, 2)", style=solid]; -"1091 _param_constant139_0_0" -> "1092 linear_50" [label="(512,)", style=solid]; -"1092 linear_50" -> "1093 relu__8" [label="(1, 15, 15, 512)", style=solid]; -"1093 relu__8" -> "1095 relu__8_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; -"1094 linear_51_updated_constant0" -> "1098 quantize_per_channel_default_52" [label="(12, 512)", style=solid]; -"1095 relu__8_0_0_nncf_smooth_quant_0" -> "1100 linear_51" [label="(1, 15, 15, 512)", style=solid]; -"1096 linear_51_scale_0" -> "1098 quantize_per_channel_default_52" [label="(12,)", style=solid]; -"1096 linear_51_scale_0" -> "1099 dequantize_per_channel_default_52" [label="(12,)", style=solid]; -"1097 linear_51_zero_point_0" -> "1098 quantize_per_channel_default_52" [label="(12,)", style=solid]; -"1097 linear_51_zero_point_0" -> "1099 dequantize_per_channel_default_52" [label="(12,)", style=solid]; -"1098 quantize_per_channel_default_52" -> "1099 dequantize_per_channel_default_52" [label="(12, 512)", style=solid]; -"1099 dequantize_per_channel_default_52" -> "1100 linear_51" [label="(12, 512)", style=solid]; -"1100 linear_51" -> "1101 view_44" [label="(1, 15, 15, 12)", style=solid]; -"1101 view_44" -> "1103 index_8" [label="(225, 12)", style=solid]; -"1102 _tensor_constant53" -> "1103 index_8" [label="(4096,)", style=solid]; -"1103 index_8" -> "1104 view_45" [label="(4096, 12)", style=solid]; -"1104 view_45" -> "1105 permute_37" [label="(64, 64, 12)", style=solid]; -"1105 permute_37" -> "1106 contiguous_14" [label="(12, 64, 64)", style=solid]; -"1106 contiguous_14" -> "1107 unsqueeze_24" [label="(12, 64, 64)", style=solid]; -"1107 unsqueeze_24" -> "1108 sigmoid_8" [label="(1, 12, 64, 64)", style=solid]; -"1108 sigmoid_8" -> "1109 mul_16" [label="(1, 12, 64, 64)", style=solid]; -"1109 mul_16" -> "1147 add_28" [label="(1, 12, 64, 64)", style=solid]; -"1110 pad_10" -> "1111 view_46" [label="(1, 16, 16, 384)", style=solid]; -"1111 view_46" -> "1112 permute_38" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1112 permute_38" -> "1113 reshape_36" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1113 reshape_36" -> "1115 reshape_36_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"1114 linear_52_updated_constant0" -> "1120 quantize_per_channel_default_53" [label="(1152, 384)", style=solid]; -"1115 reshape_36_0_0_nncf_smooth_quant_0" -> "1116 quantize_per_tensor_default_51" [label="(4, 64, 384)", style=solid]; -"1116 quantize_per_tensor_default_51" -> "1117 dequantize_per_tensor_default_51" [label="(4, 64, 384)", style=solid]; -"1117 dequantize_per_tensor_default_51" -> "1123 linear_52" [label="(4, 64, 384)", style=solid]; -"1118 linear_52_scale_0" -> "1120 quantize_per_channel_default_53" [label="(1152,)", style=solid]; -"1118 linear_52_scale_0" -> "1121 dequantize_per_channel_default_53" [label="(1152,)", style=solid]; -"1119 linear_52_zero_point_0" -> "1120 quantize_per_channel_default_53" [label="(1152,)", style=solid]; -"1119 linear_52_zero_point_0" -> "1121 dequantize_per_channel_default_53" [label="(1152,)", style=solid]; -"1120 quantize_per_channel_default_53" -> "1121 dequantize_per_channel_default_53" [label="(1152, 384)", style=solid]; -"1121 dequantize_per_channel_default_53" -> "1123 linear_52" [label="(1152, 384)", style=solid]; -"1122 _param_constant141_0_0" -> "1123 linear_52" [label="(1152,)", style=solid]; -"1123 linear_52" -> "1124 reshape_37" [label="(4, 64, 1152)", style=solid]; -"1124 reshape_37" -> "1125 permute_39" [label="(4, 64, 3, 12, 32)", style=solid]; -"1125 permute_39" -> "1126 select_24" [label="(3, 4, 12, 64, 32)", style=solid]; -"1125 permute_39" -> "1127 select_25" [label="(3, 4, 12, 64, 32)", style=solid]; -"1125 permute_39" -> "1128 select_26" [label="(3, 4, 12, 64, 32)", style=solid]; -"1126 select_24" -> "1129 linalg_vector_norm_16" [label="(4, 12, 64, 32)", style=solid]; -"1126 select_24" -> "1131 expand_as_16" [label="(4, 12, 64, 32)", style=solid]; -"1126 select_24" -> "1132 div_16" [label="(4, 12, 64, 32)", style=solid]; -"1127 select_25" -> "1135 linalg_vector_norm_17" [label="(4, 12, 64, 32)", style=solid]; -"1127 select_25" -> "1137 expand_as_17" [label="(4, 12, 64, 32)", style=solid]; -"1127 select_25" -> "1138 div_17" [label="(4, 12, 64, 32)", style=solid]; -"1128 select_26" -> "1150 matmul_17" [label="(4, 12, 64, 32)", style=solid]; -"1129 linalg_vector_norm_16" -> "1130 clamp_min_16" [label="(4, 12, 64, 1)", style=solid]; -"1130 clamp_min_16" -> "1131 expand_as_16" [label="(4, 12, 64, 1)", style=solid]; -"1131 expand_as_16" -> "1132 div_16" [label="(4, 12, 64, 32)", style=solid]; -"1132 div_16" -> "1133 quantize_per_tensor_default_52" [label="(4, 12, 64, 32)", style=solid]; -"1133 quantize_per_tensor_default_52" -> "1134 dequantize_per_tensor_default_52" [label="(4, 12, 64, 32)", style=solid]; -"1134 dequantize_per_tensor_default_52" -> "1142 matmul_16" [label="(4, 12, 64, 32)", style=solid]; -"1135 linalg_vector_norm_17" -> "1136 clamp_min_17" [label="(4, 12, 64, 1)", style=solid]; -"1136 clamp_min_17" -> "1137 expand_as_17" [label="(4, 12, 64, 1)", style=solid]; -"1137 expand_as_17" -> "1138 div_17" [label="(4, 12, 64, 32)", style=solid]; -"1138 div_17" -> "1139 quantize_per_tensor_default_53" [label="(4, 12, 64, 32)", style=solid]; -"1139 quantize_per_tensor_default_53" -> "1140 dequantize_per_tensor_default_53" [label="(4, 12, 64, 32)", style=solid]; -"1140 dequantize_per_tensor_default_53" -> "1141 transpose_16" [label="(4, 12, 64, 32)", style=solid]; -"1141 transpose_16" -> "1142 matmul_16" [label="(4, 12, 32, 64)", style=solid]; -"1142 matmul_16" -> "1146 mul_17" [label="(4, 12, 64, 64)", style=solid]; -"1143 _param_constant143" -> "1144 clamp_8" [label="(12, 1, 1)", style=solid]; -"1144 clamp_8" -> "1145 exp_8" [label="(12, 1, 1)", style=solid]; -"1145 exp_8" -> "1146 mul_17" [label="(12, 1, 1)", style=solid]; -"1146 mul_17" -> "1147 add_28" [label="(4, 12, 64, 64)", style=solid]; -"1147 add_28" -> "1148 softmax_8" [label="(4, 12, 64, 64)", style=solid]; -"1148 softmax_8" -> "1149 dropout_32" [label="(4, 12, 64, 64)", style=solid]; -"1149 dropout_32" -> "1150 matmul_17" [label="(4, 12, 64, 64)", style=solid]; -"1150 matmul_17" -> "1151 transpose_17" [label="(4, 12, 64, 32)", style=solid]; -"1151 transpose_17" -> "1152 reshape_38" [label="(4, 64, 12, 32)", style=solid]; -"1152 reshape_38" -> "1154 reshape_38_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"1153 linear_53_updated_constant0" -> "1159 quantize_per_channel_default_54" [label="(384, 384)", style=solid]; -"1154 reshape_38_0_0_nncf_smooth_quant_0" -> "1155 quantize_per_tensor_default_54" [label="(4, 64, 384)", style=solid]; -"1155 quantize_per_tensor_default_54" -> "1156 dequantize_per_tensor_default_54" [label="(4, 64, 384)", style=solid]; -"1156 dequantize_per_tensor_default_54" -> "1162 linear_53" [label="(4, 64, 384)", style=solid]; -"1157 linear_53_scale_0" -> "1159 quantize_per_channel_default_54" [label="(384,)", style=solid]; -"1157 linear_53_scale_0" -> "1160 dequantize_per_channel_default_54" [label="(384,)", style=solid]; -"1158 linear_53_zero_point_0" -> "1159 quantize_per_channel_default_54" [label="(384,)", style=solid]; -"1158 linear_53_zero_point_0" -> "1160 dequantize_per_channel_default_54" [label="(384,)", style=solid]; -"1159 quantize_per_channel_default_54" -> "1160 dequantize_per_channel_default_54" [label="(384, 384)", style=solid]; -"1160 dequantize_per_channel_default_54" -> "1162 linear_53" [label="(384, 384)", style=solid]; -"1161 _param_constant145_0_0" -> "1162 linear_53" [label="(384,)", style=solid]; -"1162 linear_53" -> "1163 dropout_33" [label="(4, 64, 384)", style=solid]; -"1163 dropout_33" -> "1164 view_47" [label="(4, 64, 384)", style=solid]; -"1164 view_47" -> "1165 permute_40" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1165 permute_40" -> "1166 reshape_39" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1166 reshape_39" -> "1167 slice_134" [label="(1, 16, 16, 384)", style=solid]; -"1167 slice_134" -> "1168 slice_135" [label="(1, 16, 16, 384)", style=solid]; -"1168 slice_135" -> "1169 slice_136" [label="(1, 14, 16, 384)", style=solid]; -"1169 slice_136" -> "1170 slice_137" [label="(1, 14, 14, 384)", style=solid]; -"1170 slice_137" -> "1171 contiguous_15" [label="(1, 14, 14, 384)", style=solid]; -"1171 contiguous_15" -> "1174 layer_norm_19" [label="(1, 14, 14, 384)", style=solid]; -"1172 _param_constant146" -> "1174 layer_norm_19" [label="(384,)", style=solid]; -"1173 _param_constant147" -> "1174 layer_norm_19" [label="(384,)", style=solid]; -"1174 layer_norm_19" -> "1175 add_29" [label="(1, 14, 14, 384)", style=solid]; -"1175 add_29" -> "1177 add_29_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; -"1175 add_29" -> "1202 add_30" [label="(1, 14, 14, 384)", style=solid]; -"1176 linear_54_updated_constant0" -> "1182 quantize_per_channel_default_55" [label="(1536, 384)", style=solid]; -"1177 add_29_0_0_nncf_smooth_quant_0" -> "1178 quantize_per_tensor_default_55" [label="(1, 14, 14, 384)", style=solid]; -"1178 quantize_per_tensor_default_55" -> "1179 dequantize_per_tensor_default_55" [label="(1, 14, 14, 384)", style=solid]; -"1179 dequantize_per_tensor_default_55" -> "1185 linear_54" [label="(1, 14, 14, 384)", style=solid]; -"1180 linear_54_scale_0" -> "1182 quantize_per_channel_default_55" [label="(1536,)", style=solid]; -"1180 linear_54_scale_0" -> "1183 dequantize_per_channel_default_55" [label="(1536,)", style=solid]; -"1181 linear_54_zero_point_0" -> "1182 quantize_per_channel_default_55" [label="(1536,)", style=solid]; -"1181 linear_54_zero_point_0" -> "1183 dequantize_per_channel_default_55" [label="(1536,)", style=solid]; -"1182 quantize_per_channel_default_55" -> "1183 dequantize_per_channel_default_55" [label="(1536, 384)", style=solid]; -"1183 dequantize_per_channel_default_55" -> "1185 linear_54" [label="(1536, 384)", style=solid]; -"1184 _param_constant149_0_0" -> "1185 linear_54" [label="(1536,)", style=solid]; -"1185 linear_54" -> "1186 gelu_8" [label="(1, 14, 14, 1536)", style=solid]; -"1186 gelu_8" -> "1187 dropout_34" [label="(1, 14, 14, 1536)", style=solid]; -"1187 dropout_34" -> "1189 dropout_34_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; -"1188 linear_55_updated_constant0" -> "1194 quantize_per_channel_default_56" [label="(384, 1536)", style=solid]; -"1189 dropout_34_0_0_nncf_smooth_quant_0" -> "1190 quantize_per_tensor_default_56" [label="(1, 14, 14, 1536)", style=solid]; -"1190 quantize_per_tensor_default_56" -> "1191 dequantize_per_tensor_default_56" [label="(1, 14, 14, 1536)", style=solid]; -"1191 dequantize_per_tensor_default_56" -> "1197 linear_55" [label="(1, 14, 14, 1536)", style=solid]; -"1192 linear_55_scale_0" -> "1194 quantize_per_channel_default_56" [label="(384,)", style=solid]; -"1192 linear_55_scale_0" -> "1195 dequantize_per_channel_default_56" [label="(384,)", style=solid]; -"1193 linear_55_zero_point_0" -> "1194 quantize_per_channel_default_56" [label="(384,)", style=solid]; -"1193 linear_55_zero_point_0" -> "1195 dequantize_per_channel_default_56" [label="(384,)", style=solid]; -"1194 quantize_per_channel_default_56" -> "1195 dequantize_per_channel_default_56" [label="(384, 1536)", style=solid]; -"1195 dequantize_per_channel_default_56" -> "1197 linear_55" [label="(384, 1536)", style=solid]; -"1196 _param_constant151_0_0" -> "1197 linear_55" [label="(384,)", style=solid]; -"1197 linear_55" -> "1198 dropout_35" [label="(1, 14, 14, 384)", style=solid]; -"1198 dropout_35" -> "1201 layer_norm_20" [label="(1, 14, 14, 384)", style=solid]; -"1199 _param_constant152" -> "1201 layer_norm_20" [label="(384,)", style=solid]; -"1200 _param_constant153" -> "1201 layer_norm_20" [label="(384,)", style=solid]; -"1201 layer_norm_20" -> "1202 add_30" [label="(1, 14, 14, 384)", style=solid]; -"1202 add_30" -> "1229 pad_11" [label="(1, 14, 14, 384)", style=solid]; -"1202 add_30" -> "1312 add_33" [label="(1, 14, 14, 384)", style=solid]; -"1203 _tensor_constant54" -> "1205 _tensor_constant54_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; -"1204 linear_56_updated_constant0" -> "1208 quantize_per_channel_default_57" [label="(512, 2)", style=solid]; -"1205 _tensor_constant54_0_0_nncf_smooth_quant_0" -> "1211 linear_56" [label="(1, 15, 15, 2)", style=solid]; -"1206 linear_56_scale_0" -> "1208 quantize_per_channel_default_57" [label="(512,)", style=solid]; -"1206 linear_56_scale_0" -> "1209 dequantize_per_channel_default_57" [label="(512,)", style=solid]; -"1207 linear_56_zero_point_0" -> "1208 quantize_per_channel_default_57" [label="(512,)", style=solid]; -"1207 linear_56_zero_point_0" -> "1209 dequantize_per_channel_default_57" [label="(512,)", style=solid]; -"1208 quantize_per_channel_default_57" -> "1209 dequantize_per_channel_default_57" [label="(512, 2)", style=solid]; -"1209 dequantize_per_channel_default_57" -> "1211 linear_56" [label="(512, 2)", style=solid]; -"1210 _param_constant155_0_0" -> "1211 linear_56" [label="(512,)", style=solid]; -"1211 linear_56" -> "1212 relu__9" [label="(1, 15, 15, 512)", style=solid]; -"1212 relu__9" -> "1214 relu__9_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; -"1213 linear_57_updated_constant0" -> "1217 quantize_per_channel_default_58" [label="(12, 512)", style=solid]; -"1214 relu__9_0_0_nncf_smooth_quant_0" -> "1219 linear_57" [label="(1, 15, 15, 512)", style=solid]; -"1215 linear_57_scale_0" -> "1217 quantize_per_channel_default_58" [label="(12,)", style=solid]; -"1215 linear_57_scale_0" -> "1218 dequantize_per_channel_default_58" [label="(12,)", style=solid]; -"1216 linear_57_zero_point_0" -> "1217 quantize_per_channel_default_58" [label="(12,)", style=solid]; -"1216 linear_57_zero_point_0" -> "1218 dequantize_per_channel_default_58" [label="(12,)", style=solid]; -"1217 quantize_per_channel_default_58" -> "1218 dequantize_per_channel_default_58" [label="(12, 512)", style=solid]; -"1218 dequantize_per_channel_default_58" -> "1219 linear_57" [label="(12, 512)", style=solid]; -"1219 linear_57" -> "1220 view_48" [label="(1, 15, 15, 12)", style=solid]; -"1220 view_48" -> "1222 index_9" [label="(225, 12)", style=solid]; -"1221 _tensor_constant55" -> "1222 index_9" [label="(4096,)", style=solid]; -"1222 index_9" -> "1223 view_49" [label="(4096, 12)", style=solid]; -"1223 view_49" -> "1224 permute_41" [label="(64, 64, 12)", style=solid]; -"1224 permute_41" -> "1225 contiguous_16" [label="(12, 64, 64)", style=solid]; -"1225 contiguous_16" -> "1226 unsqueeze_25" [label="(12, 64, 64)", style=solid]; -"1226 unsqueeze_25" -> "1227 sigmoid_9" [label="(1, 12, 64, 64)", style=solid]; -"1227 sigmoid_9" -> "1228 mul_18" [label="(1, 12, 64, 64)", style=solid]; -"1228 mul_18" -> "1267 add_31" [label="(1, 12, 64, 64)", style=solid]; -"1229 pad_11" -> "1230 roll_8" [label="(1, 16, 16, 384)", style=solid]; -"1230 roll_8" -> "1231 view_50" [label="(1, 16, 16, 384)", style=solid]; -"1231 view_50" -> "1232 permute_42" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1232 permute_42" -> "1233 reshape_40" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1233 reshape_40" -> "1235 reshape_40_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"1233 reshape_40" -> "1268 new_zeros_4" [label="(4, 64, 384)", style=solid]; -"1234 linear_58_updated_constant0" -> "1240 quantize_per_channel_default_59" [label="(1152, 384)", style=solid]; -"1235 reshape_40_0_0_nncf_smooth_quant_0" -> "1236 quantize_per_tensor_default_57" [label="(4, 64, 384)", style=solid]; -"1236 quantize_per_tensor_default_57" -> "1237 dequantize_per_tensor_default_57" [label="(4, 64, 384)", style=solid]; -"1237 dequantize_per_tensor_default_57" -> "1243 linear_58" [label="(4, 64, 384)", style=solid]; -"1238 linear_58_scale_0" -> "1240 quantize_per_channel_default_59" [label="(1152,)", style=solid]; -"1238 linear_58_scale_0" -> "1241 dequantize_per_channel_default_59" [label="(1152,)", style=solid]; -"1239 linear_58_zero_point_0" -> "1240 quantize_per_channel_default_59" [label="(1152,)", style=solid]; -"1239 linear_58_zero_point_0" -> "1241 dequantize_per_channel_default_59" [label="(1152,)", style=solid]; -"1240 quantize_per_channel_default_59" -> "1241 dequantize_per_channel_default_59" [label="(1152, 384)", style=solid]; -"1241 dequantize_per_channel_default_59" -> "1243 linear_58" [label="(1152, 384)", style=solid]; -"1242 _param_constant157_0_0" -> "1243 linear_58" [label="(1152,)", style=solid]; -"1243 linear_58" -> "1244 reshape_41" [label="(4, 64, 1152)", style=solid]; -"1244 reshape_41" -> "1245 permute_43" [label="(4, 64, 3, 12, 32)", style=solid]; -"1245 permute_43" -> "1246 select_27" [label="(3, 4, 12, 64, 32)", style=solid]; -"1245 permute_43" -> "1247 select_28" [label="(3, 4, 12, 64, 32)", style=solid]; -"1245 permute_43" -> "1248 select_29" [label="(3, 4, 12, 64, 32)", style=solid]; -"1246 select_27" -> "1249 linalg_vector_norm_18" [label="(4, 12, 64, 32)", style=solid]; -"1246 select_27" -> "1251 expand_as_18" [label="(4, 12, 64, 32)", style=solid]; -"1246 select_27" -> "1252 div_18" [label="(4, 12, 64, 32)", style=solid]; -"1247 select_28" -> "1255 linalg_vector_norm_19" [label="(4, 12, 64, 32)", style=solid]; -"1247 select_28" -> "1257 expand_as_19" [label="(4, 12, 64, 32)", style=solid]; -"1247 select_28" -> "1258 div_19" [label="(4, 12, 64, 32)", style=solid]; -"1248 select_29" -> "1286 matmul_19" [label="(4, 12, 64, 32)", style=solid]; -"1249 linalg_vector_norm_18" -> "1250 clamp_min_18" [label="(4, 12, 64, 1)", style=solid]; -"1250 clamp_min_18" -> "1251 expand_as_18" [label="(4, 12, 64, 1)", style=solid]; -"1251 expand_as_18" -> "1252 div_18" [label="(4, 12, 64, 32)", style=solid]; -"1252 div_18" -> "1253 quantize_per_tensor_default_58" [label="(4, 12, 64, 32)", style=solid]; -"1253 quantize_per_tensor_default_58" -> "1254 dequantize_per_tensor_default_58" [label="(4, 12, 64, 32)", style=solid]; -"1254 dequantize_per_tensor_default_58" -> "1262 matmul_18" [label="(4, 12, 64, 32)", style=solid]; -"1255 linalg_vector_norm_19" -> "1256 clamp_min_19" [label="(4, 12, 64, 1)", style=solid]; -"1256 clamp_min_19" -> "1257 expand_as_19" [label="(4, 12, 64, 1)", style=solid]; -"1257 expand_as_19" -> "1258 div_19" [label="(4, 12, 64, 32)", style=solid]; -"1258 div_19" -> "1259 quantize_per_tensor_default_59" [label="(4, 12, 64, 32)", style=solid]; -"1259 quantize_per_tensor_default_59" -> "1260 dequantize_per_tensor_default_59" [label="(4, 12, 64, 32)", style=solid]; -"1260 dequantize_per_tensor_default_59" -> "1261 transpose_18" [label="(4, 12, 64, 32)", style=solid]; -"1261 transpose_18" -> "1262 matmul_18" [label="(4, 12, 32, 64)", style=solid]; -"1262 matmul_18" -> "1266 mul_19" [label="(4, 12, 64, 64)", style=solid]; -"1263 _param_constant159" -> "1264 clamp_9" [label="(12, 1, 1)", style=solid]; -"1264 clamp_9" -> "1265 exp_9" [label="(12, 1, 1)", style=solid]; -"1265 exp_9" -> "1266 mul_19" [label="(12, 1, 1)", style=solid]; -"1266 mul_19" -> "1267 add_31" [label="(4, 12, 64, 64)", style=solid]; -"1267 add_31" -> "1279 view_52" [label="(4, 12, 64, 64)", style=solid]; -"1268 new_zeros_4" -> "1269 view_51" [label="(16, 16)", style=solid]; -"1269 view_51" -> "1270 permute_44" [label="(2, 8, 2, 8)", style=solid]; -"1270 permute_44" -> "1271 reshape_42" [label="(2, 2, 8, 8)", style=solid]; -"1271 reshape_42" -> "1272 unsqueeze_26" [label="(4, 64)", style=solid]; -"1271 reshape_42" -> "1273 unsqueeze_27" [label="(4, 64)", style=solid]; -"1272 unsqueeze_26" -> "1274 sub_4" [label="(4, 1, 64)", style=solid]; -"1273 unsqueeze_27" -> "1274 sub_4" [label="(4, 64, 1)", style=solid]; -"1274 sub_4" -> "1275 ne_4" [label="(4, 64, 64)", style=solid]; -"1274 sub_4" -> "1276 masked_fill_8" [label="(4, 64, 64)", style=solid]; -"1274 sub_4" -> "1277 eq_4" [label="(4, 64, 64)", style=solid]; -"1275 ne_4" -> "1276 masked_fill_8" [label="(4, 64, 64)", style=solid]; -"1276 masked_fill_8" -> "1278 masked_fill_9" [label="(4, 64, 64)", style=solid]; -"1277 eq_4" -> "1278 masked_fill_9" [label="(4, 64, 64)", style=solid]; -"1278 masked_fill_9" -> "1280 unsqueeze_28" [label="(4, 64, 64)", style=solid]; -"1279 view_52" -> "1282 add_32" [label="(1, 4, 12, 64, 64)", style=solid]; -"1280 unsqueeze_28" -> "1281 unsqueeze_29" [label="(4, 1, 64, 64)", style=solid]; -"1281 unsqueeze_29" -> "1282 add_32" [label="(1, 4, 1, 64, 64)", style=solid]; -"1282 add_32" -> "1283 view_53" [label="(1, 4, 12, 64, 64)", style=solid]; -"1283 view_53" -> "1284 softmax_9" [label="(4, 12, 64, 64)", style=solid]; -"1284 softmax_9" -> "1285 dropout_36" [label="(4, 12, 64, 64)", style=solid]; -"1285 dropout_36" -> "1286 matmul_19" [label="(4, 12, 64, 64)", style=solid]; -"1286 matmul_19" -> "1287 transpose_19" [label="(4, 12, 64, 32)", style=solid]; -"1287 transpose_19" -> "1288 reshape_43" [label="(4, 64, 12, 32)", style=solid]; -"1288 reshape_43" -> "1290 reshape_43_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"1289 linear_59_updated_constant0" -> "1295 quantize_per_channel_default_60" [label="(384, 384)", style=solid]; -"1290 reshape_43_0_0_nncf_smooth_quant_0" -> "1291 quantize_per_tensor_default_60" [label="(4, 64, 384)", style=solid]; -"1291 quantize_per_tensor_default_60" -> "1292 dequantize_per_tensor_default_60" [label="(4, 64, 384)", style=solid]; -"1292 dequantize_per_tensor_default_60" -> "1298 linear_59" [label="(4, 64, 384)", style=solid]; -"1293 linear_59_scale_0" -> "1295 quantize_per_channel_default_60" [label="(384,)", style=solid]; -"1293 linear_59_scale_0" -> "1296 dequantize_per_channel_default_60" [label="(384,)", style=solid]; -"1294 linear_59_zero_point_0" -> "1295 quantize_per_channel_default_60" [label="(384,)", style=solid]; -"1294 linear_59_zero_point_0" -> "1296 dequantize_per_channel_default_60" [label="(384,)", style=solid]; -"1295 quantize_per_channel_default_60" -> "1296 dequantize_per_channel_default_60" [label="(384, 384)", style=solid]; -"1296 dequantize_per_channel_default_60" -> "1298 linear_59" [label="(384, 384)", style=solid]; -"1297 _param_constant161_0_0" -> "1298 linear_59" [label="(384,)", style=solid]; -"1298 linear_59" -> "1299 dropout_37" [label="(4, 64, 384)", style=solid]; -"1299 dropout_37" -> "1300 view_54" [label="(4, 64, 384)", style=solid]; -"1300 view_54" -> "1301 permute_45" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1301 permute_45" -> "1302 reshape_44" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1302 reshape_44" -> "1303 roll_9" [label="(1, 16, 16, 384)", style=solid]; -"1303 roll_9" -> "1304 slice_157" [label="(1, 16, 16, 384)", style=solid]; -"1304 slice_157" -> "1305 slice_158" [label="(1, 16, 16, 384)", style=solid]; -"1305 slice_158" -> "1306 slice_159" [label="(1, 14, 16, 384)", style=solid]; -"1306 slice_159" -> "1307 slice_160" [label="(1, 14, 14, 384)", style=solid]; -"1307 slice_160" -> "1308 contiguous_17" [label="(1, 14, 14, 384)", style=solid]; -"1308 contiguous_17" -> "1311 layer_norm_21" [label="(1, 14, 14, 384)", style=solid]; -"1309 _param_constant162" -> "1311 layer_norm_21" [label="(384,)", style=solid]; -"1310 _param_constant163" -> "1311 layer_norm_21" [label="(384,)", style=solid]; -"1311 layer_norm_21" -> "1312 add_33" [label="(1, 14, 14, 384)", style=solid]; -"1312 add_33" -> "1314 add_33_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; -"1312 add_33" -> "1339 add_34" [label="(1, 14, 14, 384)", style=solid]; -"1313 linear_60_updated_constant0" -> "1319 quantize_per_channel_default_61" [label="(1536, 384)", style=solid]; -"1314 add_33_0_0_nncf_smooth_quant_0" -> "1315 quantize_per_tensor_default_61" [label="(1, 14, 14, 384)", style=solid]; -"1315 quantize_per_tensor_default_61" -> "1316 dequantize_per_tensor_default_61" [label="(1, 14, 14, 384)", style=solid]; -"1316 dequantize_per_tensor_default_61" -> "1322 linear_60" [label="(1, 14, 14, 384)", style=solid]; -"1317 linear_60_scale_0" -> "1319 quantize_per_channel_default_61" [label="(1536,)", style=solid]; -"1317 linear_60_scale_0" -> "1320 dequantize_per_channel_default_61" [label="(1536,)", style=solid]; -"1318 linear_60_zero_point_0" -> "1319 quantize_per_channel_default_61" [label="(1536,)", style=solid]; -"1318 linear_60_zero_point_0" -> "1320 dequantize_per_channel_default_61" [label="(1536,)", style=solid]; -"1319 quantize_per_channel_default_61" -> "1320 dequantize_per_channel_default_61" [label="(1536, 384)", style=solid]; -"1320 dequantize_per_channel_default_61" -> "1322 linear_60" [label="(1536, 384)", style=solid]; -"1321 _param_constant165_0_0" -> "1322 linear_60" [label="(1536,)", style=solid]; -"1322 linear_60" -> "1323 gelu_9" [label="(1, 14, 14, 1536)", style=solid]; -"1323 gelu_9" -> "1324 dropout_38" [label="(1, 14, 14, 1536)", style=solid]; -"1324 dropout_38" -> "1326 dropout_38_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; -"1325 linear_61_updated_constant0" -> "1331 quantize_per_channel_default_62" [label="(384, 1536)", style=solid]; -"1326 dropout_38_0_0_nncf_smooth_quant_0" -> "1327 quantize_per_tensor_default_62" [label="(1, 14, 14, 1536)", style=solid]; -"1327 quantize_per_tensor_default_62" -> "1328 dequantize_per_tensor_default_62" [label="(1, 14, 14, 1536)", style=solid]; -"1328 dequantize_per_tensor_default_62" -> "1334 linear_61" [label="(1, 14, 14, 1536)", style=solid]; -"1329 linear_61_scale_0" -> "1331 quantize_per_channel_default_62" [label="(384,)", style=solid]; -"1329 linear_61_scale_0" -> "1332 dequantize_per_channel_default_62" [label="(384,)", style=solid]; -"1330 linear_61_zero_point_0" -> "1331 quantize_per_channel_default_62" [label="(384,)", style=solid]; -"1330 linear_61_zero_point_0" -> "1332 dequantize_per_channel_default_62" [label="(384,)", style=solid]; -"1331 quantize_per_channel_default_62" -> "1332 dequantize_per_channel_default_62" [label="(384, 1536)", style=solid]; -"1332 dequantize_per_channel_default_62" -> "1334 linear_61" [label="(384, 1536)", style=solid]; -"1333 _param_constant167_0_0" -> "1334 linear_61" [label="(384,)", style=solid]; -"1334 linear_61" -> "1335 dropout_39" [label="(1, 14, 14, 384)", style=solid]; -"1335 dropout_39" -> "1338 layer_norm_22" [label="(1, 14, 14, 384)", style=solid]; -"1336 _param_constant168" -> "1338 layer_norm_22" [label="(384,)", style=solid]; -"1337 _param_constant169" -> "1338 layer_norm_22" [label="(384,)", style=solid]; -"1338 layer_norm_22" -> "1339 add_34" [label="(1, 14, 14, 384)", style=solid]; -"1339 add_34" -> "1366 pad_12" [label="(1, 14, 14, 384)", style=solid]; -"1339 add_34" -> "1431 add_36" [label="(1, 14, 14, 384)", style=solid]; -"1340 _tensor_constant65" -> "1342 _tensor_constant65_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; -"1341 linear_62_updated_constant0" -> "1345 quantize_per_channel_default_63" [label="(512, 2)", style=solid]; -"1342 _tensor_constant65_0_0_nncf_smooth_quant_0" -> "1348 linear_62" [label="(1, 15, 15, 2)", style=solid]; -"1343 linear_62_scale_0" -> "1345 quantize_per_channel_default_63" [label="(512,)", style=solid]; -"1343 linear_62_scale_0" -> "1346 dequantize_per_channel_default_63" [label="(512,)", style=solid]; -"1344 linear_62_zero_point_0" -> "1345 quantize_per_channel_default_63" [label="(512,)", style=solid]; -"1344 linear_62_zero_point_0" -> "1346 dequantize_per_channel_default_63" [label="(512,)", style=solid]; -"1345 quantize_per_channel_default_63" -> "1346 dequantize_per_channel_default_63" [label="(512, 2)", style=solid]; -"1346 dequantize_per_channel_default_63" -> "1348 linear_62" [label="(512, 2)", style=solid]; -"1347 _param_constant171_0_0" -> "1348 linear_62" [label="(512,)", style=solid]; -"1348 linear_62" -> "1349 relu__10" [label="(1, 15, 15, 512)", style=solid]; -"1349 relu__10" -> "1351 relu__10_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; -"1350 linear_63_updated_constant0" -> "1354 quantize_per_channel_default_64" [label="(12, 512)", style=solid]; -"1351 relu__10_0_0_nncf_smooth_quant_0" -> "1356 linear_63" [label="(1, 15, 15, 512)", style=solid]; -"1352 linear_63_scale_0" -> "1354 quantize_per_channel_default_64" [label="(12,)", style=solid]; -"1352 linear_63_scale_0" -> "1355 dequantize_per_channel_default_64" [label="(12,)", style=solid]; -"1353 linear_63_zero_point_0" -> "1354 quantize_per_channel_default_64" [label="(12,)", style=solid]; -"1353 linear_63_zero_point_0" -> "1355 dequantize_per_channel_default_64" [label="(12,)", style=solid]; -"1354 quantize_per_channel_default_64" -> "1355 dequantize_per_channel_default_64" [label="(12, 512)", style=solid]; -"1355 dequantize_per_channel_default_64" -> "1356 linear_63" [label="(12, 512)", style=solid]; -"1356 linear_63" -> "1357 view_55" [label="(1, 15, 15, 12)", style=solid]; -"1357 view_55" -> "1359 index_10" [label="(225, 12)", style=solid]; -"1358 _tensor_constant66" -> "1359 index_10" [label="(4096,)", style=solid]; -"1359 index_10" -> "1360 view_56" [label="(4096, 12)", style=solid]; -"1360 view_56" -> "1361 permute_46" [label="(64, 64, 12)", style=solid]; -"1361 permute_46" -> "1362 contiguous_18" [label="(12, 64, 64)", style=solid]; -"1362 contiguous_18" -> "1363 unsqueeze_30" [label="(12, 64, 64)", style=solid]; -"1363 unsqueeze_30" -> "1364 sigmoid_10" [label="(1, 12, 64, 64)", style=solid]; -"1364 sigmoid_10" -> "1365 mul_20" [label="(1, 12, 64, 64)", style=solid]; -"1365 mul_20" -> "1403 add_35" [label="(1, 12, 64, 64)", style=solid]; -"1366 pad_12" -> "1367 view_57" [label="(1, 16, 16, 384)", style=solid]; -"1367 view_57" -> "1368 permute_47" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1368 permute_47" -> "1369 reshape_45" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1369 reshape_45" -> "1371 reshape_45_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"1370 linear_64_updated_constant0" -> "1376 quantize_per_channel_default_65" [label="(1152, 384)", style=solid]; -"1371 reshape_45_0_0_nncf_smooth_quant_0" -> "1372 quantize_per_tensor_default_63" [label="(4, 64, 384)", style=solid]; -"1372 quantize_per_tensor_default_63" -> "1373 dequantize_per_tensor_default_63" [label="(4, 64, 384)", style=solid]; -"1373 dequantize_per_tensor_default_63" -> "1379 linear_64" [label="(4, 64, 384)", style=solid]; -"1374 linear_64_scale_0" -> "1376 quantize_per_channel_default_65" [label="(1152,)", style=solid]; -"1374 linear_64_scale_0" -> "1377 dequantize_per_channel_default_65" [label="(1152,)", style=solid]; -"1375 linear_64_zero_point_0" -> "1376 quantize_per_channel_default_65" [label="(1152,)", style=solid]; -"1375 linear_64_zero_point_0" -> "1377 dequantize_per_channel_default_65" [label="(1152,)", style=solid]; -"1376 quantize_per_channel_default_65" -> "1377 dequantize_per_channel_default_65" [label="(1152, 384)", style=solid]; -"1377 dequantize_per_channel_default_65" -> "1379 linear_64" [label="(1152, 384)", style=solid]; -"1378 _param_constant173_0_0" -> "1379 linear_64" [label="(1152,)", style=solid]; -"1379 linear_64" -> "1380 reshape_46" [label="(4, 64, 1152)", style=solid]; -"1380 reshape_46" -> "1381 permute_48" [label="(4, 64, 3, 12, 32)", style=solid]; -"1381 permute_48" -> "1382 select_30" [label="(3, 4, 12, 64, 32)", style=solid]; -"1381 permute_48" -> "1383 select_31" [label="(3, 4, 12, 64, 32)", style=solid]; -"1381 permute_48" -> "1384 select_32" [label="(3, 4, 12, 64, 32)", style=solid]; -"1382 select_30" -> "1385 linalg_vector_norm_20" [label="(4, 12, 64, 32)", style=solid]; -"1382 select_30" -> "1387 expand_as_20" [label="(4, 12, 64, 32)", style=solid]; -"1382 select_30" -> "1388 div_20" [label="(4, 12, 64, 32)", style=solid]; -"1383 select_31" -> "1391 linalg_vector_norm_21" [label="(4, 12, 64, 32)", style=solid]; -"1383 select_31" -> "1393 expand_as_21" [label="(4, 12, 64, 32)", style=solid]; -"1383 select_31" -> "1394 div_21" [label="(4, 12, 64, 32)", style=solid]; -"1384 select_32" -> "1406 matmul_21" [label="(4, 12, 64, 32)", style=solid]; -"1385 linalg_vector_norm_20" -> "1386 clamp_min_20" [label="(4, 12, 64, 1)", style=solid]; -"1386 clamp_min_20" -> "1387 expand_as_20" [label="(4, 12, 64, 1)", style=solid]; -"1387 expand_as_20" -> "1388 div_20" [label="(4, 12, 64, 32)", style=solid]; -"1388 div_20" -> "1389 quantize_per_tensor_default_64" [label="(4, 12, 64, 32)", style=solid]; -"1389 quantize_per_tensor_default_64" -> "1390 dequantize_per_tensor_default_64" [label="(4, 12, 64, 32)", style=solid]; -"1390 dequantize_per_tensor_default_64" -> "1398 matmul_20" [label="(4, 12, 64, 32)", style=solid]; -"1391 linalg_vector_norm_21" -> "1392 clamp_min_21" [label="(4, 12, 64, 1)", style=solid]; -"1392 clamp_min_21" -> "1393 expand_as_21" [label="(4, 12, 64, 1)", style=solid]; -"1393 expand_as_21" -> "1394 div_21" [label="(4, 12, 64, 32)", style=solid]; -"1394 div_21" -> "1395 quantize_per_tensor_default_65" [label="(4, 12, 64, 32)", style=solid]; -"1395 quantize_per_tensor_default_65" -> "1396 dequantize_per_tensor_default_65" [label="(4, 12, 64, 32)", style=solid]; -"1396 dequantize_per_tensor_default_65" -> "1397 transpose_20" [label="(4, 12, 64, 32)", style=solid]; -"1397 transpose_20" -> "1398 matmul_20" [label="(4, 12, 32, 64)", style=solid]; -"1398 matmul_20" -> "1402 mul_21" [label="(4, 12, 64, 64)", style=solid]; -"1399 _param_constant175" -> "1400 clamp_10" [label="(12, 1, 1)", style=solid]; -"1400 clamp_10" -> "1401 exp_10" [label="(12, 1, 1)", style=solid]; -"1401 exp_10" -> "1402 mul_21" [label="(12, 1, 1)", style=solid]; -"1402 mul_21" -> "1403 add_35" [label="(4, 12, 64, 64)", style=solid]; -"1403 add_35" -> "1404 softmax_10" [label="(4, 12, 64, 64)", style=solid]; -"1404 softmax_10" -> "1405 dropout_40" [label="(4, 12, 64, 64)", style=solid]; -"1405 dropout_40" -> "1406 matmul_21" [label="(4, 12, 64, 64)", style=solid]; -"1406 matmul_21" -> "1407 transpose_21" [label="(4, 12, 64, 32)", style=solid]; -"1407 transpose_21" -> "1408 reshape_47" [label="(4, 64, 12, 32)", style=solid]; -"1408 reshape_47" -> "1410 reshape_47_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"1409 linear_65_updated_constant0" -> "1415 quantize_per_channel_default_66" [label="(384, 384)", style=solid]; -"1410 reshape_47_0_0_nncf_smooth_quant_0" -> "1411 quantize_per_tensor_default_66" [label="(4, 64, 384)", style=solid]; -"1411 quantize_per_tensor_default_66" -> "1412 dequantize_per_tensor_default_66" [label="(4, 64, 384)", style=solid]; -"1412 dequantize_per_tensor_default_66" -> "1418 linear_65" [label="(4, 64, 384)", style=solid]; -"1413 linear_65_scale_0" -> "1415 quantize_per_channel_default_66" [label="(384,)", style=solid]; -"1413 linear_65_scale_0" -> "1416 dequantize_per_channel_default_66" [label="(384,)", style=solid]; -"1414 linear_65_zero_point_0" -> "1415 quantize_per_channel_default_66" [label="(384,)", style=solid]; -"1414 linear_65_zero_point_0" -> "1416 dequantize_per_channel_default_66" [label="(384,)", style=solid]; -"1415 quantize_per_channel_default_66" -> "1416 dequantize_per_channel_default_66" [label="(384, 384)", style=solid]; -"1416 dequantize_per_channel_default_66" -> "1418 linear_65" [label="(384, 384)", style=solid]; -"1417 _param_constant177_0_0" -> "1418 linear_65" [label="(384,)", style=solid]; -"1418 linear_65" -> "1419 dropout_41" [label="(4, 64, 384)", style=solid]; -"1419 dropout_41" -> "1420 view_58" [label="(4, 64, 384)", style=solid]; -"1420 view_58" -> "1421 permute_49" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1421 permute_49" -> "1422 reshape_48" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1422 reshape_48" -> "1423 slice_162" [label="(1, 16, 16, 384)", style=solid]; -"1423 slice_162" -> "1424 slice_163" [label="(1, 16, 16, 384)", style=solid]; -"1424 slice_163" -> "1425 slice_164" [label="(1, 14, 16, 384)", style=solid]; -"1425 slice_164" -> "1426 slice_165" [label="(1, 14, 14, 384)", style=solid]; -"1426 slice_165" -> "1427 contiguous_19" [label="(1, 14, 14, 384)", style=solid]; -"1427 contiguous_19" -> "1430 layer_norm_23" [label="(1, 14, 14, 384)", style=solid]; -"1428 _param_constant178" -> "1430 layer_norm_23" [label="(384,)", style=solid]; -"1429 _param_constant179" -> "1430 layer_norm_23" [label="(384,)", style=solid]; -"1430 layer_norm_23" -> "1431 add_36" [label="(1, 14, 14, 384)", style=solid]; -"1431 add_36" -> "1433 add_36_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; -"1431 add_36" -> "1458 add_37" [label="(1, 14, 14, 384)", style=solid]; -"1432 linear_66_updated_constant0" -> "1438 quantize_per_channel_default_67" [label="(1536, 384)", style=solid]; -"1433 add_36_0_0_nncf_smooth_quant_0" -> "1434 quantize_per_tensor_default_67" [label="(1, 14, 14, 384)", style=solid]; -"1434 quantize_per_tensor_default_67" -> "1435 dequantize_per_tensor_default_67" [label="(1, 14, 14, 384)", style=solid]; -"1435 dequantize_per_tensor_default_67" -> "1441 linear_66" [label="(1, 14, 14, 384)", style=solid]; -"1436 linear_66_scale_0" -> "1438 quantize_per_channel_default_67" [label="(1536,)", style=solid]; -"1436 linear_66_scale_0" -> "1439 dequantize_per_channel_default_67" [label="(1536,)", style=solid]; -"1437 linear_66_zero_point_0" -> "1438 quantize_per_channel_default_67" [label="(1536,)", style=solid]; -"1437 linear_66_zero_point_0" -> "1439 dequantize_per_channel_default_67" [label="(1536,)", style=solid]; -"1438 quantize_per_channel_default_67" -> "1439 dequantize_per_channel_default_67" [label="(1536, 384)", style=solid]; -"1439 dequantize_per_channel_default_67" -> "1441 linear_66" [label="(1536, 384)", style=solid]; -"1440 _param_constant181_0_0" -> "1441 linear_66" [label="(1536,)", style=solid]; -"1441 linear_66" -> "1442 gelu_10" [label="(1, 14, 14, 1536)", style=solid]; -"1442 gelu_10" -> "1443 dropout_42" [label="(1, 14, 14, 1536)", style=solid]; -"1443 dropout_42" -> "1445 dropout_42_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; -"1444 linear_67_updated_constant0" -> "1450 quantize_per_channel_default_68" [label="(384, 1536)", style=solid]; -"1445 dropout_42_0_0_nncf_smooth_quant_0" -> "1446 quantize_per_tensor_default_68" [label="(1, 14, 14, 1536)", style=solid]; -"1446 quantize_per_tensor_default_68" -> "1447 dequantize_per_tensor_default_68" [label="(1, 14, 14, 1536)", style=solid]; -"1447 dequantize_per_tensor_default_68" -> "1453 linear_67" [label="(1, 14, 14, 1536)", style=solid]; -"1448 linear_67_scale_0" -> "1450 quantize_per_channel_default_68" [label="(384,)", style=solid]; -"1448 linear_67_scale_0" -> "1451 dequantize_per_channel_default_68" [label="(384,)", style=solid]; -"1449 linear_67_zero_point_0" -> "1450 quantize_per_channel_default_68" [label="(384,)", style=solid]; -"1449 linear_67_zero_point_0" -> "1451 dequantize_per_channel_default_68" [label="(384,)", style=solid]; -"1450 quantize_per_channel_default_68" -> "1451 dequantize_per_channel_default_68" [label="(384, 1536)", style=solid]; -"1451 dequantize_per_channel_default_68" -> "1453 linear_67" [label="(384, 1536)", style=solid]; -"1452 _param_constant183_0_0" -> "1453 linear_67" [label="(384,)", style=solid]; -"1453 linear_67" -> "1454 dropout_43" [label="(1, 14, 14, 384)", style=solid]; -"1454 dropout_43" -> "1457 layer_norm_24" [label="(1, 14, 14, 384)", style=solid]; -"1455 _param_constant184" -> "1457 layer_norm_24" [label="(384,)", style=solid]; -"1456 _param_constant185" -> "1457 layer_norm_24" [label="(384,)", style=solid]; -"1457 layer_norm_24" -> "1458 add_37" [label="(1, 14, 14, 384)", style=solid]; -"1458 add_37" -> "1485 pad_13" [label="(1, 14, 14, 384)", style=solid]; -"1458 add_37" -> "1568 add_40" [label="(1, 14, 14, 384)", style=solid]; -"1459 _tensor_constant67" -> "1461 _tensor_constant67_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; -"1460 linear_68_updated_constant0" -> "1464 quantize_per_channel_default_69" [label="(512, 2)", style=solid]; -"1461 _tensor_constant67_0_0_nncf_smooth_quant_0" -> "1467 linear_68" [label="(1, 15, 15, 2)", style=solid]; -"1462 linear_68_scale_0" -> "1464 quantize_per_channel_default_69" [label="(512,)", style=solid]; -"1462 linear_68_scale_0" -> "1465 dequantize_per_channel_default_69" [label="(512,)", style=solid]; -"1463 linear_68_zero_point_0" -> "1464 quantize_per_channel_default_69" [label="(512,)", style=solid]; -"1463 linear_68_zero_point_0" -> "1465 dequantize_per_channel_default_69" [label="(512,)", style=solid]; -"1464 quantize_per_channel_default_69" -> "1465 dequantize_per_channel_default_69" [label="(512, 2)", style=solid]; -"1465 dequantize_per_channel_default_69" -> "1467 linear_68" [label="(512, 2)", style=solid]; -"1466 _param_constant187_0_0" -> "1467 linear_68" [label="(512,)", style=solid]; -"1467 linear_68" -> "1468 relu__11" [label="(1, 15, 15, 512)", style=solid]; -"1468 relu__11" -> "1470 relu__11_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; -"1469 linear_69_updated_constant0" -> "1473 quantize_per_channel_default_70" [label="(12, 512)", style=solid]; -"1470 relu__11_0_0_nncf_smooth_quant_0" -> "1475 linear_69" [label="(1, 15, 15, 512)", style=solid]; -"1471 linear_69_scale_0" -> "1473 quantize_per_channel_default_70" [label="(12,)", style=solid]; -"1471 linear_69_scale_0" -> "1474 dequantize_per_channel_default_70" [label="(12,)", style=solid]; -"1472 linear_69_zero_point_0" -> "1473 quantize_per_channel_default_70" [label="(12,)", style=solid]; -"1472 linear_69_zero_point_0" -> "1474 dequantize_per_channel_default_70" [label="(12,)", style=solid]; -"1473 quantize_per_channel_default_70" -> "1474 dequantize_per_channel_default_70" [label="(12, 512)", style=solid]; -"1474 dequantize_per_channel_default_70" -> "1475 linear_69" [label="(12, 512)", style=solid]; -"1475 linear_69" -> "1476 view_59" [label="(1, 15, 15, 12)", style=solid]; -"1476 view_59" -> "1478 index_11" [label="(225, 12)", style=solid]; -"1477 _tensor_constant68" -> "1478 index_11" [label="(4096,)", style=solid]; -"1478 index_11" -> "1479 view_60" [label="(4096, 12)", style=solid]; -"1479 view_60" -> "1480 permute_50" [label="(64, 64, 12)", style=solid]; -"1480 permute_50" -> "1481 contiguous_20" [label="(12, 64, 64)", style=solid]; -"1481 contiguous_20" -> "1482 unsqueeze_31" [label="(12, 64, 64)", style=solid]; -"1482 unsqueeze_31" -> "1483 sigmoid_11" [label="(1, 12, 64, 64)", style=solid]; -"1483 sigmoid_11" -> "1484 mul_22" [label="(1, 12, 64, 64)", style=solid]; -"1484 mul_22" -> "1523 add_38" [label="(1, 12, 64, 64)", style=solid]; -"1485 pad_13" -> "1486 roll_10" [label="(1, 16, 16, 384)", style=solid]; -"1486 roll_10" -> "1487 view_61" [label="(1, 16, 16, 384)", style=solid]; -"1487 view_61" -> "1488 permute_51" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1488 permute_51" -> "1489 reshape_49" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1489 reshape_49" -> "1491 reshape_49_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"1489 reshape_49" -> "1524 new_zeros_5" [label="(4, 64, 384)", style=solid]; -"1490 linear_70_updated_constant0" -> "1496 quantize_per_channel_default_71" [label="(1152, 384)", style=solid]; -"1491 reshape_49_0_0_nncf_smooth_quant_0" -> "1492 quantize_per_tensor_default_69" [label="(4, 64, 384)", style=solid]; -"1492 quantize_per_tensor_default_69" -> "1493 dequantize_per_tensor_default_69" [label="(4, 64, 384)", style=solid]; -"1493 dequantize_per_tensor_default_69" -> "1499 linear_70" [label="(4, 64, 384)", style=solid]; -"1494 linear_70_scale_0" -> "1496 quantize_per_channel_default_71" [label="(1152,)", style=solid]; -"1494 linear_70_scale_0" -> "1497 dequantize_per_channel_default_71" [label="(1152,)", style=solid]; -"1495 linear_70_zero_point_0" -> "1496 quantize_per_channel_default_71" [label="(1152,)", style=solid]; -"1495 linear_70_zero_point_0" -> "1497 dequantize_per_channel_default_71" [label="(1152,)", style=solid]; -"1496 quantize_per_channel_default_71" -> "1497 dequantize_per_channel_default_71" [label="(1152, 384)", style=solid]; -"1497 dequantize_per_channel_default_71" -> "1499 linear_70" [label="(1152, 384)", style=solid]; -"1498 _param_constant189_0_0" -> "1499 linear_70" [label="(1152,)", style=solid]; -"1499 linear_70" -> "1500 reshape_50" [label="(4, 64, 1152)", style=solid]; -"1500 reshape_50" -> "1501 permute_52" [label="(4, 64, 3, 12, 32)", style=solid]; -"1501 permute_52" -> "1502 select_33" [label="(3, 4, 12, 64, 32)", style=solid]; -"1501 permute_52" -> "1503 select_34" [label="(3, 4, 12, 64, 32)", style=solid]; -"1501 permute_52" -> "1504 select_35" [label="(3, 4, 12, 64, 32)", style=solid]; -"1502 select_33" -> "1505 linalg_vector_norm_22" [label="(4, 12, 64, 32)", style=solid]; -"1502 select_33" -> "1507 expand_as_22" [label="(4, 12, 64, 32)", style=solid]; -"1502 select_33" -> "1508 div_22" [label="(4, 12, 64, 32)", style=solid]; -"1503 select_34" -> "1511 linalg_vector_norm_23" [label="(4, 12, 64, 32)", style=solid]; -"1503 select_34" -> "1513 expand_as_23" [label="(4, 12, 64, 32)", style=solid]; -"1503 select_34" -> "1514 div_23" [label="(4, 12, 64, 32)", style=solid]; -"1504 select_35" -> "1542 matmul_23" [label="(4, 12, 64, 32)", style=solid]; -"1505 linalg_vector_norm_22" -> "1506 clamp_min_22" [label="(4, 12, 64, 1)", style=solid]; -"1506 clamp_min_22" -> "1507 expand_as_22" [label="(4, 12, 64, 1)", style=solid]; -"1507 expand_as_22" -> "1508 div_22" [label="(4, 12, 64, 32)", style=solid]; -"1508 div_22" -> "1509 quantize_per_tensor_default_70" [label="(4, 12, 64, 32)", style=solid]; -"1509 quantize_per_tensor_default_70" -> "1510 dequantize_per_tensor_default_70" [label="(4, 12, 64, 32)", style=solid]; -"1510 dequantize_per_tensor_default_70" -> "1518 matmul_22" [label="(4, 12, 64, 32)", style=solid]; -"1511 linalg_vector_norm_23" -> "1512 clamp_min_23" [label="(4, 12, 64, 1)", style=solid]; -"1512 clamp_min_23" -> "1513 expand_as_23" [label="(4, 12, 64, 1)", style=solid]; -"1513 expand_as_23" -> "1514 div_23" [label="(4, 12, 64, 32)", style=solid]; -"1514 div_23" -> "1515 quantize_per_tensor_default_71" [label="(4, 12, 64, 32)", style=solid]; -"1515 quantize_per_tensor_default_71" -> "1516 dequantize_per_tensor_default_71" [label="(4, 12, 64, 32)", style=solid]; -"1516 dequantize_per_tensor_default_71" -> "1517 transpose_22" [label="(4, 12, 64, 32)", style=solid]; -"1517 transpose_22" -> "1518 matmul_22" [label="(4, 12, 32, 64)", style=solid]; -"1518 matmul_22" -> "1522 mul_23" [label="(4, 12, 64, 64)", style=solid]; -"1519 _param_constant191" -> "1520 clamp_11" [label="(12, 1, 1)", style=solid]; -"1520 clamp_11" -> "1521 exp_11" [label="(12, 1, 1)", style=solid]; -"1521 exp_11" -> "1522 mul_23" [label="(12, 1, 1)", style=solid]; -"1522 mul_23" -> "1523 add_38" [label="(4, 12, 64, 64)", style=solid]; -"1523 add_38" -> "1535 view_63" [label="(4, 12, 64, 64)", style=solid]; -"1524 new_zeros_5" -> "1525 view_62" [label="(16, 16)", style=solid]; -"1525 view_62" -> "1526 permute_53" [label="(2, 8, 2, 8)", style=solid]; -"1526 permute_53" -> "1527 reshape_51" [label="(2, 2, 8, 8)", style=solid]; -"1527 reshape_51" -> "1528 unsqueeze_32" [label="(4, 64)", style=solid]; -"1527 reshape_51" -> "1529 unsqueeze_33" [label="(4, 64)", style=solid]; -"1528 unsqueeze_32" -> "1530 sub_5" [label="(4, 1, 64)", style=solid]; -"1529 unsqueeze_33" -> "1530 sub_5" [label="(4, 64, 1)", style=solid]; -"1530 sub_5" -> "1531 ne_5" [label="(4, 64, 64)", style=solid]; -"1530 sub_5" -> "1532 masked_fill_10" [label="(4, 64, 64)", style=solid]; -"1530 sub_5" -> "1533 eq_5" [label="(4, 64, 64)", style=solid]; -"1531 ne_5" -> "1532 masked_fill_10" [label="(4, 64, 64)", style=solid]; -"1532 masked_fill_10" -> "1534 masked_fill_11" [label="(4, 64, 64)", style=solid]; -"1533 eq_5" -> "1534 masked_fill_11" [label="(4, 64, 64)", style=solid]; -"1534 masked_fill_11" -> "1536 unsqueeze_34" [label="(4, 64, 64)", style=solid]; -"1535 view_63" -> "1538 add_39" [label="(1, 4, 12, 64, 64)", style=solid]; -"1536 unsqueeze_34" -> "1537 unsqueeze_35" [label="(4, 1, 64, 64)", style=solid]; -"1537 unsqueeze_35" -> "1538 add_39" [label="(1, 4, 1, 64, 64)", style=solid]; -"1538 add_39" -> "1539 view_64" [label="(1, 4, 12, 64, 64)", style=solid]; -"1539 view_64" -> "1540 softmax_11" [label="(4, 12, 64, 64)", style=solid]; -"1540 softmax_11" -> "1541 dropout_44" [label="(4, 12, 64, 64)", style=solid]; -"1541 dropout_44" -> "1542 matmul_23" [label="(4, 12, 64, 64)", style=solid]; -"1542 matmul_23" -> "1543 transpose_23" [label="(4, 12, 64, 32)", style=solid]; -"1543 transpose_23" -> "1544 reshape_52" [label="(4, 64, 12, 32)", style=solid]; -"1544 reshape_52" -> "1546 reshape_52_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"1545 linear_71_updated_constant0" -> "1551 quantize_per_channel_default_72" [label="(384, 384)", style=solid]; -"1546 reshape_52_0_0_nncf_smooth_quant_0" -> "1547 quantize_per_tensor_default_72" [label="(4, 64, 384)", style=solid]; -"1547 quantize_per_tensor_default_72" -> "1548 dequantize_per_tensor_default_72" [label="(4, 64, 384)", style=solid]; -"1548 dequantize_per_tensor_default_72" -> "1554 linear_71" [label="(4, 64, 384)", style=solid]; -"1549 linear_71_scale_0" -> "1551 quantize_per_channel_default_72" [label="(384,)", style=solid]; -"1549 linear_71_scale_0" -> "1552 dequantize_per_channel_default_72" [label="(384,)", style=solid]; -"1550 linear_71_zero_point_0" -> "1551 quantize_per_channel_default_72" [label="(384,)", style=solid]; -"1550 linear_71_zero_point_0" -> "1552 dequantize_per_channel_default_72" [label="(384,)", style=solid]; -"1551 quantize_per_channel_default_72" -> "1552 dequantize_per_channel_default_72" [label="(384, 384)", style=solid]; -"1552 dequantize_per_channel_default_72" -> "1554 linear_71" [label="(384, 384)", style=solid]; -"1553 _param_constant193_0_0" -> "1554 linear_71" [label="(384,)", style=solid]; -"1554 linear_71" -> "1555 dropout_45" [label="(4, 64, 384)", style=solid]; -"1555 dropout_45" -> "1556 view_65" [label="(4, 64, 384)", style=solid]; -"1556 view_65" -> "1557 permute_54" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1557 permute_54" -> "1558 reshape_53" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1558 reshape_53" -> "1559 roll_11" [label="(1, 16, 16, 384)", style=solid]; -"1559 roll_11" -> "1560 slice_185" [label="(1, 16, 16, 384)", style=solid]; -"1560 slice_185" -> "1561 slice_186" [label="(1, 16, 16, 384)", style=solid]; -"1561 slice_186" -> "1562 slice_187" [label="(1, 14, 16, 384)", style=solid]; -"1562 slice_187" -> "1563 slice_188" [label="(1, 14, 14, 384)", style=solid]; -"1563 slice_188" -> "1564 contiguous_21" [label="(1, 14, 14, 384)", style=solid]; -"1564 contiguous_21" -> "1567 layer_norm_25" [label="(1, 14, 14, 384)", style=solid]; -"1565 _param_constant194" -> "1567 layer_norm_25" [label="(384,)", style=solid]; -"1566 _param_constant195" -> "1567 layer_norm_25" [label="(384,)", style=solid]; -"1567 layer_norm_25" -> "1568 add_40" [label="(1, 14, 14, 384)", style=solid]; -"1568 add_40" -> "1570 add_40_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; -"1568 add_40" -> "1595 add_41" [label="(1, 14, 14, 384)", style=solid]; -"1569 linear_72_updated_constant0" -> "1575 quantize_per_channel_default_73" [label="(1536, 384)", style=solid]; -"1570 add_40_0_0_nncf_smooth_quant_0" -> "1571 quantize_per_tensor_default_73" [label="(1, 14, 14, 384)", style=solid]; -"1571 quantize_per_tensor_default_73" -> "1572 dequantize_per_tensor_default_73" [label="(1, 14, 14, 384)", style=solid]; -"1572 dequantize_per_tensor_default_73" -> "1578 linear_72" [label="(1, 14, 14, 384)", style=solid]; -"1573 linear_72_scale_0" -> "1575 quantize_per_channel_default_73" [label="(1536,)", style=solid]; -"1573 linear_72_scale_0" -> "1576 dequantize_per_channel_default_73" [label="(1536,)", style=solid]; -"1574 linear_72_zero_point_0" -> "1575 quantize_per_channel_default_73" [label="(1536,)", style=solid]; -"1574 linear_72_zero_point_0" -> "1576 dequantize_per_channel_default_73" [label="(1536,)", style=solid]; -"1575 quantize_per_channel_default_73" -> "1576 dequantize_per_channel_default_73" [label="(1536, 384)", style=solid]; -"1576 dequantize_per_channel_default_73" -> "1578 linear_72" [label="(1536, 384)", style=solid]; -"1577 _param_constant197_0_0" -> "1578 linear_72" [label="(1536,)", style=solid]; -"1578 linear_72" -> "1579 gelu_11" [label="(1, 14, 14, 1536)", style=solid]; -"1579 gelu_11" -> "1580 dropout_46" [label="(1, 14, 14, 1536)", style=solid]; -"1580 dropout_46" -> "1582 dropout_46_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; -"1581 linear_73_updated_constant0" -> "1587 quantize_per_channel_default_74" [label="(384, 1536)", style=solid]; -"1582 dropout_46_0_0_nncf_smooth_quant_0" -> "1583 quantize_per_tensor_default_74" [label="(1, 14, 14, 1536)", style=solid]; -"1583 quantize_per_tensor_default_74" -> "1584 dequantize_per_tensor_default_74" [label="(1, 14, 14, 1536)", style=solid]; -"1584 dequantize_per_tensor_default_74" -> "1590 linear_73" [label="(1, 14, 14, 1536)", style=solid]; -"1585 linear_73_scale_0" -> "1587 quantize_per_channel_default_74" [label="(384,)", style=solid]; -"1585 linear_73_scale_0" -> "1588 dequantize_per_channel_default_74" [label="(384,)", style=solid]; -"1586 linear_73_zero_point_0" -> "1587 quantize_per_channel_default_74" [label="(384,)", style=solid]; -"1586 linear_73_zero_point_0" -> "1588 dequantize_per_channel_default_74" [label="(384,)", style=solid]; -"1587 quantize_per_channel_default_74" -> "1588 dequantize_per_channel_default_74" [label="(384, 1536)", style=solid]; -"1588 dequantize_per_channel_default_74" -> "1590 linear_73" [label="(384, 1536)", style=solid]; -"1589 _param_constant199_0_0" -> "1590 linear_73" [label="(384,)", style=solid]; -"1590 linear_73" -> "1591 dropout_47" [label="(1, 14, 14, 384)", style=solid]; -"1591 dropout_47" -> "1594 layer_norm_26" [label="(1, 14, 14, 384)", style=solid]; -"1592 _param_constant200" -> "1594 layer_norm_26" [label="(384,)", style=solid]; -"1593 _param_constant201" -> "1594 layer_norm_26" [label="(384,)", style=solid]; -"1594 layer_norm_26" -> "1595 add_41" [label="(1, 14, 14, 384)", style=solid]; -"1595 add_41" -> "1622 pad_14" [label="(1, 14, 14, 384)", style=solid]; -"1595 add_41" -> "1687 add_43" [label="(1, 14, 14, 384)", style=solid]; -"1596 _tensor_constant78" -> "1598 _tensor_constant78_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; -"1597 linear_74_updated_constant0" -> "1601 quantize_per_channel_default_75" [label="(512, 2)", style=solid]; -"1598 _tensor_constant78_0_0_nncf_smooth_quant_0" -> "1604 linear_74" [label="(1, 15, 15, 2)", style=solid]; -"1599 linear_74_scale_0" -> "1601 quantize_per_channel_default_75" [label="(512,)", style=solid]; -"1599 linear_74_scale_0" -> "1602 dequantize_per_channel_default_75" [label="(512,)", style=solid]; -"1600 linear_74_zero_point_0" -> "1601 quantize_per_channel_default_75" [label="(512,)", style=solid]; -"1600 linear_74_zero_point_0" -> "1602 dequantize_per_channel_default_75" [label="(512,)", style=solid]; -"1601 quantize_per_channel_default_75" -> "1602 dequantize_per_channel_default_75" [label="(512, 2)", style=solid]; -"1602 dequantize_per_channel_default_75" -> "1604 linear_74" [label="(512, 2)", style=solid]; -"1603 _param_constant203_0_0" -> "1604 linear_74" [label="(512,)", style=solid]; -"1604 linear_74" -> "1605 relu__12" [label="(1, 15, 15, 512)", style=solid]; -"1605 relu__12" -> "1607 relu__12_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; -"1606 linear_75_updated_constant0" -> "1610 quantize_per_channel_default_76" [label="(12, 512)", style=solid]; -"1607 relu__12_0_0_nncf_smooth_quant_0" -> "1612 linear_75" [label="(1, 15, 15, 512)", style=solid]; -"1608 linear_75_scale_0" -> "1610 quantize_per_channel_default_76" [label="(12,)", style=solid]; -"1608 linear_75_scale_0" -> "1611 dequantize_per_channel_default_76" [label="(12,)", style=solid]; -"1609 linear_75_zero_point_0" -> "1610 quantize_per_channel_default_76" [label="(12,)", style=solid]; -"1609 linear_75_zero_point_0" -> "1611 dequantize_per_channel_default_76" [label="(12,)", style=solid]; -"1610 quantize_per_channel_default_76" -> "1611 dequantize_per_channel_default_76" [label="(12, 512)", style=solid]; -"1611 dequantize_per_channel_default_76" -> "1612 linear_75" [label="(12, 512)", style=solid]; -"1612 linear_75" -> "1613 view_66" [label="(1, 15, 15, 12)", style=solid]; -"1613 view_66" -> "1615 index_12" [label="(225, 12)", style=solid]; -"1614 _tensor_constant79" -> "1615 index_12" [label="(4096,)", style=solid]; -"1615 index_12" -> "1616 view_67" [label="(4096, 12)", style=solid]; -"1616 view_67" -> "1617 permute_55" [label="(64, 64, 12)", style=solid]; -"1617 permute_55" -> "1618 contiguous_22" [label="(12, 64, 64)", style=solid]; -"1618 contiguous_22" -> "1619 unsqueeze_36" [label="(12, 64, 64)", style=solid]; -"1619 unsqueeze_36" -> "1620 sigmoid_12" [label="(1, 12, 64, 64)", style=solid]; -"1620 sigmoid_12" -> "1621 mul_24" [label="(1, 12, 64, 64)", style=solid]; -"1621 mul_24" -> "1659 add_42" [label="(1, 12, 64, 64)", style=solid]; -"1622 pad_14" -> "1623 view_68" [label="(1, 16, 16, 384)", style=solid]; -"1623 view_68" -> "1624 permute_56" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1624 permute_56" -> "1625 reshape_54" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1625 reshape_54" -> "1627 reshape_54_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"1626 linear_76_updated_constant0" -> "1632 quantize_per_channel_default_77" [label="(1152, 384)", style=solid]; -"1627 reshape_54_0_0_nncf_smooth_quant_0" -> "1628 quantize_per_tensor_default_75" [label="(4, 64, 384)", style=solid]; -"1628 quantize_per_tensor_default_75" -> "1629 dequantize_per_tensor_default_75" [label="(4, 64, 384)", style=solid]; -"1629 dequantize_per_tensor_default_75" -> "1635 linear_76" [label="(4, 64, 384)", style=solid]; -"1630 linear_76_scale_0" -> "1632 quantize_per_channel_default_77" [label="(1152,)", style=solid]; -"1630 linear_76_scale_0" -> "1633 dequantize_per_channel_default_77" [label="(1152,)", style=solid]; -"1631 linear_76_zero_point_0" -> "1632 quantize_per_channel_default_77" [label="(1152,)", style=solid]; -"1631 linear_76_zero_point_0" -> "1633 dequantize_per_channel_default_77" [label="(1152,)", style=solid]; -"1632 quantize_per_channel_default_77" -> "1633 dequantize_per_channel_default_77" [label="(1152, 384)", style=solid]; -"1633 dequantize_per_channel_default_77" -> "1635 linear_76" [label="(1152, 384)", style=solid]; -"1634 _param_constant205_0_0" -> "1635 linear_76" [label="(1152,)", style=solid]; -"1635 linear_76" -> "1636 reshape_55" [label="(4, 64, 1152)", style=solid]; -"1636 reshape_55" -> "1637 permute_57" [label="(4, 64, 3, 12, 32)", style=solid]; -"1637 permute_57" -> "1638 select_36" [label="(3, 4, 12, 64, 32)", style=solid]; -"1637 permute_57" -> "1639 select_37" [label="(3, 4, 12, 64, 32)", style=solid]; -"1637 permute_57" -> "1640 select_38" [label="(3, 4, 12, 64, 32)", style=solid]; -"1638 select_36" -> "1641 linalg_vector_norm_24" [label="(4, 12, 64, 32)", style=solid]; -"1638 select_36" -> "1643 expand_as_24" [label="(4, 12, 64, 32)", style=solid]; -"1638 select_36" -> "1644 div_24" [label="(4, 12, 64, 32)", style=solid]; -"1639 select_37" -> "1647 linalg_vector_norm_25" [label="(4, 12, 64, 32)", style=solid]; -"1639 select_37" -> "1649 expand_as_25" [label="(4, 12, 64, 32)", style=solid]; -"1639 select_37" -> "1650 div_25" [label="(4, 12, 64, 32)", style=solid]; -"1640 select_38" -> "1662 matmul_25" [label="(4, 12, 64, 32)", style=solid]; -"1641 linalg_vector_norm_24" -> "1642 clamp_min_24" [label="(4, 12, 64, 1)", style=solid]; -"1642 clamp_min_24" -> "1643 expand_as_24" [label="(4, 12, 64, 1)", style=solid]; -"1643 expand_as_24" -> "1644 div_24" [label="(4, 12, 64, 32)", style=solid]; -"1644 div_24" -> "1645 quantize_per_tensor_default_76" [label="(4, 12, 64, 32)", style=solid]; -"1645 quantize_per_tensor_default_76" -> "1646 dequantize_per_tensor_default_76" [label="(4, 12, 64, 32)", style=solid]; -"1646 dequantize_per_tensor_default_76" -> "1654 matmul_24" [label="(4, 12, 64, 32)", style=solid]; -"1647 linalg_vector_norm_25" -> "1648 clamp_min_25" [label="(4, 12, 64, 1)", style=solid]; -"1648 clamp_min_25" -> "1649 expand_as_25" [label="(4, 12, 64, 1)", style=solid]; -"1649 expand_as_25" -> "1650 div_25" [label="(4, 12, 64, 32)", style=solid]; -"1650 div_25" -> "1651 quantize_per_tensor_default_77" [label="(4, 12, 64, 32)", style=solid]; -"1651 quantize_per_tensor_default_77" -> "1652 dequantize_per_tensor_default_77" [label="(4, 12, 64, 32)", style=solid]; -"1652 dequantize_per_tensor_default_77" -> "1653 transpose_24" [label="(4, 12, 64, 32)", style=solid]; -"1653 transpose_24" -> "1654 matmul_24" [label="(4, 12, 32, 64)", style=solid]; -"1654 matmul_24" -> "1658 mul_25" [label="(4, 12, 64, 64)", style=solid]; -"1655 _param_constant207" -> "1656 clamp_12" [label="(12, 1, 1)", style=solid]; -"1656 clamp_12" -> "1657 exp_12" [label="(12, 1, 1)", style=solid]; -"1657 exp_12" -> "1658 mul_25" [label="(12, 1, 1)", style=solid]; -"1658 mul_25" -> "1659 add_42" [label="(4, 12, 64, 64)", style=solid]; -"1659 add_42" -> "1660 softmax_12" [label="(4, 12, 64, 64)", style=solid]; -"1660 softmax_12" -> "1661 dropout_48" [label="(4, 12, 64, 64)", style=solid]; -"1661 dropout_48" -> "1662 matmul_25" [label="(4, 12, 64, 64)", style=solid]; -"1662 matmul_25" -> "1663 transpose_25" [label="(4, 12, 64, 32)", style=solid]; -"1663 transpose_25" -> "1664 reshape_56" [label="(4, 64, 12, 32)", style=solid]; -"1664 reshape_56" -> "1666 reshape_56_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"1665 linear_77_updated_constant0" -> "1671 quantize_per_channel_default_78" [label="(384, 384)", style=solid]; -"1666 reshape_56_0_0_nncf_smooth_quant_0" -> "1667 quantize_per_tensor_default_78" [label="(4, 64, 384)", style=solid]; -"1667 quantize_per_tensor_default_78" -> "1668 dequantize_per_tensor_default_78" [label="(4, 64, 384)", style=solid]; -"1668 dequantize_per_tensor_default_78" -> "1674 linear_77" [label="(4, 64, 384)", style=solid]; -"1669 linear_77_scale_0" -> "1671 quantize_per_channel_default_78" [label="(384,)", style=solid]; -"1669 linear_77_scale_0" -> "1672 dequantize_per_channel_default_78" [label="(384,)", style=solid]; -"1670 linear_77_zero_point_0" -> "1671 quantize_per_channel_default_78" [label="(384,)", style=solid]; -"1670 linear_77_zero_point_0" -> "1672 dequantize_per_channel_default_78" [label="(384,)", style=solid]; -"1671 quantize_per_channel_default_78" -> "1672 dequantize_per_channel_default_78" [label="(384, 384)", style=solid]; -"1672 dequantize_per_channel_default_78" -> "1674 linear_77" [label="(384, 384)", style=solid]; -"1673 _param_constant209_0_0" -> "1674 linear_77" [label="(384,)", style=solid]; -"1674 linear_77" -> "1675 dropout_49" [label="(4, 64, 384)", style=solid]; -"1675 dropout_49" -> "1676 view_69" [label="(4, 64, 384)", style=solid]; -"1676 view_69" -> "1677 permute_58" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1677 permute_58" -> "1678 reshape_57" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1678 reshape_57" -> "1679 slice_190" [label="(1, 16, 16, 384)", style=solid]; -"1679 slice_190" -> "1680 slice_191" [label="(1, 16, 16, 384)", style=solid]; -"1680 slice_191" -> "1681 slice_192" [label="(1, 14, 16, 384)", style=solid]; -"1681 slice_192" -> "1682 slice_193" [label="(1, 14, 14, 384)", style=solid]; -"1682 slice_193" -> "1683 contiguous_23" [label="(1, 14, 14, 384)", style=solid]; -"1683 contiguous_23" -> "1686 layer_norm_27" [label="(1, 14, 14, 384)", style=solid]; -"1684 _param_constant210" -> "1686 layer_norm_27" [label="(384,)", style=solid]; -"1685 _param_constant211" -> "1686 layer_norm_27" [label="(384,)", style=solid]; -"1686 layer_norm_27" -> "1687 add_43" [label="(1, 14, 14, 384)", style=solid]; -"1687 add_43" -> "1689 add_43_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; -"1687 add_43" -> "1714 add_44" [label="(1, 14, 14, 384)", style=solid]; -"1688 linear_78_updated_constant0" -> "1694 quantize_per_channel_default_79" [label="(1536, 384)", style=solid]; -"1689 add_43_0_0_nncf_smooth_quant_0" -> "1690 quantize_per_tensor_default_79" [label="(1, 14, 14, 384)", style=solid]; -"1690 quantize_per_tensor_default_79" -> "1691 dequantize_per_tensor_default_79" [label="(1, 14, 14, 384)", style=solid]; -"1691 dequantize_per_tensor_default_79" -> "1697 linear_78" [label="(1, 14, 14, 384)", style=solid]; -"1692 linear_78_scale_0" -> "1694 quantize_per_channel_default_79" [label="(1536,)", style=solid]; -"1692 linear_78_scale_0" -> "1695 dequantize_per_channel_default_79" [label="(1536,)", style=solid]; -"1693 linear_78_zero_point_0" -> "1694 quantize_per_channel_default_79" [label="(1536,)", style=solid]; -"1693 linear_78_zero_point_0" -> "1695 dequantize_per_channel_default_79" [label="(1536,)", style=solid]; -"1694 quantize_per_channel_default_79" -> "1695 dequantize_per_channel_default_79" [label="(1536, 384)", style=solid]; -"1695 dequantize_per_channel_default_79" -> "1697 linear_78" [label="(1536, 384)", style=solid]; -"1696 _param_constant213_0_0" -> "1697 linear_78" [label="(1536,)", style=solid]; -"1697 linear_78" -> "1698 gelu_12" [label="(1, 14, 14, 1536)", style=solid]; -"1698 gelu_12" -> "1699 dropout_50" [label="(1, 14, 14, 1536)", style=solid]; -"1699 dropout_50" -> "1701 dropout_50_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; -"1700 linear_79_updated_constant0" -> "1706 quantize_per_channel_default_80" [label="(384, 1536)", style=solid]; -"1701 dropout_50_0_0_nncf_smooth_quant_0" -> "1702 quantize_per_tensor_default_80" [label="(1, 14, 14, 1536)", style=solid]; -"1702 quantize_per_tensor_default_80" -> "1703 dequantize_per_tensor_default_80" [label="(1, 14, 14, 1536)", style=solid]; -"1703 dequantize_per_tensor_default_80" -> "1709 linear_79" [label="(1, 14, 14, 1536)", style=solid]; -"1704 linear_79_scale_0" -> "1706 quantize_per_channel_default_80" [label="(384,)", style=solid]; -"1704 linear_79_scale_0" -> "1707 dequantize_per_channel_default_80" [label="(384,)", style=solid]; -"1705 linear_79_zero_point_0" -> "1706 quantize_per_channel_default_80" [label="(384,)", style=solid]; -"1705 linear_79_zero_point_0" -> "1707 dequantize_per_channel_default_80" [label="(384,)", style=solid]; -"1706 quantize_per_channel_default_80" -> "1707 dequantize_per_channel_default_80" [label="(384, 1536)", style=solid]; -"1707 dequantize_per_channel_default_80" -> "1709 linear_79" [label="(384, 1536)", style=solid]; -"1708 _param_constant215_0_0" -> "1709 linear_79" [label="(384,)", style=solid]; -"1709 linear_79" -> "1710 dropout_51" [label="(1, 14, 14, 384)", style=solid]; -"1710 dropout_51" -> "1713 layer_norm_28" [label="(1, 14, 14, 384)", style=solid]; -"1711 _param_constant216" -> "1713 layer_norm_28" [label="(384,)", style=solid]; -"1712 _param_constant217" -> "1713 layer_norm_28" [label="(384,)", style=solid]; -"1713 layer_norm_28" -> "1714 add_44" [label="(1, 14, 14, 384)", style=solid]; -"1714 add_44" -> "1741 pad_15" [label="(1, 14, 14, 384)", style=solid]; -"1714 add_44" -> "1824 add_47" [label="(1, 14, 14, 384)", style=solid]; -"1715 _tensor_constant80" -> "1717 _tensor_constant80_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; -"1716 linear_80_updated_constant0" -> "1720 quantize_per_channel_default_81" [label="(512, 2)", style=solid]; -"1717 _tensor_constant80_0_0_nncf_smooth_quant_0" -> "1723 linear_80" [label="(1, 15, 15, 2)", style=solid]; -"1718 linear_80_scale_0" -> "1720 quantize_per_channel_default_81" [label="(512,)", style=solid]; -"1718 linear_80_scale_0" -> "1721 dequantize_per_channel_default_81" [label="(512,)", style=solid]; -"1719 linear_80_zero_point_0" -> "1720 quantize_per_channel_default_81" [label="(512,)", style=solid]; -"1719 linear_80_zero_point_0" -> "1721 dequantize_per_channel_default_81" [label="(512,)", style=solid]; -"1720 quantize_per_channel_default_81" -> "1721 dequantize_per_channel_default_81" [label="(512, 2)", style=solid]; -"1721 dequantize_per_channel_default_81" -> "1723 linear_80" [label="(512, 2)", style=solid]; -"1722 _param_constant219_0_0" -> "1723 linear_80" [label="(512,)", style=solid]; -"1723 linear_80" -> "1724 relu__13" [label="(1, 15, 15, 512)", style=solid]; -"1724 relu__13" -> "1726 relu__13_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; -"1725 linear_81_updated_constant0" -> "1729 quantize_per_channel_default_82" [label="(12, 512)", style=solid]; -"1726 relu__13_0_0_nncf_smooth_quant_0" -> "1731 linear_81" [label="(1, 15, 15, 512)", style=solid]; -"1727 linear_81_scale_0" -> "1729 quantize_per_channel_default_82" [label="(12,)", style=solid]; -"1727 linear_81_scale_0" -> "1730 dequantize_per_channel_default_82" [label="(12,)", style=solid]; -"1728 linear_81_zero_point_0" -> "1729 quantize_per_channel_default_82" [label="(12,)", style=solid]; -"1728 linear_81_zero_point_0" -> "1730 dequantize_per_channel_default_82" [label="(12,)", style=solid]; -"1729 quantize_per_channel_default_82" -> "1730 dequantize_per_channel_default_82" [label="(12, 512)", style=solid]; -"1730 dequantize_per_channel_default_82" -> "1731 linear_81" [label="(12, 512)", style=solid]; -"1731 linear_81" -> "1732 view_70" [label="(1, 15, 15, 12)", style=solid]; -"1732 view_70" -> "1734 index_13" [label="(225, 12)", style=solid]; -"1733 _tensor_constant81" -> "1734 index_13" [label="(4096,)", style=solid]; -"1734 index_13" -> "1735 view_71" [label="(4096, 12)", style=solid]; -"1735 view_71" -> "1736 permute_59" [label="(64, 64, 12)", style=solid]; -"1736 permute_59" -> "1737 contiguous_24" [label="(12, 64, 64)", style=solid]; -"1737 contiguous_24" -> "1738 unsqueeze_37" [label="(12, 64, 64)", style=solid]; -"1738 unsqueeze_37" -> "1739 sigmoid_13" [label="(1, 12, 64, 64)", style=solid]; -"1739 sigmoid_13" -> "1740 mul_26" [label="(1, 12, 64, 64)", style=solid]; -"1740 mul_26" -> "1779 add_45" [label="(1, 12, 64, 64)", style=solid]; -"1741 pad_15" -> "1742 roll_12" [label="(1, 16, 16, 384)", style=solid]; -"1742 roll_12" -> "1743 view_72" [label="(1, 16, 16, 384)", style=solid]; -"1743 view_72" -> "1744 permute_60" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1744 permute_60" -> "1745 reshape_58" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1745 reshape_58" -> "1747 reshape_58_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"1745 reshape_58" -> "1780 new_zeros_6" [label="(4, 64, 384)", style=solid]; -"1746 linear_82_updated_constant0" -> "1752 quantize_per_channel_default_83" [label="(1152, 384)", style=solid]; -"1747 reshape_58_0_0_nncf_smooth_quant_0" -> "1748 quantize_per_tensor_default_81" [label="(4, 64, 384)", style=solid]; -"1748 quantize_per_tensor_default_81" -> "1749 dequantize_per_tensor_default_81" [label="(4, 64, 384)", style=solid]; -"1749 dequantize_per_tensor_default_81" -> "1755 linear_82" [label="(4, 64, 384)", style=solid]; -"1750 linear_82_scale_0" -> "1752 quantize_per_channel_default_83" [label="(1152,)", style=solid]; -"1750 linear_82_scale_0" -> "1753 dequantize_per_channel_default_83" [label="(1152,)", style=solid]; -"1751 linear_82_zero_point_0" -> "1752 quantize_per_channel_default_83" [label="(1152,)", style=solid]; -"1751 linear_82_zero_point_0" -> "1753 dequantize_per_channel_default_83" [label="(1152,)", style=solid]; -"1752 quantize_per_channel_default_83" -> "1753 dequantize_per_channel_default_83" [label="(1152, 384)", style=solid]; -"1753 dequantize_per_channel_default_83" -> "1755 linear_82" [label="(1152, 384)", style=solid]; -"1754 _param_constant221_0_0" -> "1755 linear_82" [label="(1152,)", style=solid]; -"1755 linear_82" -> "1756 reshape_59" [label="(4, 64, 1152)", style=solid]; -"1756 reshape_59" -> "1757 permute_61" [label="(4, 64, 3, 12, 32)", style=solid]; -"1757 permute_61" -> "1758 select_39" [label="(3, 4, 12, 64, 32)", style=solid]; -"1757 permute_61" -> "1759 select_40" [label="(3, 4, 12, 64, 32)", style=solid]; -"1757 permute_61" -> "1760 select_41" [label="(3, 4, 12, 64, 32)", style=solid]; -"1758 select_39" -> "1761 linalg_vector_norm_26" [label="(4, 12, 64, 32)", style=solid]; -"1758 select_39" -> "1763 expand_as_26" [label="(4, 12, 64, 32)", style=solid]; -"1758 select_39" -> "1764 div_26" [label="(4, 12, 64, 32)", style=solid]; -"1759 select_40" -> "1767 linalg_vector_norm_27" [label="(4, 12, 64, 32)", style=solid]; -"1759 select_40" -> "1769 expand_as_27" [label="(4, 12, 64, 32)", style=solid]; -"1759 select_40" -> "1770 div_27" [label="(4, 12, 64, 32)", style=solid]; -"1760 select_41" -> "1798 matmul_27" [label="(4, 12, 64, 32)", style=solid]; -"1761 linalg_vector_norm_26" -> "1762 clamp_min_26" [label="(4, 12, 64, 1)", style=solid]; -"1762 clamp_min_26" -> "1763 expand_as_26" [label="(4, 12, 64, 1)", style=solid]; -"1763 expand_as_26" -> "1764 div_26" [label="(4, 12, 64, 32)", style=solid]; -"1764 div_26" -> "1765 quantize_per_tensor_default_82" [label="(4, 12, 64, 32)", style=solid]; -"1765 quantize_per_tensor_default_82" -> "1766 dequantize_per_tensor_default_82" [label="(4, 12, 64, 32)", style=solid]; -"1766 dequantize_per_tensor_default_82" -> "1774 matmul_26" [label="(4, 12, 64, 32)", style=solid]; -"1767 linalg_vector_norm_27" -> "1768 clamp_min_27" [label="(4, 12, 64, 1)", style=solid]; -"1768 clamp_min_27" -> "1769 expand_as_27" [label="(4, 12, 64, 1)", style=solid]; -"1769 expand_as_27" -> "1770 div_27" [label="(4, 12, 64, 32)", style=solid]; -"1770 div_27" -> "1771 quantize_per_tensor_default_83" [label="(4, 12, 64, 32)", style=solid]; -"1771 quantize_per_tensor_default_83" -> "1772 dequantize_per_tensor_default_83" [label="(4, 12, 64, 32)", style=solid]; -"1772 dequantize_per_tensor_default_83" -> "1773 transpose_26" [label="(4, 12, 64, 32)", style=solid]; -"1773 transpose_26" -> "1774 matmul_26" [label="(4, 12, 32, 64)", style=solid]; -"1774 matmul_26" -> "1778 mul_27" [label="(4, 12, 64, 64)", style=solid]; -"1775 _param_constant223" -> "1776 clamp_13" [label="(12, 1, 1)", style=solid]; -"1776 clamp_13" -> "1777 exp_13" [label="(12, 1, 1)", style=solid]; -"1777 exp_13" -> "1778 mul_27" [label="(12, 1, 1)", style=solid]; -"1778 mul_27" -> "1779 add_45" [label="(4, 12, 64, 64)", style=solid]; -"1779 add_45" -> "1791 view_74" [label="(4, 12, 64, 64)", style=solid]; -"1780 new_zeros_6" -> "1781 view_73" [label="(16, 16)", style=solid]; -"1781 view_73" -> "1782 permute_62" [label="(2, 8, 2, 8)", style=solid]; -"1782 permute_62" -> "1783 reshape_60" [label="(2, 2, 8, 8)", style=solid]; -"1783 reshape_60" -> "1784 unsqueeze_38" [label="(4, 64)", style=solid]; -"1783 reshape_60" -> "1785 unsqueeze_39" [label="(4, 64)", style=solid]; -"1784 unsqueeze_38" -> "1786 sub_6" [label="(4, 1, 64)", style=solid]; -"1785 unsqueeze_39" -> "1786 sub_6" [label="(4, 64, 1)", style=solid]; -"1786 sub_6" -> "1787 ne_6" [label="(4, 64, 64)", style=solid]; -"1786 sub_6" -> "1788 masked_fill_12" [label="(4, 64, 64)", style=solid]; -"1786 sub_6" -> "1789 eq_6" [label="(4, 64, 64)", style=solid]; -"1787 ne_6" -> "1788 masked_fill_12" [label="(4, 64, 64)", style=solid]; -"1788 masked_fill_12" -> "1790 masked_fill_13" [label="(4, 64, 64)", style=solid]; -"1789 eq_6" -> "1790 masked_fill_13" [label="(4, 64, 64)", style=solid]; -"1790 masked_fill_13" -> "1792 unsqueeze_40" [label="(4, 64, 64)", style=solid]; -"1791 view_74" -> "1794 add_46" [label="(1, 4, 12, 64, 64)", style=solid]; -"1792 unsqueeze_40" -> "1793 unsqueeze_41" [label="(4, 1, 64, 64)", style=solid]; -"1793 unsqueeze_41" -> "1794 add_46" [label="(1, 4, 1, 64, 64)", style=solid]; -"1794 add_46" -> "1795 view_75" [label="(1, 4, 12, 64, 64)", style=solid]; -"1795 view_75" -> "1796 softmax_13" [label="(4, 12, 64, 64)", style=solid]; -"1796 softmax_13" -> "1797 dropout_52" [label="(4, 12, 64, 64)", style=solid]; -"1797 dropout_52" -> "1798 matmul_27" [label="(4, 12, 64, 64)", style=solid]; -"1798 matmul_27" -> "1799 transpose_27" [label="(4, 12, 64, 32)", style=solid]; -"1799 transpose_27" -> "1800 reshape_61" [label="(4, 64, 12, 32)", style=solid]; -"1800 reshape_61" -> "1802 reshape_61_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"1801 linear_83_updated_constant0" -> "1807 quantize_per_channel_default_84" [label="(384, 384)", style=solid]; -"1802 reshape_61_0_0_nncf_smooth_quant_0" -> "1803 quantize_per_tensor_default_84" [label="(4, 64, 384)", style=solid]; -"1803 quantize_per_tensor_default_84" -> "1804 dequantize_per_tensor_default_84" [label="(4, 64, 384)", style=solid]; -"1804 dequantize_per_tensor_default_84" -> "1810 linear_83" [label="(4, 64, 384)", style=solid]; -"1805 linear_83_scale_0" -> "1807 quantize_per_channel_default_84" [label="(384,)", style=solid]; -"1805 linear_83_scale_0" -> "1808 dequantize_per_channel_default_84" [label="(384,)", style=solid]; -"1806 linear_83_zero_point_0" -> "1807 quantize_per_channel_default_84" [label="(384,)", style=solid]; -"1806 linear_83_zero_point_0" -> "1808 dequantize_per_channel_default_84" [label="(384,)", style=solid]; -"1807 quantize_per_channel_default_84" -> "1808 dequantize_per_channel_default_84" [label="(384, 384)", style=solid]; -"1808 dequantize_per_channel_default_84" -> "1810 linear_83" [label="(384, 384)", style=solid]; -"1809 _param_constant225_0_0" -> "1810 linear_83" [label="(384,)", style=solid]; -"1810 linear_83" -> "1811 dropout_53" [label="(4, 64, 384)", style=solid]; -"1811 dropout_53" -> "1812 view_76" [label="(4, 64, 384)", style=solid]; -"1812 view_76" -> "1813 permute_63" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1813 permute_63" -> "1814 reshape_62" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1814 reshape_62" -> "1815 roll_13" [label="(1, 16, 16, 384)", style=solid]; -"1815 roll_13" -> "1816 slice_213" [label="(1, 16, 16, 384)", style=solid]; -"1816 slice_213" -> "1817 slice_214" [label="(1, 16, 16, 384)", style=solid]; -"1817 slice_214" -> "1818 slice_215" [label="(1, 14, 16, 384)", style=solid]; -"1818 slice_215" -> "1819 slice_216" [label="(1, 14, 14, 384)", style=solid]; -"1819 slice_216" -> "1820 contiguous_25" [label="(1, 14, 14, 384)", style=solid]; -"1820 contiguous_25" -> "1823 layer_norm_29" [label="(1, 14, 14, 384)", style=solid]; -"1821 _param_constant226" -> "1823 layer_norm_29" [label="(384,)", style=solid]; -"1822 _param_constant227" -> "1823 layer_norm_29" [label="(384,)", style=solid]; -"1823 layer_norm_29" -> "1824 add_47" [label="(1, 14, 14, 384)", style=solid]; -"1824 add_47" -> "1826 add_47_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; -"1824 add_47" -> "1851 add_48" [label="(1, 14, 14, 384)", style=solid]; -"1825 linear_84_updated_constant0" -> "1831 quantize_per_channel_default_85" [label="(1536, 384)", style=solid]; -"1826 add_47_0_0_nncf_smooth_quant_0" -> "1827 quantize_per_tensor_default_85" [label="(1, 14, 14, 384)", style=solid]; -"1827 quantize_per_tensor_default_85" -> "1828 dequantize_per_tensor_default_85" [label="(1, 14, 14, 384)", style=solid]; -"1828 dequantize_per_tensor_default_85" -> "1834 linear_84" [label="(1, 14, 14, 384)", style=solid]; -"1829 linear_84_scale_0" -> "1831 quantize_per_channel_default_85" [label="(1536,)", style=solid]; -"1829 linear_84_scale_0" -> "1832 dequantize_per_channel_default_85" [label="(1536,)", style=solid]; -"1830 linear_84_zero_point_0" -> "1831 quantize_per_channel_default_85" [label="(1536,)", style=solid]; -"1830 linear_84_zero_point_0" -> "1832 dequantize_per_channel_default_85" [label="(1536,)", style=solid]; -"1831 quantize_per_channel_default_85" -> "1832 dequantize_per_channel_default_85" [label="(1536, 384)", style=solid]; -"1832 dequantize_per_channel_default_85" -> "1834 linear_84" [label="(1536, 384)", style=solid]; -"1833 _param_constant229_0_0" -> "1834 linear_84" [label="(1536,)", style=solid]; -"1834 linear_84" -> "1835 gelu_13" [label="(1, 14, 14, 1536)", style=solid]; -"1835 gelu_13" -> "1836 dropout_54" [label="(1, 14, 14, 1536)", style=solid]; -"1836 dropout_54" -> "1838 dropout_54_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; -"1837 linear_85_updated_constant0" -> "1843 quantize_per_channel_default_86" [label="(384, 1536)", style=solid]; -"1838 dropout_54_0_0_nncf_smooth_quant_0" -> "1839 quantize_per_tensor_default_86" [label="(1, 14, 14, 1536)", style=solid]; -"1839 quantize_per_tensor_default_86" -> "1840 dequantize_per_tensor_default_86" [label="(1, 14, 14, 1536)", style=solid]; -"1840 dequantize_per_tensor_default_86" -> "1846 linear_85" [label="(1, 14, 14, 1536)", style=solid]; -"1841 linear_85_scale_0" -> "1843 quantize_per_channel_default_86" [label="(384,)", style=solid]; -"1841 linear_85_scale_0" -> "1844 dequantize_per_channel_default_86" [label="(384,)", style=solid]; -"1842 linear_85_zero_point_0" -> "1843 quantize_per_channel_default_86" [label="(384,)", style=solid]; -"1842 linear_85_zero_point_0" -> "1844 dequantize_per_channel_default_86" [label="(384,)", style=solid]; -"1843 quantize_per_channel_default_86" -> "1844 dequantize_per_channel_default_86" [label="(384, 1536)", style=solid]; -"1844 dequantize_per_channel_default_86" -> "1846 linear_85" [label="(384, 1536)", style=solid]; -"1845 _param_constant231_0_0" -> "1846 linear_85" [label="(384,)", style=solid]; -"1846 linear_85" -> "1847 dropout_55" [label="(1, 14, 14, 384)", style=solid]; -"1847 dropout_55" -> "1850 layer_norm_30" [label="(1, 14, 14, 384)", style=solid]; -"1848 _param_constant232" -> "1850 layer_norm_30" [label="(384,)", style=solid]; -"1849 _param_constant233" -> "1850 layer_norm_30" [label="(384,)", style=solid]; -"1850 layer_norm_30" -> "1851 add_48" [label="(1, 14, 14, 384)", style=solid]; -"1851 add_48" -> "1878 pad_16" [label="(1, 14, 14, 384)", style=solid]; -"1851 add_48" -> "1943 add_50" [label="(1, 14, 14, 384)", style=solid]; -"1852 _tensor_constant91" -> "1854 _tensor_constant91_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; -"1853 linear_86_updated_constant0" -> "1857 quantize_per_channel_default_87" [label="(512, 2)", style=solid]; -"1854 _tensor_constant91_0_0_nncf_smooth_quant_0" -> "1860 linear_86" [label="(1, 15, 15, 2)", style=solid]; -"1855 linear_86_scale_0" -> "1857 quantize_per_channel_default_87" [label="(512,)", style=solid]; -"1855 linear_86_scale_0" -> "1858 dequantize_per_channel_default_87" [label="(512,)", style=solid]; -"1856 linear_86_zero_point_0" -> "1857 quantize_per_channel_default_87" [label="(512,)", style=solid]; -"1856 linear_86_zero_point_0" -> "1858 dequantize_per_channel_default_87" [label="(512,)", style=solid]; -"1857 quantize_per_channel_default_87" -> "1858 dequantize_per_channel_default_87" [label="(512, 2)", style=solid]; -"1858 dequantize_per_channel_default_87" -> "1860 linear_86" [label="(512, 2)", style=solid]; -"1859 _param_constant235_0_0" -> "1860 linear_86" [label="(512,)", style=solid]; -"1860 linear_86" -> "1861 relu__14" [label="(1, 15, 15, 512)", style=solid]; -"1861 relu__14" -> "1863 relu__14_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; -"1862 linear_87_updated_constant0" -> "1866 quantize_per_channel_default_88" [label="(12, 512)", style=solid]; -"1863 relu__14_0_0_nncf_smooth_quant_0" -> "1868 linear_87" [label="(1, 15, 15, 512)", style=solid]; -"1864 linear_87_scale_0" -> "1866 quantize_per_channel_default_88" [label="(12,)", style=solid]; -"1864 linear_87_scale_0" -> "1867 dequantize_per_channel_default_88" [label="(12,)", style=solid]; -"1865 linear_87_zero_point_0" -> "1866 quantize_per_channel_default_88" [label="(12,)", style=solid]; -"1865 linear_87_zero_point_0" -> "1867 dequantize_per_channel_default_88" [label="(12,)", style=solid]; -"1866 quantize_per_channel_default_88" -> "1867 dequantize_per_channel_default_88" [label="(12, 512)", style=solid]; -"1867 dequantize_per_channel_default_88" -> "1868 linear_87" [label="(12, 512)", style=solid]; -"1868 linear_87" -> "1869 view_77" [label="(1, 15, 15, 12)", style=solid]; -"1869 view_77" -> "1871 index_14" [label="(225, 12)", style=solid]; -"1870 _tensor_constant92" -> "1871 index_14" [label="(4096,)", style=solid]; -"1871 index_14" -> "1872 view_78" [label="(4096, 12)", style=solid]; -"1872 view_78" -> "1873 permute_64" [label="(64, 64, 12)", style=solid]; -"1873 permute_64" -> "1874 contiguous_26" [label="(12, 64, 64)", style=solid]; -"1874 contiguous_26" -> "1875 unsqueeze_42" [label="(12, 64, 64)", style=solid]; -"1875 unsqueeze_42" -> "1876 sigmoid_14" [label="(1, 12, 64, 64)", style=solid]; -"1876 sigmoid_14" -> "1877 mul_28" [label="(1, 12, 64, 64)", style=solid]; -"1877 mul_28" -> "1915 add_49" [label="(1, 12, 64, 64)", style=solid]; -"1878 pad_16" -> "1879 view_79" [label="(1, 16, 16, 384)", style=solid]; -"1879 view_79" -> "1880 permute_65" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1880 permute_65" -> "1881 reshape_63" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1881 reshape_63" -> "1883 reshape_63_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"1882 linear_88_updated_constant0" -> "1888 quantize_per_channel_default_89" [label="(1152, 384)", style=solid]; -"1883 reshape_63_0_0_nncf_smooth_quant_0" -> "1884 quantize_per_tensor_default_87" [label="(4, 64, 384)", style=solid]; -"1884 quantize_per_tensor_default_87" -> "1885 dequantize_per_tensor_default_87" [label="(4, 64, 384)", style=solid]; -"1885 dequantize_per_tensor_default_87" -> "1891 linear_88" [label="(4, 64, 384)", style=solid]; -"1886 linear_88_scale_0" -> "1888 quantize_per_channel_default_89" [label="(1152,)", style=solid]; -"1886 linear_88_scale_0" -> "1889 dequantize_per_channel_default_89" [label="(1152,)", style=solid]; -"1887 linear_88_zero_point_0" -> "1888 quantize_per_channel_default_89" [label="(1152,)", style=solid]; -"1887 linear_88_zero_point_0" -> "1889 dequantize_per_channel_default_89" [label="(1152,)", style=solid]; -"1888 quantize_per_channel_default_89" -> "1889 dequantize_per_channel_default_89" [label="(1152, 384)", style=solid]; -"1889 dequantize_per_channel_default_89" -> "1891 linear_88" [label="(1152, 384)", style=solid]; -"1890 _param_constant237_0_0" -> "1891 linear_88" [label="(1152,)", style=solid]; -"1891 linear_88" -> "1892 reshape_64" [label="(4, 64, 1152)", style=solid]; -"1892 reshape_64" -> "1893 permute_66" [label="(4, 64, 3, 12, 32)", style=solid]; -"1893 permute_66" -> "1894 select_42" [label="(3, 4, 12, 64, 32)", style=solid]; -"1893 permute_66" -> "1895 select_43" [label="(3, 4, 12, 64, 32)", style=solid]; -"1893 permute_66" -> "1896 select_44" [label="(3, 4, 12, 64, 32)", style=solid]; -"1894 select_42" -> "1897 linalg_vector_norm_28" [label="(4, 12, 64, 32)", style=solid]; -"1894 select_42" -> "1899 expand_as_28" [label="(4, 12, 64, 32)", style=solid]; -"1894 select_42" -> "1900 div_28" [label="(4, 12, 64, 32)", style=solid]; -"1895 select_43" -> "1903 linalg_vector_norm_29" [label="(4, 12, 64, 32)", style=solid]; -"1895 select_43" -> "1905 expand_as_29" [label="(4, 12, 64, 32)", style=solid]; -"1895 select_43" -> "1906 div_29" [label="(4, 12, 64, 32)", style=solid]; -"1896 select_44" -> "1918 matmul_29" [label="(4, 12, 64, 32)", style=solid]; -"1897 linalg_vector_norm_28" -> "1898 clamp_min_28" [label="(4, 12, 64, 1)", style=solid]; -"1898 clamp_min_28" -> "1899 expand_as_28" [label="(4, 12, 64, 1)", style=solid]; -"1899 expand_as_28" -> "1900 div_28" [label="(4, 12, 64, 32)", style=solid]; -"1900 div_28" -> "1901 quantize_per_tensor_default_88" [label="(4, 12, 64, 32)", style=solid]; -"1901 quantize_per_tensor_default_88" -> "1902 dequantize_per_tensor_default_88" [label="(4, 12, 64, 32)", style=solid]; -"1902 dequantize_per_tensor_default_88" -> "1910 matmul_28" [label="(4, 12, 64, 32)", style=solid]; -"1903 linalg_vector_norm_29" -> "1904 clamp_min_29" [label="(4, 12, 64, 1)", style=solid]; -"1904 clamp_min_29" -> "1905 expand_as_29" [label="(4, 12, 64, 1)", style=solid]; -"1905 expand_as_29" -> "1906 div_29" [label="(4, 12, 64, 32)", style=solid]; -"1906 div_29" -> "1907 quantize_per_tensor_default_89" [label="(4, 12, 64, 32)", style=solid]; -"1907 quantize_per_tensor_default_89" -> "1908 dequantize_per_tensor_default_89" [label="(4, 12, 64, 32)", style=solid]; -"1908 dequantize_per_tensor_default_89" -> "1909 transpose_28" [label="(4, 12, 64, 32)", style=solid]; -"1909 transpose_28" -> "1910 matmul_28" [label="(4, 12, 32, 64)", style=solid]; -"1910 matmul_28" -> "1914 mul_29" [label="(4, 12, 64, 64)", style=solid]; -"1911 _param_constant239" -> "1912 clamp_14" [label="(12, 1, 1)", style=solid]; -"1912 clamp_14" -> "1913 exp_14" [label="(12, 1, 1)", style=solid]; -"1913 exp_14" -> "1914 mul_29" [label="(12, 1, 1)", style=solid]; -"1914 mul_29" -> "1915 add_49" [label="(4, 12, 64, 64)", style=solid]; -"1915 add_49" -> "1916 softmax_14" [label="(4, 12, 64, 64)", style=solid]; -"1916 softmax_14" -> "1917 dropout_56" [label="(4, 12, 64, 64)", style=solid]; -"1917 dropout_56" -> "1918 matmul_29" [label="(4, 12, 64, 64)", style=solid]; -"1918 matmul_29" -> "1919 transpose_29" [label="(4, 12, 64, 32)", style=solid]; -"1919 transpose_29" -> "1920 reshape_65" [label="(4, 64, 12, 32)", style=solid]; -"1920 reshape_65" -> "1922 reshape_65_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"1921 linear_89_updated_constant0" -> "1927 quantize_per_channel_default_90" [label="(384, 384)", style=solid]; -"1922 reshape_65_0_0_nncf_smooth_quant_0" -> "1923 quantize_per_tensor_default_90" [label="(4, 64, 384)", style=solid]; -"1923 quantize_per_tensor_default_90" -> "1924 dequantize_per_tensor_default_90" [label="(4, 64, 384)", style=solid]; -"1924 dequantize_per_tensor_default_90" -> "1930 linear_89" [label="(4, 64, 384)", style=solid]; -"1925 linear_89_scale_0" -> "1927 quantize_per_channel_default_90" [label="(384,)", style=solid]; -"1925 linear_89_scale_0" -> "1928 dequantize_per_channel_default_90" [label="(384,)", style=solid]; -"1926 linear_89_zero_point_0" -> "1927 quantize_per_channel_default_90" [label="(384,)", style=solid]; -"1926 linear_89_zero_point_0" -> "1928 dequantize_per_channel_default_90" [label="(384,)", style=solid]; -"1927 quantize_per_channel_default_90" -> "1928 dequantize_per_channel_default_90" [label="(384, 384)", style=solid]; -"1928 dequantize_per_channel_default_90" -> "1930 linear_89" [label="(384, 384)", style=solid]; -"1929 _param_constant241_0_0" -> "1930 linear_89" [label="(384,)", style=solid]; -"1930 linear_89" -> "1931 dropout_57" [label="(4, 64, 384)", style=solid]; -"1931 dropout_57" -> "1932 view_80" [label="(4, 64, 384)", style=solid]; -"1932 view_80" -> "1933 permute_67" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"1933 permute_67" -> "1934 reshape_66" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"1934 reshape_66" -> "1935 slice_218" [label="(1, 16, 16, 384)", style=solid]; -"1935 slice_218" -> "1936 slice_219" [label="(1, 16, 16, 384)", style=solid]; -"1936 slice_219" -> "1937 slice_220" [label="(1, 14, 16, 384)", style=solid]; -"1937 slice_220" -> "1938 slice_221" [label="(1, 14, 14, 384)", style=solid]; -"1938 slice_221" -> "1939 contiguous_27" [label="(1, 14, 14, 384)", style=solid]; -"1939 contiguous_27" -> "1942 layer_norm_31" [label="(1, 14, 14, 384)", style=solid]; -"1940 _param_constant242" -> "1942 layer_norm_31" [label="(384,)", style=solid]; -"1941 _param_constant243" -> "1942 layer_norm_31" [label="(384,)", style=solid]; -"1942 layer_norm_31" -> "1943 add_50" [label="(1, 14, 14, 384)", style=solid]; -"1943 add_50" -> "1945 add_50_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; -"1943 add_50" -> "1970 add_51" [label="(1, 14, 14, 384)", style=solid]; -"1944 linear_90_updated_constant0" -> "1950 quantize_per_channel_default_91" [label="(1536, 384)", style=solid]; -"1945 add_50_0_0_nncf_smooth_quant_0" -> "1946 quantize_per_tensor_default_91" [label="(1, 14, 14, 384)", style=solid]; -"1946 quantize_per_tensor_default_91" -> "1947 dequantize_per_tensor_default_91" [label="(1, 14, 14, 384)", style=solid]; -"1947 dequantize_per_tensor_default_91" -> "1953 linear_90" [label="(1, 14, 14, 384)", style=solid]; -"1948 linear_90_scale_0" -> "1950 quantize_per_channel_default_91" [label="(1536,)", style=solid]; -"1948 linear_90_scale_0" -> "1951 dequantize_per_channel_default_91" [label="(1536,)", style=solid]; -"1949 linear_90_zero_point_0" -> "1950 quantize_per_channel_default_91" [label="(1536,)", style=solid]; -"1949 linear_90_zero_point_0" -> "1951 dequantize_per_channel_default_91" [label="(1536,)", style=solid]; -"1950 quantize_per_channel_default_91" -> "1951 dequantize_per_channel_default_91" [label="(1536, 384)", style=solid]; -"1951 dequantize_per_channel_default_91" -> "1953 linear_90" [label="(1536, 384)", style=solid]; -"1952 _param_constant245_0_0" -> "1953 linear_90" [label="(1536,)", style=solid]; -"1953 linear_90" -> "1954 gelu_14" [label="(1, 14, 14, 1536)", style=solid]; -"1954 gelu_14" -> "1955 dropout_58" [label="(1, 14, 14, 1536)", style=solid]; -"1955 dropout_58" -> "1957 dropout_58_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; -"1956 linear_91_updated_constant0" -> "1962 quantize_per_channel_default_92" [label="(384, 1536)", style=solid]; -"1957 dropout_58_0_0_nncf_smooth_quant_0" -> "1958 quantize_per_tensor_default_92" [label="(1, 14, 14, 1536)", style=solid]; -"1958 quantize_per_tensor_default_92" -> "1959 dequantize_per_tensor_default_92" [label="(1, 14, 14, 1536)", style=solid]; -"1959 dequantize_per_tensor_default_92" -> "1965 linear_91" [label="(1, 14, 14, 1536)", style=solid]; -"1960 linear_91_scale_0" -> "1962 quantize_per_channel_default_92" [label="(384,)", style=solid]; -"1960 linear_91_scale_0" -> "1963 dequantize_per_channel_default_92" [label="(384,)", style=solid]; -"1961 linear_91_zero_point_0" -> "1962 quantize_per_channel_default_92" [label="(384,)", style=solid]; -"1961 linear_91_zero_point_0" -> "1963 dequantize_per_channel_default_92" [label="(384,)", style=solid]; -"1962 quantize_per_channel_default_92" -> "1963 dequantize_per_channel_default_92" [label="(384, 1536)", style=solid]; -"1963 dequantize_per_channel_default_92" -> "1965 linear_91" [label="(384, 1536)", style=solid]; -"1964 _param_constant247_0_0" -> "1965 linear_91" [label="(384,)", style=solid]; -"1965 linear_91" -> "1966 dropout_59" [label="(1, 14, 14, 384)", style=solid]; -"1966 dropout_59" -> "1969 layer_norm_32" [label="(1, 14, 14, 384)", style=solid]; -"1967 _param_constant248" -> "1969 layer_norm_32" [label="(384,)", style=solid]; -"1968 _param_constant249" -> "1969 layer_norm_32" [label="(384,)", style=solid]; -"1969 layer_norm_32" -> "1970 add_51" [label="(1, 14, 14, 384)", style=solid]; -"1970 add_51" -> "1997 pad_17" [label="(1, 14, 14, 384)", style=solid]; -"1970 add_51" -> "2080 add_54" [label="(1, 14, 14, 384)", style=solid]; -"1971 _tensor_constant93" -> "1973 _tensor_constant93_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; -"1972 linear_92_updated_constant0" -> "1976 quantize_per_channel_default_93" [label="(512, 2)", style=solid]; -"1973 _tensor_constant93_0_0_nncf_smooth_quant_0" -> "1979 linear_92" [label="(1, 15, 15, 2)", style=solid]; -"1974 linear_92_scale_0" -> "1976 quantize_per_channel_default_93" [label="(512,)", style=solid]; -"1974 linear_92_scale_0" -> "1977 dequantize_per_channel_default_93" [label="(512,)", style=solid]; -"1975 linear_92_zero_point_0" -> "1976 quantize_per_channel_default_93" [label="(512,)", style=solid]; -"1975 linear_92_zero_point_0" -> "1977 dequantize_per_channel_default_93" [label="(512,)", style=solid]; -"1976 quantize_per_channel_default_93" -> "1977 dequantize_per_channel_default_93" [label="(512, 2)", style=solid]; -"1977 dequantize_per_channel_default_93" -> "1979 linear_92" [label="(512, 2)", style=solid]; -"1978 _param_constant251_0_0" -> "1979 linear_92" [label="(512,)", style=solid]; -"1979 linear_92" -> "1980 relu__15" [label="(1, 15, 15, 512)", style=solid]; -"1980 relu__15" -> "1982 relu__15_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; -"1981 linear_93_updated_constant0" -> "1985 quantize_per_channel_default_94" [label="(12, 512)", style=solid]; -"1982 relu__15_0_0_nncf_smooth_quant_0" -> "1987 linear_93" [label="(1, 15, 15, 512)", style=solid]; -"1983 linear_93_scale_0" -> "1985 quantize_per_channel_default_94" [label="(12,)", style=solid]; -"1983 linear_93_scale_0" -> "1986 dequantize_per_channel_default_94" [label="(12,)", style=solid]; -"1984 linear_93_zero_point_0" -> "1985 quantize_per_channel_default_94" [label="(12,)", style=solid]; -"1984 linear_93_zero_point_0" -> "1986 dequantize_per_channel_default_94" [label="(12,)", style=solid]; -"1985 quantize_per_channel_default_94" -> "1986 dequantize_per_channel_default_94" [label="(12, 512)", style=solid]; -"1986 dequantize_per_channel_default_94" -> "1987 linear_93" [label="(12, 512)", style=solid]; -"1987 linear_93" -> "1988 view_81" [label="(1, 15, 15, 12)", style=solid]; -"1988 view_81" -> "1990 index_15" [label="(225, 12)", style=solid]; -"1989 _tensor_constant94" -> "1990 index_15" [label="(4096,)", style=solid]; -"1990 index_15" -> "1991 view_82" [label="(4096, 12)", style=solid]; -"1991 view_82" -> "1992 permute_68" [label="(64, 64, 12)", style=solid]; -"1992 permute_68" -> "1993 contiguous_28" [label="(12, 64, 64)", style=solid]; -"1993 contiguous_28" -> "1994 unsqueeze_43" [label="(12, 64, 64)", style=solid]; -"1994 unsqueeze_43" -> "1995 sigmoid_15" [label="(1, 12, 64, 64)", style=solid]; -"1995 sigmoid_15" -> "1996 mul_30" [label="(1, 12, 64, 64)", style=solid]; -"1996 mul_30" -> "2035 add_52" [label="(1, 12, 64, 64)", style=solid]; -"1997 pad_17" -> "1998 roll_14" [label="(1, 16, 16, 384)", style=solid]; -"1998 roll_14" -> "1999 view_83" [label="(1, 16, 16, 384)", style=solid]; -"1999 view_83" -> "2000 permute_69" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"2000 permute_69" -> "2001 reshape_67" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"2001 reshape_67" -> "2003 reshape_67_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"2001 reshape_67" -> "2036 new_zeros_7" [label="(4, 64, 384)", style=solid]; -"2002 linear_94_updated_constant0" -> "2008 quantize_per_channel_default_95" [label="(1152, 384)", style=solid]; -"2003 reshape_67_0_0_nncf_smooth_quant_0" -> "2004 quantize_per_tensor_default_93" [label="(4, 64, 384)", style=solid]; -"2004 quantize_per_tensor_default_93" -> "2005 dequantize_per_tensor_default_93" [label="(4, 64, 384)", style=solid]; -"2005 dequantize_per_tensor_default_93" -> "2011 linear_94" [label="(4, 64, 384)", style=solid]; -"2006 linear_94_scale_0" -> "2008 quantize_per_channel_default_95" [label="(1152,)", style=solid]; -"2006 linear_94_scale_0" -> "2009 dequantize_per_channel_default_95" [label="(1152,)", style=solid]; -"2007 linear_94_zero_point_0" -> "2008 quantize_per_channel_default_95" [label="(1152,)", style=solid]; -"2007 linear_94_zero_point_0" -> "2009 dequantize_per_channel_default_95" [label="(1152,)", style=solid]; -"2008 quantize_per_channel_default_95" -> "2009 dequantize_per_channel_default_95" [label="(1152, 384)", style=solid]; -"2009 dequantize_per_channel_default_95" -> "2011 linear_94" [label="(1152, 384)", style=solid]; -"2010 _param_constant253_0_0" -> "2011 linear_94" [label="(1152,)", style=solid]; -"2011 linear_94" -> "2012 reshape_68" [label="(4, 64, 1152)", style=solid]; -"2012 reshape_68" -> "2013 permute_70" [label="(4, 64, 3, 12, 32)", style=solid]; -"2013 permute_70" -> "2014 select_45" [label="(3, 4, 12, 64, 32)", style=solid]; -"2013 permute_70" -> "2015 select_46" [label="(3, 4, 12, 64, 32)", style=solid]; -"2013 permute_70" -> "2016 select_47" [label="(3, 4, 12, 64, 32)", style=solid]; -"2014 select_45" -> "2017 linalg_vector_norm_30" [label="(4, 12, 64, 32)", style=solid]; -"2014 select_45" -> "2019 expand_as_30" [label="(4, 12, 64, 32)", style=solid]; -"2014 select_45" -> "2020 div_30" [label="(4, 12, 64, 32)", style=solid]; -"2015 select_46" -> "2023 linalg_vector_norm_31" [label="(4, 12, 64, 32)", style=solid]; -"2015 select_46" -> "2025 expand_as_31" [label="(4, 12, 64, 32)", style=solid]; -"2015 select_46" -> "2026 div_31" [label="(4, 12, 64, 32)", style=solid]; -"2016 select_47" -> "2054 matmul_31" [label="(4, 12, 64, 32)", style=solid]; -"2017 linalg_vector_norm_30" -> "2018 clamp_min_30" [label="(4, 12, 64, 1)", style=solid]; -"2018 clamp_min_30" -> "2019 expand_as_30" [label="(4, 12, 64, 1)", style=solid]; -"2019 expand_as_30" -> "2020 div_30" [label="(4, 12, 64, 32)", style=solid]; -"2020 div_30" -> "2021 quantize_per_tensor_default_94" [label="(4, 12, 64, 32)", style=solid]; -"2021 quantize_per_tensor_default_94" -> "2022 dequantize_per_tensor_default_94" [label="(4, 12, 64, 32)", style=solid]; -"2022 dequantize_per_tensor_default_94" -> "2030 matmul_30" [label="(4, 12, 64, 32)", style=solid]; -"2023 linalg_vector_norm_31" -> "2024 clamp_min_31" [label="(4, 12, 64, 1)", style=solid]; -"2024 clamp_min_31" -> "2025 expand_as_31" [label="(4, 12, 64, 1)", style=solid]; -"2025 expand_as_31" -> "2026 div_31" [label="(4, 12, 64, 32)", style=solid]; -"2026 div_31" -> "2027 quantize_per_tensor_default_95" [label="(4, 12, 64, 32)", style=solid]; -"2027 quantize_per_tensor_default_95" -> "2028 dequantize_per_tensor_default_95" [label="(4, 12, 64, 32)", style=solid]; -"2028 dequantize_per_tensor_default_95" -> "2029 transpose_30" [label="(4, 12, 64, 32)", style=solid]; -"2029 transpose_30" -> "2030 matmul_30" [label="(4, 12, 32, 64)", style=solid]; -"2030 matmul_30" -> "2034 mul_31" [label="(4, 12, 64, 64)", style=solid]; -"2031 _param_constant255" -> "2032 clamp_15" [label="(12, 1, 1)", style=solid]; -"2032 clamp_15" -> "2033 exp_15" [label="(12, 1, 1)", style=solid]; -"2033 exp_15" -> "2034 mul_31" [label="(12, 1, 1)", style=solid]; -"2034 mul_31" -> "2035 add_52" [label="(4, 12, 64, 64)", style=solid]; -"2035 add_52" -> "2047 view_85" [label="(4, 12, 64, 64)", style=solid]; -"2036 new_zeros_7" -> "2037 view_84" [label="(16, 16)", style=solid]; -"2037 view_84" -> "2038 permute_71" [label="(2, 8, 2, 8)", style=solid]; -"2038 permute_71" -> "2039 reshape_69" [label="(2, 2, 8, 8)", style=solid]; -"2039 reshape_69" -> "2040 unsqueeze_44" [label="(4, 64)", style=solid]; -"2039 reshape_69" -> "2041 unsqueeze_45" [label="(4, 64)", style=solid]; -"2040 unsqueeze_44" -> "2042 sub_7" [label="(4, 1, 64)", style=solid]; -"2041 unsqueeze_45" -> "2042 sub_7" [label="(4, 64, 1)", style=solid]; -"2042 sub_7" -> "2043 ne_7" [label="(4, 64, 64)", style=solid]; -"2042 sub_7" -> "2044 masked_fill_14" [label="(4, 64, 64)", style=solid]; -"2042 sub_7" -> "2045 eq_7" [label="(4, 64, 64)", style=solid]; -"2043 ne_7" -> "2044 masked_fill_14" [label="(4, 64, 64)", style=solid]; -"2044 masked_fill_14" -> "2046 masked_fill_15" [label="(4, 64, 64)", style=solid]; -"2045 eq_7" -> "2046 masked_fill_15" [label="(4, 64, 64)", style=solid]; -"2046 masked_fill_15" -> "2048 unsqueeze_46" [label="(4, 64, 64)", style=solid]; -"2047 view_85" -> "2050 add_53" [label="(1, 4, 12, 64, 64)", style=solid]; -"2048 unsqueeze_46" -> "2049 unsqueeze_47" [label="(4, 1, 64, 64)", style=solid]; -"2049 unsqueeze_47" -> "2050 add_53" [label="(1, 4, 1, 64, 64)", style=solid]; -"2050 add_53" -> "2051 view_86" [label="(1, 4, 12, 64, 64)", style=solid]; -"2051 view_86" -> "2052 softmax_15" [label="(4, 12, 64, 64)", style=solid]; -"2052 softmax_15" -> "2053 dropout_60" [label="(4, 12, 64, 64)", style=solid]; -"2053 dropout_60" -> "2054 matmul_31" [label="(4, 12, 64, 64)", style=solid]; -"2054 matmul_31" -> "2055 transpose_31" [label="(4, 12, 64, 32)", style=solid]; -"2055 transpose_31" -> "2056 reshape_70" [label="(4, 64, 12, 32)", style=solid]; -"2056 reshape_70" -> "2058 reshape_70_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"2057 linear_95_updated_constant0" -> "2063 quantize_per_channel_default_96" [label="(384, 384)", style=solid]; -"2058 reshape_70_0_0_nncf_smooth_quant_0" -> "2059 quantize_per_tensor_default_96" [label="(4, 64, 384)", style=solid]; -"2059 quantize_per_tensor_default_96" -> "2060 dequantize_per_tensor_default_96" [label="(4, 64, 384)", style=solid]; -"2060 dequantize_per_tensor_default_96" -> "2066 linear_95" [label="(4, 64, 384)", style=solid]; -"2061 linear_95_scale_0" -> "2063 quantize_per_channel_default_96" [label="(384,)", style=solid]; -"2061 linear_95_scale_0" -> "2064 dequantize_per_channel_default_96" [label="(384,)", style=solid]; -"2062 linear_95_zero_point_0" -> "2063 quantize_per_channel_default_96" [label="(384,)", style=solid]; -"2062 linear_95_zero_point_0" -> "2064 dequantize_per_channel_default_96" [label="(384,)", style=solid]; -"2063 quantize_per_channel_default_96" -> "2064 dequantize_per_channel_default_96" [label="(384, 384)", style=solid]; -"2064 dequantize_per_channel_default_96" -> "2066 linear_95" [label="(384, 384)", style=solid]; -"2065 _param_constant257_0_0" -> "2066 linear_95" [label="(384,)", style=solid]; -"2066 linear_95" -> "2067 dropout_61" [label="(4, 64, 384)", style=solid]; -"2067 dropout_61" -> "2068 view_87" [label="(4, 64, 384)", style=solid]; -"2068 view_87" -> "2069 permute_72" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"2069 permute_72" -> "2070 reshape_71" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"2070 reshape_71" -> "2071 roll_15" [label="(1, 16, 16, 384)", style=solid]; -"2071 roll_15" -> "2072 slice_241" [label="(1, 16, 16, 384)", style=solid]; -"2072 slice_241" -> "2073 slice_242" [label="(1, 16, 16, 384)", style=solid]; -"2073 slice_242" -> "2074 slice_243" [label="(1, 14, 16, 384)", style=solid]; -"2074 slice_243" -> "2075 slice_244" [label="(1, 14, 14, 384)", style=solid]; -"2075 slice_244" -> "2076 contiguous_29" [label="(1, 14, 14, 384)", style=solid]; -"2076 contiguous_29" -> "2079 layer_norm_33" [label="(1, 14, 14, 384)", style=solid]; -"2077 _param_constant258" -> "2079 layer_norm_33" [label="(384,)", style=solid]; -"2078 _param_constant259" -> "2079 layer_norm_33" [label="(384,)", style=solid]; -"2079 layer_norm_33" -> "2080 add_54" [label="(1, 14, 14, 384)", style=solid]; -"2080 add_54" -> "2082 add_54_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; -"2080 add_54" -> "2107 add_55" [label="(1, 14, 14, 384)", style=solid]; -"2081 linear_96_updated_constant0" -> "2087 quantize_per_channel_default_97" [label="(1536, 384)", style=solid]; -"2082 add_54_0_0_nncf_smooth_quant_0" -> "2083 quantize_per_tensor_default_97" [label="(1, 14, 14, 384)", style=solid]; -"2083 quantize_per_tensor_default_97" -> "2084 dequantize_per_tensor_default_97" [label="(1, 14, 14, 384)", style=solid]; -"2084 dequantize_per_tensor_default_97" -> "2090 linear_96" [label="(1, 14, 14, 384)", style=solid]; -"2085 linear_96_scale_0" -> "2087 quantize_per_channel_default_97" [label="(1536,)", style=solid]; -"2085 linear_96_scale_0" -> "2088 dequantize_per_channel_default_97" [label="(1536,)", style=solid]; -"2086 linear_96_zero_point_0" -> "2087 quantize_per_channel_default_97" [label="(1536,)", style=solid]; -"2086 linear_96_zero_point_0" -> "2088 dequantize_per_channel_default_97" [label="(1536,)", style=solid]; -"2087 quantize_per_channel_default_97" -> "2088 dequantize_per_channel_default_97" [label="(1536, 384)", style=solid]; -"2088 dequantize_per_channel_default_97" -> "2090 linear_96" [label="(1536, 384)", style=solid]; -"2089 _param_constant261_0_0" -> "2090 linear_96" [label="(1536,)", style=solid]; -"2090 linear_96" -> "2091 gelu_15" [label="(1, 14, 14, 1536)", style=solid]; -"2091 gelu_15" -> "2092 dropout_62" [label="(1, 14, 14, 1536)", style=solid]; -"2092 dropout_62" -> "2094 dropout_62_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; -"2093 linear_97_updated_constant0" -> "2099 quantize_per_channel_default_98" [label="(384, 1536)", style=solid]; -"2094 dropout_62_0_0_nncf_smooth_quant_0" -> "2095 quantize_per_tensor_default_98" [label="(1, 14, 14, 1536)", style=solid]; -"2095 quantize_per_tensor_default_98" -> "2096 dequantize_per_tensor_default_98" [label="(1, 14, 14, 1536)", style=solid]; -"2096 dequantize_per_tensor_default_98" -> "2102 linear_97" [label="(1, 14, 14, 1536)", style=solid]; -"2097 linear_97_scale_0" -> "2099 quantize_per_channel_default_98" [label="(384,)", style=solid]; -"2097 linear_97_scale_0" -> "2100 dequantize_per_channel_default_98" [label="(384,)", style=solid]; -"2098 linear_97_zero_point_0" -> "2099 quantize_per_channel_default_98" [label="(384,)", style=solid]; -"2098 linear_97_zero_point_0" -> "2100 dequantize_per_channel_default_98" [label="(384,)", style=solid]; -"2099 quantize_per_channel_default_98" -> "2100 dequantize_per_channel_default_98" [label="(384, 1536)", style=solid]; -"2100 dequantize_per_channel_default_98" -> "2102 linear_97" [label="(384, 1536)", style=solid]; -"2101 _param_constant263_0_0" -> "2102 linear_97" [label="(384,)", style=solid]; -"2102 linear_97" -> "2103 dropout_63" [label="(1, 14, 14, 384)", style=solid]; -"2103 dropout_63" -> "2106 layer_norm_34" [label="(1, 14, 14, 384)", style=solid]; -"2104 _param_constant264" -> "2106 layer_norm_34" [label="(384,)", style=solid]; -"2105 _param_constant265" -> "2106 layer_norm_34" [label="(384,)", style=solid]; -"2106 layer_norm_34" -> "2107 add_55" [label="(1, 14, 14, 384)", style=solid]; -"2107 add_55" -> "2134 pad_18" [label="(1, 14, 14, 384)", style=solid]; -"2107 add_55" -> "2199 add_57" [label="(1, 14, 14, 384)", style=solid]; -"2108 _tensor_constant104" -> "2110 _tensor_constant104_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; -"2109 linear_98_updated_constant0" -> "2113 quantize_per_channel_default_99" [label="(512, 2)", style=solid]; -"2110 _tensor_constant104_0_0_nncf_smooth_quant_0" -> "2116 linear_98" [label="(1, 15, 15, 2)", style=solid]; -"2111 linear_98_scale_0" -> "2113 quantize_per_channel_default_99" [label="(512,)", style=solid]; -"2111 linear_98_scale_0" -> "2114 dequantize_per_channel_default_99" [label="(512,)", style=solid]; -"2112 linear_98_zero_point_0" -> "2113 quantize_per_channel_default_99" [label="(512,)", style=solid]; -"2112 linear_98_zero_point_0" -> "2114 dequantize_per_channel_default_99" [label="(512,)", style=solid]; -"2113 quantize_per_channel_default_99" -> "2114 dequantize_per_channel_default_99" [label="(512, 2)", style=solid]; -"2114 dequantize_per_channel_default_99" -> "2116 linear_98" [label="(512, 2)", style=solid]; -"2115 _param_constant267_0_0" -> "2116 linear_98" [label="(512,)", style=solid]; -"2116 linear_98" -> "2117 relu__16" [label="(1, 15, 15, 512)", style=solid]; -"2117 relu__16" -> "2119 relu__16_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; -"2118 linear_99_updated_constant0" -> "2122 quantize_per_channel_default_100" [label="(12, 512)", style=solid]; -"2119 relu__16_0_0_nncf_smooth_quant_0" -> "2124 linear_99" [label="(1, 15, 15, 512)", style=solid]; -"2120 linear_99_scale_0" -> "2122 quantize_per_channel_default_100" [label="(12,)", style=solid]; -"2120 linear_99_scale_0" -> "2123 dequantize_per_channel_default_100" [label="(12,)", style=solid]; -"2121 linear_99_zero_point_0" -> "2122 quantize_per_channel_default_100" [label="(12,)", style=solid]; -"2121 linear_99_zero_point_0" -> "2123 dequantize_per_channel_default_100" [label="(12,)", style=solid]; -"2122 quantize_per_channel_default_100" -> "2123 dequantize_per_channel_default_100" [label="(12, 512)", style=solid]; -"2123 dequantize_per_channel_default_100" -> "2124 linear_99" [label="(12, 512)", style=solid]; -"2124 linear_99" -> "2125 view_88" [label="(1, 15, 15, 12)", style=solid]; -"2125 view_88" -> "2127 index_16" [label="(225, 12)", style=solid]; -"2126 _tensor_constant105" -> "2127 index_16" [label="(4096,)", style=solid]; -"2127 index_16" -> "2128 view_89" [label="(4096, 12)", style=solid]; -"2128 view_89" -> "2129 permute_73" [label="(64, 64, 12)", style=solid]; -"2129 permute_73" -> "2130 contiguous_30" [label="(12, 64, 64)", style=solid]; -"2130 contiguous_30" -> "2131 unsqueeze_48" [label="(12, 64, 64)", style=solid]; -"2131 unsqueeze_48" -> "2132 sigmoid_16" [label="(1, 12, 64, 64)", style=solid]; -"2132 sigmoid_16" -> "2133 mul_32" [label="(1, 12, 64, 64)", style=solid]; -"2133 mul_32" -> "2171 add_56" [label="(1, 12, 64, 64)", style=solid]; -"2134 pad_18" -> "2135 view_90" [label="(1, 16, 16, 384)", style=solid]; -"2135 view_90" -> "2136 permute_74" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"2136 permute_74" -> "2137 reshape_72" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"2137 reshape_72" -> "2139 reshape_72_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"2138 linear_100_updated_constant0" -> "2144 quantize_per_channel_default_101" [label="(1152, 384)", style=solid]; -"2139 reshape_72_0_0_nncf_smooth_quant_0" -> "2140 quantize_per_tensor_default_99" [label="(4, 64, 384)", style=solid]; -"2140 quantize_per_tensor_default_99" -> "2141 dequantize_per_tensor_default_99" [label="(4, 64, 384)", style=solid]; -"2141 dequantize_per_tensor_default_99" -> "2147 linear_100" [label="(4, 64, 384)", style=solid]; -"2142 linear_100_scale_0" -> "2144 quantize_per_channel_default_101" [label="(1152,)", style=solid]; -"2142 linear_100_scale_0" -> "2145 dequantize_per_channel_default_101" [label="(1152,)", style=solid]; -"2143 linear_100_zero_point_0" -> "2144 quantize_per_channel_default_101" [label="(1152,)", style=solid]; -"2143 linear_100_zero_point_0" -> "2145 dequantize_per_channel_default_101" [label="(1152,)", style=solid]; -"2144 quantize_per_channel_default_101" -> "2145 dequantize_per_channel_default_101" [label="(1152, 384)", style=solid]; -"2145 dequantize_per_channel_default_101" -> "2147 linear_100" [label="(1152, 384)", style=solid]; -"2146 _param_constant269_0_0" -> "2147 linear_100" [label="(1152,)", style=solid]; -"2147 linear_100" -> "2148 reshape_73" [label="(4, 64, 1152)", style=solid]; -"2148 reshape_73" -> "2149 permute_75" [label="(4, 64, 3, 12, 32)", style=solid]; -"2149 permute_75" -> "2150 select_48" [label="(3, 4, 12, 64, 32)", style=solid]; -"2149 permute_75" -> "2151 select_49" [label="(3, 4, 12, 64, 32)", style=solid]; -"2149 permute_75" -> "2152 select_50" [label="(3, 4, 12, 64, 32)", style=solid]; -"2150 select_48" -> "2153 linalg_vector_norm_32" [label="(4, 12, 64, 32)", style=solid]; -"2150 select_48" -> "2155 expand_as_32" [label="(4, 12, 64, 32)", style=solid]; -"2150 select_48" -> "2156 div_32" [label="(4, 12, 64, 32)", style=solid]; -"2151 select_49" -> "2159 linalg_vector_norm_33" [label="(4, 12, 64, 32)", style=solid]; -"2151 select_49" -> "2161 expand_as_33" [label="(4, 12, 64, 32)", style=solid]; -"2151 select_49" -> "2162 div_33" [label="(4, 12, 64, 32)", style=solid]; -"2152 select_50" -> "2174 matmul_33" [label="(4, 12, 64, 32)", style=solid]; -"2153 linalg_vector_norm_32" -> "2154 clamp_min_32" [label="(4, 12, 64, 1)", style=solid]; -"2154 clamp_min_32" -> "2155 expand_as_32" [label="(4, 12, 64, 1)", style=solid]; -"2155 expand_as_32" -> "2156 div_32" [label="(4, 12, 64, 32)", style=solid]; -"2156 div_32" -> "2157 quantize_per_tensor_default_100" [label="(4, 12, 64, 32)", style=solid]; -"2157 quantize_per_tensor_default_100" -> "2158 dequantize_per_tensor_default_100" [label="(4, 12, 64, 32)", style=solid]; -"2158 dequantize_per_tensor_default_100" -> "2166 matmul_32" [label="(4, 12, 64, 32)", style=solid]; -"2159 linalg_vector_norm_33" -> "2160 clamp_min_33" [label="(4, 12, 64, 1)", style=solid]; -"2160 clamp_min_33" -> "2161 expand_as_33" [label="(4, 12, 64, 1)", style=solid]; -"2161 expand_as_33" -> "2162 div_33" [label="(4, 12, 64, 32)", style=solid]; -"2162 div_33" -> "2163 quantize_per_tensor_default_101" [label="(4, 12, 64, 32)", style=solid]; -"2163 quantize_per_tensor_default_101" -> "2164 dequantize_per_tensor_default_101" [label="(4, 12, 64, 32)", style=solid]; -"2164 dequantize_per_tensor_default_101" -> "2165 transpose_32" [label="(4, 12, 64, 32)", style=solid]; -"2165 transpose_32" -> "2166 matmul_32" [label="(4, 12, 32, 64)", style=solid]; -"2166 matmul_32" -> "2170 mul_33" [label="(4, 12, 64, 64)", style=solid]; -"2167 _param_constant271" -> "2168 clamp_16" [label="(12, 1, 1)", style=solid]; -"2168 clamp_16" -> "2169 exp_16" [label="(12, 1, 1)", style=solid]; -"2169 exp_16" -> "2170 mul_33" [label="(12, 1, 1)", style=solid]; -"2170 mul_33" -> "2171 add_56" [label="(4, 12, 64, 64)", style=solid]; -"2171 add_56" -> "2172 softmax_16" [label="(4, 12, 64, 64)", style=solid]; -"2172 softmax_16" -> "2173 dropout_64" [label="(4, 12, 64, 64)", style=solid]; -"2173 dropout_64" -> "2174 matmul_33" [label="(4, 12, 64, 64)", style=solid]; -"2174 matmul_33" -> "2175 transpose_33" [label="(4, 12, 64, 32)", style=solid]; -"2175 transpose_33" -> "2176 reshape_74" [label="(4, 64, 12, 32)", style=solid]; -"2176 reshape_74" -> "2178 reshape_74_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"2177 linear_101_updated_constant0" -> "2183 quantize_per_channel_default_102" [label="(384, 384)", style=solid]; -"2178 reshape_74_0_0_nncf_smooth_quant_0" -> "2179 quantize_per_tensor_default_102" [label="(4, 64, 384)", style=solid]; -"2179 quantize_per_tensor_default_102" -> "2180 dequantize_per_tensor_default_102" [label="(4, 64, 384)", style=solid]; -"2180 dequantize_per_tensor_default_102" -> "2186 linear_101" [label="(4, 64, 384)", style=solid]; -"2181 linear_101_scale_0" -> "2183 quantize_per_channel_default_102" [label="(384,)", style=solid]; -"2181 linear_101_scale_0" -> "2184 dequantize_per_channel_default_102" [label="(384,)", style=solid]; -"2182 linear_101_zero_point_0" -> "2183 quantize_per_channel_default_102" [label="(384,)", style=solid]; -"2182 linear_101_zero_point_0" -> "2184 dequantize_per_channel_default_102" [label="(384,)", style=solid]; -"2183 quantize_per_channel_default_102" -> "2184 dequantize_per_channel_default_102" [label="(384, 384)", style=solid]; -"2184 dequantize_per_channel_default_102" -> "2186 linear_101" [label="(384, 384)", style=solid]; -"2185 _param_constant273_0_0" -> "2186 linear_101" [label="(384,)", style=solid]; -"2186 linear_101" -> "2187 dropout_65" [label="(4, 64, 384)", style=solid]; -"2187 dropout_65" -> "2188 view_91" [label="(4, 64, 384)", style=solid]; -"2188 view_91" -> "2189 permute_76" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"2189 permute_76" -> "2190 reshape_75" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"2190 reshape_75" -> "2191 slice_246" [label="(1, 16, 16, 384)", style=solid]; -"2191 slice_246" -> "2192 slice_247" [label="(1, 16, 16, 384)", style=solid]; -"2192 slice_247" -> "2193 slice_248" [label="(1, 14, 16, 384)", style=solid]; -"2193 slice_248" -> "2194 slice_249" [label="(1, 14, 14, 384)", style=solid]; -"2194 slice_249" -> "2195 contiguous_31" [label="(1, 14, 14, 384)", style=solid]; -"2195 contiguous_31" -> "2198 layer_norm_35" [label="(1, 14, 14, 384)", style=solid]; -"2196 _param_constant274" -> "2198 layer_norm_35" [label="(384,)", style=solid]; -"2197 _param_constant275" -> "2198 layer_norm_35" [label="(384,)", style=solid]; -"2198 layer_norm_35" -> "2199 add_57" [label="(1, 14, 14, 384)", style=solid]; -"2199 add_57" -> "2201 add_57_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; -"2199 add_57" -> "2226 add_58" [label="(1, 14, 14, 384)", style=solid]; -"2200 linear_102_updated_constant0" -> "2206 quantize_per_channel_default_103" [label="(1536, 384)", style=solid]; -"2201 add_57_0_0_nncf_smooth_quant_0" -> "2202 quantize_per_tensor_default_103" [label="(1, 14, 14, 384)", style=solid]; -"2202 quantize_per_tensor_default_103" -> "2203 dequantize_per_tensor_default_103" [label="(1, 14, 14, 384)", style=solid]; -"2203 dequantize_per_tensor_default_103" -> "2209 linear_102" [label="(1, 14, 14, 384)", style=solid]; -"2204 linear_102_scale_0" -> "2206 quantize_per_channel_default_103" [label="(1536,)", style=solid]; -"2204 linear_102_scale_0" -> "2207 dequantize_per_channel_default_103" [label="(1536,)", style=solid]; -"2205 linear_102_zero_point_0" -> "2206 quantize_per_channel_default_103" [label="(1536,)", style=solid]; -"2205 linear_102_zero_point_0" -> "2207 dequantize_per_channel_default_103" [label="(1536,)", style=solid]; -"2206 quantize_per_channel_default_103" -> "2207 dequantize_per_channel_default_103" [label="(1536, 384)", style=solid]; -"2207 dequantize_per_channel_default_103" -> "2209 linear_102" [label="(1536, 384)", style=solid]; -"2208 _param_constant277_0_0" -> "2209 linear_102" [label="(1536,)", style=solid]; -"2209 linear_102" -> "2210 gelu_16" [label="(1, 14, 14, 1536)", style=solid]; -"2210 gelu_16" -> "2211 dropout_66" [label="(1, 14, 14, 1536)", style=solid]; -"2211 dropout_66" -> "2213 dropout_66_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; -"2212 linear_103_updated_constant0" -> "2218 quantize_per_channel_default_104" [label="(384, 1536)", style=solid]; -"2213 dropout_66_0_0_nncf_smooth_quant_0" -> "2214 quantize_per_tensor_default_104" [label="(1, 14, 14, 1536)", style=solid]; -"2214 quantize_per_tensor_default_104" -> "2215 dequantize_per_tensor_default_104" [label="(1, 14, 14, 1536)", style=solid]; -"2215 dequantize_per_tensor_default_104" -> "2221 linear_103" [label="(1, 14, 14, 1536)", style=solid]; -"2216 linear_103_scale_0" -> "2218 quantize_per_channel_default_104" [label="(384,)", style=solid]; -"2216 linear_103_scale_0" -> "2219 dequantize_per_channel_default_104" [label="(384,)", style=solid]; -"2217 linear_103_zero_point_0" -> "2218 quantize_per_channel_default_104" [label="(384,)", style=solid]; -"2217 linear_103_zero_point_0" -> "2219 dequantize_per_channel_default_104" [label="(384,)", style=solid]; -"2218 quantize_per_channel_default_104" -> "2219 dequantize_per_channel_default_104" [label="(384, 1536)", style=solid]; -"2219 dequantize_per_channel_default_104" -> "2221 linear_103" [label="(384, 1536)", style=solid]; -"2220 _param_constant279_0_0" -> "2221 linear_103" [label="(384,)", style=solid]; -"2221 linear_103" -> "2222 dropout_67" [label="(1, 14, 14, 384)", style=solid]; -"2222 dropout_67" -> "2225 layer_norm_36" [label="(1, 14, 14, 384)", style=solid]; -"2223 _param_constant280" -> "2225 layer_norm_36" [label="(384,)", style=solid]; -"2224 _param_constant281" -> "2225 layer_norm_36" [label="(384,)", style=solid]; -"2225 layer_norm_36" -> "2226 add_58" [label="(1, 14, 14, 384)", style=solid]; -"2226 add_58" -> "2253 pad_19" [label="(1, 14, 14, 384)", style=solid]; -"2226 add_58" -> "2336 add_61" [label="(1, 14, 14, 384)", style=solid]; -"2227 _tensor_constant106" -> "2229 _tensor_constant106_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; -"2228 linear_104_updated_constant0" -> "2232 quantize_per_channel_default_105" [label="(512, 2)", style=solid]; -"2229 _tensor_constant106_0_0_nncf_smooth_quant_0" -> "2235 linear_104" [label="(1, 15, 15, 2)", style=solid]; -"2230 linear_104_scale_0" -> "2232 quantize_per_channel_default_105" [label="(512,)", style=solid]; -"2230 linear_104_scale_0" -> "2233 dequantize_per_channel_default_105" [label="(512,)", style=solid]; -"2231 linear_104_zero_point_0" -> "2232 quantize_per_channel_default_105" [label="(512,)", style=solid]; -"2231 linear_104_zero_point_0" -> "2233 dequantize_per_channel_default_105" [label="(512,)", style=solid]; -"2232 quantize_per_channel_default_105" -> "2233 dequantize_per_channel_default_105" [label="(512, 2)", style=solid]; -"2233 dequantize_per_channel_default_105" -> "2235 linear_104" [label="(512, 2)", style=solid]; -"2234 _param_constant283_0_0" -> "2235 linear_104" [label="(512,)", style=solid]; -"2235 linear_104" -> "2236 relu__17" [label="(1, 15, 15, 512)", style=solid]; -"2236 relu__17" -> "2238 relu__17_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; -"2237 linear_105_updated_constant0" -> "2241 quantize_per_channel_default_106" [label="(12, 512)", style=solid]; -"2238 relu__17_0_0_nncf_smooth_quant_0" -> "2243 linear_105" [label="(1, 15, 15, 512)", style=solid]; -"2239 linear_105_scale_0" -> "2241 quantize_per_channel_default_106" [label="(12,)", style=solid]; -"2239 linear_105_scale_0" -> "2242 dequantize_per_channel_default_106" [label="(12,)", style=solid]; -"2240 linear_105_zero_point_0" -> "2241 quantize_per_channel_default_106" [label="(12,)", style=solid]; -"2240 linear_105_zero_point_0" -> "2242 dequantize_per_channel_default_106" [label="(12,)", style=solid]; -"2241 quantize_per_channel_default_106" -> "2242 dequantize_per_channel_default_106" [label="(12, 512)", style=solid]; -"2242 dequantize_per_channel_default_106" -> "2243 linear_105" [label="(12, 512)", style=solid]; -"2243 linear_105" -> "2244 view_92" [label="(1, 15, 15, 12)", style=solid]; -"2244 view_92" -> "2246 index_17" [label="(225, 12)", style=solid]; -"2245 _tensor_constant107" -> "2246 index_17" [label="(4096,)", style=solid]; -"2246 index_17" -> "2247 view_93" [label="(4096, 12)", style=solid]; -"2247 view_93" -> "2248 permute_77" [label="(64, 64, 12)", style=solid]; -"2248 permute_77" -> "2249 contiguous_32" [label="(12, 64, 64)", style=solid]; -"2249 contiguous_32" -> "2250 unsqueeze_49" [label="(12, 64, 64)", style=solid]; -"2250 unsqueeze_49" -> "2251 sigmoid_17" [label="(1, 12, 64, 64)", style=solid]; -"2251 sigmoid_17" -> "2252 mul_34" [label="(1, 12, 64, 64)", style=solid]; -"2252 mul_34" -> "2291 add_59" [label="(1, 12, 64, 64)", style=solid]; -"2253 pad_19" -> "2254 roll_16" [label="(1, 16, 16, 384)", style=solid]; -"2254 roll_16" -> "2255 view_94" [label="(1, 16, 16, 384)", style=solid]; -"2255 view_94" -> "2256 permute_78" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"2256 permute_78" -> "2257 reshape_76" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"2257 reshape_76" -> "2259 reshape_76_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"2257 reshape_76" -> "2292 new_zeros_8" [label="(4, 64, 384)", style=solid]; -"2258 linear_106_updated_constant0" -> "2264 quantize_per_channel_default_107" [label="(1152, 384)", style=solid]; -"2259 reshape_76_0_0_nncf_smooth_quant_0" -> "2260 quantize_per_tensor_default_105" [label="(4, 64, 384)", style=solid]; -"2260 quantize_per_tensor_default_105" -> "2261 dequantize_per_tensor_default_105" [label="(4, 64, 384)", style=solid]; -"2261 dequantize_per_tensor_default_105" -> "2267 linear_106" [label="(4, 64, 384)", style=solid]; -"2262 linear_106_scale_0" -> "2264 quantize_per_channel_default_107" [label="(1152,)", style=solid]; -"2262 linear_106_scale_0" -> "2265 dequantize_per_channel_default_107" [label="(1152,)", style=solid]; -"2263 linear_106_zero_point_0" -> "2264 quantize_per_channel_default_107" [label="(1152,)", style=solid]; -"2263 linear_106_zero_point_0" -> "2265 dequantize_per_channel_default_107" [label="(1152,)", style=solid]; -"2264 quantize_per_channel_default_107" -> "2265 dequantize_per_channel_default_107" [label="(1152, 384)", style=solid]; -"2265 dequantize_per_channel_default_107" -> "2267 linear_106" [label="(1152, 384)", style=solid]; -"2266 _param_constant285_0_0" -> "2267 linear_106" [label="(1152,)", style=solid]; -"2267 linear_106" -> "2268 reshape_77" [label="(4, 64, 1152)", style=solid]; -"2268 reshape_77" -> "2269 permute_79" [label="(4, 64, 3, 12, 32)", style=solid]; -"2269 permute_79" -> "2270 select_51" [label="(3, 4, 12, 64, 32)", style=solid]; -"2269 permute_79" -> "2271 select_52" [label="(3, 4, 12, 64, 32)", style=solid]; -"2269 permute_79" -> "2272 select_53" [label="(3, 4, 12, 64, 32)", style=solid]; -"2270 select_51" -> "2273 linalg_vector_norm_34" [label="(4, 12, 64, 32)", style=solid]; -"2270 select_51" -> "2275 expand_as_34" [label="(4, 12, 64, 32)", style=solid]; -"2270 select_51" -> "2276 div_34" [label="(4, 12, 64, 32)", style=solid]; -"2271 select_52" -> "2279 linalg_vector_norm_35" [label="(4, 12, 64, 32)", style=solid]; -"2271 select_52" -> "2281 expand_as_35" [label="(4, 12, 64, 32)", style=solid]; -"2271 select_52" -> "2282 div_35" [label="(4, 12, 64, 32)", style=solid]; -"2272 select_53" -> "2310 matmul_35" [label="(4, 12, 64, 32)", style=solid]; -"2273 linalg_vector_norm_34" -> "2274 clamp_min_34" [label="(4, 12, 64, 1)", style=solid]; -"2274 clamp_min_34" -> "2275 expand_as_34" [label="(4, 12, 64, 1)", style=solid]; -"2275 expand_as_34" -> "2276 div_34" [label="(4, 12, 64, 32)", style=solid]; -"2276 div_34" -> "2277 quantize_per_tensor_default_106" [label="(4, 12, 64, 32)", style=solid]; -"2277 quantize_per_tensor_default_106" -> "2278 dequantize_per_tensor_default_106" [label="(4, 12, 64, 32)", style=solid]; -"2278 dequantize_per_tensor_default_106" -> "2286 matmul_34" [label="(4, 12, 64, 32)", style=solid]; -"2279 linalg_vector_norm_35" -> "2280 clamp_min_35" [label="(4, 12, 64, 1)", style=solid]; -"2280 clamp_min_35" -> "2281 expand_as_35" [label="(4, 12, 64, 1)", style=solid]; -"2281 expand_as_35" -> "2282 div_35" [label="(4, 12, 64, 32)", style=solid]; -"2282 div_35" -> "2283 quantize_per_tensor_default_107" [label="(4, 12, 64, 32)", style=solid]; -"2283 quantize_per_tensor_default_107" -> "2284 dequantize_per_tensor_default_107" [label="(4, 12, 64, 32)", style=solid]; -"2284 dequantize_per_tensor_default_107" -> "2285 transpose_34" [label="(4, 12, 64, 32)", style=solid]; -"2285 transpose_34" -> "2286 matmul_34" [label="(4, 12, 32, 64)", style=solid]; -"2286 matmul_34" -> "2290 mul_35" [label="(4, 12, 64, 64)", style=solid]; -"2287 _param_constant287" -> "2288 clamp_17" [label="(12, 1, 1)", style=solid]; -"2288 clamp_17" -> "2289 exp_17" [label="(12, 1, 1)", style=solid]; -"2289 exp_17" -> "2290 mul_35" [label="(12, 1, 1)", style=solid]; -"2290 mul_35" -> "2291 add_59" [label="(4, 12, 64, 64)", style=solid]; -"2291 add_59" -> "2303 view_96" [label="(4, 12, 64, 64)", style=solid]; -"2292 new_zeros_8" -> "2293 view_95" [label="(16, 16)", style=solid]; -"2293 view_95" -> "2294 permute_80" [label="(2, 8, 2, 8)", style=solid]; -"2294 permute_80" -> "2295 reshape_78" [label="(2, 2, 8, 8)", style=solid]; -"2295 reshape_78" -> "2296 unsqueeze_50" [label="(4, 64)", style=solid]; -"2295 reshape_78" -> "2297 unsqueeze_51" [label="(4, 64)", style=solid]; -"2296 unsqueeze_50" -> "2298 sub_8" [label="(4, 1, 64)", style=solid]; -"2297 unsqueeze_51" -> "2298 sub_8" [label="(4, 64, 1)", style=solid]; -"2298 sub_8" -> "2299 ne_8" [label="(4, 64, 64)", style=solid]; -"2298 sub_8" -> "2300 masked_fill_16" [label="(4, 64, 64)", style=solid]; -"2298 sub_8" -> "2301 eq_8" [label="(4, 64, 64)", style=solid]; -"2299 ne_8" -> "2300 masked_fill_16" [label="(4, 64, 64)", style=solid]; -"2300 masked_fill_16" -> "2302 masked_fill_17" [label="(4, 64, 64)", style=solid]; -"2301 eq_8" -> "2302 masked_fill_17" [label="(4, 64, 64)", style=solid]; -"2302 masked_fill_17" -> "2304 unsqueeze_52" [label="(4, 64, 64)", style=solid]; -"2303 view_96" -> "2306 add_60" [label="(1, 4, 12, 64, 64)", style=solid]; -"2304 unsqueeze_52" -> "2305 unsqueeze_53" [label="(4, 1, 64, 64)", style=solid]; -"2305 unsqueeze_53" -> "2306 add_60" [label="(1, 4, 1, 64, 64)", style=solid]; -"2306 add_60" -> "2307 view_97" [label="(1, 4, 12, 64, 64)", style=solid]; -"2307 view_97" -> "2308 softmax_17" [label="(4, 12, 64, 64)", style=solid]; -"2308 softmax_17" -> "2309 dropout_68" [label="(4, 12, 64, 64)", style=solid]; -"2309 dropout_68" -> "2310 matmul_35" [label="(4, 12, 64, 64)", style=solid]; -"2310 matmul_35" -> "2311 transpose_35" [label="(4, 12, 64, 32)", style=solid]; -"2311 transpose_35" -> "2312 reshape_79" [label="(4, 64, 12, 32)", style=solid]; -"2312 reshape_79" -> "2314 reshape_79_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"2313 linear_107_updated_constant0" -> "2319 quantize_per_channel_default_108" [label="(384, 384)", style=solid]; -"2314 reshape_79_0_0_nncf_smooth_quant_0" -> "2315 quantize_per_tensor_default_108" [label="(4, 64, 384)", style=solid]; -"2315 quantize_per_tensor_default_108" -> "2316 dequantize_per_tensor_default_108" [label="(4, 64, 384)", style=solid]; -"2316 dequantize_per_tensor_default_108" -> "2322 linear_107" [label="(4, 64, 384)", style=solid]; -"2317 linear_107_scale_0" -> "2319 quantize_per_channel_default_108" [label="(384,)", style=solid]; -"2317 linear_107_scale_0" -> "2320 dequantize_per_channel_default_108" [label="(384,)", style=solid]; -"2318 linear_107_zero_point_0" -> "2319 quantize_per_channel_default_108" [label="(384,)", style=solid]; -"2318 linear_107_zero_point_0" -> "2320 dequantize_per_channel_default_108" [label="(384,)", style=solid]; -"2319 quantize_per_channel_default_108" -> "2320 dequantize_per_channel_default_108" [label="(384, 384)", style=solid]; -"2320 dequantize_per_channel_default_108" -> "2322 linear_107" [label="(384, 384)", style=solid]; -"2321 _param_constant289_0_0" -> "2322 linear_107" [label="(384,)", style=solid]; -"2322 linear_107" -> "2323 dropout_69" [label="(4, 64, 384)", style=solid]; -"2323 dropout_69" -> "2324 view_98" [label="(4, 64, 384)", style=solid]; -"2324 view_98" -> "2325 permute_81" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"2325 permute_81" -> "2326 reshape_80" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"2326 reshape_80" -> "2327 roll_17" [label="(1, 16, 16, 384)", style=solid]; -"2327 roll_17" -> "2328 slice_269" [label="(1, 16, 16, 384)", style=solid]; -"2328 slice_269" -> "2329 slice_270" [label="(1, 16, 16, 384)", style=solid]; -"2329 slice_270" -> "2330 slice_271" [label="(1, 14, 16, 384)", style=solid]; -"2330 slice_271" -> "2331 slice_272" [label="(1, 14, 14, 384)", style=solid]; -"2331 slice_272" -> "2332 contiguous_33" [label="(1, 14, 14, 384)", style=solid]; -"2332 contiguous_33" -> "2335 layer_norm_37" [label="(1, 14, 14, 384)", style=solid]; -"2333 _param_constant290" -> "2335 layer_norm_37" [label="(384,)", style=solid]; -"2334 _param_constant291" -> "2335 layer_norm_37" [label="(384,)", style=solid]; -"2335 layer_norm_37" -> "2336 add_61" [label="(1, 14, 14, 384)", style=solid]; -"2336 add_61" -> "2338 add_61_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; -"2336 add_61" -> "2363 add_62" [label="(1, 14, 14, 384)", style=solid]; -"2337 linear_108_updated_constant0" -> "2343 quantize_per_channel_default_109" [label="(1536, 384)", style=solid]; -"2338 add_61_0_0_nncf_smooth_quant_0" -> "2339 quantize_per_tensor_default_109" [label="(1, 14, 14, 384)", style=solid]; -"2339 quantize_per_tensor_default_109" -> "2340 dequantize_per_tensor_default_109" [label="(1, 14, 14, 384)", style=solid]; -"2340 dequantize_per_tensor_default_109" -> "2346 linear_108" [label="(1, 14, 14, 384)", style=solid]; -"2341 linear_108_scale_0" -> "2343 quantize_per_channel_default_109" [label="(1536,)", style=solid]; -"2341 linear_108_scale_0" -> "2344 dequantize_per_channel_default_109" [label="(1536,)", style=solid]; -"2342 linear_108_zero_point_0" -> "2343 quantize_per_channel_default_109" [label="(1536,)", style=solid]; -"2342 linear_108_zero_point_0" -> "2344 dequantize_per_channel_default_109" [label="(1536,)", style=solid]; -"2343 quantize_per_channel_default_109" -> "2344 dequantize_per_channel_default_109" [label="(1536, 384)", style=solid]; -"2344 dequantize_per_channel_default_109" -> "2346 linear_108" [label="(1536, 384)", style=solid]; -"2345 _param_constant293_0_0" -> "2346 linear_108" [label="(1536,)", style=solid]; -"2346 linear_108" -> "2347 gelu_17" [label="(1, 14, 14, 1536)", style=solid]; -"2347 gelu_17" -> "2348 dropout_70" [label="(1, 14, 14, 1536)", style=solid]; -"2348 dropout_70" -> "2350 dropout_70_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; -"2349 linear_109_updated_constant0" -> "2355 quantize_per_channel_default_110" [label="(384, 1536)", style=solid]; -"2350 dropout_70_0_0_nncf_smooth_quant_0" -> "2351 quantize_per_tensor_default_110" [label="(1, 14, 14, 1536)", style=solid]; -"2351 quantize_per_tensor_default_110" -> "2352 dequantize_per_tensor_default_110" [label="(1, 14, 14, 1536)", style=solid]; -"2352 dequantize_per_tensor_default_110" -> "2358 linear_109" [label="(1, 14, 14, 1536)", style=solid]; -"2353 linear_109_scale_0" -> "2355 quantize_per_channel_default_110" [label="(384,)", style=solid]; -"2353 linear_109_scale_0" -> "2356 dequantize_per_channel_default_110" [label="(384,)", style=solid]; -"2354 linear_109_zero_point_0" -> "2355 quantize_per_channel_default_110" [label="(384,)", style=solid]; -"2354 linear_109_zero_point_0" -> "2356 dequantize_per_channel_default_110" [label="(384,)", style=solid]; -"2355 quantize_per_channel_default_110" -> "2356 dequantize_per_channel_default_110" [label="(384, 1536)", style=solid]; -"2356 dequantize_per_channel_default_110" -> "2358 linear_109" [label="(384, 1536)", style=solid]; -"2357 _param_constant295_0_0" -> "2358 linear_109" [label="(384,)", style=solid]; -"2358 linear_109" -> "2359 dropout_71" [label="(1, 14, 14, 384)", style=solid]; -"2359 dropout_71" -> "2362 layer_norm_38" [label="(1, 14, 14, 384)", style=solid]; -"2360 _param_constant296" -> "2362 layer_norm_38" [label="(384,)", style=solid]; -"2361 _param_constant297" -> "2362 layer_norm_38" [label="(384,)", style=solid]; -"2362 layer_norm_38" -> "2363 add_62" [label="(1, 14, 14, 384)", style=solid]; -"2363 add_62" -> "2390 pad_20" [label="(1, 14, 14, 384)", style=solid]; -"2363 add_62" -> "2455 add_64" [label="(1, 14, 14, 384)", style=solid]; -"2364 _tensor_constant117" -> "2366 _tensor_constant117_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; -"2365 linear_110_updated_constant0" -> "2369 quantize_per_channel_default_111" [label="(512, 2)", style=solid]; -"2366 _tensor_constant117_0_0_nncf_smooth_quant_0" -> "2372 linear_110" [label="(1, 15, 15, 2)", style=solid]; -"2367 linear_110_scale_0" -> "2369 quantize_per_channel_default_111" [label="(512,)", style=solid]; -"2367 linear_110_scale_0" -> "2370 dequantize_per_channel_default_111" [label="(512,)", style=solid]; -"2368 linear_110_zero_point_0" -> "2369 quantize_per_channel_default_111" [label="(512,)", style=solid]; -"2368 linear_110_zero_point_0" -> "2370 dequantize_per_channel_default_111" [label="(512,)", style=solid]; -"2369 quantize_per_channel_default_111" -> "2370 dequantize_per_channel_default_111" [label="(512, 2)", style=solid]; -"2370 dequantize_per_channel_default_111" -> "2372 linear_110" [label="(512, 2)", style=solid]; -"2371 _param_constant299_0_0" -> "2372 linear_110" [label="(512,)", style=solid]; -"2372 linear_110" -> "2373 relu__18" [label="(1, 15, 15, 512)", style=solid]; -"2373 relu__18" -> "2375 relu__18_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; -"2374 linear_111_updated_constant0" -> "2378 quantize_per_channel_default_112" [label="(12, 512)", style=solid]; -"2375 relu__18_0_0_nncf_smooth_quant_0" -> "2380 linear_111" [label="(1, 15, 15, 512)", style=solid]; -"2376 linear_111_scale_0" -> "2378 quantize_per_channel_default_112" [label="(12,)", style=solid]; -"2376 linear_111_scale_0" -> "2379 dequantize_per_channel_default_112" [label="(12,)", style=solid]; -"2377 linear_111_zero_point_0" -> "2378 quantize_per_channel_default_112" [label="(12,)", style=solid]; -"2377 linear_111_zero_point_0" -> "2379 dequantize_per_channel_default_112" [label="(12,)", style=solid]; -"2378 quantize_per_channel_default_112" -> "2379 dequantize_per_channel_default_112" [label="(12, 512)", style=solid]; -"2379 dequantize_per_channel_default_112" -> "2380 linear_111" [label="(12, 512)", style=solid]; -"2380 linear_111" -> "2381 view_99" [label="(1, 15, 15, 12)", style=solid]; -"2381 view_99" -> "2383 index_18" [label="(225, 12)", style=solid]; -"2382 _tensor_constant118" -> "2383 index_18" [label="(4096,)", style=solid]; -"2383 index_18" -> "2384 view_100" [label="(4096, 12)", style=solid]; -"2384 view_100" -> "2385 permute_82" [label="(64, 64, 12)", style=solid]; -"2385 permute_82" -> "2386 contiguous_34" [label="(12, 64, 64)", style=solid]; -"2386 contiguous_34" -> "2387 unsqueeze_54" [label="(12, 64, 64)", style=solid]; -"2387 unsqueeze_54" -> "2388 sigmoid_18" [label="(1, 12, 64, 64)", style=solid]; -"2388 sigmoid_18" -> "2389 mul_36" [label="(1, 12, 64, 64)", style=solid]; -"2389 mul_36" -> "2427 add_63" [label="(1, 12, 64, 64)", style=solid]; -"2390 pad_20" -> "2391 view_101" [label="(1, 16, 16, 384)", style=solid]; -"2391 view_101" -> "2392 permute_83" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"2392 permute_83" -> "2393 reshape_81" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"2393 reshape_81" -> "2395 reshape_81_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"2394 linear_112_updated_constant0" -> "2400 quantize_per_channel_default_113" [label="(1152, 384)", style=solid]; -"2395 reshape_81_0_0_nncf_smooth_quant_0" -> "2396 quantize_per_tensor_default_111" [label="(4, 64, 384)", style=solid]; -"2396 quantize_per_tensor_default_111" -> "2397 dequantize_per_tensor_default_111" [label="(4, 64, 384)", style=solid]; -"2397 dequantize_per_tensor_default_111" -> "2403 linear_112" [label="(4, 64, 384)", style=solid]; -"2398 linear_112_scale_0" -> "2400 quantize_per_channel_default_113" [label="(1152,)", style=solid]; -"2398 linear_112_scale_0" -> "2401 dequantize_per_channel_default_113" [label="(1152,)", style=solid]; -"2399 linear_112_zero_point_0" -> "2400 quantize_per_channel_default_113" [label="(1152,)", style=solid]; -"2399 linear_112_zero_point_0" -> "2401 dequantize_per_channel_default_113" [label="(1152,)", style=solid]; -"2400 quantize_per_channel_default_113" -> "2401 dequantize_per_channel_default_113" [label="(1152, 384)", style=solid]; -"2401 dequantize_per_channel_default_113" -> "2403 linear_112" [label="(1152, 384)", style=solid]; -"2402 _param_constant301_0_0" -> "2403 linear_112" [label="(1152,)", style=solid]; -"2403 linear_112" -> "2404 reshape_82" [label="(4, 64, 1152)", style=solid]; -"2404 reshape_82" -> "2405 permute_84" [label="(4, 64, 3, 12, 32)", style=solid]; -"2405 permute_84" -> "2406 select_54" [label="(3, 4, 12, 64, 32)", style=solid]; -"2405 permute_84" -> "2407 select_55" [label="(3, 4, 12, 64, 32)", style=solid]; -"2405 permute_84" -> "2408 select_56" [label="(3, 4, 12, 64, 32)", style=solid]; -"2406 select_54" -> "2409 linalg_vector_norm_36" [label="(4, 12, 64, 32)", style=solid]; -"2406 select_54" -> "2411 expand_as_36" [label="(4, 12, 64, 32)", style=solid]; -"2406 select_54" -> "2412 div_36" [label="(4, 12, 64, 32)", style=solid]; -"2407 select_55" -> "2415 linalg_vector_norm_37" [label="(4, 12, 64, 32)", style=solid]; -"2407 select_55" -> "2417 expand_as_37" [label="(4, 12, 64, 32)", style=solid]; -"2407 select_55" -> "2418 div_37" [label="(4, 12, 64, 32)", style=solid]; -"2408 select_56" -> "2430 matmul_37" [label="(4, 12, 64, 32)", style=solid]; -"2409 linalg_vector_norm_36" -> "2410 clamp_min_36" [label="(4, 12, 64, 1)", style=solid]; -"2410 clamp_min_36" -> "2411 expand_as_36" [label="(4, 12, 64, 1)", style=solid]; -"2411 expand_as_36" -> "2412 div_36" [label="(4, 12, 64, 32)", style=solid]; -"2412 div_36" -> "2413 quantize_per_tensor_default_112" [label="(4, 12, 64, 32)", style=solid]; -"2413 quantize_per_tensor_default_112" -> "2414 dequantize_per_tensor_default_112" [label="(4, 12, 64, 32)", style=solid]; -"2414 dequantize_per_tensor_default_112" -> "2422 matmul_36" [label="(4, 12, 64, 32)", style=solid]; -"2415 linalg_vector_norm_37" -> "2416 clamp_min_37" [label="(4, 12, 64, 1)", style=solid]; -"2416 clamp_min_37" -> "2417 expand_as_37" [label="(4, 12, 64, 1)", style=solid]; -"2417 expand_as_37" -> "2418 div_37" [label="(4, 12, 64, 32)", style=solid]; -"2418 div_37" -> "2419 quantize_per_tensor_default_113" [label="(4, 12, 64, 32)", style=solid]; -"2419 quantize_per_tensor_default_113" -> "2420 dequantize_per_tensor_default_113" [label="(4, 12, 64, 32)", style=solid]; -"2420 dequantize_per_tensor_default_113" -> "2421 transpose_36" [label="(4, 12, 64, 32)", style=solid]; -"2421 transpose_36" -> "2422 matmul_36" [label="(4, 12, 32, 64)", style=solid]; -"2422 matmul_36" -> "2426 mul_37" [label="(4, 12, 64, 64)", style=solid]; -"2423 _param_constant303" -> "2424 clamp_18" [label="(12, 1, 1)", style=solid]; -"2424 clamp_18" -> "2425 exp_18" [label="(12, 1, 1)", style=solid]; -"2425 exp_18" -> "2426 mul_37" [label="(12, 1, 1)", style=solid]; -"2426 mul_37" -> "2427 add_63" [label="(4, 12, 64, 64)", style=solid]; -"2427 add_63" -> "2428 softmax_18" [label="(4, 12, 64, 64)", style=solid]; -"2428 softmax_18" -> "2429 dropout_72" [label="(4, 12, 64, 64)", style=solid]; -"2429 dropout_72" -> "2430 matmul_37" [label="(4, 12, 64, 64)", style=solid]; -"2430 matmul_37" -> "2431 transpose_37" [label="(4, 12, 64, 32)", style=solid]; -"2431 transpose_37" -> "2432 reshape_83" [label="(4, 64, 12, 32)", style=solid]; -"2432 reshape_83" -> "2434 reshape_83_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"2433 linear_113_updated_constant0" -> "2439 quantize_per_channel_default_114" [label="(384, 384)", style=solid]; -"2434 reshape_83_0_0_nncf_smooth_quant_0" -> "2435 quantize_per_tensor_default_114" [label="(4, 64, 384)", style=solid]; -"2435 quantize_per_tensor_default_114" -> "2436 dequantize_per_tensor_default_114" [label="(4, 64, 384)", style=solid]; -"2436 dequantize_per_tensor_default_114" -> "2442 linear_113" [label="(4, 64, 384)", style=solid]; -"2437 linear_113_scale_0" -> "2439 quantize_per_channel_default_114" [label="(384,)", style=solid]; -"2437 linear_113_scale_0" -> "2440 dequantize_per_channel_default_114" [label="(384,)", style=solid]; -"2438 linear_113_zero_point_0" -> "2439 quantize_per_channel_default_114" [label="(384,)", style=solid]; -"2438 linear_113_zero_point_0" -> "2440 dequantize_per_channel_default_114" [label="(384,)", style=solid]; -"2439 quantize_per_channel_default_114" -> "2440 dequantize_per_channel_default_114" [label="(384, 384)", style=solid]; -"2440 dequantize_per_channel_default_114" -> "2442 linear_113" [label="(384, 384)", style=solid]; -"2441 _param_constant305_0_0" -> "2442 linear_113" [label="(384,)", style=solid]; -"2442 linear_113" -> "2443 dropout_73" [label="(4, 64, 384)", style=solid]; -"2443 dropout_73" -> "2444 view_102" [label="(4, 64, 384)", style=solid]; -"2444 view_102" -> "2445 permute_85" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"2445 permute_85" -> "2446 reshape_84" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"2446 reshape_84" -> "2447 slice_274" [label="(1, 16, 16, 384)", style=solid]; -"2447 slice_274" -> "2448 slice_275" [label="(1, 16, 16, 384)", style=solid]; -"2448 slice_275" -> "2449 slice_276" [label="(1, 14, 16, 384)", style=solid]; -"2449 slice_276" -> "2450 slice_277" [label="(1, 14, 14, 384)", style=solid]; -"2450 slice_277" -> "2451 contiguous_35" [label="(1, 14, 14, 384)", style=solid]; -"2451 contiguous_35" -> "2454 layer_norm_39" [label="(1, 14, 14, 384)", style=solid]; -"2452 _param_constant306" -> "2454 layer_norm_39" [label="(384,)", style=solid]; -"2453 _param_constant307" -> "2454 layer_norm_39" [label="(384,)", style=solid]; -"2454 layer_norm_39" -> "2455 add_64" [label="(1, 14, 14, 384)", style=solid]; -"2455 add_64" -> "2457 add_64_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; -"2455 add_64" -> "2482 add_65" [label="(1, 14, 14, 384)", style=solid]; -"2456 linear_114_updated_constant0" -> "2462 quantize_per_channel_default_115" [label="(1536, 384)", style=solid]; -"2457 add_64_0_0_nncf_smooth_quant_0" -> "2458 quantize_per_tensor_default_115" [label="(1, 14, 14, 384)", style=solid]; -"2458 quantize_per_tensor_default_115" -> "2459 dequantize_per_tensor_default_115" [label="(1, 14, 14, 384)", style=solid]; -"2459 dequantize_per_tensor_default_115" -> "2465 linear_114" [label="(1, 14, 14, 384)", style=solid]; -"2460 linear_114_scale_0" -> "2462 quantize_per_channel_default_115" [label="(1536,)", style=solid]; -"2460 linear_114_scale_0" -> "2463 dequantize_per_channel_default_115" [label="(1536,)", style=solid]; -"2461 linear_114_zero_point_0" -> "2462 quantize_per_channel_default_115" [label="(1536,)", style=solid]; -"2461 linear_114_zero_point_0" -> "2463 dequantize_per_channel_default_115" [label="(1536,)", style=solid]; -"2462 quantize_per_channel_default_115" -> "2463 dequantize_per_channel_default_115" [label="(1536, 384)", style=solid]; -"2463 dequantize_per_channel_default_115" -> "2465 linear_114" [label="(1536, 384)", style=solid]; -"2464 _param_constant309_0_0" -> "2465 linear_114" [label="(1536,)", style=solid]; -"2465 linear_114" -> "2466 gelu_18" [label="(1, 14, 14, 1536)", style=solid]; -"2466 gelu_18" -> "2467 dropout_74" [label="(1, 14, 14, 1536)", style=solid]; -"2467 dropout_74" -> "2469 dropout_74_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; -"2468 linear_115_updated_constant0" -> "2474 quantize_per_channel_default_116" [label="(384, 1536)", style=solid]; -"2469 dropout_74_0_0_nncf_smooth_quant_0" -> "2470 quantize_per_tensor_default_116" [label="(1, 14, 14, 1536)", style=solid]; -"2470 quantize_per_tensor_default_116" -> "2471 dequantize_per_tensor_default_116" [label="(1, 14, 14, 1536)", style=solid]; -"2471 dequantize_per_tensor_default_116" -> "2477 linear_115" [label="(1, 14, 14, 1536)", style=solid]; -"2472 linear_115_scale_0" -> "2474 quantize_per_channel_default_116" [label="(384,)", style=solid]; -"2472 linear_115_scale_0" -> "2475 dequantize_per_channel_default_116" [label="(384,)", style=solid]; -"2473 linear_115_zero_point_0" -> "2474 quantize_per_channel_default_116" [label="(384,)", style=solid]; -"2473 linear_115_zero_point_0" -> "2475 dequantize_per_channel_default_116" [label="(384,)", style=solid]; -"2474 quantize_per_channel_default_116" -> "2475 dequantize_per_channel_default_116" [label="(384, 1536)", style=solid]; -"2475 dequantize_per_channel_default_116" -> "2477 linear_115" [label="(384, 1536)", style=solid]; -"2476 _param_constant311_0_0" -> "2477 linear_115" [label="(384,)", style=solid]; -"2477 linear_115" -> "2478 dropout_75" [label="(1, 14, 14, 384)", style=solid]; -"2478 dropout_75" -> "2481 layer_norm_40" [label="(1, 14, 14, 384)", style=solid]; -"2479 _param_constant312" -> "2481 layer_norm_40" [label="(384,)", style=solid]; -"2480 _param_constant313" -> "2481 layer_norm_40" [label="(384,)", style=solid]; -"2481 layer_norm_40" -> "2482 add_65" [label="(1, 14, 14, 384)", style=solid]; -"2482 add_65" -> "2509 pad_21" [label="(1, 14, 14, 384)", style=solid]; -"2482 add_65" -> "2592 add_68" [label="(1, 14, 14, 384)", style=solid]; -"2483 _tensor_constant119" -> "2485 _tensor_constant119_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; -"2484 linear_116_updated_constant0" -> "2488 quantize_per_channel_default_117" [label="(512, 2)", style=solid]; -"2485 _tensor_constant119_0_0_nncf_smooth_quant_0" -> "2491 linear_116" [label="(1, 15, 15, 2)", style=solid]; -"2486 linear_116_scale_0" -> "2488 quantize_per_channel_default_117" [label="(512,)", style=solid]; -"2486 linear_116_scale_0" -> "2489 dequantize_per_channel_default_117" [label="(512,)", style=solid]; -"2487 linear_116_zero_point_0" -> "2488 quantize_per_channel_default_117" [label="(512,)", style=solid]; -"2487 linear_116_zero_point_0" -> "2489 dequantize_per_channel_default_117" [label="(512,)", style=solid]; -"2488 quantize_per_channel_default_117" -> "2489 dequantize_per_channel_default_117" [label="(512, 2)", style=solid]; -"2489 dequantize_per_channel_default_117" -> "2491 linear_116" [label="(512, 2)", style=solid]; -"2490 _param_constant315_0_0" -> "2491 linear_116" [label="(512,)", style=solid]; -"2491 linear_116" -> "2492 relu__19" [label="(1, 15, 15, 512)", style=solid]; -"2492 relu__19" -> "2494 relu__19_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; -"2493 linear_117_updated_constant0" -> "2497 quantize_per_channel_default_118" [label="(12, 512)", style=solid]; -"2494 relu__19_0_0_nncf_smooth_quant_0" -> "2499 linear_117" [label="(1, 15, 15, 512)", style=solid]; -"2495 linear_117_scale_0" -> "2497 quantize_per_channel_default_118" [label="(12,)", style=solid]; -"2495 linear_117_scale_0" -> "2498 dequantize_per_channel_default_118" [label="(12,)", style=solid]; -"2496 linear_117_zero_point_0" -> "2497 quantize_per_channel_default_118" [label="(12,)", style=solid]; -"2496 linear_117_zero_point_0" -> "2498 dequantize_per_channel_default_118" [label="(12,)", style=solid]; -"2497 quantize_per_channel_default_118" -> "2498 dequantize_per_channel_default_118" [label="(12, 512)", style=solid]; -"2498 dequantize_per_channel_default_118" -> "2499 linear_117" [label="(12, 512)", style=solid]; -"2499 linear_117" -> "2500 view_103" [label="(1, 15, 15, 12)", style=solid]; -"2500 view_103" -> "2502 index_19" [label="(225, 12)", style=solid]; -"2501 _tensor_constant120" -> "2502 index_19" [label="(4096,)", style=solid]; -"2502 index_19" -> "2503 view_104" [label="(4096, 12)", style=solid]; -"2503 view_104" -> "2504 permute_86" [label="(64, 64, 12)", style=solid]; -"2504 permute_86" -> "2505 contiguous_36" [label="(12, 64, 64)", style=solid]; -"2505 contiguous_36" -> "2506 unsqueeze_55" [label="(12, 64, 64)", style=solid]; -"2506 unsqueeze_55" -> "2507 sigmoid_19" [label="(1, 12, 64, 64)", style=solid]; -"2507 sigmoid_19" -> "2508 mul_38" [label="(1, 12, 64, 64)", style=solid]; -"2508 mul_38" -> "2547 add_66" [label="(1, 12, 64, 64)", style=solid]; -"2509 pad_21" -> "2510 roll_18" [label="(1, 16, 16, 384)", style=solid]; -"2510 roll_18" -> "2511 view_105" [label="(1, 16, 16, 384)", style=solid]; -"2511 view_105" -> "2512 permute_87" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"2512 permute_87" -> "2513 reshape_85" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"2513 reshape_85" -> "2515 reshape_85_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"2513 reshape_85" -> "2548 new_zeros_9" [label="(4, 64, 384)", style=solid]; -"2514 linear_118_updated_constant0" -> "2520 quantize_per_channel_default_119" [label="(1152, 384)", style=solid]; -"2515 reshape_85_0_0_nncf_smooth_quant_0" -> "2516 quantize_per_tensor_default_117" [label="(4, 64, 384)", style=solid]; -"2516 quantize_per_tensor_default_117" -> "2517 dequantize_per_tensor_default_117" [label="(4, 64, 384)", style=solid]; -"2517 dequantize_per_tensor_default_117" -> "2523 linear_118" [label="(4, 64, 384)", style=solid]; -"2518 linear_118_scale_0" -> "2520 quantize_per_channel_default_119" [label="(1152,)", style=solid]; -"2518 linear_118_scale_0" -> "2521 dequantize_per_channel_default_119" [label="(1152,)", style=solid]; -"2519 linear_118_zero_point_0" -> "2520 quantize_per_channel_default_119" [label="(1152,)", style=solid]; -"2519 linear_118_zero_point_0" -> "2521 dequantize_per_channel_default_119" [label="(1152,)", style=solid]; -"2520 quantize_per_channel_default_119" -> "2521 dequantize_per_channel_default_119" [label="(1152, 384)", style=solid]; -"2521 dequantize_per_channel_default_119" -> "2523 linear_118" [label="(1152, 384)", style=solid]; -"2522 _param_constant317_0_0" -> "2523 linear_118" [label="(1152,)", style=solid]; -"2523 linear_118" -> "2524 reshape_86" [label="(4, 64, 1152)", style=solid]; -"2524 reshape_86" -> "2525 permute_88" [label="(4, 64, 3, 12, 32)", style=solid]; -"2525 permute_88" -> "2526 select_57" [label="(3, 4, 12, 64, 32)", style=solid]; -"2525 permute_88" -> "2527 select_58" [label="(3, 4, 12, 64, 32)", style=solid]; -"2525 permute_88" -> "2528 select_59" [label="(3, 4, 12, 64, 32)", style=solid]; -"2526 select_57" -> "2529 linalg_vector_norm_38" [label="(4, 12, 64, 32)", style=solid]; -"2526 select_57" -> "2531 expand_as_38" [label="(4, 12, 64, 32)", style=solid]; -"2526 select_57" -> "2532 div_38" [label="(4, 12, 64, 32)", style=solid]; -"2527 select_58" -> "2535 linalg_vector_norm_39" [label="(4, 12, 64, 32)", style=solid]; -"2527 select_58" -> "2537 expand_as_39" [label="(4, 12, 64, 32)", style=solid]; -"2527 select_58" -> "2538 div_39" [label="(4, 12, 64, 32)", style=solid]; -"2528 select_59" -> "2566 matmul_39" [label="(4, 12, 64, 32)", style=solid]; -"2529 linalg_vector_norm_38" -> "2530 clamp_min_38" [label="(4, 12, 64, 1)", style=solid]; -"2530 clamp_min_38" -> "2531 expand_as_38" [label="(4, 12, 64, 1)", style=solid]; -"2531 expand_as_38" -> "2532 div_38" [label="(4, 12, 64, 32)", style=solid]; -"2532 div_38" -> "2533 quantize_per_tensor_default_118" [label="(4, 12, 64, 32)", style=solid]; -"2533 quantize_per_tensor_default_118" -> "2534 dequantize_per_tensor_default_118" [label="(4, 12, 64, 32)", style=solid]; -"2534 dequantize_per_tensor_default_118" -> "2542 matmul_38" [label="(4, 12, 64, 32)", style=solid]; -"2535 linalg_vector_norm_39" -> "2536 clamp_min_39" [label="(4, 12, 64, 1)", style=solid]; -"2536 clamp_min_39" -> "2537 expand_as_39" [label="(4, 12, 64, 1)", style=solid]; -"2537 expand_as_39" -> "2538 div_39" [label="(4, 12, 64, 32)", style=solid]; -"2538 div_39" -> "2539 quantize_per_tensor_default_119" [label="(4, 12, 64, 32)", style=solid]; -"2539 quantize_per_tensor_default_119" -> "2540 dequantize_per_tensor_default_119" [label="(4, 12, 64, 32)", style=solid]; -"2540 dequantize_per_tensor_default_119" -> "2541 transpose_38" [label="(4, 12, 64, 32)", style=solid]; -"2541 transpose_38" -> "2542 matmul_38" [label="(4, 12, 32, 64)", style=solid]; -"2542 matmul_38" -> "2546 mul_39" [label="(4, 12, 64, 64)", style=solid]; -"2543 _param_constant319" -> "2544 clamp_19" [label="(12, 1, 1)", style=solid]; -"2544 clamp_19" -> "2545 exp_19" [label="(12, 1, 1)", style=solid]; -"2545 exp_19" -> "2546 mul_39" [label="(12, 1, 1)", style=solid]; -"2546 mul_39" -> "2547 add_66" [label="(4, 12, 64, 64)", style=solid]; -"2547 add_66" -> "2559 view_107" [label="(4, 12, 64, 64)", style=solid]; -"2548 new_zeros_9" -> "2549 view_106" [label="(16, 16)", style=solid]; -"2549 view_106" -> "2550 permute_89" [label="(2, 8, 2, 8)", style=solid]; -"2550 permute_89" -> "2551 reshape_87" [label="(2, 2, 8, 8)", style=solid]; -"2551 reshape_87" -> "2552 unsqueeze_56" [label="(4, 64)", style=solid]; -"2551 reshape_87" -> "2553 unsqueeze_57" [label="(4, 64)", style=solid]; -"2552 unsqueeze_56" -> "2554 sub_9" [label="(4, 1, 64)", style=solid]; -"2553 unsqueeze_57" -> "2554 sub_9" [label="(4, 64, 1)", style=solid]; -"2554 sub_9" -> "2555 ne_9" [label="(4, 64, 64)", style=solid]; -"2554 sub_9" -> "2556 masked_fill_18" [label="(4, 64, 64)", style=solid]; -"2554 sub_9" -> "2557 eq_9" [label="(4, 64, 64)", style=solid]; -"2555 ne_9" -> "2556 masked_fill_18" [label="(4, 64, 64)", style=solid]; -"2556 masked_fill_18" -> "2558 masked_fill_19" [label="(4, 64, 64)", style=solid]; -"2557 eq_9" -> "2558 masked_fill_19" [label="(4, 64, 64)", style=solid]; -"2558 masked_fill_19" -> "2560 unsqueeze_58" [label="(4, 64, 64)", style=solid]; -"2559 view_107" -> "2562 add_67" [label="(1, 4, 12, 64, 64)", style=solid]; -"2560 unsqueeze_58" -> "2561 unsqueeze_59" [label="(4, 1, 64, 64)", style=solid]; -"2561 unsqueeze_59" -> "2562 add_67" [label="(1, 4, 1, 64, 64)", style=solid]; -"2562 add_67" -> "2563 view_108" [label="(1, 4, 12, 64, 64)", style=solid]; -"2563 view_108" -> "2564 softmax_19" [label="(4, 12, 64, 64)", style=solid]; -"2564 softmax_19" -> "2565 dropout_76" [label="(4, 12, 64, 64)", style=solid]; -"2565 dropout_76" -> "2566 matmul_39" [label="(4, 12, 64, 64)", style=solid]; -"2566 matmul_39" -> "2567 transpose_39" [label="(4, 12, 64, 32)", style=solid]; -"2567 transpose_39" -> "2568 reshape_88" [label="(4, 64, 12, 32)", style=solid]; -"2568 reshape_88" -> "2570 reshape_88_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"2569 linear_119_updated_constant0" -> "2575 quantize_per_channel_default_120" [label="(384, 384)", style=solid]; -"2570 reshape_88_0_0_nncf_smooth_quant_0" -> "2571 quantize_per_tensor_default_120" [label="(4, 64, 384)", style=solid]; -"2571 quantize_per_tensor_default_120" -> "2572 dequantize_per_tensor_default_120" [label="(4, 64, 384)", style=solid]; -"2572 dequantize_per_tensor_default_120" -> "2578 linear_119" [label="(4, 64, 384)", style=solid]; -"2573 linear_119_scale_0" -> "2575 quantize_per_channel_default_120" [label="(384,)", style=solid]; -"2573 linear_119_scale_0" -> "2576 dequantize_per_channel_default_120" [label="(384,)", style=solid]; -"2574 linear_119_zero_point_0" -> "2575 quantize_per_channel_default_120" [label="(384,)", style=solid]; -"2574 linear_119_zero_point_0" -> "2576 dequantize_per_channel_default_120" [label="(384,)", style=solid]; -"2575 quantize_per_channel_default_120" -> "2576 dequantize_per_channel_default_120" [label="(384, 384)", style=solid]; -"2576 dequantize_per_channel_default_120" -> "2578 linear_119" [label="(384, 384)", style=solid]; -"2577 _param_constant321_0_0" -> "2578 linear_119" [label="(384,)", style=solid]; -"2578 linear_119" -> "2579 dropout_77" [label="(4, 64, 384)", style=solid]; -"2579 dropout_77" -> "2580 view_109" [label="(4, 64, 384)", style=solid]; -"2580 view_109" -> "2581 permute_90" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"2581 permute_90" -> "2582 reshape_89" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"2582 reshape_89" -> "2583 roll_19" [label="(1, 16, 16, 384)", style=solid]; -"2583 roll_19" -> "2584 slice_297" [label="(1, 16, 16, 384)", style=solid]; -"2584 slice_297" -> "2585 slice_298" [label="(1, 16, 16, 384)", style=solid]; -"2585 slice_298" -> "2586 slice_299" [label="(1, 14, 16, 384)", style=solid]; -"2586 slice_299" -> "2587 slice_300" [label="(1, 14, 14, 384)", style=solid]; -"2587 slice_300" -> "2588 contiguous_37" [label="(1, 14, 14, 384)", style=solid]; -"2588 contiguous_37" -> "2591 layer_norm_41" [label="(1, 14, 14, 384)", style=solid]; -"2589 _param_constant322" -> "2591 layer_norm_41" [label="(384,)", style=solid]; -"2590 _param_constant323" -> "2591 layer_norm_41" [label="(384,)", style=solid]; -"2591 layer_norm_41" -> "2592 add_68" [label="(1, 14, 14, 384)", style=solid]; -"2592 add_68" -> "2594 add_68_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; -"2592 add_68" -> "2619 add_69" [label="(1, 14, 14, 384)", style=solid]; -"2593 linear_120_updated_constant0" -> "2599 quantize_per_channel_default_121" [label="(1536, 384)", style=solid]; -"2594 add_68_0_0_nncf_smooth_quant_0" -> "2595 quantize_per_tensor_default_121" [label="(1, 14, 14, 384)", style=solid]; -"2595 quantize_per_tensor_default_121" -> "2596 dequantize_per_tensor_default_121" [label="(1, 14, 14, 384)", style=solid]; -"2596 dequantize_per_tensor_default_121" -> "2602 linear_120" [label="(1, 14, 14, 384)", style=solid]; -"2597 linear_120_scale_0" -> "2599 quantize_per_channel_default_121" [label="(1536,)", style=solid]; -"2597 linear_120_scale_0" -> "2600 dequantize_per_channel_default_121" [label="(1536,)", style=solid]; -"2598 linear_120_zero_point_0" -> "2599 quantize_per_channel_default_121" [label="(1536,)", style=solid]; -"2598 linear_120_zero_point_0" -> "2600 dequantize_per_channel_default_121" [label="(1536,)", style=solid]; -"2599 quantize_per_channel_default_121" -> "2600 dequantize_per_channel_default_121" [label="(1536, 384)", style=solid]; -"2600 dequantize_per_channel_default_121" -> "2602 linear_120" [label="(1536, 384)", style=solid]; -"2601 _param_constant325_0_0" -> "2602 linear_120" [label="(1536,)", style=solid]; -"2602 linear_120" -> "2603 gelu_19" [label="(1, 14, 14, 1536)", style=solid]; -"2603 gelu_19" -> "2604 dropout_78" [label="(1, 14, 14, 1536)", style=solid]; -"2604 dropout_78" -> "2606 dropout_78_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; -"2605 linear_121_updated_constant0" -> "2611 quantize_per_channel_default_122" [label="(384, 1536)", style=solid]; -"2606 dropout_78_0_0_nncf_smooth_quant_0" -> "2607 quantize_per_tensor_default_122" [label="(1, 14, 14, 1536)", style=solid]; -"2607 quantize_per_tensor_default_122" -> "2608 dequantize_per_tensor_default_122" [label="(1, 14, 14, 1536)", style=solid]; -"2608 dequantize_per_tensor_default_122" -> "2614 linear_121" [label="(1, 14, 14, 1536)", style=solid]; -"2609 linear_121_scale_0" -> "2611 quantize_per_channel_default_122" [label="(384,)", style=solid]; -"2609 linear_121_scale_0" -> "2612 dequantize_per_channel_default_122" [label="(384,)", style=solid]; -"2610 linear_121_zero_point_0" -> "2611 quantize_per_channel_default_122" [label="(384,)", style=solid]; -"2610 linear_121_zero_point_0" -> "2612 dequantize_per_channel_default_122" [label="(384,)", style=solid]; -"2611 quantize_per_channel_default_122" -> "2612 dequantize_per_channel_default_122" [label="(384, 1536)", style=solid]; -"2612 dequantize_per_channel_default_122" -> "2614 linear_121" [label="(384, 1536)", style=solid]; -"2613 _param_constant327_0_0" -> "2614 linear_121" [label="(384,)", style=solid]; -"2614 linear_121" -> "2615 dropout_79" [label="(1, 14, 14, 384)", style=solid]; -"2615 dropout_79" -> "2618 layer_norm_42" [label="(1, 14, 14, 384)", style=solid]; -"2616 _param_constant328" -> "2618 layer_norm_42" [label="(384,)", style=solid]; -"2617 _param_constant329" -> "2618 layer_norm_42" [label="(384,)", style=solid]; -"2618 layer_norm_42" -> "2619 add_69" [label="(1, 14, 14, 384)", style=solid]; -"2619 add_69" -> "2646 pad_22" [label="(1, 14, 14, 384)", style=solid]; -"2619 add_69" -> "2711 add_71" [label="(1, 14, 14, 384)", style=solid]; -"2620 _tensor_constant130" -> "2622 _tensor_constant130_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; -"2621 linear_122_updated_constant0" -> "2625 quantize_per_channel_default_123" [label="(512, 2)", style=solid]; -"2622 _tensor_constant130_0_0_nncf_smooth_quant_0" -> "2628 linear_122" [label="(1, 15, 15, 2)", style=solid]; -"2623 linear_122_scale_0" -> "2625 quantize_per_channel_default_123" [label="(512,)", style=solid]; -"2623 linear_122_scale_0" -> "2626 dequantize_per_channel_default_123" [label="(512,)", style=solid]; -"2624 linear_122_zero_point_0" -> "2625 quantize_per_channel_default_123" [label="(512,)", style=solid]; -"2624 linear_122_zero_point_0" -> "2626 dequantize_per_channel_default_123" [label="(512,)", style=solid]; -"2625 quantize_per_channel_default_123" -> "2626 dequantize_per_channel_default_123" [label="(512, 2)", style=solid]; -"2626 dequantize_per_channel_default_123" -> "2628 linear_122" [label="(512, 2)", style=solid]; -"2627 _param_constant331_0_0" -> "2628 linear_122" [label="(512,)", style=solid]; -"2628 linear_122" -> "2629 relu__20" [label="(1, 15, 15, 512)", style=solid]; -"2629 relu__20" -> "2631 relu__20_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; -"2630 linear_123_updated_constant0" -> "2634 quantize_per_channel_default_124" [label="(12, 512)", style=solid]; -"2631 relu__20_0_0_nncf_smooth_quant_0" -> "2636 linear_123" [label="(1, 15, 15, 512)", style=solid]; -"2632 linear_123_scale_0" -> "2634 quantize_per_channel_default_124" [label="(12,)", style=solid]; -"2632 linear_123_scale_0" -> "2635 dequantize_per_channel_default_124" [label="(12,)", style=solid]; -"2633 linear_123_zero_point_0" -> "2634 quantize_per_channel_default_124" [label="(12,)", style=solid]; -"2633 linear_123_zero_point_0" -> "2635 dequantize_per_channel_default_124" [label="(12,)", style=solid]; -"2634 quantize_per_channel_default_124" -> "2635 dequantize_per_channel_default_124" [label="(12, 512)", style=solid]; -"2635 dequantize_per_channel_default_124" -> "2636 linear_123" [label="(12, 512)", style=solid]; -"2636 linear_123" -> "2637 view_110" [label="(1, 15, 15, 12)", style=solid]; -"2637 view_110" -> "2639 index_20" [label="(225, 12)", style=solid]; -"2638 _tensor_constant131" -> "2639 index_20" [label="(4096,)", style=solid]; -"2639 index_20" -> "2640 view_111" [label="(4096, 12)", style=solid]; -"2640 view_111" -> "2641 permute_91" [label="(64, 64, 12)", style=solid]; -"2641 permute_91" -> "2642 contiguous_38" [label="(12, 64, 64)", style=solid]; -"2642 contiguous_38" -> "2643 unsqueeze_60" [label="(12, 64, 64)", style=solid]; -"2643 unsqueeze_60" -> "2644 sigmoid_20" [label="(1, 12, 64, 64)", style=solid]; -"2644 sigmoid_20" -> "2645 mul_40" [label="(1, 12, 64, 64)", style=solid]; -"2645 mul_40" -> "2683 add_70" [label="(1, 12, 64, 64)", style=solid]; -"2646 pad_22" -> "2647 view_112" [label="(1, 16, 16, 384)", style=solid]; -"2647 view_112" -> "2648 permute_92" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"2648 permute_92" -> "2649 reshape_90" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"2649 reshape_90" -> "2651 reshape_90_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"2650 linear_124_updated_constant0" -> "2656 quantize_per_channel_default_125" [label="(1152, 384)", style=solid]; -"2651 reshape_90_0_0_nncf_smooth_quant_0" -> "2652 quantize_per_tensor_default_123" [label="(4, 64, 384)", style=solid]; -"2652 quantize_per_tensor_default_123" -> "2653 dequantize_per_tensor_default_123" [label="(4, 64, 384)", style=solid]; -"2653 dequantize_per_tensor_default_123" -> "2659 linear_124" [label="(4, 64, 384)", style=solid]; -"2654 linear_124_scale_0" -> "2656 quantize_per_channel_default_125" [label="(1152,)", style=solid]; -"2654 linear_124_scale_0" -> "2657 dequantize_per_channel_default_125" [label="(1152,)", style=solid]; -"2655 linear_124_zero_point_0" -> "2656 quantize_per_channel_default_125" [label="(1152,)", style=solid]; -"2655 linear_124_zero_point_0" -> "2657 dequantize_per_channel_default_125" [label="(1152,)", style=solid]; -"2656 quantize_per_channel_default_125" -> "2657 dequantize_per_channel_default_125" [label="(1152, 384)", style=solid]; -"2657 dequantize_per_channel_default_125" -> "2659 linear_124" [label="(1152, 384)", style=solid]; -"2658 _param_constant333_0_0" -> "2659 linear_124" [label="(1152,)", style=solid]; -"2659 linear_124" -> "2660 reshape_91" [label="(4, 64, 1152)", style=solid]; -"2660 reshape_91" -> "2661 permute_93" [label="(4, 64, 3, 12, 32)", style=solid]; -"2661 permute_93" -> "2662 select_60" [label="(3, 4, 12, 64, 32)", style=solid]; -"2661 permute_93" -> "2663 select_61" [label="(3, 4, 12, 64, 32)", style=solid]; -"2661 permute_93" -> "2664 select_62" [label="(3, 4, 12, 64, 32)", style=solid]; -"2662 select_60" -> "2665 linalg_vector_norm_40" [label="(4, 12, 64, 32)", style=solid]; -"2662 select_60" -> "2667 expand_as_40" [label="(4, 12, 64, 32)", style=solid]; -"2662 select_60" -> "2668 div_40" [label="(4, 12, 64, 32)", style=solid]; -"2663 select_61" -> "2671 linalg_vector_norm_41" [label="(4, 12, 64, 32)", style=solid]; -"2663 select_61" -> "2673 expand_as_41" [label="(4, 12, 64, 32)", style=solid]; -"2663 select_61" -> "2674 div_41" [label="(4, 12, 64, 32)", style=solid]; -"2664 select_62" -> "2686 matmul_41" [label="(4, 12, 64, 32)", style=solid]; -"2665 linalg_vector_norm_40" -> "2666 clamp_min_40" [label="(4, 12, 64, 1)", style=solid]; -"2666 clamp_min_40" -> "2667 expand_as_40" [label="(4, 12, 64, 1)", style=solid]; -"2667 expand_as_40" -> "2668 div_40" [label="(4, 12, 64, 32)", style=solid]; -"2668 div_40" -> "2669 quantize_per_tensor_default_124" [label="(4, 12, 64, 32)", style=solid]; -"2669 quantize_per_tensor_default_124" -> "2670 dequantize_per_tensor_default_124" [label="(4, 12, 64, 32)", style=solid]; -"2670 dequantize_per_tensor_default_124" -> "2678 matmul_40" [label="(4, 12, 64, 32)", style=solid]; -"2671 linalg_vector_norm_41" -> "2672 clamp_min_41" [label="(4, 12, 64, 1)", style=solid]; -"2672 clamp_min_41" -> "2673 expand_as_41" [label="(4, 12, 64, 1)", style=solid]; -"2673 expand_as_41" -> "2674 div_41" [label="(4, 12, 64, 32)", style=solid]; -"2674 div_41" -> "2675 quantize_per_tensor_default_125" [label="(4, 12, 64, 32)", style=solid]; -"2675 quantize_per_tensor_default_125" -> "2676 dequantize_per_tensor_default_125" [label="(4, 12, 64, 32)", style=solid]; -"2676 dequantize_per_tensor_default_125" -> "2677 transpose_40" [label="(4, 12, 64, 32)", style=solid]; -"2677 transpose_40" -> "2678 matmul_40" [label="(4, 12, 32, 64)", style=solid]; -"2678 matmul_40" -> "2682 mul_41" [label="(4, 12, 64, 64)", style=solid]; -"2679 _param_constant335" -> "2680 clamp_20" [label="(12, 1, 1)", style=solid]; -"2680 clamp_20" -> "2681 exp_20" [label="(12, 1, 1)", style=solid]; -"2681 exp_20" -> "2682 mul_41" [label="(12, 1, 1)", style=solid]; -"2682 mul_41" -> "2683 add_70" [label="(4, 12, 64, 64)", style=solid]; -"2683 add_70" -> "2684 softmax_20" [label="(4, 12, 64, 64)", style=solid]; -"2684 softmax_20" -> "2685 dropout_80" [label="(4, 12, 64, 64)", style=solid]; -"2685 dropout_80" -> "2686 matmul_41" [label="(4, 12, 64, 64)", style=solid]; -"2686 matmul_41" -> "2687 transpose_41" [label="(4, 12, 64, 32)", style=solid]; -"2687 transpose_41" -> "2688 reshape_92" [label="(4, 64, 12, 32)", style=solid]; -"2688 reshape_92" -> "2690 reshape_92_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"2689 linear_125_updated_constant0" -> "2695 quantize_per_channel_default_126" [label="(384, 384)", style=solid]; -"2690 reshape_92_0_0_nncf_smooth_quant_0" -> "2691 quantize_per_tensor_default_126" [label="(4, 64, 384)", style=solid]; -"2691 quantize_per_tensor_default_126" -> "2692 dequantize_per_tensor_default_126" [label="(4, 64, 384)", style=solid]; -"2692 dequantize_per_tensor_default_126" -> "2698 linear_125" [label="(4, 64, 384)", style=solid]; -"2693 linear_125_scale_0" -> "2695 quantize_per_channel_default_126" [label="(384,)", style=solid]; -"2693 linear_125_scale_0" -> "2696 dequantize_per_channel_default_126" [label="(384,)", style=solid]; -"2694 linear_125_zero_point_0" -> "2695 quantize_per_channel_default_126" [label="(384,)", style=solid]; -"2694 linear_125_zero_point_0" -> "2696 dequantize_per_channel_default_126" [label="(384,)", style=solid]; -"2695 quantize_per_channel_default_126" -> "2696 dequantize_per_channel_default_126" [label="(384, 384)", style=solid]; -"2696 dequantize_per_channel_default_126" -> "2698 linear_125" [label="(384, 384)", style=solid]; -"2697 _param_constant337_0_0" -> "2698 linear_125" [label="(384,)", style=solid]; -"2698 linear_125" -> "2699 dropout_81" [label="(4, 64, 384)", style=solid]; -"2699 dropout_81" -> "2700 view_113" [label="(4, 64, 384)", style=solid]; -"2700 view_113" -> "2701 permute_94" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"2701 permute_94" -> "2702 reshape_93" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"2702 reshape_93" -> "2703 slice_302" [label="(1, 16, 16, 384)", style=solid]; -"2703 slice_302" -> "2704 slice_303" [label="(1, 16, 16, 384)", style=solid]; -"2704 slice_303" -> "2705 slice_304" [label="(1, 14, 16, 384)", style=solid]; -"2705 slice_304" -> "2706 slice_305" [label="(1, 14, 14, 384)", style=solid]; -"2706 slice_305" -> "2707 contiguous_39" [label="(1, 14, 14, 384)", style=solid]; -"2707 contiguous_39" -> "2710 layer_norm_43" [label="(1, 14, 14, 384)", style=solid]; -"2708 _param_constant338" -> "2710 layer_norm_43" [label="(384,)", style=solid]; -"2709 _param_constant339" -> "2710 layer_norm_43" [label="(384,)", style=solid]; -"2710 layer_norm_43" -> "2711 add_71" [label="(1, 14, 14, 384)", style=solid]; -"2711 add_71" -> "2713 add_71_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; -"2711 add_71" -> "2738 add_72" [label="(1, 14, 14, 384)", style=solid]; -"2712 linear_126_updated_constant0" -> "2718 quantize_per_channel_default_127" [label="(1536, 384)", style=solid]; -"2713 add_71_0_0_nncf_smooth_quant_0" -> "2714 quantize_per_tensor_default_127" [label="(1, 14, 14, 384)", style=solid]; -"2714 quantize_per_tensor_default_127" -> "2715 dequantize_per_tensor_default_127" [label="(1, 14, 14, 384)", style=solid]; -"2715 dequantize_per_tensor_default_127" -> "2721 linear_126" [label="(1, 14, 14, 384)", style=solid]; -"2716 linear_126_scale_0" -> "2718 quantize_per_channel_default_127" [label="(1536,)", style=solid]; -"2716 linear_126_scale_0" -> "2719 dequantize_per_channel_default_127" [label="(1536,)", style=solid]; -"2717 linear_126_zero_point_0" -> "2718 quantize_per_channel_default_127" [label="(1536,)", style=solid]; -"2717 linear_126_zero_point_0" -> "2719 dequantize_per_channel_default_127" [label="(1536,)", style=solid]; -"2718 quantize_per_channel_default_127" -> "2719 dequantize_per_channel_default_127" [label="(1536, 384)", style=solid]; -"2719 dequantize_per_channel_default_127" -> "2721 linear_126" [label="(1536, 384)", style=solid]; -"2720 _param_constant341_0_0" -> "2721 linear_126" [label="(1536,)", style=solid]; -"2721 linear_126" -> "2722 gelu_20" [label="(1, 14, 14, 1536)", style=solid]; -"2722 gelu_20" -> "2723 dropout_82" [label="(1, 14, 14, 1536)", style=solid]; -"2723 dropout_82" -> "2725 dropout_82_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; -"2724 linear_127_updated_constant0" -> "2730 quantize_per_channel_default_128" [label="(384, 1536)", style=solid]; -"2725 dropout_82_0_0_nncf_smooth_quant_0" -> "2726 quantize_per_tensor_default_128" [label="(1, 14, 14, 1536)", style=solid]; -"2726 quantize_per_tensor_default_128" -> "2727 dequantize_per_tensor_default_128" [label="(1, 14, 14, 1536)", style=solid]; -"2727 dequantize_per_tensor_default_128" -> "2733 linear_127" [label="(1, 14, 14, 1536)", style=solid]; -"2728 linear_127_scale_0" -> "2730 quantize_per_channel_default_128" [label="(384,)", style=solid]; -"2728 linear_127_scale_0" -> "2731 dequantize_per_channel_default_128" [label="(384,)", style=solid]; -"2729 linear_127_zero_point_0" -> "2730 quantize_per_channel_default_128" [label="(384,)", style=solid]; -"2729 linear_127_zero_point_0" -> "2731 dequantize_per_channel_default_128" [label="(384,)", style=solid]; -"2730 quantize_per_channel_default_128" -> "2731 dequantize_per_channel_default_128" [label="(384, 1536)", style=solid]; -"2731 dequantize_per_channel_default_128" -> "2733 linear_127" [label="(384, 1536)", style=solid]; -"2732 _param_constant343_0_0" -> "2733 linear_127" [label="(384,)", style=solid]; -"2733 linear_127" -> "2734 dropout_83" [label="(1, 14, 14, 384)", style=solid]; -"2734 dropout_83" -> "2737 layer_norm_44" [label="(1, 14, 14, 384)", style=solid]; -"2735 _param_constant344" -> "2737 layer_norm_44" [label="(384,)", style=solid]; -"2736 _param_constant345" -> "2737 layer_norm_44" [label="(384,)", style=solid]; -"2737 layer_norm_44" -> "2738 add_72" [label="(1, 14, 14, 384)", style=solid]; -"2738 add_72" -> "2765 pad_23" [label="(1, 14, 14, 384)", style=solid]; -"2738 add_72" -> "2848 add_75" [label="(1, 14, 14, 384)", style=solid]; -"2739 _tensor_constant132" -> "2741 _tensor_constant132_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; -"2740 linear_128_updated_constant0" -> "2744 quantize_per_channel_default_129" [label="(512, 2)", style=solid]; -"2741 _tensor_constant132_0_0_nncf_smooth_quant_0" -> "2747 linear_128" [label="(1, 15, 15, 2)", style=solid]; -"2742 linear_128_scale_0" -> "2744 quantize_per_channel_default_129" [label="(512,)", style=solid]; -"2742 linear_128_scale_0" -> "2745 dequantize_per_channel_default_129" [label="(512,)", style=solid]; -"2743 linear_128_zero_point_0" -> "2744 quantize_per_channel_default_129" [label="(512,)", style=solid]; -"2743 linear_128_zero_point_0" -> "2745 dequantize_per_channel_default_129" [label="(512,)", style=solid]; -"2744 quantize_per_channel_default_129" -> "2745 dequantize_per_channel_default_129" [label="(512, 2)", style=solid]; -"2745 dequantize_per_channel_default_129" -> "2747 linear_128" [label="(512, 2)", style=solid]; -"2746 _param_constant347_0_0" -> "2747 linear_128" [label="(512,)", style=solid]; -"2747 linear_128" -> "2748 relu__21" [label="(1, 15, 15, 512)", style=solid]; -"2748 relu__21" -> "2750 relu__21_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; -"2749 linear_129_updated_constant0" -> "2753 quantize_per_channel_default_130" [label="(12, 512)", style=solid]; -"2750 relu__21_0_0_nncf_smooth_quant_0" -> "2755 linear_129" [label="(1, 15, 15, 512)", style=solid]; -"2751 linear_129_scale_0" -> "2753 quantize_per_channel_default_130" [label="(12,)", style=solid]; -"2751 linear_129_scale_0" -> "2754 dequantize_per_channel_default_130" [label="(12,)", style=solid]; -"2752 linear_129_zero_point_0" -> "2753 quantize_per_channel_default_130" [label="(12,)", style=solid]; -"2752 linear_129_zero_point_0" -> "2754 dequantize_per_channel_default_130" [label="(12,)", style=solid]; -"2753 quantize_per_channel_default_130" -> "2754 dequantize_per_channel_default_130" [label="(12, 512)", style=solid]; -"2754 dequantize_per_channel_default_130" -> "2755 linear_129" [label="(12, 512)", style=solid]; -"2755 linear_129" -> "2756 view_114" [label="(1, 15, 15, 12)", style=solid]; -"2756 view_114" -> "2758 index_21" [label="(225, 12)", style=solid]; -"2757 _tensor_constant133" -> "2758 index_21" [label="(4096,)", style=solid]; -"2758 index_21" -> "2759 view_115" [label="(4096, 12)", style=solid]; -"2759 view_115" -> "2760 permute_95" [label="(64, 64, 12)", style=solid]; -"2760 permute_95" -> "2761 contiguous_40" [label="(12, 64, 64)", style=solid]; -"2761 contiguous_40" -> "2762 unsqueeze_61" [label="(12, 64, 64)", style=solid]; -"2762 unsqueeze_61" -> "2763 sigmoid_21" [label="(1, 12, 64, 64)", style=solid]; -"2763 sigmoid_21" -> "2764 mul_42" [label="(1, 12, 64, 64)", style=solid]; -"2764 mul_42" -> "2803 add_73" [label="(1, 12, 64, 64)", style=solid]; -"2765 pad_23" -> "2766 roll_20" [label="(1, 16, 16, 384)", style=solid]; -"2766 roll_20" -> "2767 view_116" [label="(1, 16, 16, 384)", style=solid]; -"2767 view_116" -> "2768 permute_96" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"2768 permute_96" -> "2769 reshape_94" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"2769 reshape_94" -> "2771 reshape_94_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"2769 reshape_94" -> "2804 new_zeros_10" [label="(4, 64, 384)", style=solid]; -"2770 linear_130_updated_constant0" -> "2776 quantize_per_channel_default_131" [label="(1152, 384)", style=solid]; -"2771 reshape_94_0_0_nncf_smooth_quant_0" -> "2772 quantize_per_tensor_default_129" [label="(4, 64, 384)", style=solid]; -"2772 quantize_per_tensor_default_129" -> "2773 dequantize_per_tensor_default_129" [label="(4, 64, 384)", style=solid]; -"2773 dequantize_per_tensor_default_129" -> "2779 linear_130" [label="(4, 64, 384)", style=solid]; -"2774 linear_130_scale_0" -> "2776 quantize_per_channel_default_131" [label="(1152,)", style=solid]; -"2774 linear_130_scale_0" -> "2777 dequantize_per_channel_default_131" [label="(1152,)", style=solid]; -"2775 linear_130_zero_point_0" -> "2776 quantize_per_channel_default_131" [label="(1152,)", style=solid]; -"2775 linear_130_zero_point_0" -> "2777 dequantize_per_channel_default_131" [label="(1152,)", style=solid]; -"2776 quantize_per_channel_default_131" -> "2777 dequantize_per_channel_default_131" [label="(1152, 384)", style=solid]; -"2777 dequantize_per_channel_default_131" -> "2779 linear_130" [label="(1152, 384)", style=solid]; -"2778 _param_constant349_0_0" -> "2779 linear_130" [label="(1152,)", style=solid]; -"2779 linear_130" -> "2780 reshape_95" [label="(4, 64, 1152)", style=solid]; -"2780 reshape_95" -> "2781 permute_97" [label="(4, 64, 3, 12, 32)", style=solid]; -"2781 permute_97" -> "2782 select_63" [label="(3, 4, 12, 64, 32)", style=solid]; -"2781 permute_97" -> "2783 select_64" [label="(3, 4, 12, 64, 32)", style=solid]; -"2781 permute_97" -> "2784 select_65" [label="(3, 4, 12, 64, 32)", style=solid]; -"2782 select_63" -> "2785 linalg_vector_norm_42" [label="(4, 12, 64, 32)", style=solid]; -"2782 select_63" -> "2787 expand_as_42" [label="(4, 12, 64, 32)", style=solid]; -"2782 select_63" -> "2788 div_42" [label="(4, 12, 64, 32)", style=solid]; -"2783 select_64" -> "2791 linalg_vector_norm_43" [label="(4, 12, 64, 32)", style=solid]; -"2783 select_64" -> "2793 expand_as_43" [label="(4, 12, 64, 32)", style=solid]; -"2783 select_64" -> "2794 div_43" [label="(4, 12, 64, 32)", style=solid]; -"2784 select_65" -> "2822 matmul_43" [label="(4, 12, 64, 32)", style=solid]; -"2785 linalg_vector_norm_42" -> "2786 clamp_min_42" [label="(4, 12, 64, 1)", style=solid]; -"2786 clamp_min_42" -> "2787 expand_as_42" [label="(4, 12, 64, 1)", style=solid]; -"2787 expand_as_42" -> "2788 div_42" [label="(4, 12, 64, 32)", style=solid]; -"2788 div_42" -> "2789 quantize_per_tensor_default_130" [label="(4, 12, 64, 32)", style=solid]; -"2789 quantize_per_tensor_default_130" -> "2790 dequantize_per_tensor_default_130" [label="(4, 12, 64, 32)", style=solid]; -"2790 dequantize_per_tensor_default_130" -> "2798 matmul_42" [label="(4, 12, 64, 32)", style=solid]; -"2791 linalg_vector_norm_43" -> "2792 clamp_min_43" [label="(4, 12, 64, 1)", style=solid]; -"2792 clamp_min_43" -> "2793 expand_as_43" [label="(4, 12, 64, 1)", style=solid]; -"2793 expand_as_43" -> "2794 div_43" [label="(4, 12, 64, 32)", style=solid]; -"2794 div_43" -> "2795 quantize_per_tensor_default_131" [label="(4, 12, 64, 32)", style=solid]; -"2795 quantize_per_tensor_default_131" -> "2796 dequantize_per_tensor_default_131" [label="(4, 12, 64, 32)", style=solid]; -"2796 dequantize_per_tensor_default_131" -> "2797 transpose_42" [label="(4, 12, 64, 32)", style=solid]; -"2797 transpose_42" -> "2798 matmul_42" [label="(4, 12, 32, 64)", style=solid]; -"2798 matmul_42" -> "2802 mul_43" [label="(4, 12, 64, 64)", style=solid]; -"2799 _param_constant351" -> "2800 clamp_21" [label="(12, 1, 1)", style=solid]; -"2800 clamp_21" -> "2801 exp_21" [label="(12, 1, 1)", style=solid]; -"2801 exp_21" -> "2802 mul_43" [label="(12, 1, 1)", style=solid]; -"2802 mul_43" -> "2803 add_73" [label="(4, 12, 64, 64)", style=solid]; -"2803 add_73" -> "2815 view_118" [label="(4, 12, 64, 64)", style=solid]; -"2804 new_zeros_10" -> "2805 view_117" [label="(16, 16)", style=solid]; -"2805 view_117" -> "2806 permute_98" [label="(2, 8, 2, 8)", style=solid]; -"2806 permute_98" -> "2807 reshape_96" [label="(2, 2, 8, 8)", style=solid]; -"2807 reshape_96" -> "2808 unsqueeze_62" [label="(4, 64)", style=solid]; -"2807 reshape_96" -> "2809 unsqueeze_63" [label="(4, 64)", style=solid]; -"2808 unsqueeze_62" -> "2810 sub_10" [label="(4, 1, 64)", style=solid]; -"2809 unsqueeze_63" -> "2810 sub_10" [label="(4, 64, 1)", style=solid]; -"2810 sub_10" -> "2811 ne_10" [label="(4, 64, 64)", style=solid]; -"2810 sub_10" -> "2812 masked_fill_20" [label="(4, 64, 64)", style=solid]; -"2810 sub_10" -> "2813 eq_10" [label="(4, 64, 64)", style=solid]; -"2811 ne_10" -> "2812 masked_fill_20" [label="(4, 64, 64)", style=solid]; -"2812 masked_fill_20" -> "2814 masked_fill_21" [label="(4, 64, 64)", style=solid]; -"2813 eq_10" -> "2814 masked_fill_21" [label="(4, 64, 64)", style=solid]; -"2814 masked_fill_21" -> "2816 unsqueeze_64" [label="(4, 64, 64)", style=solid]; -"2815 view_118" -> "2818 add_74" [label="(1, 4, 12, 64, 64)", style=solid]; -"2816 unsqueeze_64" -> "2817 unsqueeze_65" [label="(4, 1, 64, 64)", style=solid]; -"2817 unsqueeze_65" -> "2818 add_74" [label="(1, 4, 1, 64, 64)", style=solid]; -"2818 add_74" -> "2819 view_119" [label="(1, 4, 12, 64, 64)", style=solid]; -"2819 view_119" -> "2820 softmax_21" [label="(4, 12, 64, 64)", style=solid]; -"2820 softmax_21" -> "2821 dropout_84" [label="(4, 12, 64, 64)", style=solid]; -"2821 dropout_84" -> "2822 matmul_43" [label="(4, 12, 64, 64)", style=solid]; -"2822 matmul_43" -> "2823 transpose_43" [label="(4, 12, 64, 32)", style=solid]; -"2823 transpose_43" -> "2824 reshape_97" [label="(4, 64, 12, 32)", style=solid]; -"2824 reshape_97" -> "2826 reshape_97_0_0_nncf_smooth_quant_0" [label="(4, 64, 384)", style=solid]; -"2825 linear_131_updated_constant0" -> "2831 quantize_per_channel_default_132" [label="(384, 384)", style=solid]; -"2826 reshape_97_0_0_nncf_smooth_quant_0" -> "2827 quantize_per_tensor_default_132" [label="(4, 64, 384)", style=solid]; -"2827 quantize_per_tensor_default_132" -> "2828 dequantize_per_tensor_default_132" [label="(4, 64, 384)", style=solid]; -"2828 dequantize_per_tensor_default_132" -> "2834 linear_131" [label="(4, 64, 384)", style=solid]; -"2829 linear_131_scale_0" -> "2831 quantize_per_channel_default_132" [label="(384,)", style=solid]; -"2829 linear_131_scale_0" -> "2832 dequantize_per_channel_default_132" [label="(384,)", style=solid]; -"2830 linear_131_zero_point_0" -> "2831 quantize_per_channel_default_132" [label="(384,)", style=solid]; -"2830 linear_131_zero_point_0" -> "2832 dequantize_per_channel_default_132" [label="(384,)", style=solid]; -"2831 quantize_per_channel_default_132" -> "2832 dequantize_per_channel_default_132" [label="(384, 384)", style=solid]; -"2832 dequantize_per_channel_default_132" -> "2834 linear_131" [label="(384, 384)", style=solid]; -"2833 _param_constant353_0_0" -> "2834 linear_131" [label="(384,)", style=solid]; -"2834 linear_131" -> "2835 dropout_85" [label="(4, 64, 384)", style=solid]; -"2835 dropout_85" -> "2836 view_120" [label="(4, 64, 384)", style=solid]; -"2836 view_120" -> "2837 permute_99" [label="(1, 2, 2, 8, 8, 384)", style=solid]; -"2837 permute_99" -> "2838 reshape_98" [label="(1, 2, 8, 2, 8, 384)", style=solid]; -"2838 reshape_98" -> "2839 roll_21" [label="(1, 16, 16, 384)", style=solid]; -"2839 roll_21" -> "2840 slice_325" [label="(1, 16, 16, 384)", style=solid]; -"2840 slice_325" -> "2841 slice_326" [label="(1, 16, 16, 384)", style=solid]; -"2841 slice_326" -> "2842 slice_327" [label="(1, 14, 16, 384)", style=solid]; -"2842 slice_327" -> "2843 slice_328" [label="(1, 14, 14, 384)", style=solid]; -"2843 slice_328" -> "2844 contiguous_41" [label="(1, 14, 14, 384)", style=solid]; -"2844 contiguous_41" -> "2847 layer_norm_45" [label="(1, 14, 14, 384)", style=solid]; -"2845 _param_constant354" -> "2847 layer_norm_45" [label="(384,)", style=solid]; -"2846 _param_constant355" -> "2847 layer_norm_45" [label="(384,)", style=solid]; -"2847 layer_norm_45" -> "2848 add_75" [label="(1, 14, 14, 384)", style=solid]; -"2848 add_75" -> "2850 add_75_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 384)", style=solid]; -"2848 add_75" -> "2875 add_76" [label="(1, 14, 14, 384)", style=solid]; -"2849 linear_132_updated_constant0" -> "2855 quantize_per_channel_default_133" [label="(1536, 384)", style=solid]; -"2850 add_75_0_0_nncf_smooth_quant_0" -> "2851 quantize_per_tensor_default_133" [label="(1, 14, 14, 384)", style=solid]; -"2851 quantize_per_tensor_default_133" -> "2852 dequantize_per_tensor_default_133" [label="(1, 14, 14, 384)", style=solid]; -"2852 dequantize_per_tensor_default_133" -> "2858 linear_132" [label="(1, 14, 14, 384)", style=solid]; -"2853 linear_132_scale_0" -> "2855 quantize_per_channel_default_133" [label="(1536,)", style=solid]; -"2853 linear_132_scale_0" -> "2856 dequantize_per_channel_default_133" [label="(1536,)", style=solid]; -"2854 linear_132_zero_point_0" -> "2855 quantize_per_channel_default_133" [label="(1536,)", style=solid]; -"2854 linear_132_zero_point_0" -> "2856 dequantize_per_channel_default_133" [label="(1536,)", style=solid]; -"2855 quantize_per_channel_default_133" -> "2856 dequantize_per_channel_default_133" [label="(1536, 384)", style=solid]; -"2856 dequantize_per_channel_default_133" -> "2858 linear_132" [label="(1536, 384)", style=solid]; -"2857 _param_constant357_0_0" -> "2858 linear_132" [label="(1536,)", style=solid]; -"2858 linear_132" -> "2859 gelu_21" [label="(1, 14, 14, 1536)", style=solid]; -"2859 gelu_21" -> "2860 dropout_86" [label="(1, 14, 14, 1536)", style=solid]; -"2860 dropout_86" -> "2862 dropout_86_0_0_nncf_smooth_quant_0" [label="(1, 14, 14, 1536)", style=solid]; -"2861 linear_133_updated_constant0" -> "2867 quantize_per_channel_default_134" [label="(384, 1536)", style=solid]; -"2862 dropout_86_0_0_nncf_smooth_quant_0" -> "2863 quantize_per_tensor_default_134" [label="(1, 14, 14, 1536)", style=solid]; -"2863 quantize_per_tensor_default_134" -> "2864 dequantize_per_tensor_default_134" [label="(1, 14, 14, 1536)", style=solid]; -"2864 dequantize_per_tensor_default_134" -> "2870 linear_133" [label="(1, 14, 14, 1536)", style=solid]; -"2865 linear_133_scale_0" -> "2867 quantize_per_channel_default_134" [label="(384,)", style=solid]; -"2865 linear_133_scale_0" -> "2868 dequantize_per_channel_default_134" [label="(384,)", style=solid]; -"2866 linear_133_zero_point_0" -> "2867 quantize_per_channel_default_134" [label="(384,)", style=solid]; -"2866 linear_133_zero_point_0" -> "2868 dequantize_per_channel_default_134" [label="(384,)", style=solid]; -"2867 quantize_per_channel_default_134" -> "2868 dequantize_per_channel_default_134" [label="(384, 1536)", style=solid]; -"2868 dequantize_per_channel_default_134" -> "2870 linear_133" [label="(384, 1536)", style=solid]; -"2869 _param_constant359_0_0" -> "2870 linear_133" [label="(384,)", style=solid]; -"2870 linear_133" -> "2871 dropout_87" [label="(1, 14, 14, 384)", style=solid]; -"2871 dropout_87" -> "2874 layer_norm_46" [label="(1, 14, 14, 384)", style=solid]; -"2872 _param_constant360" -> "2874 layer_norm_46" [label="(384,)", style=solid]; -"2873 _param_constant361" -> "2874 layer_norm_46" [label="(384,)", style=solid]; -"2874 layer_norm_46" -> "2875 add_76" [label="(1, 14, 14, 384)", style=solid]; -"2875 add_76" -> "2876 pad_24" [label="(1, 14, 14, 384)", style=solid]; -"2876 pad_24" -> "2877 slice_329" [label="(1, 14, 14, 384)", style=solid]; -"2876 pad_24" -> "2880 slice_332" [label="(1, 14, 14, 384)", style=solid]; -"2876 pad_24" -> "2883 slice_335" [label="(1, 14, 14, 384)", style=solid]; -"2876 pad_24" -> "2886 slice_338" [label="(1, 14, 14, 384)", style=solid]; -"2877 slice_329" -> "2878 slice_330" [label="(1, 7, 14, 384)", style=solid]; -"2878 slice_330" -> "2879 slice_331" [label="(1, 7, 7, 384)", style=solid]; -"2879 slice_331" -> "2889 cat_2" [label="(1, 7, 7, 384)", style=solid]; -"2880 slice_332" -> "2881 slice_333" [label="(1, 7, 14, 384)", style=solid]; -"2881 slice_333" -> "2882 slice_334" [label="(1, 7, 7, 384)", style=solid]; -"2882 slice_334" -> "2889 cat_2" [label="(1, 7, 7, 384)", style=solid]; -"2883 slice_335" -> "2884 slice_336" [label="(1, 7, 14, 384)", style=solid]; -"2884 slice_336" -> "2885 slice_337" [label="(1, 7, 7, 384)", style=solid]; -"2885 slice_337" -> "2889 cat_2" [label="(1, 7, 7, 384)", style=solid]; -"2886 slice_338" -> "2887 slice_339" [label="(1, 7, 14, 384)", style=solid]; -"2887 slice_339" -> "2888 slice_340" [label="(1, 7, 7, 384)", style=solid]; -"2888 slice_340" -> "2889 cat_2" [label="(1, 7, 7, 384)", style=solid]; -"2889 cat_2" -> "2891 cat_2_0_0_nncf_smooth_quant_0" [label="(1, 7, 7, 1536)", style=solid]; -"2890 linear_134_updated_constant0" -> "2896 quantize_per_channel_default_135" [label="(768, 1536)", style=solid]; -"2891 cat_2_0_0_nncf_smooth_quant_0" -> "2892 quantize_per_tensor_default_135" [label="(1, 7, 7, 1536)", style=solid]; -"2892 quantize_per_tensor_default_135" -> "2893 dequantize_per_tensor_default_135" [label="(1, 7, 7, 1536)", style=solid]; -"2893 dequantize_per_tensor_default_135" -> "2898 linear_134" [label="(1, 7, 7, 1536)", style=solid]; -"2894 linear_134_scale_0" -> "2896 quantize_per_channel_default_135" [label="(768,)", style=solid]; -"2894 linear_134_scale_0" -> "2897 dequantize_per_channel_default_135" [label="(768,)", style=solid]; -"2895 linear_134_zero_point_0" -> "2896 quantize_per_channel_default_135" [label="(768,)", style=solid]; -"2895 linear_134_zero_point_0" -> "2897 dequantize_per_channel_default_135" [label="(768,)", style=solid]; -"2896 quantize_per_channel_default_135" -> "2897 dequantize_per_channel_default_135" [label="(768, 1536)", style=solid]; -"2897 dequantize_per_channel_default_135" -> "2898 linear_134" [label="(768, 1536)", style=solid]; -"2898 linear_134" -> "2901 layer_norm_47" [label="(1, 7, 7, 768)", style=solid]; -"2899 _param_constant363" -> "2901 layer_norm_47" [label="(768,)", style=solid]; -"2900 _param_constant364" -> "2901 layer_norm_47" [label="(768,)", style=solid]; -"2901 layer_norm_47" -> "2928 pad_25" [label="(1, 7, 7, 768)", style=solid]; -"2901 layer_norm_47" -> "2993 add_78" [label="(1, 7, 7, 768)", style=solid]; -"2902 _tensor_constant143" -> "2904 _tensor_constant143_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; -"2903 linear_135_updated_constant0" -> "2907 quantize_per_channel_default_136" [label="(512, 2)", style=solid]; -"2904 _tensor_constant143_0_0_nncf_smooth_quant_0" -> "2910 linear_135" [label="(1, 15, 15, 2)", style=solid]; -"2905 linear_135_scale_0" -> "2907 quantize_per_channel_default_136" [label="(512,)", style=solid]; -"2905 linear_135_scale_0" -> "2908 dequantize_per_channel_default_136" [label="(512,)", style=solid]; -"2906 linear_135_zero_point_0" -> "2907 quantize_per_channel_default_136" [label="(512,)", style=solid]; -"2906 linear_135_zero_point_0" -> "2908 dequantize_per_channel_default_136" [label="(512,)", style=solid]; -"2907 quantize_per_channel_default_136" -> "2908 dequantize_per_channel_default_136" [label="(512, 2)", style=solid]; -"2908 dequantize_per_channel_default_136" -> "2910 linear_135" [label="(512, 2)", style=solid]; -"2909 _param_constant366_0_0" -> "2910 linear_135" [label="(512,)", style=solid]; -"2910 linear_135" -> "2911 relu__22" [label="(1, 15, 15, 512)", style=solid]; -"2911 relu__22" -> "2913 relu__22_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; -"2912 linear_136_updated_constant0" -> "2916 quantize_per_channel_default_137" [label="(24, 512)", style=solid]; -"2913 relu__22_0_0_nncf_smooth_quant_0" -> "2918 linear_136" [label="(1, 15, 15, 512)", style=solid]; -"2914 linear_136_scale_0" -> "2916 quantize_per_channel_default_137" [label="(24,)", style=solid]; -"2914 linear_136_scale_0" -> "2917 dequantize_per_channel_default_137" [label="(24,)", style=solid]; -"2915 linear_136_zero_point_0" -> "2916 quantize_per_channel_default_137" [label="(24,)", style=solid]; -"2915 linear_136_zero_point_0" -> "2917 dequantize_per_channel_default_137" [label="(24,)", style=solid]; -"2916 quantize_per_channel_default_137" -> "2917 dequantize_per_channel_default_137" [label="(24, 512)", style=solid]; -"2917 dequantize_per_channel_default_137" -> "2918 linear_136" [label="(24, 512)", style=solid]; -"2918 linear_136" -> "2919 view_121" [label="(1, 15, 15, 24)", style=solid]; -"2919 view_121" -> "2921 index_22" [label="(225, 24)", style=solid]; -"2920 _tensor_constant144" -> "2921 index_22" [label="(4096,)", style=solid]; -"2921 index_22" -> "2922 view_122" [label="(4096, 24)", style=solid]; -"2922 view_122" -> "2923 permute_100" [label="(64, 64, 24)", style=solid]; -"2923 permute_100" -> "2924 contiguous_42" [label="(24, 64, 64)", style=solid]; -"2924 contiguous_42" -> "2925 unsqueeze_66" [label="(24, 64, 64)", style=solid]; -"2925 unsqueeze_66" -> "2926 sigmoid_22" [label="(1, 24, 64, 64)", style=solid]; -"2926 sigmoid_22" -> "2927 mul_44" [label="(1, 24, 64, 64)", style=solid]; -"2927 mul_44" -> "2965 add_77" [label="(1, 24, 64, 64)", style=solid]; -"2928 pad_25" -> "2929 view_123" [label="(1, 8, 8, 768)", style=solid]; -"2929 view_123" -> "2930 permute_101" [label="(1, 1, 8, 1, 8, 768)", style=solid]; -"2930 permute_101" -> "2931 reshape_99" [label="(1, 1, 1, 8, 8, 768)", style=solid]; -"2931 reshape_99" -> "2933 reshape_99_0_0_nncf_smooth_quant_0" [label="(1, 64, 768)", style=solid]; -"2932 linear_137_updated_constant0" -> "2938 quantize_per_channel_default_138" [label="(2304, 768)", style=solid]; -"2933 reshape_99_0_0_nncf_smooth_quant_0" -> "2934 quantize_per_tensor_default_136" [label="(1, 64, 768)", style=solid]; -"2934 quantize_per_tensor_default_136" -> "2935 dequantize_per_tensor_default_136" [label="(1, 64, 768)", style=solid]; -"2935 dequantize_per_tensor_default_136" -> "2941 linear_137" [label="(1, 64, 768)", style=solid]; -"2936 linear_137_scale_0" -> "2938 quantize_per_channel_default_138" [label="(2304,)", style=solid]; -"2936 linear_137_scale_0" -> "2939 dequantize_per_channel_default_138" [label="(2304,)", style=solid]; -"2937 linear_137_zero_point_0" -> "2938 quantize_per_channel_default_138" [label="(2304,)", style=solid]; -"2937 linear_137_zero_point_0" -> "2939 dequantize_per_channel_default_138" [label="(2304,)", style=solid]; -"2938 quantize_per_channel_default_138" -> "2939 dequantize_per_channel_default_138" [label="(2304, 768)", style=solid]; -"2939 dequantize_per_channel_default_138" -> "2941 linear_137" [label="(2304, 768)", style=solid]; -"2940 _param_constant368_0_0" -> "2941 linear_137" [label="(2304,)", style=solid]; -"2941 linear_137" -> "2942 reshape_100" [label="(1, 64, 2304)", style=solid]; -"2942 reshape_100" -> "2943 permute_102" [label="(1, 64, 3, 24, 32)", style=solid]; -"2943 permute_102" -> "2944 select_66" [label="(3, 1, 24, 64, 32)", style=solid]; -"2943 permute_102" -> "2945 select_67" [label="(3, 1, 24, 64, 32)", style=solid]; -"2943 permute_102" -> "2946 select_68" [label="(3, 1, 24, 64, 32)", style=solid]; -"2944 select_66" -> "2947 linalg_vector_norm_44" [label="(1, 24, 64, 32)", style=solid]; -"2944 select_66" -> "2949 expand_as_44" [label="(1, 24, 64, 32)", style=solid]; -"2944 select_66" -> "2950 div_44" [label="(1, 24, 64, 32)", style=solid]; -"2945 select_67" -> "2953 linalg_vector_norm_45" [label="(1, 24, 64, 32)", style=solid]; -"2945 select_67" -> "2955 expand_as_45" [label="(1, 24, 64, 32)", style=solid]; -"2945 select_67" -> "2956 div_45" [label="(1, 24, 64, 32)", style=solid]; -"2946 select_68" -> "2968 matmul_45" [label="(1, 24, 64, 32)", style=solid]; -"2947 linalg_vector_norm_44" -> "2948 clamp_min_44" [label="(1, 24, 64, 1)", style=solid]; -"2948 clamp_min_44" -> "2949 expand_as_44" [label="(1, 24, 64, 1)", style=solid]; -"2949 expand_as_44" -> "2950 div_44" [label="(1, 24, 64, 32)", style=solid]; -"2950 div_44" -> "2951 quantize_per_tensor_default_137" [label="(1, 24, 64, 32)", style=solid]; -"2951 quantize_per_tensor_default_137" -> "2952 dequantize_per_tensor_default_137" [label="(1, 24, 64, 32)", style=solid]; -"2952 dequantize_per_tensor_default_137" -> "2960 matmul_44" [label="(1, 24, 64, 32)", style=solid]; -"2953 linalg_vector_norm_45" -> "2954 clamp_min_45" [label="(1, 24, 64, 1)", style=solid]; -"2954 clamp_min_45" -> "2955 expand_as_45" [label="(1, 24, 64, 1)", style=solid]; -"2955 expand_as_45" -> "2956 div_45" [label="(1, 24, 64, 32)", style=solid]; -"2956 div_45" -> "2957 quantize_per_tensor_default_138" [label="(1, 24, 64, 32)", style=solid]; -"2957 quantize_per_tensor_default_138" -> "2958 dequantize_per_tensor_default_138" [label="(1, 24, 64, 32)", style=solid]; -"2958 dequantize_per_tensor_default_138" -> "2959 transpose_44" [label="(1, 24, 64, 32)", style=solid]; -"2959 transpose_44" -> "2960 matmul_44" [label="(1, 24, 32, 64)", style=solid]; -"2960 matmul_44" -> "2964 mul_45" [label="(1, 24, 64, 64)", style=solid]; -"2961 _param_constant370" -> "2962 clamp_22" [label="(24, 1, 1)", style=solid]; -"2962 clamp_22" -> "2963 exp_22" [label="(24, 1, 1)", style=solid]; -"2963 exp_22" -> "2964 mul_45" [label="(24, 1, 1)", style=solid]; -"2964 mul_45" -> "2965 add_77" [label="(1, 24, 64, 64)", style=solid]; -"2965 add_77" -> "2966 softmax_22" [label="(1, 24, 64, 64)", style=solid]; -"2966 softmax_22" -> "2967 dropout_88" [label="(1, 24, 64, 64)", style=solid]; -"2967 dropout_88" -> "2968 matmul_45" [label="(1, 24, 64, 64)", style=solid]; -"2968 matmul_45" -> "2969 transpose_45" [label="(1, 24, 64, 32)", style=solid]; -"2969 transpose_45" -> "2970 reshape_101" [label="(1, 64, 24, 32)", style=solid]; -"2970 reshape_101" -> "2972 reshape_101_0_0_nncf_smooth_quant_0" [label="(1, 64, 768)", style=solid]; -"2971 linear_138_updated_constant0" -> "2977 quantize_per_channel_default_139" [label="(768, 768)", style=solid]; -"2972 reshape_101_0_0_nncf_smooth_quant_0" -> "2973 quantize_per_tensor_default_139" [label="(1, 64, 768)", style=solid]; -"2973 quantize_per_tensor_default_139" -> "2974 dequantize_per_tensor_default_139" [label="(1, 64, 768)", style=solid]; -"2974 dequantize_per_tensor_default_139" -> "2980 linear_138" [label="(1, 64, 768)", style=solid]; -"2975 linear_138_scale_0" -> "2977 quantize_per_channel_default_139" [label="(768,)", style=solid]; -"2975 linear_138_scale_0" -> "2978 dequantize_per_channel_default_139" [label="(768,)", style=solid]; -"2976 linear_138_zero_point_0" -> "2977 quantize_per_channel_default_139" [label="(768,)", style=solid]; -"2976 linear_138_zero_point_0" -> "2978 dequantize_per_channel_default_139" [label="(768,)", style=solid]; -"2977 quantize_per_channel_default_139" -> "2978 dequantize_per_channel_default_139" [label="(768, 768)", style=solid]; -"2978 dequantize_per_channel_default_139" -> "2980 linear_138" [label="(768, 768)", style=solid]; -"2979 _param_constant372_0_0" -> "2980 linear_138" [label="(768,)", style=solid]; -"2980 linear_138" -> "2981 dropout_89" [label="(1, 64, 768)", style=solid]; -"2981 dropout_89" -> "2982 view_124" [label="(1, 64, 768)", style=solid]; -"2982 view_124" -> "2983 permute_103" [label="(1, 1, 1, 8, 8, 768)", style=solid]; -"2983 permute_103" -> "2984 reshape_102" [label="(1, 1, 8, 1, 8, 768)", style=solid]; -"2984 reshape_102" -> "2985 slice_342" [label="(1, 8, 8, 768)", style=solid]; -"2985 slice_342" -> "2986 slice_343" [label="(1, 8, 8, 768)", style=solid]; -"2986 slice_343" -> "2987 slice_344" [label="(1, 7, 8, 768)", style=solid]; -"2987 slice_344" -> "2988 slice_345" [label="(1, 7, 7, 768)", style=solid]; -"2988 slice_345" -> "2989 contiguous_43" [label="(1, 7, 7, 768)", style=solid]; -"2989 contiguous_43" -> "2992 layer_norm_48" [label="(1, 7, 7, 768)", style=solid]; -"2990 _param_constant373" -> "2992 layer_norm_48" [label="(768,)", style=solid]; -"2991 _param_constant374" -> "2992 layer_norm_48" [label="(768,)", style=solid]; -"2992 layer_norm_48" -> "2993 add_78" [label="(1, 7, 7, 768)", style=solid]; -"2993 add_78" -> "2995 add_78_0_0_nncf_smooth_quant_0" [label="(1, 7, 7, 768)", style=solid]; -"2993 add_78" -> "3020 add_79" [label="(1, 7, 7, 768)", style=solid]; -"2994 linear_139_updated_constant0" -> "3000 quantize_per_channel_default_140" [label="(3072, 768)", style=solid]; -"2995 add_78_0_0_nncf_smooth_quant_0" -> "2996 quantize_per_tensor_default_140" [label="(1, 7, 7, 768)", style=solid]; -"2996 quantize_per_tensor_default_140" -> "2997 dequantize_per_tensor_default_140" [label="(1, 7, 7, 768)", style=solid]; -"2997 dequantize_per_tensor_default_140" -> "3003 linear_139" [label="(1, 7, 7, 768)", style=solid]; -"2998 linear_139_scale_0" -> "3000 quantize_per_channel_default_140" [label="(3072,)", style=solid]; -"2998 linear_139_scale_0" -> "3001 dequantize_per_channel_default_140" [label="(3072,)", style=solid]; -"2999 linear_139_zero_point_0" -> "3000 quantize_per_channel_default_140" [label="(3072,)", style=solid]; -"2999 linear_139_zero_point_0" -> "3001 dequantize_per_channel_default_140" [label="(3072,)", style=solid]; -"3000 quantize_per_channel_default_140" -> "3001 dequantize_per_channel_default_140" [label="(3072, 768)", style=solid]; -"3001 dequantize_per_channel_default_140" -> "3003 linear_139" [label="(3072, 768)", style=solid]; -"3002 _param_constant376_0_0" -> "3003 linear_139" [label="(3072,)", style=solid]; -"3003 linear_139" -> "3004 gelu_22" [label="(1, 7, 7, 3072)", style=solid]; -"3004 gelu_22" -> "3005 dropout_90" [label="(1, 7, 7, 3072)", style=solid]; -"3005 dropout_90" -> "3007 dropout_90_0_0_nncf_smooth_quant_0" [label="(1, 7, 7, 3072)", style=solid]; -"3006 linear_140_updated_constant0" -> "3012 quantize_per_channel_default_141" [label="(768, 3072)", style=solid]; -"3007 dropout_90_0_0_nncf_smooth_quant_0" -> "3008 quantize_per_tensor_default_141" [label="(1, 7, 7, 3072)", style=solid]; -"3008 quantize_per_tensor_default_141" -> "3009 dequantize_per_tensor_default_141" [label="(1, 7, 7, 3072)", style=solid]; -"3009 dequantize_per_tensor_default_141" -> "3015 linear_140" [label="(1, 7, 7, 3072)", style=solid]; -"3010 linear_140_scale_0" -> "3012 quantize_per_channel_default_141" [label="(768,)", style=solid]; -"3010 linear_140_scale_0" -> "3013 dequantize_per_channel_default_141" [label="(768,)", style=solid]; -"3011 linear_140_zero_point_0" -> "3012 quantize_per_channel_default_141" [label="(768,)", style=solid]; -"3011 linear_140_zero_point_0" -> "3013 dequantize_per_channel_default_141" [label="(768,)", style=solid]; -"3012 quantize_per_channel_default_141" -> "3013 dequantize_per_channel_default_141" [label="(768, 3072)", style=solid]; -"3013 dequantize_per_channel_default_141" -> "3015 linear_140" [label="(768, 3072)", style=solid]; -"3014 _param_constant378_0_0" -> "3015 linear_140" [label="(768,)", style=solid]; -"3015 linear_140" -> "3016 dropout_91" [label="(1, 7, 7, 768)", style=solid]; -"3016 dropout_91" -> "3019 layer_norm_49" [label="(1, 7, 7, 768)", style=solid]; -"3017 _param_constant379" -> "3019 layer_norm_49" [label="(768,)", style=solid]; -"3018 _param_constant380" -> "3019 layer_norm_49" [label="(768,)", style=solid]; -"3019 layer_norm_49" -> "3020 add_79" [label="(1, 7, 7, 768)", style=solid]; -"3020 add_79" -> "3047 pad_26" [label="(1, 7, 7, 768)", style=solid]; -"3020 add_79" -> "3112 add_81" [label="(1, 7, 7, 768)", style=solid]; -"3021 _tensor_constant145" -> "3023 _tensor_constant145_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 2)", style=solid]; -"3022 linear_141_updated_constant0" -> "3026 quantize_per_channel_default_142" [label="(512, 2)", style=solid]; -"3023 _tensor_constant145_0_0_nncf_smooth_quant_0" -> "3029 linear_141" [label="(1, 15, 15, 2)", style=solid]; -"3024 linear_141_scale_0" -> "3026 quantize_per_channel_default_142" [label="(512,)", style=solid]; -"3024 linear_141_scale_0" -> "3027 dequantize_per_channel_default_142" [label="(512,)", style=solid]; -"3025 linear_141_zero_point_0" -> "3026 quantize_per_channel_default_142" [label="(512,)", style=solid]; -"3025 linear_141_zero_point_0" -> "3027 dequantize_per_channel_default_142" [label="(512,)", style=solid]; -"3026 quantize_per_channel_default_142" -> "3027 dequantize_per_channel_default_142" [label="(512, 2)", style=solid]; -"3027 dequantize_per_channel_default_142" -> "3029 linear_141" [label="(512, 2)", style=solid]; -"3028 _param_constant382_0_0" -> "3029 linear_141" [label="(512,)", style=solid]; -"3029 linear_141" -> "3030 relu__23" [label="(1, 15, 15, 512)", style=solid]; -"3030 relu__23" -> "3032 relu__23_0_0_nncf_smooth_quant_0" [label="(1, 15, 15, 512)", style=solid]; -"3031 linear_142_updated_constant0" -> "3035 quantize_per_channel_default_143" [label="(24, 512)", style=solid]; -"3032 relu__23_0_0_nncf_smooth_quant_0" -> "3037 linear_142" [label="(1, 15, 15, 512)", style=solid]; -"3033 linear_142_scale_0" -> "3035 quantize_per_channel_default_143" [label="(24,)", style=solid]; -"3033 linear_142_scale_0" -> "3036 dequantize_per_channel_default_143" [label="(24,)", style=solid]; -"3034 linear_142_zero_point_0" -> "3035 quantize_per_channel_default_143" [label="(24,)", style=solid]; -"3034 linear_142_zero_point_0" -> "3036 dequantize_per_channel_default_143" [label="(24,)", style=solid]; -"3035 quantize_per_channel_default_143" -> "3036 dequantize_per_channel_default_143" [label="(24, 512)", style=solid]; -"3036 dequantize_per_channel_default_143" -> "3037 linear_142" [label="(24, 512)", style=solid]; -"3037 linear_142" -> "3038 view_125" [label="(1, 15, 15, 24)", style=solid]; -"3038 view_125" -> "3040 index_23" [label="(225, 24)", style=solid]; -"3039 _tensor_constant146" -> "3040 index_23" [label="(4096,)", style=solid]; -"3040 index_23" -> "3041 view_126" [label="(4096, 24)", style=solid]; -"3041 view_126" -> "3042 permute_104" [label="(64, 64, 24)", style=solid]; -"3042 permute_104" -> "3043 contiguous_44" [label="(24, 64, 64)", style=solid]; -"3043 contiguous_44" -> "3044 unsqueeze_67" [label="(24, 64, 64)", style=solid]; -"3044 unsqueeze_67" -> "3045 sigmoid_23" [label="(1, 24, 64, 64)", style=solid]; -"3045 sigmoid_23" -> "3046 mul_46" [label="(1, 24, 64, 64)", style=solid]; -"3046 mul_46" -> "3084 add_80" [label="(1, 24, 64, 64)", style=solid]; -"3047 pad_26" -> "3048 view_127" [label="(1, 8, 8, 768)", style=solid]; -"3048 view_127" -> "3049 permute_105" [label="(1, 1, 8, 1, 8, 768)", style=solid]; -"3049 permute_105" -> "3050 reshape_103" [label="(1, 1, 1, 8, 8, 768)", style=solid]; -"3050 reshape_103" -> "3052 reshape_103_0_0_nncf_smooth_quant_0" [label="(1, 64, 768)", style=solid]; -"3051 linear_143_updated_constant0" -> "3057 quantize_per_channel_default_144" [label="(2304, 768)", style=solid]; -"3052 reshape_103_0_0_nncf_smooth_quant_0" -> "3053 quantize_per_tensor_default_142" [label="(1, 64, 768)", style=solid]; -"3053 quantize_per_tensor_default_142" -> "3054 dequantize_per_tensor_default_142" [label="(1, 64, 768)", style=solid]; -"3054 dequantize_per_tensor_default_142" -> "3060 linear_143" [label="(1, 64, 768)", style=solid]; -"3055 linear_143_scale_0" -> "3057 quantize_per_channel_default_144" [label="(2304,)", style=solid]; -"3055 linear_143_scale_0" -> "3058 dequantize_per_channel_default_144" [label="(2304,)", style=solid]; -"3056 linear_143_zero_point_0" -> "3057 quantize_per_channel_default_144" [label="(2304,)", style=solid]; -"3056 linear_143_zero_point_0" -> "3058 dequantize_per_channel_default_144" [label="(2304,)", style=solid]; -"3057 quantize_per_channel_default_144" -> "3058 dequantize_per_channel_default_144" [label="(2304, 768)", style=solid]; -"3058 dequantize_per_channel_default_144" -> "3060 linear_143" [label="(2304, 768)", style=solid]; -"3059 _param_constant384_0_0" -> "3060 linear_143" [label="(2304,)", style=solid]; -"3060 linear_143" -> "3061 reshape_104" [label="(1, 64, 2304)", style=solid]; -"3061 reshape_104" -> "3062 permute_106" [label="(1, 64, 3, 24, 32)", style=solid]; -"3062 permute_106" -> "3063 select_69" [label="(3, 1, 24, 64, 32)", style=solid]; -"3062 permute_106" -> "3064 select_70" [label="(3, 1, 24, 64, 32)", style=solid]; -"3062 permute_106" -> "3065 select_71" [label="(3, 1, 24, 64, 32)", style=solid]; -"3063 select_69" -> "3066 linalg_vector_norm_46" [label="(1, 24, 64, 32)", style=solid]; -"3063 select_69" -> "3068 expand_as_46" [label="(1, 24, 64, 32)", style=solid]; -"3063 select_69" -> "3069 div_46" [label="(1, 24, 64, 32)", style=solid]; -"3064 select_70" -> "3072 linalg_vector_norm_47" [label="(1, 24, 64, 32)", style=solid]; -"3064 select_70" -> "3074 expand_as_47" [label="(1, 24, 64, 32)", style=solid]; -"3064 select_70" -> "3075 div_47" [label="(1, 24, 64, 32)", style=solid]; -"3065 select_71" -> "3087 matmul_47" [label="(1, 24, 64, 32)", style=solid]; -"3066 linalg_vector_norm_46" -> "3067 clamp_min_46" [label="(1, 24, 64, 1)", style=solid]; -"3067 clamp_min_46" -> "3068 expand_as_46" [label="(1, 24, 64, 1)", style=solid]; -"3068 expand_as_46" -> "3069 div_46" [label="(1, 24, 64, 32)", style=solid]; -"3069 div_46" -> "3070 quantize_per_tensor_default_143" [label="(1, 24, 64, 32)", style=solid]; -"3070 quantize_per_tensor_default_143" -> "3071 dequantize_per_tensor_default_143" [label="(1, 24, 64, 32)", style=solid]; -"3071 dequantize_per_tensor_default_143" -> "3079 matmul_46" [label="(1, 24, 64, 32)", style=solid]; -"3072 linalg_vector_norm_47" -> "3073 clamp_min_47" [label="(1, 24, 64, 1)", style=solid]; -"3073 clamp_min_47" -> "3074 expand_as_47" [label="(1, 24, 64, 1)", style=solid]; -"3074 expand_as_47" -> "3075 div_47" [label="(1, 24, 64, 32)", style=solid]; -"3075 div_47" -> "3076 quantize_per_tensor_default_144" [label="(1, 24, 64, 32)", style=solid]; -"3076 quantize_per_tensor_default_144" -> "3077 dequantize_per_tensor_default_144" [label="(1, 24, 64, 32)", style=solid]; -"3077 dequantize_per_tensor_default_144" -> "3078 transpose_46" [label="(1, 24, 64, 32)", style=solid]; -"3078 transpose_46" -> "3079 matmul_46" [label="(1, 24, 32, 64)", style=solid]; -"3079 matmul_46" -> "3083 mul_47" [label="(1, 24, 64, 64)", style=solid]; -"3080 _param_constant386" -> "3081 clamp_23" [label="(24, 1, 1)", style=solid]; -"3081 clamp_23" -> "3082 exp_23" [label="(24, 1, 1)", style=solid]; -"3082 exp_23" -> "3083 mul_47" [label="(24, 1, 1)", style=solid]; -"3083 mul_47" -> "3084 add_80" [label="(1, 24, 64, 64)", style=solid]; -"3084 add_80" -> "3085 softmax_23" [label="(1, 24, 64, 64)", style=solid]; -"3085 softmax_23" -> "3086 dropout_92" [label="(1, 24, 64, 64)", style=solid]; -"3086 dropout_92" -> "3087 matmul_47" [label="(1, 24, 64, 64)", style=solid]; -"3087 matmul_47" -> "3088 transpose_47" [label="(1, 24, 64, 32)", style=solid]; -"3088 transpose_47" -> "3089 reshape_105" [label="(1, 64, 24, 32)", style=solid]; -"3089 reshape_105" -> "3091 reshape_105_0_0_nncf_smooth_quant_0" [label="(1, 64, 768)", style=solid]; -"3090 linear_144_updated_constant0" -> "3096 quantize_per_channel_default_145" [label="(768, 768)", style=solid]; -"3091 reshape_105_0_0_nncf_smooth_quant_0" -> "3092 quantize_per_tensor_default_145" [label="(1, 64, 768)", style=solid]; -"3092 quantize_per_tensor_default_145" -> "3093 dequantize_per_tensor_default_145" [label="(1, 64, 768)", style=solid]; -"3093 dequantize_per_tensor_default_145" -> "3099 linear_144" [label="(1, 64, 768)", style=solid]; -"3094 linear_144_scale_0" -> "3096 quantize_per_channel_default_145" [label="(768,)", style=solid]; -"3094 linear_144_scale_0" -> "3097 dequantize_per_channel_default_145" [label="(768,)", style=solid]; -"3095 linear_144_zero_point_0" -> "3096 quantize_per_channel_default_145" [label="(768,)", style=solid]; -"3095 linear_144_zero_point_0" -> "3097 dequantize_per_channel_default_145" [label="(768,)", style=solid]; -"3096 quantize_per_channel_default_145" -> "3097 dequantize_per_channel_default_145" [label="(768, 768)", style=solid]; -"3097 dequantize_per_channel_default_145" -> "3099 linear_144" [label="(768, 768)", style=solid]; -"3098 _param_constant388_0_0" -> "3099 linear_144" [label="(768,)", style=solid]; -"3099 linear_144" -> "3100 dropout_93" [label="(1, 64, 768)", style=solid]; -"3100 dropout_93" -> "3101 view_128" [label="(1, 64, 768)", style=solid]; -"3101 view_128" -> "3102 permute_107" [label="(1, 1, 1, 8, 8, 768)", style=solid]; -"3102 permute_107" -> "3103 reshape_106" [label="(1, 1, 8, 1, 8, 768)", style=solid]; -"3103 reshape_106" -> "3104 slice_347" [label="(1, 8, 8, 768)", style=solid]; -"3104 slice_347" -> "3105 slice_348" [label="(1, 8, 8, 768)", style=solid]; -"3105 slice_348" -> "3106 slice_349" [label="(1, 7, 8, 768)", style=solid]; -"3106 slice_349" -> "3107 slice_350" [label="(1, 7, 7, 768)", style=solid]; -"3107 slice_350" -> "3108 contiguous_45" [label="(1, 7, 7, 768)", style=solid]; -"3108 contiguous_45" -> "3111 layer_norm_50" [label="(1, 7, 7, 768)", style=solid]; -"3109 _param_constant389" -> "3111 layer_norm_50" [label="(768,)", style=solid]; -"3110 _param_constant390" -> "3111 layer_norm_50" [label="(768,)", style=solid]; -"3111 layer_norm_50" -> "3112 add_81" [label="(1, 7, 7, 768)", style=solid]; -"3112 add_81" -> "3114 add_81_0_0_nncf_smooth_quant_0" [label="(1, 7, 7, 768)", style=solid]; -"3112 add_81" -> "3139 add_82" [label="(1, 7, 7, 768)", style=solid]; -"3113 linear_145_updated_constant0" -> "3119 quantize_per_channel_default_146" [label="(3072, 768)", style=solid]; -"3114 add_81_0_0_nncf_smooth_quant_0" -> "3115 quantize_per_tensor_default_146" [label="(1, 7, 7, 768)", style=solid]; -"3115 quantize_per_tensor_default_146" -> "3116 dequantize_per_tensor_default_146" [label="(1, 7, 7, 768)", style=solid]; -"3116 dequantize_per_tensor_default_146" -> "3122 linear_145" [label="(1, 7, 7, 768)", style=solid]; -"3117 linear_145_scale_0" -> "3119 quantize_per_channel_default_146" [label="(3072,)", style=solid]; -"3117 linear_145_scale_0" -> "3120 dequantize_per_channel_default_146" [label="(3072,)", style=solid]; -"3118 linear_145_zero_point_0" -> "3119 quantize_per_channel_default_146" [label="(3072,)", style=solid]; -"3118 linear_145_zero_point_0" -> "3120 dequantize_per_channel_default_146" [label="(3072,)", style=solid]; -"3119 quantize_per_channel_default_146" -> "3120 dequantize_per_channel_default_146" [label="(3072, 768)", style=solid]; -"3120 dequantize_per_channel_default_146" -> "3122 linear_145" [label="(3072, 768)", style=solid]; -"3121 _param_constant392_0_0" -> "3122 linear_145" [label="(3072,)", style=solid]; -"3122 linear_145" -> "3123 gelu_23" [label="(1, 7, 7, 3072)", style=solid]; -"3123 gelu_23" -> "3124 dropout_94" [label="(1, 7, 7, 3072)", style=solid]; -"3124 dropout_94" -> "3126 dropout_94_0_0_nncf_smooth_quant_0" [label="(1, 7, 7, 3072)", style=solid]; -"3125 linear_146_updated_constant0" -> "3131 quantize_per_channel_default_147" [label="(768, 3072)", style=solid]; -"3126 dropout_94_0_0_nncf_smooth_quant_0" -> "3127 quantize_per_tensor_default_147" [label="(1, 7, 7, 3072)", style=solid]; -"3127 quantize_per_tensor_default_147" -> "3128 dequantize_per_tensor_default_147" [label="(1, 7, 7, 3072)", style=solid]; -"3128 dequantize_per_tensor_default_147" -> "3134 linear_146" [label="(1, 7, 7, 3072)", style=solid]; -"3129 linear_146_scale_0" -> "3131 quantize_per_channel_default_147" [label="(768,)", style=solid]; -"3129 linear_146_scale_0" -> "3132 dequantize_per_channel_default_147" [label="(768,)", style=solid]; -"3130 linear_146_zero_point_0" -> "3131 quantize_per_channel_default_147" [label="(768,)", style=solid]; -"3130 linear_146_zero_point_0" -> "3132 dequantize_per_channel_default_147" [label="(768,)", style=solid]; -"3131 quantize_per_channel_default_147" -> "3132 dequantize_per_channel_default_147" [label="(768, 3072)", style=solid]; -"3132 dequantize_per_channel_default_147" -> "3134 linear_146" [label="(768, 3072)", style=solid]; -"3133 _param_constant394_0_0" -> "3134 linear_146" [label="(768,)", style=solid]; -"3134 linear_146" -> "3135 dropout_95" [label="(1, 7, 7, 768)", style=solid]; -"3135 dropout_95" -> "3138 layer_norm_51" [label="(1, 7, 7, 768)", style=solid]; -"3136 _param_constant395" -> "3138 layer_norm_51" [label="(768,)", style=solid]; -"3137 _param_constant396" -> "3138 layer_norm_51" [label="(768,)", style=solid]; -"3138 layer_norm_51" -> "3139 add_82" [label="(1, 7, 7, 768)", style=solid]; -"3139 add_82" -> "3142 layer_norm_52" [label="(1, 7, 7, 768)", style=solid]; -"3140 _param_constant397" -> "3142 layer_norm_52" [label="(768,)", style=solid]; -"3141 _param_constant398" -> "3142 layer_norm_52" [label="(768,)", style=solid]; -"3142 layer_norm_52" -> "3143 permute_108" [label="(1, 7, 7, 768)", style=solid]; -"3143 permute_108" -> "3144 adaptive_avg_pool2d" [label="(1, 768, 7, 7)", style=solid]; -"3144 adaptive_avg_pool2d" -> "3145 flatten" [label="(1, 768, 1, 1)", style=solid]; -"3145 flatten" -> "3147 flatten_0_0_nncf_smooth_quant_0" [label="(1, 768)", style=solid]; -"3146 linear_147_updated_constant0" -> "3152 quantize_per_channel_default_148" [label="(1000, 768)", style=solid]; -"3147 flatten_0_0_nncf_smooth_quant_0" -> "3148 quantize_per_tensor_default_148" [label="(1, 768)", style=solid]; -"3148 quantize_per_tensor_default_148" -> "3149 dequantize_per_tensor_default_148" [label="(1, 768)", style=solid]; -"3149 dequantize_per_tensor_default_148" -> "3155 linear_147" [label="(1, 768)", style=solid]; -"3150 linear_147_scale_0" -> "3152 quantize_per_channel_default_148" [label="(1000,)", style=solid]; -"3150 linear_147_scale_0" -> "3153 dequantize_per_channel_default_148" [label="(1000,)", style=solid]; -"3151 linear_147_zero_point_0" -> "3152 quantize_per_channel_default_148" [label="(1000,)", style=solid]; -"3151 linear_147_zero_point_0" -> "3153 dequantize_per_channel_default_148" [label="(1000,)", style=solid]; -"3152 quantize_per_channel_default_148" -> "3153 dequantize_per_channel_default_148" [label="(1000, 768)", style=solid]; -"3153 dequantize_per_channel_default_148" -> "3155 linear_147" [label="(1000, 768)", style=solid]; -"3154 _param_constant400_0_0" -> "3155 linear_147" [label="(1000,)", style=solid]; -"3155 linear_147" -> "3156 output" [label="(1, 1000)", style=solid]; -} diff --git a/tests/torch/data/fx/reference_graphs/quantized_graphs/synthetic_transformer.dot b/tests/torch/data/fx/reference_graphs/quantized_graphs/synthetic_transformer.dot deleted file mode 100644 index d4c4965fa33..00000000000 --- a/tests/torch/data/fx/reference_graphs/quantized_graphs/synthetic_transformer.dot +++ /dev/null @@ -1,53 +0,0 @@ -strict digraph { -"0 arg0_1" [id=0, type=input]; -"1 _param_constant0" [id=1, type=get_attr]; -"2 embedding" [id=2, type=embedding]; -"3 linear_updated_constant0" [id=3, type=get_attr]; -"4 embedding_0_0_nncf_smooth_quant_0" [id=4, type=call_module]; -"5 quantize_per_tensor_default" [id=5, type=quantize_per_tensor]; -"6 dequantize_per_tensor_default" [id=6, type=dequantize_per_tensor]; -"7 linear_scale_0" [id=7, type=get_attr]; -"8 linear_zero_point_0" [id=8, type=get_attr]; -"9 quantize_per_channel_default" [id=9, type=quantize_per_channel]; -"10 dequantize_per_channel_default" [id=10, type=dequantize_per_channel]; -"11 _param_constant2_0_0" [id=11, type=get_attr]; -"12 linear" [id=12, type=linear]; -"13 linear_1_updated_constant0" [id=13, type=get_attr]; -"14 add_tensor_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 quantize_per_channel_default_1" [id=19, type=quantize_per_channel]; -"20 dequantize_per_channel_default_1" [id=20, type=dequantize_per_channel]; -"21 _param_constant4_0_0" [id=21, type=get_attr]; -"22 linear_1" [id=22, type=linear]; -"23 output" [id=23, type=output]; -"0 arg0_1" -> "2 embedding" [label="(5,)", style=solid]; -"1 _param_constant0" -> "2 embedding" [label="(10, 5)", style=solid]; -"2 embedding" -> "4 embedding_0_0_nncf_smooth_quant_0" [label="(5, 5)", style=solid]; -"3 linear_updated_constant0" -> "9 quantize_per_channel_default" [label="(5, 5)", style=solid]; -"4 embedding_0_0_nncf_smooth_quant_0" -> "5 quantize_per_tensor_default" [label="(5, 5)", style=solid]; -"5 quantize_per_tensor_default" -> "6 dequantize_per_tensor_default" [label="(5, 5)", style=solid]; -"6 dequantize_per_tensor_default" -> "12 linear" [label="(5, 5)", style=solid]; -"7 linear_scale_0" -> "9 quantize_per_channel_default" [label="(5,)", style=solid]; -"7 linear_scale_0" -> "10 dequantize_per_channel_default" [label="(5,)", style=solid]; -"8 linear_zero_point_0" -> "9 quantize_per_channel_default" [label="(5,)", style=solid]; -"8 linear_zero_point_0" -> "10 dequantize_per_channel_default" [label="(5,)", style=solid]; -"9 quantize_per_channel_default" -> "10 dequantize_per_channel_default" [label="(5, 5)", style=solid]; -"10 dequantize_per_channel_default" -> "12 linear" [label="(5, 5)", style=solid]; -"11 _param_constant2_0_0" -> "12 linear" [label="(5,)", style=solid]; -"12 linear" -> "14 add_tensor_0_0_nncf_smooth_quant_0" [label="(5, 5)", style=solid]; -"13 linear_1_updated_constant0" -> "19 quantize_per_channel_default_1" [label="(10, 5)", style=solid]; -"14 add_tensor_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" -> "19 quantize_per_channel_default_1" [label="(10,)", style=solid]; -"17 linear_1_scale_0" -> "20 dequantize_per_channel_default_1" [label="(10,)", style=solid]; -"18 linear_1_zero_point_0" -> "19 quantize_per_channel_default_1" [label="(10,)", style=solid]; -"18 linear_1_zero_point_0" -> "20 dequantize_per_channel_default_1" [label="(10,)", style=solid]; -"19 quantize_per_channel_default_1" -> "20 dequantize_per_channel_default_1" [label="(10, 5)", style=solid]; -"20 dequantize_per_channel_default_1" -> "22 linear_1" [label="(10, 5)", style=solid]; -"21 _param_constant4_0_0" -> "22 linear_1" [label="(10,)", style=solid]; -"22 linear_1" -> "23 output" [label="(5, 10)", style=solid]; -} diff --git a/tests/torch/data/fx/reference_graphs/quantized_graphs/unet.dot b/tests/torch/data/fx/reference_graphs/quantized_graphs/unet.dot deleted file mode 100644 index 05b17d2f1ec..00000000000 --- a/tests/torch/data/fx/reference_graphs/quantized_graphs/unet.dot +++ /dev/null @@ -1,561 +0,0 @@ -strict digraph { -"0 arg0_1" [id=0, type=input]; -"1 quantize_per_tensor_default_8" [id=1, type=quantize_per_tensor]; -"2 dequantize_per_tensor_default_12" [id=2, type=dequantize_per_tensor]; -"3 _param_constant0" [id=3, type=get_attr]; -"4 conv2d_scale_0" [id=4, type=get_attr]; -"5 conv2d_zero_point_0" [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 _param_constant1_0_0" [id=8, type=get_attr]; -"9 conv2d" [id=9, type=conv2d]; -"10 relu" [id=10, type=relu]; -"11 quantize_per_tensor_default_9" [id=11, type=quantize_per_tensor]; -"12 dequantize_per_tensor_default_13" [id=12, type=dequantize_per_tensor]; -"13 _param_constant4" [id=13, type=get_attr]; -"14 conv2d_1_scale_0" [id=14, type=get_attr]; -"15 conv2d_1_zero_point_0" [id=15, type=get_attr]; -"16 quantize_per_channel_default_1" [id=16, type=quantize_per_channel]; -"17 dequantize_per_channel_default_1" [id=17, type=dequantize_per_channel]; -"18 _param_constant5_0_0" [id=18, type=get_attr]; -"19 conv2d_1" [id=19, type=conv2d]; -"20 relu_1" [id=20, type=relu]; -"21 quantize_per_tensor_default" [id=21, type=quantize_per_tensor]; -"22 dequantize_per_tensor_default_1" [id=22, type=dequantize_per_tensor]; -"23 dequantize_per_tensor_default" [id=23, type=dequantize_per_tensor]; -"24 max_pool2d" [id=24, type=max_pool2d]; -"25 _param_constant8" [id=25, type=get_attr]; -"26 conv2d_2_scale_0" [id=26, type=get_attr]; -"27 conv2d_2_zero_point_0" [id=27, type=get_attr]; -"28 quantize_per_channel_default_2" [id=28, type=quantize_per_channel]; -"29 dequantize_per_channel_default_2" [id=29, type=dequantize_per_channel]; -"30 _param_constant9_0_0" [id=30, type=get_attr]; -"31 conv2d_2" [id=31, type=conv2d]; -"32 relu_2" [id=32, type=relu]; -"33 quantize_per_tensor_default_10" [id=33, type=quantize_per_tensor]; -"34 dequantize_per_tensor_default_14" [id=34, type=dequantize_per_tensor]; -"35 _param_constant12" [id=35, type=get_attr]; -"36 conv2d_3_scale_0" [id=36, type=get_attr]; -"37 conv2d_3_zero_point_0" [id=37, type=get_attr]; -"38 quantize_per_channel_default_3" [id=38, type=quantize_per_channel]; -"39 dequantize_per_channel_default_3" [id=39, type=dequantize_per_channel]; -"40 _param_constant13_0_0" [id=40, type=get_attr]; -"41 conv2d_3" [id=41, type=conv2d]; -"42 relu_3" [id=42, type=relu]; -"43 quantize_per_tensor_default_3" [id=43, type=quantize_per_tensor]; -"44 dequantize_per_tensor_default_5" [id=44, type=dequantize_per_tensor]; -"45 dequantize_per_tensor_default_4" [id=45, type=dequantize_per_tensor]; -"46 max_pool2d_1" [id=46, type=max_pool2d]; -"47 _param_constant16" [id=47, type=get_attr]; -"48 conv2d_4_scale_0" [id=48, type=get_attr]; -"49 conv2d_4_zero_point_0" [id=49, type=get_attr]; -"50 quantize_per_channel_default_4" [id=50, type=quantize_per_channel]; -"51 dequantize_per_channel_default_4" [id=51, type=dequantize_per_channel]; -"52 _param_constant17_0_0" [id=52, type=get_attr]; -"53 conv2d_4" [id=53, type=conv2d]; -"54 relu_4" [id=54, type=relu]; -"55 quantize_per_tensor_default_11" [id=55, type=quantize_per_tensor]; -"56 dequantize_per_tensor_default_15" [id=56, type=dequantize_per_tensor]; -"57 _param_constant20" [id=57, type=get_attr]; -"58 conv2d_5_scale_0" [id=58, type=get_attr]; -"59 conv2d_5_zero_point_0" [id=59, type=get_attr]; -"60 quantize_per_channel_default_5" [id=60, type=quantize_per_channel]; -"61 dequantize_per_channel_default_5" [id=61, type=dequantize_per_channel]; -"62 _param_constant21_0_0" [id=62, type=get_attr]; -"63 conv2d_5" [id=63, type=conv2d]; -"64 relu_5" [id=64, type=relu]; -"65 quantize_per_tensor_default_4" [id=65, type=quantize_per_tensor]; -"66 dequantize_per_tensor_default_7" [id=66, type=dequantize_per_tensor]; -"67 dequantize_per_tensor_default_6" [id=67, type=dequantize_per_tensor]; -"68 max_pool2d_2" [id=68, type=max_pool2d]; -"69 _param_constant24" [id=69, type=get_attr]; -"70 conv2d_6_scale_0" [id=70, type=get_attr]; -"71 conv2d_6_zero_point_0" [id=71, type=get_attr]; -"72 quantize_per_channel_default_6" [id=72, type=quantize_per_channel]; -"73 dequantize_per_channel_default_6" [id=73, type=dequantize_per_channel]; -"74 _param_constant25_0_0" [id=74, type=get_attr]; -"75 conv2d_6" [id=75, type=conv2d]; -"76 relu_6" [id=76, type=relu]; -"77 quantize_per_tensor_default_12" [id=77, type=quantize_per_tensor]; -"78 dequantize_per_tensor_default_16" [id=78, type=dequantize_per_tensor]; -"79 _param_constant28" [id=79, type=get_attr]; -"80 conv2d_7_scale_0" [id=80, type=get_attr]; -"81 conv2d_7_zero_point_0" [id=81, type=get_attr]; -"82 quantize_per_channel_default_7" [id=82, type=quantize_per_channel]; -"83 dequantize_per_channel_default_7" [id=83, type=dequantize_per_channel]; -"84 _param_constant29_0_0" [id=84, type=get_attr]; -"85 conv2d_7" [id=85, type=conv2d]; -"86 relu_7" [id=86, type=relu]; -"87 quantize_per_tensor_default_7" [id=87, type=quantize_per_tensor]; -"88 dequantize_per_tensor_default_11" [id=88, type=dequantize_per_tensor]; -"89 dequantize_per_tensor_default_10" [id=89, type=dequantize_per_tensor]; -"90 max_pool2d_3" [id=90, type=max_pool2d]; -"91 _param_constant32" [id=91, type=get_attr]; -"92 conv2d_8_scale_0" [id=92, type=get_attr]; -"93 conv2d_8_zero_point_0" [id=93, type=get_attr]; -"94 quantize_per_channel_default_8" [id=94, type=quantize_per_channel]; -"95 dequantize_per_channel_default_8" [id=95, type=dequantize_per_channel]; -"96 _param_constant33_0_0" [id=96, type=get_attr]; -"97 conv2d_8" [id=97, type=conv2d]; -"98 relu_8" [id=98, type=relu]; -"99 quantize_per_tensor_default_13" [id=99, type=quantize_per_tensor]; -"100 dequantize_per_tensor_default_17" [id=100, type=dequantize_per_tensor]; -"101 _param_constant36" [id=101, type=get_attr]; -"102 conv2d_9_scale_0" [id=102, type=get_attr]; -"103 conv2d_9_zero_point_0" [id=103, type=get_attr]; -"104 quantize_per_channel_default_9" [id=104, type=quantize_per_channel]; -"105 dequantize_per_channel_default_9" [id=105, type=dequantize_per_channel]; -"106 _param_constant37_0_0" [id=106, type=get_attr]; -"107 conv2d_9" [id=107, type=conv2d]; -"108 relu_9" [id=108, type=relu]; -"109 quantize_per_tensor_default_14" [id=109, type=quantize_per_tensor]; -"110 dequantize_per_tensor_default_18" [id=110, type=dequantize_per_tensor]; -"111 _param_constant40" [id=111, type=get_attr]; -"112 _param_constant41" [id=112, type=get_attr]; -"113 conv_transpose2d_scale_0" [id=113, type=get_attr]; -"114 conv_transpose2d_zero_point_0" [id=114, type=get_attr]; -"115 quantize_per_channel_default_10" [id=115, type=quantize_per_channel]; -"116 dequantize_per_channel_default_10" [id=116, type=dequantize_per_channel]; -"117 conv_transpose2d" [id=117, type=conv_transpose2d]; -"118 quantize_per_tensor_default_6" [id=118, type=quantize_per_tensor]; -"119 dequantize_per_tensor_default_9" [id=119, type=dequantize_per_tensor]; -"120 slice_1" [id=120, type=slice]; -"121 slice_2" [id=121, type=slice]; -"122 slice_3" [id=122, type=slice]; -"123 slice_4" [id=123, type=slice]; -"124 cat" [id=124, type=cat]; -"125 _param_constant42" [id=125, type=get_attr]; -"126 conv2d_10_scale_0" [id=126, type=get_attr]; -"127 conv2d_10_zero_point_0" [id=127, type=get_attr]; -"128 quantize_per_channel_default_11" [id=128, type=quantize_per_channel]; -"129 dequantize_per_channel_default_11" [id=129, type=dequantize_per_channel]; -"130 _param_constant43_0_0" [id=130, type=get_attr]; -"131 conv2d_10" [id=131, type=conv2d]; -"132 relu_10" [id=132, type=relu]; -"133 quantize_per_tensor_default_15" [id=133, type=quantize_per_tensor]; -"134 dequantize_per_tensor_default_19" [id=134, type=dequantize_per_tensor]; -"135 _param_constant46" [id=135, type=get_attr]; -"136 conv2d_11_scale_0" [id=136, type=get_attr]; -"137 conv2d_11_zero_point_0" [id=137, type=get_attr]; -"138 quantize_per_channel_default_12" [id=138, type=quantize_per_channel]; -"139 dequantize_per_channel_default_12" [id=139, type=dequantize_per_channel]; -"140 _param_constant47_0_0" [id=140, type=get_attr]; -"141 conv2d_11" [id=141, type=conv2d]; -"142 relu_11" [id=142, type=relu]; -"143 quantize_per_tensor_default_16" [id=143, type=quantize_per_tensor]; -"144 dequantize_per_tensor_default_20" [id=144, type=dequantize_per_tensor]; -"145 _param_constant50" [id=145, type=get_attr]; -"146 _param_constant51" [id=146, type=get_attr]; -"147 conv_transpose2d_1_scale_0" [id=147, type=get_attr]; -"148 conv_transpose2d_1_zero_point_0" [id=148, type=get_attr]; -"149 quantize_per_channel_default_13" [id=149, type=quantize_per_channel]; -"150 dequantize_per_channel_default_13" [id=150, type=dequantize_per_channel]; -"151 conv_transpose2d_1" [id=151, type=conv_transpose2d]; -"152 quantize_per_tensor_default_5" [id=152, type=quantize_per_tensor]; -"153 dequantize_per_tensor_default_8" [id=153, type=dequantize_per_tensor]; -"154 slice_5" [id=154, type=slice]; -"155 slice_6" [id=155, type=slice]; -"156 slice_7" [id=156, type=slice]; -"157 slice_8" [id=157, type=slice]; -"158 cat_1" [id=158, type=cat]; -"159 _param_constant52" [id=159, type=get_attr]; -"160 conv2d_12_scale_0" [id=160, type=get_attr]; -"161 conv2d_12_zero_point_0" [id=161, type=get_attr]; -"162 quantize_per_channel_default_14" [id=162, type=quantize_per_channel]; -"163 dequantize_per_channel_default_14" [id=163, type=dequantize_per_channel]; -"164 _param_constant53_0_0" [id=164, type=get_attr]; -"165 conv2d_12" [id=165, type=conv2d]; -"166 relu_12" [id=166, type=relu]; -"167 quantize_per_tensor_default_17" [id=167, type=quantize_per_tensor]; -"168 dequantize_per_tensor_default_21" [id=168, type=dequantize_per_tensor]; -"169 _param_constant56" [id=169, type=get_attr]; -"170 conv2d_13_scale_0" [id=170, type=get_attr]; -"171 conv2d_13_zero_point_0" [id=171, type=get_attr]; -"172 quantize_per_channel_default_15" [id=172, type=quantize_per_channel]; -"173 dequantize_per_channel_default_15" [id=173, type=dequantize_per_channel]; -"174 _param_constant57_0_0" [id=174, type=get_attr]; -"175 conv2d_13" [id=175, type=conv2d]; -"176 relu_13" [id=176, type=relu]; -"177 quantize_per_tensor_default_18" [id=177, type=quantize_per_tensor]; -"178 dequantize_per_tensor_default_22" [id=178, type=dequantize_per_tensor]; -"179 _param_constant60" [id=179, type=get_attr]; -"180 _param_constant61" [id=180, type=get_attr]; -"181 conv_transpose2d_2_scale_0" [id=181, type=get_attr]; -"182 conv_transpose2d_2_zero_point_0" [id=182, type=get_attr]; -"183 quantize_per_channel_default_16" [id=183, type=quantize_per_channel]; -"184 dequantize_per_channel_default_16" [id=184, type=dequantize_per_channel]; -"185 conv_transpose2d_2" [id=185, type=conv_transpose2d]; -"186 quantize_per_tensor_default_2" [id=186, type=quantize_per_tensor]; -"187 dequantize_per_tensor_default_3" [id=187, type=dequantize_per_tensor]; -"188 slice_9" [id=188, type=slice]; -"189 slice_10" [id=189, type=slice]; -"190 slice_11" [id=190, type=slice]; -"191 slice_12" [id=191, type=slice]; -"192 cat_2" [id=192, type=cat]; -"193 _param_constant62" [id=193, type=get_attr]; -"194 conv2d_14_scale_0" [id=194, type=get_attr]; -"195 conv2d_14_zero_point_0" [id=195, type=get_attr]; -"196 quantize_per_channel_default_17" [id=196, type=quantize_per_channel]; -"197 dequantize_per_channel_default_17" [id=197, type=dequantize_per_channel]; -"198 _param_constant63_0_0" [id=198, type=get_attr]; -"199 conv2d_14" [id=199, type=conv2d]; -"200 relu_14" [id=200, type=relu]; -"201 quantize_per_tensor_default_19" [id=201, type=quantize_per_tensor]; -"202 dequantize_per_tensor_default_23" [id=202, type=dequantize_per_tensor]; -"203 _param_constant66" [id=203, type=get_attr]; -"204 conv2d_15_scale_0" [id=204, type=get_attr]; -"205 conv2d_15_zero_point_0" [id=205, type=get_attr]; -"206 quantize_per_channel_default_18" [id=206, type=quantize_per_channel]; -"207 dequantize_per_channel_default_18" [id=207, type=dequantize_per_channel]; -"208 _param_constant67_0_0" [id=208, type=get_attr]; -"209 conv2d_15" [id=209, type=conv2d]; -"210 relu_15" [id=210, type=relu]; -"211 quantize_per_tensor_default_20" [id=211, type=quantize_per_tensor]; -"212 dequantize_per_tensor_default_24" [id=212, type=dequantize_per_tensor]; -"213 _param_constant70" [id=213, type=get_attr]; -"214 _param_constant71" [id=214, type=get_attr]; -"215 conv_transpose2d_3_scale_0" [id=215, type=get_attr]; -"216 conv_transpose2d_3_zero_point_0" [id=216, type=get_attr]; -"217 quantize_per_channel_default_19" [id=217, type=quantize_per_channel]; -"218 dequantize_per_channel_default_19" [id=218, type=dequantize_per_channel]; -"219 conv_transpose2d_3" [id=219, type=conv_transpose2d]; -"220 quantize_per_tensor_default_1" [id=220, type=quantize_per_tensor]; -"221 dequantize_per_tensor_default_2" [id=221, type=dequantize_per_tensor]; -"222 slice_13" [id=222, type=slice]; -"223 slice_14" [id=223, type=slice]; -"224 slice_15" [id=224, type=slice]; -"225 slice_16" [id=225, type=slice]; -"226 cat_3" [id=226, type=cat]; -"227 _param_constant72" [id=227, type=get_attr]; -"228 conv2d_16_scale_0" [id=228, type=get_attr]; -"229 conv2d_16_zero_point_0" [id=229, type=get_attr]; -"230 quantize_per_channel_default_20" [id=230, type=quantize_per_channel]; -"231 dequantize_per_channel_default_20" [id=231, type=dequantize_per_channel]; -"232 _param_constant73_0_0" [id=232, type=get_attr]; -"233 conv2d_16" [id=233, type=conv2d]; -"234 relu_16" [id=234, type=relu]; -"235 quantize_per_tensor_default_21" [id=235, type=quantize_per_tensor]; -"236 dequantize_per_tensor_default_25" [id=236, type=dequantize_per_tensor]; -"237 _param_constant76" [id=237, type=get_attr]; -"238 conv2d_17_scale_0" [id=238, type=get_attr]; -"239 conv2d_17_zero_point_0" [id=239, type=get_attr]; -"240 quantize_per_channel_default_21" [id=240, type=quantize_per_channel]; -"241 dequantize_per_channel_default_21" [id=241, type=dequantize_per_channel]; -"242 _param_constant77_0_0" [id=242, type=get_attr]; -"243 conv2d_17" [id=243, type=conv2d]; -"244 relu_17" [id=244, type=relu]; -"245 quantize_per_tensor_default_22" [id=245, type=quantize_per_tensor]; -"246 dequantize_per_tensor_default_26" [id=246, type=dequantize_per_tensor]; -"247 _param_constant80" [id=247, type=get_attr]; -"248 conv2d_18_scale_0" [id=248, type=get_attr]; -"249 conv2d_18_zero_point_0" [id=249, type=get_attr]; -"250 quantize_per_channel_default_22" [id=250, type=quantize_per_channel]; -"251 dequantize_per_channel_default_22" [id=251, type=dequantize_per_channel]; -"252 _param_constant81_0_0" [id=252, type=get_attr]; -"253 conv2d_18" [id=253, type=conv2d]; -"254 output" [id=254, type=output]; -"0 arg0_1" -> "1 quantize_per_tensor_default_8" [label="(1, 3, 224, 224)", style=solid]; -"1 quantize_per_tensor_default_8" -> "2 dequantize_per_tensor_default_12" [label="(1, 3, 224, 224)", style=solid]; -"2 dequantize_per_tensor_default_12" -> "9 conv2d" [label="(1, 3, 224, 224)", style=solid]; -"3 _param_constant0" -> "6 quantize_per_channel_default" [label="(64, 3, 3, 3)", style=solid]; -"4 conv2d_scale_0" -> "6 quantize_per_channel_default" [label="(64,)", style=solid]; -"4 conv2d_scale_0" -> "7 dequantize_per_channel_default" [label="(64,)", style=solid]; -"5 conv2d_zero_point_0" -> "6 quantize_per_channel_default" [label="(64,)", style=solid]; -"5 conv2d_zero_point_0" -> "7 dequantize_per_channel_default" [label="(64,)", style=solid]; -"6 quantize_per_channel_default" -> "7 dequantize_per_channel_default" [label="(64, 3, 3, 3)", style=solid]; -"7 dequantize_per_channel_default" -> "9 conv2d" [label="(64, 3, 3, 3)", style=solid]; -"8 _param_constant1_0_0" -> "9 conv2d" [label="(64,)", style=solid]; -"9 conv2d" -> "10 relu" [label="(1, 64, 222, 222)", style=solid]; -"10 relu" -> "11 quantize_per_tensor_default_9" [label="(1, 64, 222, 222)", style=solid]; -"11 quantize_per_tensor_default_9" -> "12 dequantize_per_tensor_default_13" [label="(1, 64, 222, 222)", style=solid]; -"12 dequantize_per_tensor_default_13" -> "19 conv2d_1" [label="(1, 64, 222, 222)", style=solid]; -"13 _param_constant4" -> "16 quantize_per_channel_default_1" [label="(64, 64, 3, 3)", style=solid]; -"14 conv2d_1_scale_0" -> "16 quantize_per_channel_default_1" [label="(64,)", style=solid]; -"14 conv2d_1_scale_0" -> "17 dequantize_per_channel_default_1" [label="(64,)", style=solid]; -"15 conv2d_1_zero_point_0" -> "16 quantize_per_channel_default_1" [label="(64,)", style=solid]; -"15 conv2d_1_zero_point_0" -> "17 dequantize_per_channel_default_1" [label="(64,)", style=solid]; -"16 quantize_per_channel_default_1" -> "17 dequantize_per_channel_default_1" [label="(64, 64, 3, 3)", style=solid]; -"17 dequantize_per_channel_default_1" -> "19 conv2d_1" [label="(64, 64, 3, 3)", style=solid]; -"18 _param_constant5_0_0" -> "19 conv2d_1" [label="(64,)", style=solid]; -"19 conv2d_1" -> "20 relu_1" [label="(1, 64, 220, 220)", style=solid]; -"20 relu_1" -> "21 quantize_per_tensor_default" [label="(1, 64, 220, 220)", style=solid]; -"21 quantize_per_tensor_default" -> "22 dequantize_per_tensor_default_1" [label="(1, 64, 220, 220)", style=solid]; -"21 quantize_per_tensor_default" -> "23 dequantize_per_tensor_default" [label="(1, 64, 220, 220)", style=solid]; -"22 dequantize_per_tensor_default_1" -> "222 slice_13" [label="(1, 64, 220, 220)", style=solid]; -"23 dequantize_per_tensor_default" -> "24 max_pool2d" [label="(1, 64, 220, 220)", style=solid]; -"24 max_pool2d" -> "31 conv2d_2" [label="(1, 64, 110, 110)", style=solid]; -"25 _param_constant8" -> "28 quantize_per_channel_default_2" [label="(128, 64, 3, 3)", style=solid]; -"26 conv2d_2_scale_0" -> "28 quantize_per_channel_default_2" [label="(128,)", style=solid]; -"26 conv2d_2_scale_0" -> "29 dequantize_per_channel_default_2" [label="(128,)", style=solid]; -"27 conv2d_2_zero_point_0" -> "28 quantize_per_channel_default_2" [label="(128,)", style=solid]; -"27 conv2d_2_zero_point_0" -> "29 dequantize_per_channel_default_2" [label="(128,)", style=solid]; -"28 quantize_per_channel_default_2" -> "29 dequantize_per_channel_default_2" [label="(128, 64, 3, 3)", style=solid]; -"29 dequantize_per_channel_default_2" -> "31 conv2d_2" [label="(128, 64, 3, 3)", style=solid]; -"30 _param_constant9_0_0" -> "31 conv2d_2" [label="(128,)", style=solid]; -"31 conv2d_2" -> "32 relu_2" [label="(1, 128, 108, 108)", style=solid]; -"32 relu_2" -> "33 quantize_per_tensor_default_10" [label="(1, 128, 108, 108)", style=solid]; -"33 quantize_per_tensor_default_10" -> "34 dequantize_per_tensor_default_14" [label="(1, 128, 108, 108)", style=solid]; -"34 dequantize_per_tensor_default_14" -> "41 conv2d_3" [label="(1, 128, 108, 108)", style=solid]; -"35 _param_constant12" -> "38 quantize_per_channel_default_3" [label="(128, 128, 3, 3)", style=solid]; -"36 conv2d_3_scale_0" -> "38 quantize_per_channel_default_3" [label="(128,)", style=solid]; -"36 conv2d_3_scale_0" -> "39 dequantize_per_channel_default_3" [label="(128,)", style=solid]; -"37 conv2d_3_zero_point_0" -> "38 quantize_per_channel_default_3" [label="(128,)", style=solid]; -"37 conv2d_3_zero_point_0" -> "39 dequantize_per_channel_default_3" [label="(128,)", style=solid]; -"38 quantize_per_channel_default_3" -> "39 dequantize_per_channel_default_3" [label="(128, 128, 3, 3)", style=solid]; -"39 dequantize_per_channel_default_3" -> "41 conv2d_3" [label="(128, 128, 3, 3)", style=solid]; -"40 _param_constant13_0_0" -> "41 conv2d_3" [label="(128,)", style=solid]; -"41 conv2d_3" -> "42 relu_3" [label="(1, 128, 106, 106)", style=solid]; -"42 relu_3" -> "43 quantize_per_tensor_default_3" [label="(1, 128, 106, 106)", style=solid]; -"43 quantize_per_tensor_default_3" -> "44 dequantize_per_tensor_default_5" [label="(1, 128, 106, 106)", style=solid]; -"43 quantize_per_tensor_default_3" -> "45 dequantize_per_tensor_default_4" [label="(1, 128, 106, 106)", style=solid]; -"44 dequantize_per_tensor_default_5" -> "188 slice_9" [label="(1, 128, 106, 106)", style=solid]; -"45 dequantize_per_tensor_default_4" -> "46 max_pool2d_1" [label="(1, 128, 106, 106)", style=solid]; -"46 max_pool2d_1" -> "53 conv2d_4" [label="(1, 128, 53, 53)", style=solid]; -"47 _param_constant16" -> "50 quantize_per_channel_default_4" [label="(256, 128, 3, 3)", style=solid]; -"48 conv2d_4_scale_0" -> "50 quantize_per_channel_default_4" [label="(256,)", style=solid]; -"48 conv2d_4_scale_0" -> "51 dequantize_per_channel_default_4" [label="(256,)", style=solid]; -"49 conv2d_4_zero_point_0" -> "50 quantize_per_channel_default_4" [label="(256,)", style=solid]; -"49 conv2d_4_zero_point_0" -> "51 dequantize_per_channel_default_4" [label="(256,)", style=solid]; -"50 quantize_per_channel_default_4" -> "51 dequantize_per_channel_default_4" [label="(256, 128, 3, 3)", style=solid]; -"51 dequantize_per_channel_default_4" -> "53 conv2d_4" [label="(256, 128, 3, 3)", style=solid]; -"52 _param_constant17_0_0" -> "53 conv2d_4" [label="(256,)", style=solid]; -"53 conv2d_4" -> "54 relu_4" [label="(1, 256, 51, 51)", style=solid]; -"54 relu_4" -> "55 quantize_per_tensor_default_11" [label="(1, 256, 51, 51)", style=solid]; -"55 quantize_per_tensor_default_11" -> "56 dequantize_per_tensor_default_15" [label="(1, 256, 51, 51)", style=solid]; -"56 dequantize_per_tensor_default_15" -> "63 conv2d_5" [label="(1, 256, 51, 51)", style=solid]; -"57 _param_constant20" -> "60 quantize_per_channel_default_5" [label="(256, 256, 3, 3)", style=solid]; -"58 conv2d_5_scale_0" -> "60 quantize_per_channel_default_5" [label="(256,)", style=solid]; -"58 conv2d_5_scale_0" -> "61 dequantize_per_channel_default_5" [label="(256,)", style=solid]; -"59 conv2d_5_zero_point_0" -> "60 quantize_per_channel_default_5" [label="(256,)", style=solid]; -"59 conv2d_5_zero_point_0" -> "61 dequantize_per_channel_default_5" [label="(256,)", style=solid]; -"60 quantize_per_channel_default_5" -> "61 dequantize_per_channel_default_5" [label="(256, 256, 3, 3)", style=solid]; -"61 dequantize_per_channel_default_5" -> "63 conv2d_5" [label="(256, 256, 3, 3)", style=solid]; -"62 _param_constant21_0_0" -> "63 conv2d_5" [label="(256,)", style=solid]; -"63 conv2d_5" -> "64 relu_5" [label="(1, 256, 49, 49)", style=solid]; -"64 relu_5" -> "65 quantize_per_tensor_default_4" [label="(1, 256, 49, 49)", style=solid]; -"65 quantize_per_tensor_default_4" -> "66 dequantize_per_tensor_default_7" [label="(1, 256, 49, 49)", style=solid]; -"65 quantize_per_tensor_default_4" -> "67 dequantize_per_tensor_default_6" [label="(1, 256, 49, 49)", style=solid]; -"66 dequantize_per_tensor_default_7" -> "154 slice_5" [label="(1, 256, 49, 49)", style=solid]; -"67 dequantize_per_tensor_default_6" -> "68 max_pool2d_2" [label="(1, 256, 49, 49)", style=solid]; -"68 max_pool2d_2" -> "75 conv2d_6" [label="(1, 256, 24, 24)", style=solid]; -"69 _param_constant24" -> "72 quantize_per_channel_default_6" [label="(512, 256, 3, 3)", style=solid]; -"70 conv2d_6_scale_0" -> "72 quantize_per_channel_default_6" [label="(512,)", style=solid]; -"70 conv2d_6_scale_0" -> "73 dequantize_per_channel_default_6" [label="(512,)", style=solid]; -"71 conv2d_6_zero_point_0" -> "72 quantize_per_channel_default_6" [label="(512,)", style=solid]; -"71 conv2d_6_zero_point_0" -> "73 dequantize_per_channel_default_6" [label="(512,)", style=solid]; -"72 quantize_per_channel_default_6" -> "73 dequantize_per_channel_default_6" [label="(512, 256, 3, 3)", style=solid]; -"73 dequantize_per_channel_default_6" -> "75 conv2d_6" [label="(512, 256, 3, 3)", style=solid]; -"74 _param_constant25_0_0" -> "75 conv2d_6" [label="(512,)", style=solid]; -"75 conv2d_6" -> "76 relu_6" [label="(1, 512, 22, 22)", style=solid]; -"76 relu_6" -> "77 quantize_per_tensor_default_12" [label="(1, 512, 22, 22)", style=solid]; -"77 quantize_per_tensor_default_12" -> "78 dequantize_per_tensor_default_16" [label="(1, 512, 22, 22)", style=solid]; -"78 dequantize_per_tensor_default_16" -> "85 conv2d_7" [label="(1, 512, 22, 22)", style=solid]; -"79 _param_constant28" -> "82 quantize_per_channel_default_7" [label="(512, 512, 3, 3)", style=solid]; -"80 conv2d_7_scale_0" -> "82 quantize_per_channel_default_7" [label="(512,)", style=solid]; -"80 conv2d_7_scale_0" -> "83 dequantize_per_channel_default_7" [label="(512,)", style=solid]; -"81 conv2d_7_zero_point_0" -> "82 quantize_per_channel_default_7" [label="(512,)", style=solid]; -"81 conv2d_7_zero_point_0" -> "83 dequantize_per_channel_default_7" [label="(512,)", style=solid]; -"82 quantize_per_channel_default_7" -> "83 dequantize_per_channel_default_7" [label="(512, 512, 3, 3)", style=solid]; -"83 dequantize_per_channel_default_7" -> "85 conv2d_7" [label="(512, 512, 3, 3)", style=solid]; -"84 _param_constant29_0_0" -> "85 conv2d_7" [label="(512,)", style=solid]; -"85 conv2d_7" -> "86 relu_7" [label="(1, 512, 20, 20)", style=solid]; -"86 relu_7" -> "87 quantize_per_tensor_default_7" [label="(1, 512, 20, 20)", style=solid]; -"87 quantize_per_tensor_default_7" -> "88 dequantize_per_tensor_default_11" [label="(1, 512, 20, 20)", style=solid]; -"87 quantize_per_tensor_default_7" -> "89 dequantize_per_tensor_default_10" [label="(1, 512, 20, 20)", style=solid]; -"88 dequantize_per_tensor_default_11" -> "120 slice_1" [label="(1, 512, 20, 20)", style=solid]; -"89 dequantize_per_tensor_default_10" -> "90 max_pool2d_3" [label="(1, 512, 20, 20)", style=solid]; -"90 max_pool2d_3" -> "97 conv2d_8" [label="(1, 512, 10, 10)", style=solid]; -"91 _param_constant32" -> "94 quantize_per_channel_default_8" [label="(1024, 512, 3, 3)", style=solid]; -"92 conv2d_8_scale_0" -> "94 quantize_per_channel_default_8" [label="(1024,)", style=solid]; -"92 conv2d_8_scale_0" -> "95 dequantize_per_channel_default_8" [label="(1024,)", style=solid]; -"93 conv2d_8_zero_point_0" -> "94 quantize_per_channel_default_8" [label="(1024,)", style=solid]; -"93 conv2d_8_zero_point_0" -> "95 dequantize_per_channel_default_8" [label="(1024,)", style=solid]; -"94 quantize_per_channel_default_8" -> "95 dequantize_per_channel_default_8" [label="(1024, 512, 3, 3)", style=solid]; -"95 dequantize_per_channel_default_8" -> "97 conv2d_8" [label="(1024, 512, 3, 3)", style=solid]; -"96 _param_constant33_0_0" -> "97 conv2d_8" [label="(1024,)", style=solid]; -"97 conv2d_8" -> "98 relu_8" [label="(1, 1024, 8, 8)", style=solid]; -"98 relu_8" -> "99 quantize_per_tensor_default_13" [label="(1, 1024, 8, 8)", style=solid]; -"99 quantize_per_tensor_default_13" -> "100 dequantize_per_tensor_default_17" [label="(1, 1024, 8, 8)", style=solid]; -"100 dequantize_per_tensor_default_17" -> "107 conv2d_9" [label="(1, 1024, 8, 8)", style=solid]; -"101 _param_constant36" -> "104 quantize_per_channel_default_9" [label="(1024, 1024, 3, 3)", style=solid]; -"102 conv2d_9_scale_0" -> "104 quantize_per_channel_default_9" [label="(1024,)", style=solid]; -"102 conv2d_9_scale_0" -> "105 dequantize_per_channel_default_9" [label="(1024,)", style=solid]; -"103 conv2d_9_zero_point_0" -> "104 quantize_per_channel_default_9" [label="(1024,)", style=solid]; -"103 conv2d_9_zero_point_0" -> "105 dequantize_per_channel_default_9" [label="(1024,)", style=solid]; -"104 quantize_per_channel_default_9" -> "105 dequantize_per_channel_default_9" [label="(1024, 1024, 3, 3)", style=solid]; -"105 dequantize_per_channel_default_9" -> "107 conv2d_9" [label="(1024, 1024, 3, 3)", style=solid]; -"106 _param_constant37_0_0" -> "107 conv2d_9" [label="(1024,)", style=solid]; -"107 conv2d_9" -> "108 relu_9" [label="(1, 1024, 6, 6)", style=solid]; -"108 relu_9" -> "109 quantize_per_tensor_default_14" [label="(1, 1024, 6, 6)", style=solid]; -"109 quantize_per_tensor_default_14" -> "110 dequantize_per_tensor_default_18" [label="(1, 1024, 6, 6)", style=solid]; -"110 dequantize_per_tensor_default_18" -> "117 conv_transpose2d" [label="(1, 1024, 6, 6)", style=solid]; -"111 _param_constant40" -> "115 quantize_per_channel_default_10" [label="(1024, 512, 2, 2)", style=solid]; -"112 _param_constant41" -> "117 conv_transpose2d" [label="(512,)", style=solid]; -"113 conv_transpose2d_scale_0" -> "115 quantize_per_channel_default_10" [label="(1024,)", style=solid]; -"113 conv_transpose2d_scale_0" -> "116 dequantize_per_channel_default_10" [label="(1024,)", style=solid]; -"114 conv_transpose2d_zero_point_0" -> "115 quantize_per_channel_default_10" [label="(1024,)", style=solid]; -"114 conv_transpose2d_zero_point_0" -> "116 dequantize_per_channel_default_10" [label="(1024,)", style=solid]; -"115 quantize_per_channel_default_10" -> "116 dequantize_per_channel_default_10" [label="(1024, 512, 2, 2)", style=solid]; -"116 dequantize_per_channel_default_10" -> "117 conv_transpose2d" [label="(1024, 512, 2, 2)", style=solid]; -"117 conv_transpose2d" -> "118 quantize_per_tensor_default_6" [label="(1, 512, 12, 12)", style=solid]; -"118 quantize_per_tensor_default_6" -> "119 dequantize_per_tensor_default_9" [label="(1, 512, 12, 12)", style=solid]; -"119 dequantize_per_tensor_default_9" -> "124 cat" [label="(1, 512, 12, 12)", style=solid]; -"120 slice_1" -> "121 slice_2" [label="(1, 512, 20, 20)", style=solid]; -"121 slice_2" -> "122 slice_3" [label="(1, 512, 20, 20)", style=solid]; -"122 slice_3" -> "123 slice_4" [label="(1, 512, 12, 20)", style=solid]; -"123 slice_4" -> "124 cat" [label="(1, 512, 12, 12)", style=solid]; -"124 cat" -> "131 conv2d_10" [label="(1, 1024, 12, 12)", style=solid]; -"125 _param_constant42" -> "128 quantize_per_channel_default_11" [label="(512, 1024, 3, 3)", style=solid]; -"126 conv2d_10_scale_0" -> "128 quantize_per_channel_default_11" [label="(512,)", style=solid]; -"126 conv2d_10_scale_0" -> "129 dequantize_per_channel_default_11" [label="(512,)", style=solid]; -"127 conv2d_10_zero_point_0" -> "128 quantize_per_channel_default_11" [label="(512,)", style=solid]; -"127 conv2d_10_zero_point_0" -> "129 dequantize_per_channel_default_11" [label="(512,)", style=solid]; -"128 quantize_per_channel_default_11" -> "129 dequantize_per_channel_default_11" [label="(512, 1024, 3, 3)", style=solid]; -"129 dequantize_per_channel_default_11" -> "131 conv2d_10" [label="(512, 1024, 3, 3)", style=solid]; -"130 _param_constant43_0_0" -> "131 conv2d_10" [label="(512,)", style=solid]; -"131 conv2d_10" -> "132 relu_10" [label="(1, 512, 10, 10)", style=solid]; -"132 relu_10" -> "133 quantize_per_tensor_default_15" [label="(1, 512, 10, 10)", style=solid]; -"133 quantize_per_tensor_default_15" -> "134 dequantize_per_tensor_default_19" [label="(1, 512, 10, 10)", style=solid]; -"134 dequantize_per_tensor_default_19" -> "141 conv2d_11" [label="(1, 512, 10, 10)", style=solid]; -"135 _param_constant46" -> "138 quantize_per_channel_default_12" [label="(512, 512, 3, 3)", style=solid]; -"136 conv2d_11_scale_0" -> "138 quantize_per_channel_default_12" [label="(512,)", style=solid]; -"136 conv2d_11_scale_0" -> "139 dequantize_per_channel_default_12" [label="(512,)", style=solid]; -"137 conv2d_11_zero_point_0" -> "138 quantize_per_channel_default_12" [label="(512,)", style=solid]; -"137 conv2d_11_zero_point_0" -> "139 dequantize_per_channel_default_12" [label="(512,)", style=solid]; -"138 quantize_per_channel_default_12" -> "139 dequantize_per_channel_default_12" [label="(512, 512, 3, 3)", style=solid]; -"139 dequantize_per_channel_default_12" -> "141 conv2d_11" [label="(512, 512, 3, 3)", style=solid]; -"140 _param_constant47_0_0" -> "141 conv2d_11" [label="(512,)", style=solid]; -"141 conv2d_11" -> "142 relu_11" [label="(1, 512, 8, 8)", style=solid]; -"142 relu_11" -> "143 quantize_per_tensor_default_16" [label="(1, 512, 8, 8)", style=solid]; -"143 quantize_per_tensor_default_16" -> "144 dequantize_per_tensor_default_20" [label="(1, 512, 8, 8)", style=solid]; -"144 dequantize_per_tensor_default_20" -> "151 conv_transpose2d_1" [label="(1, 512, 8, 8)", style=solid]; -"145 _param_constant50" -> "149 quantize_per_channel_default_13" [label="(512, 256, 2, 2)", style=solid]; -"146 _param_constant51" -> "151 conv_transpose2d_1" [label="(256,)", style=solid]; -"147 conv_transpose2d_1_scale_0" -> "149 quantize_per_channel_default_13" [label="(512,)", style=solid]; -"147 conv_transpose2d_1_scale_0" -> "150 dequantize_per_channel_default_13" [label="(512,)", style=solid]; -"148 conv_transpose2d_1_zero_point_0" -> "149 quantize_per_channel_default_13" [label="(512,)", style=solid]; -"148 conv_transpose2d_1_zero_point_0" -> "150 dequantize_per_channel_default_13" [label="(512,)", style=solid]; -"149 quantize_per_channel_default_13" -> "150 dequantize_per_channel_default_13" [label="(512, 256, 2, 2)", style=solid]; -"150 dequantize_per_channel_default_13" -> "151 conv_transpose2d_1" [label="(512, 256, 2, 2)", style=solid]; -"151 conv_transpose2d_1" -> "152 quantize_per_tensor_default_5" [label="(1, 256, 16, 16)", style=solid]; -"152 quantize_per_tensor_default_5" -> "153 dequantize_per_tensor_default_8" [label="(1, 256, 16, 16)", style=solid]; -"153 dequantize_per_tensor_default_8" -> "158 cat_1" [label="(1, 256, 16, 16)", style=solid]; -"154 slice_5" -> "155 slice_6" [label="(1, 256, 49, 49)", style=solid]; -"155 slice_6" -> "156 slice_7" [label="(1, 256, 49, 49)", style=solid]; -"156 slice_7" -> "157 slice_8" [label="(1, 256, 16, 49)", style=solid]; -"157 slice_8" -> "158 cat_1" [label="(1, 256, 16, 16)", style=solid]; -"158 cat_1" -> "165 conv2d_12" [label="(1, 512, 16, 16)", style=solid]; -"159 _param_constant52" -> "162 quantize_per_channel_default_14" [label="(256, 512, 3, 3)", style=solid]; -"160 conv2d_12_scale_0" -> "162 quantize_per_channel_default_14" [label="(256,)", style=solid]; -"160 conv2d_12_scale_0" -> "163 dequantize_per_channel_default_14" [label="(256,)", style=solid]; -"161 conv2d_12_zero_point_0" -> "162 quantize_per_channel_default_14" [label="(256,)", style=solid]; -"161 conv2d_12_zero_point_0" -> "163 dequantize_per_channel_default_14" [label="(256,)", style=solid]; -"162 quantize_per_channel_default_14" -> "163 dequantize_per_channel_default_14" [label="(256, 512, 3, 3)", style=solid]; -"163 dequantize_per_channel_default_14" -> "165 conv2d_12" [label="(256, 512, 3, 3)", style=solid]; -"164 _param_constant53_0_0" -> "165 conv2d_12" [label="(256,)", style=solid]; -"165 conv2d_12" -> "166 relu_12" [label="(1, 256, 14, 14)", style=solid]; -"166 relu_12" -> "167 quantize_per_tensor_default_17" [label="(1, 256, 14, 14)", style=solid]; -"167 quantize_per_tensor_default_17" -> "168 dequantize_per_tensor_default_21" [label="(1, 256, 14, 14)", style=solid]; -"168 dequantize_per_tensor_default_21" -> "175 conv2d_13" [label="(1, 256, 14, 14)", style=solid]; -"169 _param_constant56" -> "172 quantize_per_channel_default_15" [label="(256, 256, 3, 3)", style=solid]; -"170 conv2d_13_scale_0" -> "172 quantize_per_channel_default_15" [label="(256,)", style=solid]; -"170 conv2d_13_scale_0" -> "173 dequantize_per_channel_default_15" [label="(256,)", style=solid]; -"171 conv2d_13_zero_point_0" -> "172 quantize_per_channel_default_15" [label="(256,)", style=solid]; -"171 conv2d_13_zero_point_0" -> "173 dequantize_per_channel_default_15" [label="(256,)", style=solid]; -"172 quantize_per_channel_default_15" -> "173 dequantize_per_channel_default_15" [label="(256, 256, 3, 3)", style=solid]; -"173 dequantize_per_channel_default_15" -> "175 conv2d_13" [label="(256, 256, 3, 3)", style=solid]; -"174 _param_constant57_0_0" -> "175 conv2d_13" [label="(256,)", style=solid]; -"175 conv2d_13" -> "176 relu_13" [label="(1, 256, 12, 12)", style=solid]; -"176 relu_13" -> "177 quantize_per_tensor_default_18" [label="(1, 256, 12, 12)", style=solid]; -"177 quantize_per_tensor_default_18" -> "178 dequantize_per_tensor_default_22" [label="(1, 256, 12, 12)", style=solid]; -"178 dequantize_per_tensor_default_22" -> "185 conv_transpose2d_2" [label="(1, 256, 12, 12)", style=solid]; -"179 _param_constant60" -> "183 quantize_per_channel_default_16" [label="(256, 128, 2, 2)", style=solid]; -"180 _param_constant61" -> "185 conv_transpose2d_2" [label="(128,)", style=solid]; -"181 conv_transpose2d_2_scale_0" -> "183 quantize_per_channel_default_16" [label="(256,)", style=solid]; -"181 conv_transpose2d_2_scale_0" -> "184 dequantize_per_channel_default_16" [label="(256,)", style=solid]; -"182 conv_transpose2d_2_zero_point_0" -> "183 quantize_per_channel_default_16" [label="(256,)", style=solid]; -"182 conv_transpose2d_2_zero_point_0" -> "184 dequantize_per_channel_default_16" [label="(256,)", style=solid]; -"183 quantize_per_channel_default_16" -> "184 dequantize_per_channel_default_16" [label="(256, 128, 2, 2)", style=solid]; -"184 dequantize_per_channel_default_16" -> "185 conv_transpose2d_2" [label="(256, 128, 2, 2)", style=solid]; -"185 conv_transpose2d_2" -> "186 quantize_per_tensor_default_2" [label="(1, 128, 24, 24)", style=solid]; -"186 quantize_per_tensor_default_2" -> "187 dequantize_per_tensor_default_3" [label="(1, 128, 24, 24)", style=solid]; -"187 dequantize_per_tensor_default_3" -> "192 cat_2" [label="(1, 128, 24, 24)", style=solid]; -"188 slice_9" -> "189 slice_10" [label="(1, 128, 106, 106)", style=solid]; -"189 slice_10" -> "190 slice_11" [label="(1, 128, 106, 106)", style=solid]; -"190 slice_11" -> "191 slice_12" [label="(1, 128, 24, 106)", style=solid]; -"191 slice_12" -> "192 cat_2" [label="(1, 128, 24, 24)", style=solid]; -"192 cat_2" -> "199 conv2d_14" [label="(1, 256, 24, 24)", style=solid]; -"193 _param_constant62" -> "196 quantize_per_channel_default_17" [label="(128, 256, 3, 3)", style=solid]; -"194 conv2d_14_scale_0" -> "196 quantize_per_channel_default_17" [label="(128,)", style=solid]; -"194 conv2d_14_scale_0" -> "197 dequantize_per_channel_default_17" [label="(128,)", style=solid]; -"195 conv2d_14_zero_point_0" -> "196 quantize_per_channel_default_17" [label="(128,)", style=solid]; -"195 conv2d_14_zero_point_0" -> "197 dequantize_per_channel_default_17" [label="(128,)", style=solid]; -"196 quantize_per_channel_default_17" -> "197 dequantize_per_channel_default_17" [label="(128, 256, 3, 3)", style=solid]; -"197 dequantize_per_channel_default_17" -> "199 conv2d_14" [label="(128, 256, 3, 3)", style=solid]; -"198 _param_constant63_0_0" -> "199 conv2d_14" [label="(128,)", style=solid]; -"199 conv2d_14" -> "200 relu_14" [label="(1, 128, 22, 22)", style=solid]; -"200 relu_14" -> "201 quantize_per_tensor_default_19" [label="(1, 128, 22, 22)", style=solid]; -"201 quantize_per_tensor_default_19" -> "202 dequantize_per_tensor_default_23" [label="(1, 128, 22, 22)", style=solid]; -"202 dequantize_per_tensor_default_23" -> "209 conv2d_15" [label="(1, 128, 22, 22)", style=solid]; -"203 _param_constant66" -> "206 quantize_per_channel_default_18" [label="(128, 128, 3, 3)", style=solid]; -"204 conv2d_15_scale_0" -> "206 quantize_per_channel_default_18" [label="(128,)", style=solid]; -"204 conv2d_15_scale_0" -> "207 dequantize_per_channel_default_18" [label="(128,)", style=solid]; -"205 conv2d_15_zero_point_0" -> "206 quantize_per_channel_default_18" [label="(128,)", style=solid]; -"205 conv2d_15_zero_point_0" -> "207 dequantize_per_channel_default_18" [label="(128,)", style=solid]; -"206 quantize_per_channel_default_18" -> "207 dequantize_per_channel_default_18" [label="(128, 128, 3, 3)", style=solid]; -"207 dequantize_per_channel_default_18" -> "209 conv2d_15" [label="(128, 128, 3, 3)", style=solid]; -"208 _param_constant67_0_0" -> "209 conv2d_15" [label="(128,)", style=solid]; -"209 conv2d_15" -> "210 relu_15" [label="(1, 128, 20, 20)", style=solid]; -"210 relu_15" -> "211 quantize_per_tensor_default_20" [label="(1, 128, 20, 20)", style=solid]; -"211 quantize_per_tensor_default_20" -> "212 dequantize_per_tensor_default_24" [label="(1, 128, 20, 20)", style=solid]; -"212 dequantize_per_tensor_default_24" -> "219 conv_transpose2d_3" [label="(1, 128, 20, 20)", style=solid]; -"213 _param_constant70" -> "217 quantize_per_channel_default_19" [label="(128, 64, 2, 2)", style=solid]; -"214 _param_constant71" -> "219 conv_transpose2d_3" [label="(64,)", style=solid]; -"215 conv_transpose2d_3_scale_0" -> "217 quantize_per_channel_default_19" [label="(128,)", style=solid]; -"215 conv_transpose2d_3_scale_0" -> "218 dequantize_per_channel_default_19" [label="(128,)", style=solid]; -"216 conv_transpose2d_3_zero_point_0" -> "217 quantize_per_channel_default_19" [label="(128,)", style=solid]; -"216 conv_transpose2d_3_zero_point_0" -> "218 dequantize_per_channel_default_19" [label="(128,)", style=solid]; -"217 quantize_per_channel_default_19" -> "218 dequantize_per_channel_default_19" [label="(128, 64, 2, 2)", style=solid]; -"218 dequantize_per_channel_default_19" -> "219 conv_transpose2d_3" [label="(128, 64, 2, 2)", style=solid]; -"219 conv_transpose2d_3" -> "220 quantize_per_tensor_default_1" [label="(1, 64, 40, 40)", style=solid]; -"220 quantize_per_tensor_default_1" -> "221 dequantize_per_tensor_default_2" [label="(1, 64, 40, 40)", style=solid]; -"221 dequantize_per_tensor_default_2" -> "226 cat_3" [label="(1, 64, 40, 40)", style=solid]; -"222 slice_13" -> "223 slice_14" [label="(1, 64, 220, 220)", style=solid]; -"223 slice_14" -> "224 slice_15" [label="(1, 64, 220, 220)", style=solid]; -"224 slice_15" -> "225 slice_16" [label="(1, 64, 40, 220)", style=solid]; -"225 slice_16" -> "226 cat_3" [label="(1, 64, 40, 40)", style=solid]; -"226 cat_3" -> "233 conv2d_16" [label="(1, 128, 40, 40)", style=solid]; -"227 _param_constant72" -> "230 quantize_per_channel_default_20" [label="(64, 128, 3, 3)", style=solid]; -"228 conv2d_16_scale_0" -> "230 quantize_per_channel_default_20" [label="(64,)", style=solid]; -"228 conv2d_16_scale_0" -> "231 dequantize_per_channel_default_20" [label="(64,)", style=solid]; -"229 conv2d_16_zero_point_0" -> "230 quantize_per_channel_default_20" [label="(64,)", style=solid]; -"229 conv2d_16_zero_point_0" -> "231 dequantize_per_channel_default_20" [label="(64,)", style=solid]; -"230 quantize_per_channel_default_20" -> "231 dequantize_per_channel_default_20" [label="(64, 128, 3, 3)", style=solid]; -"231 dequantize_per_channel_default_20" -> "233 conv2d_16" [label="(64, 128, 3, 3)", style=solid]; -"232 _param_constant73_0_0" -> "233 conv2d_16" [label="(64,)", style=solid]; -"233 conv2d_16" -> "234 relu_16" [label="(1, 64, 38, 38)", style=solid]; -"234 relu_16" -> "235 quantize_per_tensor_default_21" [label="(1, 64, 38, 38)", style=solid]; -"235 quantize_per_tensor_default_21" -> "236 dequantize_per_tensor_default_25" [label="(1, 64, 38, 38)", style=solid]; -"236 dequantize_per_tensor_default_25" -> "243 conv2d_17" [label="(1, 64, 38, 38)", style=solid]; -"237 _param_constant76" -> "240 quantize_per_channel_default_21" [label="(64, 64, 3, 3)", style=solid]; -"238 conv2d_17_scale_0" -> "240 quantize_per_channel_default_21" [label="(64,)", style=solid]; -"238 conv2d_17_scale_0" -> "241 dequantize_per_channel_default_21" [label="(64,)", style=solid]; -"239 conv2d_17_zero_point_0" -> "240 quantize_per_channel_default_21" [label="(64,)", style=solid]; -"239 conv2d_17_zero_point_0" -> "241 dequantize_per_channel_default_21" [label="(64,)", style=solid]; -"240 quantize_per_channel_default_21" -> "241 dequantize_per_channel_default_21" [label="(64, 64, 3, 3)", style=solid]; -"241 dequantize_per_channel_default_21" -> "243 conv2d_17" [label="(64, 64, 3, 3)", style=solid]; -"242 _param_constant77_0_0" -> "243 conv2d_17" [label="(64,)", style=solid]; -"243 conv2d_17" -> "244 relu_17" [label="(1, 64, 36, 36)", style=solid]; -"244 relu_17" -> "245 quantize_per_tensor_default_22" [label="(1, 64, 36, 36)", style=solid]; -"245 quantize_per_tensor_default_22" -> "246 dequantize_per_tensor_default_26" [label="(1, 64, 36, 36)", style=solid]; -"246 dequantize_per_tensor_default_26" -> "253 conv2d_18" [label="(1, 64, 36, 36)", style=solid]; -"247 _param_constant80" -> "250 quantize_per_channel_default_22" [label="(12, 64, 1, 1)", style=solid]; -"248 conv2d_18_scale_0" -> "250 quantize_per_channel_default_22" [label="(12,)", style=solid]; -"248 conv2d_18_scale_0" -> "251 dequantize_per_channel_default_22" [label="(12,)", style=solid]; -"249 conv2d_18_zero_point_0" -> "250 quantize_per_channel_default_22" [label="(12,)", style=solid]; -"249 conv2d_18_zero_point_0" -> "251 dequantize_per_channel_default_22" [label="(12,)", style=solid]; -"250 quantize_per_channel_default_22" -> "251 dequantize_per_channel_default_22" [label="(12, 64, 1, 1)", style=solid]; -"251 dequantize_per_channel_default_22" -> "253 conv2d_18" [label="(12, 64, 1, 1)", style=solid]; -"252 _param_constant81_0_0" -> "253 conv2d_18" [label="(12,)", style=solid]; -"253 conv2d_18" -> "254 output" [label="(1, 12, 36, 36)", style=solid]; -} diff --git a/tests/torch/data/fx/reference_graphs/quantized_graphs/vit_b_16.dot b/tests/torch/data/fx/reference_graphs/quantized_graphs/vit_b_16.dot deleted file mode 100644 index c6ec36194d8..00000000000 --- a/tests/torch/data/fx/reference_graphs/quantized_graphs/vit_b_16.dot +++ /dev/null @@ -1,2113 +0,0 @@ -strict digraph { -"0 arg0_1" [id=0, type=input]; -"1 quantize_per_tensor_default" [id=1, type=quantize_per_tensor]; -"2 dequantize_per_tensor_default" [id=2, type=dequantize_per_tensor]; -"3 _param_constant0" [id=3, type=get_attr]; -"4 conv2d_scale_0" [id=4, type=get_attr]; -"5 conv2d_zero_point_0" [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 _param_constant1_0_0" [id=8, type=get_attr]; -"9 conv2d" [id=9, type=conv2d]; -"10 reshape" [id=10, type=reshape]; -"11 permute" [id=11, type=permute]; -"12 _param_constant2" [id=12, type=get_attr]; -"13 expand" [id=13, type=expand]; -"14 cat" [id=14, type=cat]; -"15 _param_constant3" [id=15, type=get_attr]; -"16 add" [id=16, type=add]; -"17 dropout" [id=17, type=dropout]; -"18 _param_constant4" [id=18, type=get_attr]; -"19 _param_constant5" [id=19, type=get_attr]; -"20 layer_norm" [id=20, type=layer_norm]; -"21 transpose" [id=21, type=transpose]; -"22 linear_updated_constant0" [id=22, type=get_attr]; -"23 transpose_0_0_nncf_smooth_quant_0" [id=23, type=call_module]; -"24 quantize_per_tensor_default_1" [id=24, type=quantize_per_tensor]; -"25 dequantize_per_tensor_default_1" [id=25, type=dequantize_per_tensor]; -"26 linear_scale_0" [id=26, type=get_attr]; -"27 linear_zero_point_0" [id=27, type=get_attr]; -"28 quantize_per_channel_default_1" [id=28, type=quantize_per_channel]; -"29 dequantize_per_channel_default_1" [id=29, type=dequantize_per_channel]; -"30 _param_constant7_0_0" [id=30, type=get_attr]; -"31 linear" [id=31, type=linear]; -"32 unflatten" [id=32, type=unflatten]; -"33 unsqueeze" [id=33, type=unsqueeze]; -"34 transpose_1" [id=34, type=transpose]; -"35 squeeze" [id=35, type=squeeze]; -"36 contiguous" [id=36, type=contiguous]; -"37 quantize_per_tensor_default_2" [id=37, type=quantize_per_tensor]; -"38 dequantize_per_tensor_default_2" [id=38, type=dequantize_per_tensor]; -"39 select" [id=39, type=select]; -"40 quantize_per_tensor_default_3" [id=40, type=quantize_per_tensor]; -"41 dequantize_per_tensor_default_3" [id=41, type=dequantize_per_tensor]; -"42 select_1" [id=42, type=select]; -"43 select_2" [id=43, type=select]; -"44 view" [id=44, type=view]; -"45 transpose_2" [id=45, type=transpose]; -"46 view_1" [id=46, type=view]; -"47 transpose_3" [id=47, type=transpose]; -"48 view_2" [id=48, type=view]; -"49 transpose_4" [id=49, type=transpose]; -"50 view_3" [id=50, type=view]; -"51 view_4" [id=51, type=view]; -"52 view_5" [id=52, type=view]; -"53 scaled_dot_product_attention" [id=53, type=scaled_dot_product_attention]; -"54 permute_1" [id=54, type=permute]; -"55 view_6" [id=55, type=view]; -"56 linear_1_updated_constant0" [id=56, type=get_attr]; -"57 view_6_0_0_nncf_smooth_quant_0" [id=57, type=call_module]; -"58 quantize_per_tensor_default_4" [id=58, type=quantize_per_tensor]; -"59 dequantize_per_tensor_default_4" [id=59, type=dequantize_per_tensor]; -"60 linear_1_scale_0" [id=60, type=get_attr]; -"61 linear_1_zero_point_0" [id=61, type=get_attr]; -"62 quantize_per_channel_default_2" [id=62, type=quantize_per_channel]; -"63 dequantize_per_channel_default_2" [id=63, type=dequantize_per_channel]; -"64 _param_constant9_0_0" [id=64, type=get_attr]; -"65 linear_1" [id=65, type=linear]; -"66 view_7" [id=66, type=view]; -"67 transpose_5" [id=67, type=transpose]; -"68 dropout_1" [id=68, type=dropout]; -"69 add_1" [id=69, type=add]; -"70 _param_constant10" [id=70, type=get_attr]; -"71 _param_constant11" [id=71, type=get_attr]; -"72 layer_norm_1" [id=72, type=layer_norm]; -"73 linear_2_updated_constant0" [id=73, type=get_attr]; -"74 layer_norm_1_0_0_nncf_smooth_quant_0" [id=74, type=call_module]; -"75 quantize_per_tensor_default_5" [id=75, type=quantize_per_tensor]; -"76 dequantize_per_tensor_default_5" [id=76, type=dequantize_per_tensor]; -"77 linear_2_scale_0" [id=77, type=get_attr]; -"78 linear_2_zero_point_0" [id=78, type=get_attr]; -"79 quantize_per_channel_default_3" [id=79, type=quantize_per_channel]; -"80 dequantize_per_channel_default_3" [id=80, type=dequantize_per_channel]; -"81 _param_constant13_0_0" [id=81, type=get_attr]; -"82 linear_2" [id=82, type=linear]; -"83 gelu" [id=83, type=gelu]; -"84 dropout_2" [id=84, type=dropout]; -"85 linear_3_updated_constant0" [id=85, type=get_attr]; -"86 dropout_2_0_0_nncf_smooth_quant_0" [id=86, type=call_module]; -"87 quantize_per_tensor_default_6" [id=87, type=quantize_per_tensor]; -"88 dequantize_per_tensor_default_6" [id=88, type=dequantize_per_tensor]; -"89 linear_3_scale_0" [id=89, type=get_attr]; -"90 linear_3_zero_point_0" [id=90, type=get_attr]; -"91 quantize_per_channel_default_4" [id=91, type=quantize_per_channel]; -"92 dequantize_per_channel_default_4" [id=92, type=dequantize_per_channel]; -"93 _param_constant15_0_0" [id=93, type=get_attr]; -"94 linear_3" [id=94, type=linear]; -"95 dropout_3" [id=95, type=dropout]; -"96 add_2" [id=96, type=add]; -"97 _param_constant16" [id=97, type=get_attr]; -"98 _param_constant17" [id=98, type=get_attr]; -"99 layer_norm_2" [id=99, type=layer_norm]; -"100 transpose_6" [id=100, type=transpose]; -"101 linear_4_updated_constant0" [id=101, type=get_attr]; -"102 transpose_6_0_0_nncf_smooth_quant_0" [id=102, type=call_module]; -"103 quantize_per_tensor_default_7" [id=103, type=quantize_per_tensor]; -"104 dequantize_per_tensor_default_7" [id=104, type=dequantize_per_tensor]; -"105 linear_4_scale_0" [id=105, type=get_attr]; -"106 linear_4_zero_point_0" [id=106, type=get_attr]; -"107 quantize_per_channel_default_5" [id=107, type=quantize_per_channel]; -"108 dequantize_per_channel_default_5" [id=108, type=dequantize_per_channel]; -"109 _param_constant19_0_0" [id=109, type=get_attr]; -"110 linear_4" [id=110, type=linear]; -"111 unflatten_1" [id=111, type=unflatten]; -"112 unsqueeze_1" [id=112, type=unsqueeze]; -"113 transpose_7" [id=113, type=transpose]; -"114 squeeze_1" [id=114, type=squeeze]; -"115 contiguous_1" [id=115, type=contiguous]; -"116 quantize_per_tensor_default_8" [id=116, type=quantize_per_tensor]; -"117 dequantize_per_tensor_default_8" [id=117, type=dequantize_per_tensor]; -"118 select_3" [id=118, type=select]; -"119 quantize_per_tensor_default_9" [id=119, type=quantize_per_tensor]; -"120 dequantize_per_tensor_default_9" [id=120, type=dequantize_per_tensor]; -"121 select_4" [id=121, type=select]; -"122 select_5" [id=122, type=select]; -"123 view_8" [id=123, type=view]; -"124 transpose_8" [id=124, type=transpose]; -"125 view_9" [id=125, type=view]; -"126 transpose_9" [id=126, type=transpose]; -"127 view_10" [id=127, type=view]; -"128 transpose_10" [id=128, type=transpose]; -"129 view_11" [id=129, type=view]; -"130 view_12" [id=130, type=view]; -"131 view_13" [id=131, type=view]; -"132 scaled_dot_product_attention_1" [id=132, type=scaled_dot_product_attention]; -"133 permute_2" [id=133, type=permute]; -"134 view_14" [id=134, type=view]; -"135 linear_5_updated_constant0" [id=135, type=get_attr]; -"136 view_14_0_0_nncf_smooth_quant_0" [id=136, type=call_module]; -"137 quantize_per_tensor_default_10" [id=137, type=quantize_per_tensor]; -"138 dequantize_per_tensor_default_10" [id=138, type=dequantize_per_tensor]; -"139 linear_5_scale_0" [id=139, type=get_attr]; -"140 linear_5_zero_point_0" [id=140, type=get_attr]; -"141 quantize_per_channel_default_6" [id=141, type=quantize_per_channel]; -"142 dequantize_per_channel_default_6" [id=142, type=dequantize_per_channel]; -"143 _param_constant21_0_0" [id=143, type=get_attr]; -"144 linear_5" [id=144, type=linear]; -"145 view_15" [id=145, type=view]; -"146 transpose_11" [id=146, type=transpose]; -"147 dropout_4" [id=147, type=dropout]; -"148 add_3" [id=148, type=add]; -"149 _param_constant22" [id=149, type=get_attr]; -"150 _param_constant23" [id=150, type=get_attr]; -"151 layer_norm_3" [id=151, type=layer_norm]; -"152 linear_6_updated_constant0" [id=152, type=get_attr]; -"153 layer_norm_3_0_0_nncf_smooth_quant_0" [id=153, type=call_module]; -"154 quantize_per_tensor_default_11" [id=154, type=quantize_per_tensor]; -"155 dequantize_per_tensor_default_11" [id=155, type=dequantize_per_tensor]; -"156 linear_6_scale_0" [id=156, type=get_attr]; -"157 linear_6_zero_point_0" [id=157, type=get_attr]; -"158 quantize_per_channel_default_7" [id=158, type=quantize_per_channel]; -"159 dequantize_per_channel_default_7" [id=159, type=dequantize_per_channel]; -"160 _param_constant25_0_0" [id=160, type=get_attr]; -"161 linear_6" [id=161, type=linear]; -"162 gelu_1" [id=162, type=gelu]; -"163 dropout_5" [id=163, type=dropout]; -"164 linear_7_updated_constant0" [id=164, type=get_attr]; -"165 dropout_5_0_0_nncf_smooth_quant_0" [id=165, type=call_module]; -"166 quantize_per_tensor_default_12" [id=166, type=quantize_per_tensor]; -"167 dequantize_per_tensor_default_12" [id=167, type=dequantize_per_tensor]; -"168 linear_7_scale_0" [id=168, type=get_attr]; -"169 linear_7_zero_point_0" [id=169, type=get_attr]; -"170 quantize_per_channel_default_8" [id=170, type=quantize_per_channel]; -"171 dequantize_per_channel_default_8" [id=171, type=dequantize_per_channel]; -"172 _param_constant27_0_0" [id=172, type=get_attr]; -"173 linear_7" [id=173, type=linear]; -"174 dropout_6" [id=174, type=dropout]; -"175 add_4" [id=175, type=add]; -"176 _param_constant28" [id=176, type=get_attr]; -"177 _param_constant29" [id=177, type=get_attr]; -"178 layer_norm_4" [id=178, type=layer_norm]; -"179 transpose_12" [id=179, type=transpose]; -"180 linear_8_updated_constant0" [id=180, type=get_attr]; -"181 transpose_12_0_0_nncf_smooth_quant_0" [id=181, type=call_module]; -"182 quantize_per_tensor_default_13" [id=182, type=quantize_per_tensor]; -"183 dequantize_per_tensor_default_13" [id=183, type=dequantize_per_tensor]; -"184 linear_8_scale_0" [id=184, type=get_attr]; -"185 linear_8_zero_point_0" [id=185, type=get_attr]; -"186 quantize_per_channel_default_9" [id=186, type=quantize_per_channel]; -"187 dequantize_per_channel_default_9" [id=187, type=dequantize_per_channel]; -"188 _param_constant31_0_0" [id=188, type=get_attr]; -"189 linear_8" [id=189, type=linear]; -"190 unflatten_2" [id=190, type=unflatten]; -"191 unsqueeze_2" [id=191, type=unsqueeze]; -"192 transpose_13" [id=192, type=transpose]; -"193 squeeze_2" [id=193, type=squeeze]; -"194 contiguous_2" [id=194, type=contiguous]; -"195 quantize_per_tensor_default_14" [id=195, type=quantize_per_tensor]; -"196 dequantize_per_tensor_default_14" [id=196, type=dequantize_per_tensor]; -"197 select_6" [id=197, type=select]; -"198 quantize_per_tensor_default_15" [id=198, type=quantize_per_tensor]; -"199 dequantize_per_tensor_default_15" [id=199, type=dequantize_per_tensor]; -"200 select_7" [id=200, type=select]; -"201 select_8" [id=201, type=select]; -"202 view_16" [id=202, type=view]; -"203 transpose_14" [id=203, type=transpose]; -"204 view_17" [id=204, type=view]; -"205 transpose_15" [id=205, type=transpose]; -"206 view_18" [id=206, type=view]; -"207 transpose_16" [id=207, type=transpose]; -"208 view_19" [id=208, type=view]; -"209 view_20" [id=209, type=view]; -"210 view_21" [id=210, type=view]; -"211 scaled_dot_product_attention_2" [id=211, type=scaled_dot_product_attention]; -"212 permute_3" [id=212, type=permute]; -"213 view_22" [id=213, type=view]; -"214 linear_9_updated_constant0" [id=214, type=get_attr]; -"215 view_22_0_0_nncf_smooth_quant_0" [id=215, type=call_module]; -"216 quantize_per_tensor_default_16" [id=216, type=quantize_per_tensor]; -"217 dequantize_per_tensor_default_16" [id=217, type=dequantize_per_tensor]; -"218 linear_9_scale_0" [id=218, type=get_attr]; -"219 linear_9_zero_point_0" [id=219, type=get_attr]; -"220 quantize_per_channel_default_10" [id=220, type=quantize_per_channel]; -"221 dequantize_per_channel_default_10" [id=221, type=dequantize_per_channel]; -"222 _param_constant33_0_0" [id=222, type=get_attr]; -"223 linear_9" [id=223, type=linear]; -"224 view_23" [id=224, type=view]; -"225 transpose_17" [id=225, type=transpose]; -"226 dropout_7" [id=226, type=dropout]; -"227 add_5" [id=227, type=add]; -"228 _param_constant34" [id=228, type=get_attr]; -"229 _param_constant35" [id=229, type=get_attr]; -"230 layer_norm_5" [id=230, type=layer_norm]; -"231 linear_10_updated_constant0" [id=231, type=get_attr]; -"232 layer_norm_5_0_0_nncf_smooth_quant_0" [id=232, type=call_module]; -"233 quantize_per_tensor_default_17" [id=233, type=quantize_per_tensor]; -"234 dequantize_per_tensor_default_17" [id=234, type=dequantize_per_tensor]; -"235 linear_10_scale_0" [id=235, type=get_attr]; -"236 linear_10_zero_point_0" [id=236, type=get_attr]; -"237 quantize_per_channel_default_11" [id=237, type=quantize_per_channel]; -"238 dequantize_per_channel_default_11" [id=238, type=dequantize_per_channel]; -"239 _param_constant37_0_0" [id=239, type=get_attr]; -"240 linear_10" [id=240, type=linear]; -"241 gelu_2" [id=241, type=gelu]; -"242 dropout_8" [id=242, type=dropout]; -"243 linear_11_updated_constant0" [id=243, type=get_attr]; -"244 dropout_8_0_0_nncf_smooth_quant_0" [id=244, type=call_module]; -"245 quantize_per_tensor_default_18" [id=245, type=quantize_per_tensor]; -"246 dequantize_per_tensor_default_18" [id=246, type=dequantize_per_tensor]; -"247 linear_11_scale_0" [id=247, type=get_attr]; -"248 linear_11_zero_point_0" [id=248, type=get_attr]; -"249 quantize_per_channel_default_12" [id=249, type=quantize_per_channel]; -"250 dequantize_per_channel_default_12" [id=250, type=dequantize_per_channel]; -"251 _param_constant39_0_0" [id=251, type=get_attr]; -"252 linear_11" [id=252, type=linear]; -"253 dropout_9" [id=253, type=dropout]; -"254 add_6" [id=254, type=add]; -"255 _param_constant40" [id=255, type=get_attr]; -"256 _param_constant41" [id=256, type=get_attr]; -"257 layer_norm_6" [id=257, type=layer_norm]; -"258 transpose_18" [id=258, type=transpose]; -"259 linear_12_updated_constant0" [id=259, type=get_attr]; -"260 transpose_18_0_0_nncf_smooth_quant_0" [id=260, type=call_module]; -"261 quantize_per_tensor_default_19" [id=261, type=quantize_per_tensor]; -"262 dequantize_per_tensor_default_19" [id=262, type=dequantize_per_tensor]; -"263 linear_12_scale_0" [id=263, type=get_attr]; -"264 linear_12_zero_point_0" [id=264, type=get_attr]; -"265 quantize_per_channel_default_13" [id=265, type=quantize_per_channel]; -"266 dequantize_per_channel_default_13" [id=266, type=dequantize_per_channel]; -"267 _param_constant43_0_0" [id=267, type=get_attr]; -"268 linear_12" [id=268, type=linear]; -"269 unflatten_3" [id=269, type=unflatten]; -"270 unsqueeze_3" [id=270, type=unsqueeze]; -"271 transpose_19" [id=271, type=transpose]; -"272 squeeze_3" [id=272, type=squeeze]; -"273 contiguous_3" [id=273, type=contiguous]; -"274 quantize_per_tensor_default_20" [id=274, type=quantize_per_tensor]; -"275 dequantize_per_tensor_default_20" [id=275, type=dequantize_per_tensor]; -"276 select_9" [id=276, type=select]; -"277 quantize_per_tensor_default_21" [id=277, type=quantize_per_tensor]; -"278 dequantize_per_tensor_default_21" [id=278, type=dequantize_per_tensor]; -"279 select_10" [id=279, type=select]; -"280 select_11" [id=280, type=select]; -"281 view_24" [id=281, type=view]; -"282 transpose_20" [id=282, type=transpose]; -"283 view_25" [id=283, type=view]; -"284 transpose_21" [id=284, type=transpose]; -"285 view_26" [id=285, type=view]; -"286 transpose_22" [id=286, type=transpose]; -"287 view_27" [id=287, type=view]; -"288 view_28" [id=288, type=view]; -"289 view_29" [id=289, type=view]; -"290 scaled_dot_product_attention_3" [id=290, type=scaled_dot_product_attention]; -"291 permute_4" [id=291, type=permute]; -"292 view_30" [id=292, type=view]; -"293 linear_13_updated_constant0" [id=293, type=get_attr]; -"294 view_30_0_0_nncf_smooth_quant_0" [id=294, type=call_module]; -"295 quantize_per_tensor_default_22" [id=295, type=quantize_per_tensor]; -"296 dequantize_per_tensor_default_22" [id=296, type=dequantize_per_tensor]; -"297 linear_13_scale_0" [id=297, type=get_attr]; -"298 linear_13_zero_point_0" [id=298, type=get_attr]; -"299 quantize_per_channel_default_14" [id=299, type=quantize_per_channel]; -"300 dequantize_per_channel_default_14" [id=300, type=dequantize_per_channel]; -"301 _param_constant45_0_0" [id=301, type=get_attr]; -"302 linear_13" [id=302, type=linear]; -"303 view_31" [id=303, type=view]; -"304 transpose_23" [id=304, type=transpose]; -"305 dropout_10" [id=305, type=dropout]; -"306 add_7" [id=306, type=add]; -"307 _param_constant46" [id=307, type=get_attr]; -"308 _param_constant47" [id=308, type=get_attr]; -"309 layer_norm_7" [id=309, type=layer_norm]; -"310 linear_14_updated_constant0" [id=310, type=get_attr]; -"311 layer_norm_7_0_0_nncf_smooth_quant_0" [id=311, type=call_module]; -"312 quantize_per_tensor_default_23" [id=312, type=quantize_per_tensor]; -"313 dequantize_per_tensor_default_23" [id=313, type=dequantize_per_tensor]; -"314 linear_14_scale_0" [id=314, type=get_attr]; -"315 linear_14_zero_point_0" [id=315, type=get_attr]; -"316 quantize_per_channel_default_15" [id=316, type=quantize_per_channel]; -"317 dequantize_per_channel_default_15" [id=317, type=dequantize_per_channel]; -"318 _param_constant49_0_0" [id=318, type=get_attr]; -"319 linear_14" [id=319, type=linear]; -"320 gelu_3" [id=320, type=gelu]; -"321 dropout_11" [id=321, type=dropout]; -"322 linear_15_updated_constant0" [id=322, type=get_attr]; -"323 dropout_11_0_0_nncf_smooth_quant_0" [id=323, type=call_module]; -"324 quantize_per_tensor_default_24" [id=324, type=quantize_per_tensor]; -"325 dequantize_per_tensor_default_24" [id=325, type=dequantize_per_tensor]; -"326 linear_15_scale_0" [id=326, type=get_attr]; -"327 linear_15_zero_point_0" [id=327, type=get_attr]; -"328 quantize_per_channel_default_16" [id=328, type=quantize_per_channel]; -"329 dequantize_per_channel_default_16" [id=329, type=dequantize_per_channel]; -"330 _param_constant51_0_0" [id=330, type=get_attr]; -"331 linear_15" [id=331, type=linear]; -"332 dropout_12" [id=332, type=dropout]; -"333 add_8" [id=333, type=add]; -"334 _param_constant52" [id=334, type=get_attr]; -"335 _param_constant53" [id=335, type=get_attr]; -"336 layer_norm_8" [id=336, type=layer_norm]; -"337 transpose_24" [id=337, type=transpose]; -"338 linear_16_updated_constant0" [id=338, type=get_attr]; -"339 transpose_24_0_0_nncf_smooth_quant_0" [id=339, type=call_module]; -"340 quantize_per_tensor_default_25" [id=340, type=quantize_per_tensor]; -"341 dequantize_per_tensor_default_25" [id=341, type=dequantize_per_tensor]; -"342 linear_16_scale_0" [id=342, type=get_attr]; -"343 linear_16_zero_point_0" [id=343, type=get_attr]; -"344 quantize_per_channel_default_17" [id=344, type=quantize_per_channel]; -"345 dequantize_per_channel_default_17" [id=345, type=dequantize_per_channel]; -"346 _param_constant55_0_0" [id=346, type=get_attr]; -"347 linear_16" [id=347, type=linear]; -"348 unflatten_4" [id=348, type=unflatten]; -"349 unsqueeze_4" [id=349, type=unsqueeze]; -"350 transpose_25" [id=350, type=transpose]; -"351 squeeze_4" [id=351, type=squeeze]; -"352 contiguous_4" [id=352, type=contiguous]; -"353 quantize_per_tensor_default_26" [id=353, type=quantize_per_tensor]; -"354 dequantize_per_tensor_default_26" [id=354, type=dequantize_per_tensor]; -"355 select_12" [id=355, type=select]; -"356 quantize_per_tensor_default_27" [id=356, type=quantize_per_tensor]; -"357 dequantize_per_tensor_default_27" [id=357, type=dequantize_per_tensor]; -"358 select_13" [id=358, type=select]; -"359 select_14" [id=359, type=select]; -"360 view_32" [id=360, type=view]; -"361 transpose_26" [id=361, type=transpose]; -"362 view_33" [id=362, type=view]; -"363 transpose_27" [id=363, type=transpose]; -"364 view_34" [id=364, type=view]; -"365 transpose_28" [id=365, type=transpose]; -"366 view_35" [id=366, type=view]; -"367 view_36" [id=367, type=view]; -"368 view_37" [id=368, type=view]; -"369 scaled_dot_product_attention_4" [id=369, type=scaled_dot_product_attention]; -"370 permute_5" [id=370, type=permute]; -"371 view_38" [id=371, type=view]; -"372 linear_17_updated_constant0" [id=372, type=get_attr]; -"373 view_38_0_0_nncf_smooth_quant_0" [id=373, type=call_module]; -"374 quantize_per_tensor_default_28" [id=374, type=quantize_per_tensor]; -"375 dequantize_per_tensor_default_28" [id=375, type=dequantize_per_tensor]; -"376 linear_17_scale_0" [id=376, type=get_attr]; -"377 linear_17_zero_point_0" [id=377, type=get_attr]; -"378 quantize_per_channel_default_18" [id=378, type=quantize_per_channel]; -"379 dequantize_per_channel_default_18" [id=379, type=dequantize_per_channel]; -"380 _param_constant57_0_0" [id=380, type=get_attr]; -"381 linear_17" [id=381, type=linear]; -"382 view_39" [id=382, type=view]; -"383 transpose_29" [id=383, type=transpose]; -"384 dropout_13" [id=384, type=dropout]; -"385 add_9" [id=385, type=add]; -"386 _param_constant58" [id=386, type=get_attr]; -"387 _param_constant59" [id=387, type=get_attr]; -"388 layer_norm_9" [id=388, type=layer_norm]; -"389 linear_18_updated_constant0" [id=389, type=get_attr]; -"390 layer_norm_9_0_0_nncf_smooth_quant_0" [id=390, type=call_module]; -"391 quantize_per_tensor_default_29" [id=391, type=quantize_per_tensor]; -"392 dequantize_per_tensor_default_29" [id=392, type=dequantize_per_tensor]; -"393 linear_18_scale_0" [id=393, type=get_attr]; -"394 linear_18_zero_point_0" [id=394, type=get_attr]; -"395 quantize_per_channel_default_19" [id=395, type=quantize_per_channel]; -"396 dequantize_per_channel_default_19" [id=396, type=dequantize_per_channel]; -"397 _param_constant61_0_0" [id=397, type=get_attr]; -"398 linear_18" [id=398, type=linear]; -"399 gelu_4" [id=399, type=gelu]; -"400 dropout_14" [id=400, type=dropout]; -"401 linear_19_updated_constant0" [id=401, type=get_attr]; -"402 dropout_14_0_0_nncf_smooth_quant_0" [id=402, type=call_module]; -"403 quantize_per_tensor_default_30" [id=403, type=quantize_per_tensor]; -"404 dequantize_per_tensor_default_30" [id=404, type=dequantize_per_tensor]; -"405 linear_19_scale_0" [id=405, type=get_attr]; -"406 linear_19_zero_point_0" [id=406, type=get_attr]; -"407 quantize_per_channel_default_20" [id=407, type=quantize_per_channel]; -"408 dequantize_per_channel_default_20" [id=408, type=dequantize_per_channel]; -"409 _param_constant63_0_0" [id=409, type=get_attr]; -"410 linear_19" [id=410, type=linear]; -"411 dropout_15" [id=411, type=dropout]; -"412 add_10" [id=412, type=add]; -"413 _param_constant64" [id=413, type=get_attr]; -"414 _param_constant65" [id=414, type=get_attr]; -"415 layer_norm_10" [id=415, type=layer_norm]; -"416 transpose_30" [id=416, type=transpose]; -"417 linear_20_updated_constant0" [id=417, type=get_attr]; -"418 transpose_30_0_0_nncf_smooth_quant_0" [id=418, type=call_module]; -"419 quantize_per_tensor_default_31" [id=419, type=quantize_per_tensor]; -"420 dequantize_per_tensor_default_31" [id=420, type=dequantize_per_tensor]; -"421 linear_20_scale_0" [id=421, type=get_attr]; -"422 linear_20_zero_point_0" [id=422, type=get_attr]; -"423 quantize_per_channel_default_21" [id=423, type=quantize_per_channel]; -"424 dequantize_per_channel_default_21" [id=424, type=dequantize_per_channel]; -"425 _param_constant67_0_0" [id=425, type=get_attr]; -"426 linear_20" [id=426, type=linear]; -"427 unflatten_5" [id=427, type=unflatten]; -"428 unsqueeze_5" [id=428, type=unsqueeze]; -"429 transpose_31" [id=429, type=transpose]; -"430 squeeze_5" [id=430, type=squeeze]; -"431 contiguous_5" [id=431, type=contiguous]; -"432 quantize_per_tensor_default_32" [id=432, type=quantize_per_tensor]; -"433 dequantize_per_tensor_default_32" [id=433, type=dequantize_per_tensor]; -"434 select_15" [id=434, type=select]; -"435 quantize_per_tensor_default_33" [id=435, type=quantize_per_tensor]; -"436 dequantize_per_tensor_default_33" [id=436, type=dequantize_per_tensor]; -"437 select_16" [id=437, type=select]; -"438 select_17" [id=438, type=select]; -"439 view_40" [id=439, type=view]; -"440 transpose_32" [id=440, type=transpose]; -"441 view_41" [id=441, type=view]; -"442 transpose_33" [id=442, type=transpose]; -"443 view_42" [id=443, type=view]; -"444 transpose_34" [id=444, type=transpose]; -"445 view_43" [id=445, type=view]; -"446 view_44" [id=446, type=view]; -"447 view_45" [id=447, type=view]; -"448 scaled_dot_product_attention_5" [id=448, type=scaled_dot_product_attention]; -"449 permute_6" [id=449, type=permute]; -"450 view_46" [id=450, type=view]; -"451 linear_21_updated_constant0" [id=451, type=get_attr]; -"452 view_46_0_0_nncf_smooth_quant_0" [id=452, type=call_module]; -"453 quantize_per_tensor_default_34" [id=453, type=quantize_per_tensor]; -"454 dequantize_per_tensor_default_34" [id=454, type=dequantize_per_tensor]; -"455 linear_21_scale_0" [id=455, type=get_attr]; -"456 linear_21_zero_point_0" [id=456, type=get_attr]; -"457 quantize_per_channel_default_22" [id=457, type=quantize_per_channel]; -"458 dequantize_per_channel_default_22" [id=458, type=dequantize_per_channel]; -"459 _param_constant69_0_0" [id=459, type=get_attr]; -"460 linear_21" [id=460, type=linear]; -"461 view_47" [id=461, type=view]; -"462 transpose_35" [id=462, type=transpose]; -"463 dropout_16" [id=463, type=dropout]; -"464 add_11" [id=464, type=add]; -"465 _param_constant70" [id=465, type=get_attr]; -"466 _param_constant71" [id=466, type=get_attr]; -"467 layer_norm_11" [id=467, type=layer_norm]; -"468 linear_22_updated_constant0" [id=468, type=get_attr]; -"469 layer_norm_11_0_0_nncf_smooth_quant_0" [id=469, type=call_module]; -"470 quantize_per_tensor_default_35" [id=470, type=quantize_per_tensor]; -"471 dequantize_per_tensor_default_35" [id=471, type=dequantize_per_tensor]; -"472 linear_22_scale_0" [id=472, type=get_attr]; -"473 linear_22_zero_point_0" [id=473, type=get_attr]; -"474 quantize_per_channel_default_23" [id=474, type=quantize_per_channel]; -"475 dequantize_per_channel_default_23" [id=475, type=dequantize_per_channel]; -"476 _param_constant73_0_0" [id=476, type=get_attr]; -"477 linear_22" [id=477, type=linear]; -"478 gelu_5" [id=478, type=gelu]; -"479 dropout_17" [id=479, type=dropout]; -"480 linear_23_updated_constant0" [id=480, type=get_attr]; -"481 dropout_17_0_0_nncf_smooth_quant_0" [id=481, type=call_module]; -"482 quantize_per_tensor_default_36" [id=482, type=quantize_per_tensor]; -"483 dequantize_per_tensor_default_36" [id=483, type=dequantize_per_tensor]; -"484 linear_23_scale_0" [id=484, type=get_attr]; -"485 linear_23_zero_point_0" [id=485, type=get_attr]; -"486 quantize_per_channel_default_24" [id=486, type=quantize_per_channel]; -"487 dequantize_per_channel_default_24" [id=487, type=dequantize_per_channel]; -"488 _param_constant75_0_0" [id=488, type=get_attr]; -"489 linear_23" [id=489, type=linear]; -"490 dropout_18" [id=490, type=dropout]; -"491 add_12" [id=491, type=add]; -"492 _param_constant76" [id=492, type=get_attr]; -"493 _param_constant77" [id=493, type=get_attr]; -"494 layer_norm_12" [id=494, type=layer_norm]; -"495 transpose_36" [id=495, type=transpose]; -"496 linear_24_updated_constant0" [id=496, type=get_attr]; -"497 transpose_36_0_0_nncf_smooth_quant_0" [id=497, type=call_module]; -"498 quantize_per_tensor_default_37" [id=498, type=quantize_per_tensor]; -"499 dequantize_per_tensor_default_37" [id=499, type=dequantize_per_tensor]; -"500 linear_24_scale_0" [id=500, type=get_attr]; -"501 linear_24_zero_point_0" [id=501, type=get_attr]; -"502 quantize_per_channel_default_25" [id=502, type=quantize_per_channel]; -"503 dequantize_per_channel_default_25" [id=503, type=dequantize_per_channel]; -"504 _param_constant79_0_0" [id=504, type=get_attr]; -"505 linear_24" [id=505, type=linear]; -"506 unflatten_6" [id=506, type=unflatten]; -"507 unsqueeze_6" [id=507, type=unsqueeze]; -"508 transpose_37" [id=508, type=transpose]; -"509 squeeze_6" [id=509, type=squeeze]; -"510 contiguous_6" [id=510, type=contiguous]; -"511 quantize_per_tensor_default_38" [id=511, type=quantize_per_tensor]; -"512 dequantize_per_tensor_default_38" [id=512, type=dequantize_per_tensor]; -"513 select_18" [id=513, type=select]; -"514 quantize_per_tensor_default_39" [id=514, type=quantize_per_tensor]; -"515 dequantize_per_tensor_default_39" [id=515, type=dequantize_per_tensor]; -"516 select_19" [id=516, type=select]; -"517 select_20" [id=517, type=select]; -"518 view_48" [id=518, type=view]; -"519 transpose_38" [id=519, type=transpose]; -"520 view_49" [id=520, type=view]; -"521 transpose_39" [id=521, type=transpose]; -"522 view_50" [id=522, type=view]; -"523 transpose_40" [id=523, type=transpose]; -"524 view_51" [id=524, type=view]; -"525 view_52" [id=525, type=view]; -"526 view_53" [id=526, type=view]; -"527 scaled_dot_product_attention_6" [id=527, type=scaled_dot_product_attention]; -"528 permute_7" [id=528, type=permute]; -"529 view_54" [id=529, type=view]; -"530 linear_25_updated_constant0" [id=530, type=get_attr]; -"531 view_54_0_0_nncf_smooth_quant_0" [id=531, type=call_module]; -"532 quantize_per_tensor_default_40" [id=532, type=quantize_per_tensor]; -"533 dequantize_per_tensor_default_40" [id=533, type=dequantize_per_tensor]; -"534 linear_25_scale_0" [id=534, type=get_attr]; -"535 linear_25_zero_point_0" [id=535, type=get_attr]; -"536 quantize_per_channel_default_26" [id=536, type=quantize_per_channel]; -"537 dequantize_per_channel_default_26" [id=537, type=dequantize_per_channel]; -"538 _param_constant81_0_0" [id=538, type=get_attr]; -"539 linear_25" [id=539, type=linear]; -"540 view_55" [id=540, type=view]; -"541 transpose_41" [id=541, type=transpose]; -"542 dropout_19" [id=542, type=dropout]; -"543 add_13" [id=543, type=add]; -"544 _param_constant82" [id=544, type=get_attr]; -"545 _param_constant83" [id=545, type=get_attr]; -"546 layer_norm_13" [id=546, type=layer_norm]; -"547 linear_26_updated_constant0" [id=547, type=get_attr]; -"548 layer_norm_13_0_0_nncf_smooth_quant_0" [id=548, type=call_module]; -"549 quantize_per_tensor_default_41" [id=549, type=quantize_per_tensor]; -"550 dequantize_per_tensor_default_41" [id=550, type=dequantize_per_tensor]; -"551 linear_26_scale_0" [id=551, type=get_attr]; -"552 linear_26_zero_point_0" [id=552, type=get_attr]; -"553 quantize_per_channel_default_27" [id=553, type=quantize_per_channel]; -"554 dequantize_per_channel_default_27" [id=554, type=dequantize_per_channel]; -"555 _param_constant85_0_0" [id=555, type=get_attr]; -"556 linear_26" [id=556, type=linear]; -"557 gelu_6" [id=557, type=gelu]; -"558 dropout_20" [id=558, type=dropout]; -"559 linear_27_updated_constant0" [id=559, type=get_attr]; -"560 dropout_20_0_0_nncf_smooth_quant_0" [id=560, type=call_module]; -"561 quantize_per_tensor_default_42" [id=561, type=quantize_per_tensor]; -"562 dequantize_per_tensor_default_42" [id=562, type=dequantize_per_tensor]; -"563 linear_27_scale_0" [id=563, type=get_attr]; -"564 linear_27_zero_point_0" [id=564, type=get_attr]; -"565 quantize_per_channel_default_28" [id=565, type=quantize_per_channel]; -"566 dequantize_per_channel_default_28" [id=566, type=dequantize_per_channel]; -"567 _param_constant87_0_0" [id=567, type=get_attr]; -"568 linear_27" [id=568, type=linear]; -"569 dropout_21" [id=569, type=dropout]; -"570 add_14" [id=570, type=add]; -"571 _param_constant88" [id=571, type=get_attr]; -"572 _param_constant89" [id=572, type=get_attr]; -"573 layer_norm_14" [id=573, type=layer_norm]; -"574 transpose_42" [id=574, type=transpose]; -"575 linear_28_updated_constant0" [id=575, type=get_attr]; -"576 transpose_42_0_0_nncf_smooth_quant_0" [id=576, type=call_module]; -"577 quantize_per_tensor_default_43" [id=577, type=quantize_per_tensor]; -"578 dequantize_per_tensor_default_43" [id=578, type=dequantize_per_tensor]; -"579 linear_28_scale_0" [id=579, type=get_attr]; -"580 linear_28_zero_point_0" [id=580, type=get_attr]; -"581 quantize_per_channel_default_29" [id=581, type=quantize_per_channel]; -"582 dequantize_per_channel_default_29" [id=582, type=dequantize_per_channel]; -"583 _param_constant91_0_0" [id=583, type=get_attr]; -"584 linear_28" [id=584, type=linear]; -"585 unflatten_7" [id=585, type=unflatten]; -"586 unsqueeze_7" [id=586, type=unsqueeze]; -"587 transpose_43" [id=587, type=transpose]; -"588 squeeze_7" [id=588, type=squeeze]; -"589 contiguous_7" [id=589, type=contiguous]; -"590 quantize_per_tensor_default_44" [id=590, type=quantize_per_tensor]; -"591 dequantize_per_tensor_default_44" [id=591, type=dequantize_per_tensor]; -"592 select_21" [id=592, type=select]; -"593 quantize_per_tensor_default_45" [id=593, type=quantize_per_tensor]; -"594 dequantize_per_tensor_default_45" [id=594, type=dequantize_per_tensor]; -"595 select_22" [id=595, type=select]; -"596 select_23" [id=596, type=select]; -"597 view_56" [id=597, type=view]; -"598 transpose_44" [id=598, type=transpose]; -"599 view_57" [id=599, type=view]; -"600 transpose_45" [id=600, type=transpose]; -"601 view_58" [id=601, type=view]; -"602 transpose_46" [id=602, type=transpose]; -"603 view_59" [id=603, type=view]; -"604 view_60" [id=604, type=view]; -"605 view_61" [id=605, type=view]; -"606 scaled_dot_product_attention_7" [id=606, type=scaled_dot_product_attention]; -"607 permute_8" [id=607, type=permute]; -"608 view_62" [id=608, type=view]; -"609 linear_29_updated_constant0" [id=609, type=get_attr]; -"610 view_62_0_0_nncf_smooth_quant_0" [id=610, type=call_module]; -"611 quantize_per_tensor_default_46" [id=611, type=quantize_per_tensor]; -"612 dequantize_per_tensor_default_46" [id=612, type=dequantize_per_tensor]; -"613 linear_29_scale_0" [id=613, type=get_attr]; -"614 linear_29_zero_point_0" [id=614, type=get_attr]; -"615 quantize_per_channel_default_30" [id=615, type=quantize_per_channel]; -"616 dequantize_per_channel_default_30" [id=616, type=dequantize_per_channel]; -"617 _param_constant93_0_0" [id=617, type=get_attr]; -"618 linear_29" [id=618, type=linear]; -"619 view_63" [id=619, type=view]; -"620 transpose_47" [id=620, type=transpose]; -"621 dropout_22" [id=621, type=dropout]; -"622 add_15" [id=622, type=add]; -"623 _param_constant94" [id=623, type=get_attr]; -"624 _param_constant95" [id=624, type=get_attr]; -"625 layer_norm_15" [id=625, type=layer_norm]; -"626 linear_30_updated_constant0" [id=626, type=get_attr]; -"627 layer_norm_15_0_0_nncf_smooth_quant_0" [id=627, type=call_module]; -"628 quantize_per_tensor_default_47" [id=628, type=quantize_per_tensor]; -"629 dequantize_per_tensor_default_47" [id=629, type=dequantize_per_tensor]; -"630 linear_30_scale_0" [id=630, type=get_attr]; -"631 linear_30_zero_point_0" [id=631, type=get_attr]; -"632 quantize_per_channel_default_31" [id=632, type=quantize_per_channel]; -"633 dequantize_per_channel_default_31" [id=633, type=dequantize_per_channel]; -"634 _param_constant97_0_0" [id=634, type=get_attr]; -"635 linear_30" [id=635, type=linear]; -"636 gelu_7" [id=636, type=gelu]; -"637 dropout_23" [id=637, type=dropout]; -"638 linear_31_updated_constant0" [id=638, type=get_attr]; -"639 dropout_23_0_0_nncf_smooth_quant_0" [id=639, type=call_module]; -"640 quantize_per_tensor_default_48" [id=640, type=quantize_per_tensor]; -"641 dequantize_per_tensor_default_48" [id=641, type=dequantize_per_tensor]; -"642 linear_31_scale_0" [id=642, type=get_attr]; -"643 linear_31_zero_point_0" [id=643, type=get_attr]; -"644 quantize_per_channel_default_32" [id=644, type=quantize_per_channel]; -"645 dequantize_per_channel_default_32" [id=645, type=dequantize_per_channel]; -"646 _param_constant99_0_0" [id=646, type=get_attr]; -"647 linear_31" [id=647, type=linear]; -"648 dropout_24" [id=648, type=dropout]; -"649 add_16" [id=649, type=add]; -"650 _param_constant100" [id=650, type=get_attr]; -"651 _param_constant101" [id=651, type=get_attr]; -"652 layer_norm_16" [id=652, type=layer_norm]; -"653 transpose_48" [id=653, type=transpose]; -"654 linear_32_updated_constant0" [id=654, type=get_attr]; -"655 transpose_48_0_0_nncf_smooth_quant_0" [id=655, type=call_module]; -"656 quantize_per_tensor_default_49" [id=656, type=quantize_per_tensor]; -"657 dequantize_per_tensor_default_49" [id=657, type=dequantize_per_tensor]; -"658 linear_32_scale_0" [id=658, type=get_attr]; -"659 linear_32_zero_point_0" [id=659, type=get_attr]; -"660 quantize_per_channel_default_33" [id=660, type=quantize_per_channel]; -"661 dequantize_per_channel_default_33" [id=661, type=dequantize_per_channel]; -"662 _param_constant103_0_0" [id=662, type=get_attr]; -"663 linear_32" [id=663, type=linear]; -"664 unflatten_8" [id=664, type=unflatten]; -"665 unsqueeze_8" [id=665, type=unsqueeze]; -"666 transpose_49" [id=666, type=transpose]; -"667 squeeze_8" [id=667, type=squeeze]; -"668 contiguous_8" [id=668, type=contiguous]; -"669 quantize_per_tensor_default_50" [id=669, type=quantize_per_tensor]; -"670 dequantize_per_tensor_default_50" [id=670, type=dequantize_per_tensor]; -"671 select_24" [id=671, type=select]; -"672 quantize_per_tensor_default_51" [id=672, type=quantize_per_tensor]; -"673 dequantize_per_tensor_default_51" [id=673, type=dequantize_per_tensor]; -"674 select_25" [id=674, type=select]; -"675 select_26" [id=675, type=select]; -"676 view_64" [id=676, type=view]; -"677 transpose_50" [id=677, type=transpose]; -"678 view_65" [id=678, type=view]; -"679 transpose_51" [id=679, type=transpose]; -"680 view_66" [id=680, type=view]; -"681 transpose_52" [id=681, type=transpose]; -"682 view_67" [id=682, type=view]; -"683 view_68" [id=683, type=view]; -"684 view_69" [id=684, type=view]; -"685 scaled_dot_product_attention_8" [id=685, type=scaled_dot_product_attention]; -"686 permute_9" [id=686, type=permute]; -"687 view_70" [id=687, type=view]; -"688 linear_33_updated_constant0" [id=688, type=get_attr]; -"689 view_70_0_0_nncf_smooth_quant_0" [id=689, type=call_module]; -"690 quantize_per_tensor_default_52" [id=690, type=quantize_per_tensor]; -"691 dequantize_per_tensor_default_52" [id=691, type=dequantize_per_tensor]; -"692 linear_33_scale_0" [id=692, type=get_attr]; -"693 linear_33_zero_point_0" [id=693, type=get_attr]; -"694 quantize_per_channel_default_34" [id=694, type=quantize_per_channel]; -"695 dequantize_per_channel_default_34" [id=695, type=dequantize_per_channel]; -"696 _param_constant105_0_0" [id=696, type=get_attr]; -"697 linear_33" [id=697, type=linear]; -"698 view_71" [id=698, type=view]; -"699 transpose_53" [id=699, type=transpose]; -"700 dropout_25" [id=700, type=dropout]; -"701 add_17" [id=701, type=add]; -"702 _param_constant106" [id=702, type=get_attr]; -"703 _param_constant107" [id=703, type=get_attr]; -"704 layer_norm_17" [id=704, type=layer_norm]; -"705 linear_34_updated_constant0" [id=705, type=get_attr]; -"706 layer_norm_17_0_0_nncf_smooth_quant_0" [id=706, type=call_module]; -"707 quantize_per_tensor_default_53" [id=707, type=quantize_per_tensor]; -"708 dequantize_per_tensor_default_53" [id=708, type=dequantize_per_tensor]; -"709 linear_34_scale_0" [id=709, type=get_attr]; -"710 linear_34_zero_point_0" [id=710, type=get_attr]; -"711 quantize_per_channel_default_35" [id=711, type=quantize_per_channel]; -"712 dequantize_per_channel_default_35" [id=712, type=dequantize_per_channel]; -"713 _param_constant109_0_0" [id=713, type=get_attr]; -"714 linear_34" [id=714, type=linear]; -"715 gelu_8" [id=715, type=gelu]; -"716 dropout_26" [id=716, type=dropout]; -"717 linear_35_updated_constant0" [id=717, type=get_attr]; -"718 dropout_26_0_0_nncf_smooth_quant_0" [id=718, type=call_module]; -"719 quantize_per_tensor_default_54" [id=719, type=quantize_per_tensor]; -"720 dequantize_per_tensor_default_54" [id=720, type=dequantize_per_tensor]; -"721 linear_35_scale_0" [id=721, type=get_attr]; -"722 linear_35_zero_point_0" [id=722, type=get_attr]; -"723 quantize_per_channel_default_36" [id=723, type=quantize_per_channel]; -"724 dequantize_per_channel_default_36" [id=724, type=dequantize_per_channel]; -"725 _param_constant111_0_0" [id=725, type=get_attr]; -"726 linear_35" [id=726, type=linear]; -"727 dropout_27" [id=727, type=dropout]; -"728 add_18" [id=728, type=add]; -"729 _param_constant112" [id=729, type=get_attr]; -"730 _param_constant113" [id=730, type=get_attr]; -"731 layer_norm_18" [id=731, type=layer_norm]; -"732 transpose_54" [id=732, type=transpose]; -"733 linear_36_updated_constant0" [id=733, type=get_attr]; -"734 transpose_54_0_0_nncf_smooth_quant_0" [id=734, type=call_module]; -"735 quantize_per_tensor_default_55" [id=735, type=quantize_per_tensor]; -"736 dequantize_per_tensor_default_55" [id=736, type=dequantize_per_tensor]; -"737 linear_36_scale_0" [id=737, type=get_attr]; -"738 linear_36_zero_point_0" [id=738, type=get_attr]; -"739 quantize_per_channel_default_37" [id=739, type=quantize_per_channel]; -"740 dequantize_per_channel_default_37" [id=740, type=dequantize_per_channel]; -"741 _param_constant115_0_0" [id=741, type=get_attr]; -"742 linear_36" [id=742, type=linear]; -"743 unflatten_9" [id=743, type=unflatten]; -"744 unsqueeze_9" [id=744, type=unsqueeze]; -"745 transpose_55" [id=745, type=transpose]; -"746 squeeze_9" [id=746, type=squeeze]; -"747 contiguous_9" [id=747, type=contiguous]; -"748 quantize_per_tensor_default_56" [id=748, type=quantize_per_tensor]; -"749 dequantize_per_tensor_default_56" [id=749, type=dequantize_per_tensor]; -"750 select_27" [id=750, type=select]; -"751 quantize_per_tensor_default_57" [id=751, type=quantize_per_tensor]; -"752 dequantize_per_tensor_default_57" [id=752, type=dequantize_per_tensor]; -"753 select_28" [id=753, type=select]; -"754 select_29" [id=754, type=select]; -"755 view_72" [id=755, type=view]; -"756 transpose_56" [id=756, type=transpose]; -"757 view_73" [id=757, type=view]; -"758 transpose_57" [id=758, type=transpose]; -"759 view_74" [id=759, type=view]; -"760 transpose_58" [id=760, type=transpose]; -"761 view_75" [id=761, type=view]; -"762 view_76" [id=762, type=view]; -"763 view_77" [id=763, type=view]; -"764 scaled_dot_product_attention_9" [id=764, type=scaled_dot_product_attention]; -"765 permute_10" [id=765, type=permute]; -"766 view_78" [id=766, type=view]; -"767 linear_37_updated_constant0" [id=767, type=get_attr]; -"768 view_78_0_0_nncf_smooth_quant_0" [id=768, type=call_module]; -"769 quantize_per_tensor_default_58" [id=769, type=quantize_per_tensor]; -"770 dequantize_per_tensor_default_58" [id=770, type=dequantize_per_tensor]; -"771 linear_37_scale_0" [id=771, type=get_attr]; -"772 linear_37_zero_point_0" [id=772, type=get_attr]; -"773 quantize_per_channel_default_38" [id=773, type=quantize_per_channel]; -"774 dequantize_per_channel_default_38" [id=774, type=dequantize_per_channel]; -"775 _param_constant117_0_0" [id=775, type=get_attr]; -"776 linear_37" [id=776, type=linear]; -"777 view_79" [id=777, type=view]; -"778 transpose_59" [id=778, type=transpose]; -"779 dropout_28" [id=779, type=dropout]; -"780 add_19" [id=780, type=add]; -"781 _param_constant118" [id=781, type=get_attr]; -"782 _param_constant119" [id=782, type=get_attr]; -"783 layer_norm_19" [id=783, type=layer_norm]; -"784 linear_38_updated_constant0" [id=784, type=get_attr]; -"785 layer_norm_19_0_0_nncf_smooth_quant_0" [id=785, type=call_module]; -"786 quantize_per_tensor_default_59" [id=786, type=quantize_per_tensor]; -"787 dequantize_per_tensor_default_59" [id=787, type=dequantize_per_tensor]; -"788 linear_38_scale_0" [id=788, type=get_attr]; -"789 linear_38_zero_point_0" [id=789, type=get_attr]; -"790 quantize_per_channel_default_39" [id=790, type=quantize_per_channel]; -"791 dequantize_per_channel_default_39" [id=791, type=dequantize_per_channel]; -"792 _param_constant121_0_0" [id=792, type=get_attr]; -"793 linear_38" [id=793, type=linear]; -"794 gelu_9" [id=794, type=gelu]; -"795 dropout_29" [id=795, type=dropout]; -"796 linear_39_updated_constant0" [id=796, type=get_attr]; -"797 dropout_29_0_0_nncf_smooth_quant_0" [id=797, type=call_module]; -"798 quantize_per_tensor_default_60" [id=798, type=quantize_per_tensor]; -"799 dequantize_per_tensor_default_60" [id=799, type=dequantize_per_tensor]; -"800 linear_39_scale_0" [id=800, type=get_attr]; -"801 linear_39_zero_point_0" [id=801, type=get_attr]; -"802 quantize_per_channel_default_40" [id=802, type=quantize_per_channel]; -"803 dequantize_per_channel_default_40" [id=803, type=dequantize_per_channel]; -"804 _param_constant123_0_0" [id=804, type=get_attr]; -"805 linear_39" [id=805, type=linear]; -"806 dropout_30" [id=806, type=dropout]; -"807 add_20" [id=807, type=add]; -"808 _param_constant124" [id=808, type=get_attr]; -"809 _param_constant125" [id=809, type=get_attr]; -"810 layer_norm_20" [id=810, type=layer_norm]; -"811 transpose_60" [id=811, type=transpose]; -"812 linear_40_updated_constant0" [id=812, type=get_attr]; -"813 transpose_60_0_0_nncf_smooth_quant_0" [id=813, type=call_module]; -"814 quantize_per_tensor_default_61" [id=814, type=quantize_per_tensor]; -"815 dequantize_per_tensor_default_61" [id=815, type=dequantize_per_tensor]; -"816 linear_40_scale_0" [id=816, type=get_attr]; -"817 linear_40_zero_point_0" [id=817, type=get_attr]; -"818 quantize_per_channel_default_41" [id=818, type=quantize_per_channel]; -"819 dequantize_per_channel_default_41" [id=819, type=dequantize_per_channel]; -"820 _param_constant127_0_0" [id=820, type=get_attr]; -"821 linear_40" [id=821, type=linear]; -"822 unflatten_10" [id=822, type=unflatten]; -"823 unsqueeze_10" [id=823, type=unsqueeze]; -"824 transpose_61" [id=824, type=transpose]; -"825 squeeze_10" [id=825, type=squeeze]; -"826 contiguous_10" [id=826, type=contiguous]; -"827 quantize_per_tensor_default_62" [id=827, type=quantize_per_tensor]; -"828 dequantize_per_tensor_default_62" [id=828, type=dequantize_per_tensor]; -"829 select_30" [id=829, type=select]; -"830 quantize_per_tensor_default_63" [id=830, type=quantize_per_tensor]; -"831 dequantize_per_tensor_default_63" [id=831, type=dequantize_per_tensor]; -"832 select_31" [id=832, type=select]; -"833 select_32" [id=833, type=select]; -"834 view_80" [id=834, type=view]; -"835 transpose_62" [id=835, type=transpose]; -"836 view_81" [id=836, type=view]; -"837 transpose_63" [id=837, type=transpose]; -"838 view_82" [id=838, type=view]; -"839 transpose_64" [id=839, type=transpose]; -"840 view_83" [id=840, type=view]; -"841 view_84" [id=841, type=view]; -"842 view_85" [id=842, type=view]; -"843 scaled_dot_product_attention_10" [id=843, type=scaled_dot_product_attention]; -"844 permute_11" [id=844, type=permute]; -"845 view_86" [id=845, type=view]; -"846 linear_41_updated_constant0" [id=846, type=get_attr]; -"847 view_86_0_0_nncf_smooth_quant_0" [id=847, type=call_module]; -"848 quantize_per_tensor_default_64" [id=848, type=quantize_per_tensor]; -"849 dequantize_per_tensor_default_64" [id=849, type=dequantize_per_tensor]; -"850 linear_41_scale_0" [id=850, type=get_attr]; -"851 linear_41_zero_point_0" [id=851, type=get_attr]; -"852 quantize_per_channel_default_42" [id=852, type=quantize_per_channel]; -"853 dequantize_per_channel_default_42" [id=853, type=dequantize_per_channel]; -"854 _param_constant129_0_0" [id=854, type=get_attr]; -"855 linear_41" [id=855, type=linear]; -"856 view_87" [id=856, type=view]; -"857 transpose_65" [id=857, type=transpose]; -"858 dropout_31" [id=858, type=dropout]; -"859 add_21" [id=859, type=add]; -"860 _param_constant130" [id=860, type=get_attr]; -"861 _param_constant131" [id=861, type=get_attr]; -"862 layer_norm_21" [id=862, type=layer_norm]; -"863 linear_42_updated_constant0" [id=863, type=get_attr]; -"864 layer_norm_21_0_0_nncf_smooth_quant_0" [id=864, type=call_module]; -"865 quantize_per_tensor_default_65" [id=865, type=quantize_per_tensor]; -"866 dequantize_per_tensor_default_65" [id=866, type=dequantize_per_tensor]; -"867 linear_42_scale_0" [id=867, type=get_attr]; -"868 linear_42_zero_point_0" [id=868, type=get_attr]; -"869 quantize_per_channel_default_43" [id=869, type=quantize_per_channel]; -"870 dequantize_per_channel_default_43" [id=870, type=dequantize_per_channel]; -"871 _param_constant133_0_0" [id=871, type=get_attr]; -"872 linear_42" [id=872, type=linear]; -"873 gelu_10" [id=873, type=gelu]; -"874 dropout_32" [id=874, type=dropout]; -"875 linear_43_updated_constant0" [id=875, type=get_attr]; -"876 dropout_32_0_0_nncf_smooth_quant_0" [id=876, type=call_module]; -"877 quantize_per_tensor_default_66" [id=877, type=quantize_per_tensor]; -"878 dequantize_per_tensor_default_66" [id=878, type=dequantize_per_tensor]; -"879 linear_43_scale_0" [id=879, type=get_attr]; -"880 linear_43_zero_point_0" [id=880, type=get_attr]; -"881 quantize_per_channel_default_44" [id=881, type=quantize_per_channel]; -"882 dequantize_per_channel_default_44" [id=882, type=dequantize_per_channel]; -"883 _param_constant135_0_0" [id=883, type=get_attr]; -"884 linear_43" [id=884, type=linear]; -"885 dropout_33" [id=885, type=dropout]; -"886 add_22" [id=886, type=add]; -"887 _param_constant136" [id=887, type=get_attr]; -"888 _param_constant137" [id=888, type=get_attr]; -"889 layer_norm_22" [id=889, type=layer_norm]; -"890 transpose_66" [id=890, type=transpose]; -"891 linear_44_updated_constant0" [id=891, type=get_attr]; -"892 transpose_66_0_0_nncf_smooth_quant_0" [id=892, type=call_module]; -"893 quantize_per_tensor_default_67" [id=893, type=quantize_per_tensor]; -"894 dequantize_per_tensor_default_67" [id=894, type=dequantize_per_tensor]; -"895 linear_44_scale_0" [id=895, type=get_attr]; -"896 linear_44_zero_point_0" [id=896, type=get_attr]; -"897 quantize_per_channel_default_45" [id=897, type=quantize_per_channel]; -"898 dequantize_per_channel_default_45" [id=898, type=dequantize_per_channel]; -"899 _param_constant139_0_0" [id=899, type=get_attr]; -"900 linear_44" [id=900, type=linear]; -"901 unflatten_11" [id=901, type=unflatten]; -"902 unsqueeze_11" [id=902, type=unsqueeze]; -"903 transpose_67" [id=903, type=transpose]; -"904 squeeze_11" [id=904, type=squeeze]; -"905 contiguous_11" [id=905, type=contiguous]; -"906 quantize_per_tensor_default_68" [id=906, type=quantize_per_tensor]; -"907 dequantize_per_tensor_default_68" [id=907, type=dequantize_per_tensor]; -"908 select_33" [id=908, type=select]; -"909 quantize_per_tensor_default_69" [id=909, type=quantize_per_tensor]; -"910 dequantize_per_tensor_default_69" [id=910, type=dequantize_per_tensor]; -"911 select_34" [id=911, type=select]; -"912 select_35" [id=912, type=select]; -"913 view_88" [id=913, type=view]; -"914 transpose_68" [id=914, type=transpose]; -"915 view_89" [id=915, type=view]; -"916 transpose_69" [id=916, type=transpose]; -"917 view_90" [id=917, type=view]; -"918 transpose_70" [id=918, type=transpose]; -"919 view_91" [id=919, type=view]; -"920 view_92" [id=920, type=view]; -"921 view_93" [id=921, type=view]; -"922 scaled_dot_product_attention_11" [id=922, type=scaled_dot_product_attention]; -"923 permute_12" [id=923, type=permute]; -"924 view_94" [id=924, type=view]; -"925 linear_45_updated_constant0" [id=925, type=get_attr]; -"926 view_94_0_0_nncf_smooth_quant_0" [id=926, type=call_module]; -"927 quantize_per_tensor_default_70" [id=927, type=quantize_per_tensor]; -"928 dequantize_per_tensor_default_70" [id=928, type=dequantize_per_tensor]; -"929 linear_45_scale_0" [id=929, type=get_attr]; -"930 linear_45_zero_point_0" [id=930, type=get_attr]; -"931 quantize_per_channel_default_46" [id=931, type=quantize_per_channel]; -"932 dequantize_per_channel_default_46" [id=932, type=dequantize_per_channel]; -"933 _param_constant141_0_0" [id=933, type=get_attr]; -"934 linear_45" [id=934, type=linear]; -"935 view_95" [id=935, type=view]; -"936 transpose_71" [id=936, type=transpose]; -"937 dropout_34" [id=937, type=dropout]; -"938 add_23" [id=938, type=add]; -"939 _param_constant142" [id=939, type=get_attr]; -"940 _param_constant143" [id=940, type=get_attr]; -"941 layer_norm_23" [id=941, type=layer_norm]; -"942 linear_46_updated_constant0" [id=942, type=get_attr]; -"943 layer_norm_23_0_0_nncf_smooth_quant_0" [id=943, type=call_module]; -"944 quantize_per_tensor_default_71" [id=944, type=quantize_per_tensor]; -"945 dequantize_per_tensor_default_71" [id=945, type=dequantize_per_tensor]; -"946 linear_46_scale_0" [id=946, type=get_attr]; -"947 linear_46_zero_point_0" [id=947, type=get_attr]; -"948 quantize_per_channel_default_47" [id=948, type=quantize_per_channel]; -"949 dequantize_per_channel_default_47" [id=949, type=dequantize_per_channel]; -"950 _param_constant145_0_0" [id=950, type=get_attr]; -"951 linear_46" [id=951, type=linear]; -"952 gelu_11" [id=952, type=gelu]; -"953 dropout_35" [id=953, type=dropout]; -"954 linear_47_updated_constant0" [id=954, type=get_attr]; -"955 dropout_35_0_0_nncf_smooth_quant_0" [id=955, type=call_module]; -"956 quantize_per_tensor_default_72" [id=956, type=quantize_per_tensor]; -"957 dequantize_per_tensor_default_72" [id=957, type=dequantize_per_tensor]; -"958 linear_47_scale_0" [id=958, type=get_attr]; -"959 linear_47_zero_point_0" [id=959, type=get_attr]; -"960 quantize_per_channel_default_48" [id=960, type=quantize_per_channel]; -"961 dequantize_per_channel_default_48" [id=961, type=dequantize_per_channel]; -"962 _param_constant147_0_0" [id=962, type=get_attr]; -"963 linear_47" [id=963, type=linear]; -"964 dropout_36" [id=964, type=dropout]; -"965 add_24" [id=965, type=add]; -"966 _param_constant148" [id=966, type=get_attr]; -"967 _param_constant149" [id=967, type=get_attr]; -"968 layer_norm_24" [id=968, type=layer_norm]; -"969 slice_1" [id=969, type=slice]; -"970 select_36" [id=970, type=select]; -"971 linear_48_updated_constant0" [id=971, type=get_attr]; -"972 select_36_0_0_nncf_smooth_quant_0" [id=972, type=call_module]; -"973 quantize_per_tensor_default_73" [id=973, type=quantize_per_tensor]; -"974 dequantize_per_tensor_default_73" [id=974, type=dequantize_per_tensor]; -"975 linear_48_scale_0" [id=975, type=get_attr]; -"976 linear_48_zero_point_0" [id=976, type=get_attr]; -"977 quantize_per_channel_default_49" [id=977, type=quantize_per_channel]; -"978 dequantize_per_channel_default_49" [id=978, type=dequantize_per_channel]; -"979 _param_constant151_0_0" [id=979, type=get_attr]; -"980 linear_48" [id=980, type=linear]; -"981 output" [id=981, type=output]; -"0 arg0_1" -> "1 quantize_per_tensor_default" [label="(1, 3, 224, 224)", style=solid]; -"1 quantize_per_tensor_default" -> "2 dequantize_per_tensor_default" [label="(1, 3, 224, 224)", style=solid]; -"2 dequantize_per_tensor_default" -> "9 conv2d" [label="(1, 3, 224, 224)", style=solid]; -"3 _param_constant0" -> "6 quantize_per_channel_default" [label="(768, 3, 16, 16)", style=solid]; -"4 conv2d_scale_0" -> "6 quantize_per_channel_default" [label="(768,)", style=solid]; -"4 conv2d_scale_0" -> "7 dequantize_per_channel_default" [label="(768,)", style=solid]; -"5 conv2d_zero_point_0" -> "6 quantize_per_channel_default" [label="(768,)", style=solid]; -"5 conv2d_zero_point_0" -> "7 dequantize_per_channel_default" [label="(768,)", style=solid]; -"6 quantize_per_channel_default" -> "7 dequantize_per_channel_default" [label="(768, 3, 16, 16)", style=solid]; -"7 dequantize_per_channel_default" -> "9 conv2d" [label="(768, 3, 16, 16)", style=solid]; -"8 _param_constant1_0_0" -> "9 conv2d" [label="(768,)", style=solid]; -"9 conv2d" -> "10 reshape" [label="(1, 768, 14, 14)", style=solid]; -"10 reshape" -> "11 permute" [label="(1, 768, 196)", style=solid]; -"11 permute" -> "14 cat" [label="(1, 196, 768)", style=solid]; -"12 _param_constant2" -> "13 expand" [label="(1, 1, 768)", style=solid]; -"13 expand" -> "14 cat" [label="(1, 1, 768)", style=solid]; -"14 cat" -> "16 add" [label="(1, 197, 768)", style=solid]; -"15 _param_constant3" -> "16 add" [label="(1, 197, 768)", style=solid]; -"16 add" -> "17 dropout" [label="(1, 197, 768)", style=solid]; -"17 dropout" -> "20 layer_norm" [label="(1, 197, 768)", style=solid]; -"17 dropout" -> "69 add_1" [label="(1, 197, 768)", style=solid]; -"18 _param_constant4" -> "20 layer_norm" [label="(768,)", style=solid]; -"19 _param_constant5" -> "20 layer_norm" [label="(768,)", style=solid]; -"20 layer_norm" -> "21 transpose" [label="(1, 197, 768)", style=solid]; -"21 transpose" -> "23 transpose_0_0_nncf_smooth_quant_0" [label="(197, 1, 768)", style=solid]; -"22 linear_updated_constant0" -> "28 quantize_per_channel_default_1" [label="(2304, 768)", style=solid]; -"23 transpose_0_0_nncf_smooth_quant_0" -> "24 quantize_per_tensor_default_1" [label="(197, 1, 768)", style=solid]; -"24 quantize_per_tensor_default_1" -> "25 dequantize_per_tensor_default_1" [label="(197, 1, 768)", style=solid]; -"25 dequantize_per_tensor_default_1" -> "31 linear" [label="(197, 1, 768)", style=solid]; -"26 linear_scale_0" -> "28 quantize_per_channel_default_1" [label="(2304,)", style=solid]; -"26 linear_scale_0" -> "29 dequantize_per_channel_default_1" [label="(2304,)", style=solid]; -"27 linear_zero_point_0" -> "28 quantize_per_channel_default_1" [label="(2304,)", style=solid]; -"27 linear_zero_point_0" -> "29 dequantize_per_channel_default_1" [label="(2304,)", style=solid]; -"28 quantize_per_channel_default_1" -> "29 dequantize_per_channel_default_1" [label="(2304, 768)", style=solid]; -"29 dequantize_per_channel_default_1" -> "31 linear" [label="(2304, 768)", style=solid]; -"30 _param_constant7_0_0" -> "31 linear" [label="(2304,)", style=solid]; -"31 linear" -> "32 unflatten" [label="(197, 1, 2304)", style=solid]; -"32 unflatten" -> "33 unsqueeze" [label="(197, 1, 3, 768)", style=solid]; -"33 unsqueeze" -> "34 transpose_1" [label="(1, 197, 1, 3, 768)", style=solid]; -"34 transpose_1" -> "35 squeeze" [label="(3, 197, 1, 1, 768)", style=solid]; -"35 squeeze" -> "36 contiguous" [label="(3, 197, 1, 768)", style=solid]; -"36 contiguous" -> "37 quantize_per_tensor_default_2" [label="(3, 197, 1, 768)", style=solid]; -"36 contiguous" -> "40 quantize_per_tensor_default_3" [label="(3, 197, 1, 768)", style=solid]; -"36 contiguous" -> "43 select_2" [label="(3, 197, 1, 768)", style=solid]; -"37 quantize_per_tensor_default_2" -> "38 dequantize_per_tensor_default_2" [label="(3, 197, 1, 768)", style=solid]; -"38 dequantize_per_tensor_default_2" -> "39 select" [label="(3, 197, 1, 768)", style=solid]; -"39 select" -> "44 view" [label="(197, 1, 768)", style=solid]; -"40 quantize_per_tensor_default_3" -> "41 dequantize_per_tensor_default_3" [label="(3, 197, 1, 768)", style=solid]; -"41 dequantize_per_tensor_default_3" -> "42 select_1" [label="(3, 197, 1, 768)", style=solid]; -"42 select_1" -> "46 view_1" [label="(197, 1, 768)", style=solid]; -"43 select_2" -> "48 view_2" [label="(197, 1, 768)", style=solid]; -"44 view" -> "45 transpose_2" [label="(197, 12, 64)", style=solid]; -"45 transpose_2" -> "50 view_3" [label="(12, 197, 64)", style=solid]; -"46 view_1" -> "47 transpose_3" [label="(197, 12, 64)", style=solid]; -"47 transpose_3" -> "51 view_4" [label="(12, 197, 64)", style=solid]; -"48 view_2" -> "49 transpose_4" [label="(197, 12, 64)", style=solid]; -"49 transpose_4" -> "52 view_5" [label="(12, 197, 64)", style=solid]; -"50 view_3" -> "53 scaled_dot_product_attention" [label="(1, 12, 197, 64)", style=solid]; -"51 view_4" -> "53 scaled_dot_product_attention" [label="(1, 12, 197, 64)", style=solid]; -"52 view_5" -> "53 scaled_dot_product_attention" [label="(1, 12, 197, 64)", style=solid]; -"53 scaled_dot_product_attention" -> "54 permute_1" [label="(1, 12, 197, 64)", style=solid]; -"54 permute_1" -> "55 view_6" [label="(197, 1, 12, 64)", style=solid]; -"55 view_6" -> "57 view_6_0_0_nncf_smooth_quant_0" [label="(197, 768)", style=solid]; -"56 linear_1_updated_constant0" -> "62 quantize_per_channel_default_2" [label="(768, 768)", style=solid]; -"57 view_6_0_0_nncf_smooth_quant_0" -> "58 quantize_per_tensor_default_4" [label="(197, 768)", style=solid]; -"58 quantize_per_tensor_default_4" -> "59 dequantize_per_tensor_default_4" [label="(197, 768)", style=solid]; -"59 dequantize_per_tensor_default_4" -> "65 linear_1" [label="(197, 768)", style=solid]; -"60 linear_1_scale_0" -> "62 quantize_per_channel_default_2" [label="(768,)", style=solid]; -"60 linear_1_scale_0" -> "63 dequantize_per_channel_default_2" [label="(768,)", style=solid]; -"61 linear_1_zero_point_0" -> "62 quantize_per_channel_default_2" [label="(768,)", style=solid]; -"61 linear_1_zero_point_0" -> "63 dequantize_per_channel_default_2" [label="(768,)", style=solid]; -"62 quantize_per_channel_default_2" -> "63 dequantize_per_channel_default_2" [label="(768, 768)", style=solid]; -"63 dequantize_per_channel_default_2" -> "65 linear_1" [label="(768, 768)", style=solid]; -"64 _param_constant9_0_0" -> "65 linear_1" [label="(768,)", style=solid]; -"65 linear_1" -> "66 view_7" [label="(197, 768)", style=solid]; -"66 view_7" -> "67 transpose_5" [label="(197, 1, 768)", style=solid]; -"67 transpose_5" -> "68 dropout_1" [label="(1, 197, 768)", style=solid]; -"68 dropout_1" -> "69 add_1" [label="(1, 197, 768)", style=solid]; -"69 add_1" -> "72 layer_norm_1" [label="(1, 197, 768)", style=solid]; -"69 add_1" -> "96 add_2" [label="(1, 197, 768)", style=solid]; -"70 _param_constant10" -> "72 layer_norm_1" [label="(768,)", style=solid]; -"71 _param_constant11" -> "72 layer_norm_1" [label="(768,)", style=solid]; -"72 layer_norm_1" -> "74 layer_norm_1_0_0_nncf_smooth_quant_0" [label="(1, 197, 768)", style=solid]; -"73 linear_2_updated_constant0" -> "79 quantize_per_channel_default_3" [label="(3072, 768)", style=solid]; -"74 layer_norm_1_0_0_nncf_smooth_quant_0" -> "75 quantize_per_tensor_default_5" [label="(1, 197, 768)", style=solid]; -"75 quantize_per_tensor_default_5" -> "76 dequantize_per_tensor_default_5" [label="(1, 197, 768)", style=solid]; -"76 dequantize_per_tensor_default_5" -> "82 linear_2" [label="(1, 197, 768)", style=solid]; -"77 linear_2_scale_0" -> "79 quantize_per_channel_default_3" [label="(3072,)", style=solid]; -"77 linear_2_scale_0" -> "80 dequantize_per_channel_default_3" [label="(3072,)", style=solid]; -"78 linear_2_zero_point_0" -> "79 quantize_per_channel_default_3" [label="(3072,)", style=solid]; -"78 linear_2_zero_point_0" -> "80 dequantize_per_channel_default_3" [label="(3072,)", style=solid]; -"79 quantize_per_channel_default_3" -> "80 dequantize_per_channel_default_3" [label="(3072, 768)", style=solid]; -"80 dequantize_per_channel_default_3" -> "82 linear_2" [label="(3072, 768)", style=solid]; -"81 _param_constant13_0_0" -> "82 linear_2" [label="(3072,)", style=solid]; -"82 linear_2" -> "83 gelu" [label="(1, 197, 3072)", style=solid]; -"83 gelu" -> "84 dropout_2" [label="(1, 197, 3072)", style=solid]; -"84 dropout_2" -> "86 dropout_2_0_0_nncf_smooth_quant_0" [label="(1, 197, 3072)", style=solid]; -"85 linear_3_updated_constant0" -> "91 quantize_per_channel_default_4" [label="(768, 3072)", style=solid]; -"86 dropout_2_0_0_nncf_smooth_quant_0" -> "87 quantize_per_tensor_default_6" [label="(1, 197, 3072)", style=solid]; -"87 quantize_per_tensor_default_6" -> "88 dequantize_per_tensor_default_6" [label="(1, 197, 3072)", style=solid]; -"88 dequantize_per_tensor_default_6" -> "94 linear_3" [label="(1, 197, 3072)", style=solid]; -"89 linear_3_scale_0" -> "91 quantize_per_channel_default_4" [label="(768,)", style=solid]; -"89 linear_3_scale_0" -> "92 dequantize_per_channel_default_4" [label="(768,)", style=solid]; -"90 linear_3_zero_point_0" -> "91 quantize_per_channel_default_4" [label="(768,)", style=solid]; -"90 linear_3_zero_point_0" -> "92 dequantize_per_channel_default_4" [label="(768,)", style=solid]; -"91 quantize_per_channel_default_4" -> "92 dequantize_per_channel_default_4" [label="(768, 3072)", style=solid]; -"92 dequantize_per_channel_default_4" -> "94 linear_3" [label="(768, 3072)", style=solid]; -"93 _param_constant15_0_0" -> "94 linear_3" [label="(768,)", style=solid]; -"94 linear_3" -> "95 dropout_3" [label="(1, 197, 768)", style=solid]; -"95 dropout_3" -> "96 add_2" [label="(1, 197, 768)", style=solid]; -"96 add_2" -> "99 layer_norm_2" [label="(1, 197, 768)", style=solid]; -"96 add_2" -> "148 add_3" [label="(1, 197, 768)", style=solid]; -"97 _param_constant16" -> "99 layer_norm_2" [label="(768,)", style=solid]; -"98 _param_constant17" -> "99 layer_norm_2" [label="(768,)", style=solid]; -"99 layer_norm_2" -> "100 transpose_6" [label="(1, 197, 768)", style=solid]; -"100 transpose_6" -> "102 transpose_6_0_0_nncf_smooth_quant_0" [label="(197, 1, 768)", style=solid]; -"101 linear_4_updated_constant0" -> "107 quantize_per_channel_default_5" [label="(2304, 768)", style=solid]; -"102 transpose_6_0_0_nncf_smooth_quant_0" -> "103 quantize_per_tensor_default_7" [label="(197, 1, 768)", style=solid]; -"103 quantize_per_tensor_default_7" -> "104 dequantize_per_tensor_default_7" [label="(197, 1, 768)", style=solid]; -"104 dequantize_per_tensor_default_7" -> "110 linear_4" [label="(197, 1, 768)", style=solid]; -"105 linear_4_scale_0" -> "107 quantize_per_channel_default_5" [label="(2304,)", style=solid]; -"105 linear_4_scale_0" -> "108 dequantize_per_channel_default_5" [label="(2304,)", style=solid]; -"106 linear_4_zero_point_0" -> "107 quantize_per_channel_default_5" [label="(2304,)", style=solid]; -"106 linear_4_zero_point_0" -> "108 dequantize_per_channel_default_5" [label="(2304,)", style=solid]; -"107 quantize_per_channel_default_5" -> "108 dequantize_per_channel_default_5" [label="(2304, 768)", style=solid]; -"108 dequantize_per_channel_default_5" -> "110 linear_4" [label="(2304, 768)", style=solid]; -"109 _param_constant19_0_0" -> "110 linear_4" [label="(2304,)", style=solid]; -"110 linear_4" -> "111 unflatten_1" [label="(197, 1, 2304)", style=solid]; -"111 unflatten_1" -> "112 unsqueeze_1" [label="(197, 1, 3, 768)", style=solid]; -"112 unsqueeze_1" -> "113 transpose_7" [label="(1, 197, 1, 3, 768)", style=solid]; -"113 transpose_7" -> "114 squeeze_1" [label="(3, 197, 1, 1, 768)", style=solid]; -"114 squeeze_1" -> "115 contiguous_1" [label="(3, 197, 1, 768)", style=solid]; -"115 contiguous_1" -> "116 quantize_per_tensor_default_8" [label="(3, 197, 1, 768)", style=solid]; -"115 contiguous_1" -> "119 quantize_per_tensor_default_9" [label="(3, 197, 1, 768)", style=solid]; -"115 contiguous_1" -> "122 select_5" [label="(3, 197, 1, 768)", style=solid]; -"116 quantize_per_tensor_default_8" -> "117 dequantize_per_tensor_default_8" [label="(3, 197, 1, 768)", style=solid]; -"117 dequantize_per_tensor_default_8" -> "118 select_3" [label="(3, 197, 1, 768)", style=solid]; -"118 select_3" -> "123 view_8" [label="(197, 1, 768)", style=solid]; -"119 quantize_per_tensor_default_9" -> "120 dequantize_per_tensor_default_9" [label="(3, 197, 1, 768)", style=solid]; -"120 dequantize_per_tensor_default_9" -> "121 select_4" [label="(3, 197, 1, 768)", style=solid]; -"121 select_4" -> "125 view_9" [label="(197, 1, 768)", style=solid]; -"122 select_5" -> "127 view_10" [label="(197, 1, 768)", style=solid]; -"123 view_8" -> "124 transpose_8" [label="(197, 12, 64)", style=solid]; -"124 transpose_8" -> "129 view_11" [label="(12, 197, 64)", style=solid]; -"125 view_9" -> "126 transpose_9" [label="(197, 12, 64)", style=solid]; -"126 transpose_9" -> "130 view_12" [label="(12, 197, 64)", style=solid]; -"127 view_10" -> "128 transpose_10" [label="(197, 12, 64)", style=solid]; -"128 transpose_10" -> "131 view_13" [label="(12, 197, 64)", style=solid]; -"129 view_11" -> "132 scaled_dot_product_attention_1" [label="(1, 12, 197, 64)", style=solid]; -"130 view_12" -> "132 scaled_dot_product_attention_1" [label="(1, 12, 197, 64)", style=solid]; -"131 view_13" -> "132 scaled_dot_product_attention_1" [label="(1, 12, 197, 64)", style=solid]; -"132 scaled_dot_product_attention_1" -> "133 permute_2" [label="(1, 12, 197, 64)", style=solid]; -"133 permute_2" -> "134 view_14" [label="(197, 1, 12, 64)", style=solid]; -"134 view_14" -> "136 view_14_0_0_nncf_smooth_quant_0" [label="(197, 768)", style=solid]; -"135 linear_5_updated_constant0" -> "141 quantize_per_channel_default_6" [label="(768, 768)", style=solid]; -"136 view_14_0_0_nncf_smooth_quant_0" -> "137 quantize_per_tensor_default_10" [label="(197, 768)", style=solid]; -"137 quantize_per_tensor_default_10" -> "138 dequantize_per_tensor_default_10" [label="(197, 768)", style=solid]; -"138 dequantize_per_tensor_default_10" -> "144 linear_5" [label="(197, 768)", style=solid]; -"139 linear_5_scale_0" -> "141 quantize_per_channel_default_6" [label="(768,)", style=solid]; -"139 linear_5_scale_0" -> "142 dequantize_per_channel_default_6" [label="(768,)", style=solid]; -"140 linear_5_zero_point_0" -> "141 quantize_per_channel_default_6" [label="(768,)", style=solid]; -"140 linear_5_zero_point_0" -> "142 dequantize_per_channel_default_6" [label="(768,)", style=solid]; -"141 quantize_per_channel_default_6" -> "142 dequantize_per_channel_default_6" [label="(768, 768)", style=solid]; -"142 dequantize_per_channel_default_6" -> "144 linear_5" [label="(768, 768)", style=solid]; -"143 _param_constant21_0_0" -> "144 linear_5" [label="(768,)", style=solid]; -"144 linear_5" -> "145 view_15" [label="(197, 768)", style=solid]; -"145 view_15" -> "146 transpose_11" [label="(197, 1, 768)", style=solid]; -"146 transpose_11" -> "147 dropout_4" [label="(1, 197, 768)", style=solid]; -"147 dropout_4" -> "148 add_3" [label="(1, 197, 768)", style=solid]; -"148 add_3" -> "151 layer_norm_3" [label="(1, 197, 768)", style=solid]; -"148 add_3" -> "175 add_4" [label="(1, 197, 768)", style=solid]; -"149 _param_constant22" -> "151 layer_norm_3" [label="(768,)", style=solid]; -"150 _param_constant23" -> "151 layer_norm_3" [label="(768,)", style=solid]; -"151 layer_norm_3" -> "153 layer_norm_3_0_0_nncf_smooth_quant_0" [label="(1, 197, 768)", style=solid]; -"152 linear_6_updated_constant0" -> "158 quantize_per_channel_default_7" [label="(3072, 768)", style=solid]; -"153 layer_norm_3_0_0_nncf_smooth_quant_0" -> "154 quantize_per_tensor_default_11" [label="(1, 197, 768)", style=solid]; -"154 quantize_per_tensor_default_11" -> "155 dequantize_per_tensor_default_11" [label="(1, 197, 768)", style=solid]; -"155 dequantize_per_tensor_default_11" -> "161 linear_6" [label="(1, 197, 768)", style=solid]; -"156 linear_6_scale_0" -> "158 quantize_per_channel_default_7" [label="(3072,)", style=solid]; -"156 linear_6_scale_0" -> "159 dequantize_per_channel_default_7" [label="(3072,)", style=solid]; -"157 linear_6_zero_point_0" -> "158 quantize_per_channel_default_7" [label="(3072,)", style=solid]; -"157 linear_6_zero_point_0" -> "159 dequantize_per_channel_default_7" [label="(3072,)", style=solid]; -"158 quantize_per_channel_default_7" -> "159 dequantize_per_channel_default_7" [label="(3072, 768)", style=solid]; -"159 dequantize_per_channel_default_7" -> "161 linear_6" [label="(3072, 768)", style=solid]; -"160 _param_constant25_0_0" -> "161 linear_6" [label="(3072,)", style=solid]; -"161 linear_6" -> "162 gelu_1" [label="(1, 197, 3072)", style=solid]; -"162 gelu_1" -> "163 dropout_5" [label="(1, 197, 3072)", style=solid]; -"163 dropout_5" -> "165 dropout_5_0_0_nncf_smooth_quant_0" [label="(1, 197, 3072)", style=solid]; -"164 linear_7_updated_constant0" -> "170 quantize_per_channel_default_8" [label="(768, 3072)", style=solid]; -"165 dropout_5_0_0_nncf_smooth_quant_0" -> "166 quantize_per_tensor_default_12" [label="(1, 197, 3072)", style=solid]; -"166 quantize_per_tensor_default_12" -> "167 dequantize_per_tensor_default_12" [label="(1, 197, 3072)", style=solid]; -"167 dequantize_per_tensor_default_12" -> "173 linear_7" [label="(1, 197, 3072)", style=solid]; -"168 linear_7_scale_0" -> "170 quantize_per_channel_default_8" [label="(768,)", style=solid]; -"168 linear_7_scale_0" -> "171 dequantize_per_channel_default_8" [label="(768,)", style=solid]; -"169 linear_7_zero_point_0" -> "170 quantize_per_channel_default_8" [label="(768,)", style=solid]; -"169 linear_7_zero_point_0" -> "171 dequantize_per_channel_default_8" [label="(768,)", style=solid]; -"170 quantize_per_channel_default_8" -> "171 dequantize_per_channel_default_8" [label="(768, 3072)", style=solid]; -"171 dequantize_per_channel_default_8" -> "173 linear_7" [label="(768, 3072)", style=solid]; -"172 _param_constant27_0_0" -> "173 linear_7" [label="(768,)", style=solid]; -"173 linear_7" -> "174 dropout_6" [label="(1, 197, 768)", style=solid]; -"174 dropout_6" -> "175 add_4" [label="(1, 197, 768)", style=solid]; -"175 add_4" -> "178 layer_norm_4" [label="(1, 197, 768)", style=solid]; -"175 add_4" -> "227 add_5" [label="(1, 197, 768)", style=solid]; -"176 _param_constant28" -> "178 layer_norm_4" [label="(768,)", style=solid]; -"177 _param_constant29" -> "178 layer_norm_4" [label="(768,)", style=solid]; -"178 layer_norm_4" -> "179 transpose_12" [label="(1, 197, 768)", style=solid]; -"179 transpose_12" -> "181 transpose_12_0_0_nncf_smooth_quant_0" [label="(197, 1, 768)", style=solid]; -"180 linear_8_updated_constant0" -> "186 quantize_per_channel_default_9" [label="(2304, 768)", style=solid]; -"181 transpose_12_0_0_nncf_smooth_quant_0" -> "182 quantize_per_tensor_default_13" [label="(197, 1, 768)", style=solid]; -"182 quantize_per_tensor_default_13" -> "183 dequantize_per_tensor_default_13" [label="(197, 1, 768)", style=solid]; -"183 dequantize_per_tensor_default_13" -> "189 linear_8" [label="(197, 1, 768)", style=solid]; -"184 linear_8_scale_0" -> "186 quantize_per_channel_default_9" [label="(2304,)", style=solid]; -"184 linear_8_scale_0" -> "187 dequantize_per_channel_default_9" [label="(2304,)", style=solid]; -"185 linear_8_zero_point_0" -> "186 quantize_per_channel_default_9" [label="(2304,)", style=solid]; -"185 linear_8_zero_point_0" -> "187 dequantize_per_channel_default_9" [label="(2304,)", style=solid]; -"186 quantize_per_channel_default_9" -> "187 dequantize_per_channel_default_9" [label="(2304, 768)", style=solid]; -"187 dequantize_per_channel_default_9" -> "189 linear_8" [label="(2304, 768)", style=solid]; -"188 _param_constant31_0_0" -> "189 linear_8" [label="(2304,)", style=solid]; -"189 linear_8" -> "190 unflatten_2" [label="(197, 1, 2304)", style=solid]; -"190 unflatten_2" -> "191 unsqueeze_2" [label="(197, 1, 3, 768)", style=solid]; -"191 unsqueeze_2" -> "192 transpose_13" [label="(1, 197, 1, 3, 768)", style=solid]; -"192 transpose_13" -> "193 squeeze_2" [label="(3, 197, 1, 1, 768)", style=solid]; -"193 squeeze_2" -> "194 contiguous_2" [label="(3, 197, 1, 768)", style=solid]; -"194 contiguous_2" -> "195 quantize_per_tensor_default_14" [label="(3, 197, 1, 768)", style=solid]; -"194 contiguous_2" -> "198 quantize_per_tensor_default_15" [label="(3, 197, 1, 768)", style=solid]; -"194 contiguous_2" -> "201 select_8" [label="(3, 197, 1, 768)", style=solid]; -"195 quantize_per_tensor_default_14" -> "196 dequantize_per_tensor_default_14" [label="(3, 197, 1, 768)", style=solid]; -"196 dequantize_per_tensor_default_14" -> "197 select_6" [label="(3, 197, 1, 768)", style=solid]; -"197 select_6" -> "202 view_16" [label="(197, 1, 768)", style=solid]; -"198 quantize_per_tensor_default_15" -> "199 dequantize_per_tensor_default_15" [label="(3, 197, 1, 768)", style=solid]; -"199 dequantize_per_tensor_default_15" -> "200 select_7" [label="(3, 197, 1, 768)", style=solid]; -"200 select_7" -> "204 view_17" [label="(197, 1, 768)", style=solid]; -"201 select_8" -> "206 view_18" [label="(197, 1, 768)", style=solid]; -"202 view_16" -> "203 transpose_14" [label="(197, 12, 64)", style=solid]; -"203 transpose_14" -> "208 view_19" [label="(12, 197, 64)", style=solid]; -"204 view_17" -> "205 transpose_15" [label="(197, 12, 64)", style=solid]; -"205 transpose_15" -> "209 view_20" [label="(12, 197, 64)", style=solid]; -"206 view_18" -> "207 transpose_16" [label="(197, 12, 64)", style=solid]; -"207 transpose_16" -> "210 view_21" [label="(12, 197, 64)", style=solid]; -"208 view_19" -> "211 scaled_dot_product_attention_2" [label="(1, 12, 197, 64)", style=solid]; -"209 view_20" -> "211 scaled_dot_product_attention_2" [label="(1, 12, 197, 64)", style=solid]; -"210 view_21" -> "211 scaled_dot_product_attention_2" [label="(1, 12, 197, 64)", style=solid]; -"211 scaled_dot_product_attention_2" -> "212 permute_3" [label="(1, 12, 197, 64)", style=solid]; -"212 permute_3" -> "213 view_22" [label="(197, 1, 12, 64)", style=solid]; -"213 view_22" -> "215 view_22_0_0_nncf_smooth_quant_0" [label="(197, 768)", style=solid]; -"214 linear_9_updated_constant0" -> "220 quantize_per_channel_default_10" [label="(768, 768)", style=solid]; -"215 view_22_0_0_nncf_smooth_quant_0" -> "216 quantize_per_tensor_default_16" [label="(197, 768)", style=solid]; -"216 quantize_per_tensor_default_16" -> "217 dequantize_per_tensor_default_16" [label="(197, 768)", style=solid]; -"217 dequantize_per_tensor_default_16" -> "223 linear_9" [label="(197, 768)", style=solid]; -"218 linear_9_scale_0" -> "220 quantize_per_channel_default_10" [label="(768,)", style=solid]; -"218 linear_9_scale_0" -> "221 dequantize_per_channel_default_10" [label="(768,)", style=solid]; -"219 linear_9_zero_point_0" -> "220 quantize_per_channel_default_10" [label="(768,)", style=solid]; -"219 linear_9_zero_point_0" -> "221 dequantize_per_channel_default_10" [label="(768,)", style=solid]; -"220 quantize_per_channel_default_10" -> "221 dequantize_per_channel_default_10" [label="(768, 768)", style=solid]; -"221 dequantize_per_channel_default_10" -> "223 linear_9" [label="(768, 768)", style=solid]; -"222 _param_constant33_0_0" -> "223 linear_9" [label="(768,)", style=solid]; -"223 linear_9" -> "224 view_23" [label="(197, 768)", style=solid]; -"224 view_23" -> "225 transpose_17" [label="(197, 1, 768)", style=solid]; -"225 transpose_17" -> "226 dropout_7" [label="(1, 197, 768)", style=solid]; -"226 dropout_7" -> "227 add_5" [label="(1, 197, 768)", style=solid]; -"227 add_5" -> "230 layer_norm_5" [label="(1, 197, 768)", style=solid]; -"227 add_5" -> "254 add_6" [label="(1, 197, 768)", style=solid]; -"228 _param_constant34" -> "230 layer_norm_5" [label="(768,)", style=solid]; -"229 _param_constant35" -> "230 layer_norm_5" [label="(768,)", style=solid]; -"230 layer_norm_5" -> "232 layer_norm_5_0_0_nncf_smooth_quant_0" [label="(1, 197, 768)", style=solid]; -"231 linear_10_updated_constant0" -> "237 quantize_per_channel_default_11" [label="(3072, 768)", style=solid]; -"232 layer_norm_5_0_0_nncf_smooth_quant_0" -> "233 quantize_per_tensor_default_17" [label="(1, 197, 768)", style=solid]; -"233 quantize_per_tensor_default_17" -> "234 dequantize_per_tensor_default_17" [label="(1, 197, 768)", style=solid]; -"234 dequantize_per_tensor_default_17" -> "240 linear_10" [label="(1, 197, 768)", style=solid]; -"235 linear_10_scale_0" -> "237 quantize_per_channel_default_11" [label="(3072,)", style=solid]; -"235 linear_10_scale_0" -> "238 dequantize_per_channel_default_11" [label="(3072,)", style=solid]; -"236 linear_10_zero_point_0" -> "237 quantize_per_channel_default_11" [label="(3072,)", style=solid]; -"236 linear_10_zero_point_0" -> "238 dequantize_per_channel_default_11" [label="(3072,)", style=solid]; -"237 quantize_per_channel_default_11" -> "238 dequantize_per_channel_default_11" [label="(3072, 768)", style=solid]; -"238 dequantize_per_channel_default_11" -> "240 linear_10" [label="(3072, 768)", style=solid]; -"239 _param_constant37_0_0" -> "240 linear_10" [label="(3072,)", style=solid]; -"240 linear_10" -> "241 gelu_2" [label="(1, 197, 3072)", style=solid]; -"241 gelu_2" -> "242 dropout_8" [label="(1, 197, 3072)", style=solid]; -"242 dropout_8" -> "244 dropout_8_0_0_nncf_smooth_quant_0" [label="(1, 197, 3072)", style=solid]; -"243 linear_11_updated_constant0" -> "249 quantize_per_channel_default_12" [label="(768, 3072)", style=solid]; -"244 dropout_8_0_0_nncf_smooth_quant_0" -> "245 quantize_per_tensor_default_18" [label="(1, 197, 3072)", style=solid]; -"245 quantize_per_tensor_default_18" -> "246 dequantize_per_tensor_default_18" [label="(1, 197, 3072)", style=solid]; -"246 dequantize_per_tensor_default_18" -> "252 linear_11" [label="(1, 197, 3072)", style=solid]; -"247 linear_11_scale_0" -> "249 quantize_per_channel_default_12" [label="(768,)", style=solid]; -"247 linear_11_scale_0" -> "250 dequantize_per_channel_default_12" [label="(768,)", style=solid]; -"248 linear_11_zero_point_0" -> "249 quantize_per_channel_default_12" [label="(768,)", style=solid]; -"248 linear_11_zero_point_0" -> "250 dequantize_per_channel_default_12" [label="(768,)", style=solid]; -"249 quantize_per_channel_default_12" -> "250 dequantize_per_channel_default_12" [label="(768, 3072)", style=solid]; -"250 dequantize_per_channel_default_12" -> "252 linear_11" [label="(768, 3072)", style=solid]; -"251 _param_constant39_0_0" -> "252 linear_11" [label="(768,)", style=solid]; -"252 linear_11" -> "253 dropout_9" [label="(1, 197, 768)", style=solid]; -"253 dropout_9" -> "254 add_6" [label="(1, 197, 768)", style=solid]; -"254 add_6" -> "257 layer_norm_6" [label="(1, 197, 768)", style=solid]; -"254 add_6" -> "306 add_7" [label="(1, 197, 768)", style=solid]; -"255 _param_constant40" -> "257 layer_norm_6" [label="(768,)", style=solid]; -"256 _param_constant41" -> "257 layer_norm_6" [label="(768,)", style=solid]; -"257 layer_norm_6" -> "258 transpose_18" [label="(1, 197, 768)", style=solid]; -"258 transpose_18" -> "260 transpose_18_0_0_nncf_smooth_quant_0" [label="(197, 1, 768)", style=solid]; -"259 linear_12_updated_constant0" -> "265 quantize_per_channel_default_13" [label="(2304, 768)", style=solid]; -"260 transpose_18_0_0_nncf_smooth_quant_0" -> "261 quantize_per_tensor_default_19" [label="(197, 1, 768)", style=solid]; -"261 quantize_per_tensor_default_19" -> "262 dequantize_per_tensor_default_19" [label="(197, 1, 768)", style=solid]; -"262 dequantize_per_tensor_default_19" -> "268 linear_12" [label="(197, 1, 768)", style=solid]; -"263 linear_12_scale_0" -> "265 quantize_per_channel_default_13" [label="(2304,)", style=solid]; -"263 linear_12_scale_0" -> "266 dequantize_per_channel_default_13" [label="(2304,)", style=solid]; -"264 linear_12_zero_point_0" -> "265 quantize_per_channel_default_13" [label="(2304,)", style=solid]; -"264 linear_12_zero_point_0" -> "266 dequantize_per_channel_default_13" [label="(2304,)", style=solid]; -"265 quantize_per_channel_default_13" -> "266 dequantize_per_channel_default_13" [label="(2304, 768)", style=solid]; -"266 dequantize_per_channel_default_13" -> "268 linear_12" [label="(2304, 768)", style=solid]; -"267 _param_constant43_0_0" -> "268 linear_12" [label="(2304,)", style=solid]; -"268 linear_12" -> "269 unflatten_3" [label="(197, 1, 2304)", style=solid]; -"269 unflatten_3" -> "270 unsqueeze_3" [label="(197, 1, 3, 768)", style=solid]; -"270 unsqueeze_3" -> "271 transpose_19" [label="(1, 197, 1, 3, 768)", style=solid]; -"271 transpose_19" -> "272 squeeze_3" [label="(3, 197, 1, 1, 768)", style=solid]; -"272 squeeze_3" -> "273 contiguous_3" [label="(3, 197, 1, 768)", style=solid]; -"273 contiguous_3" -> "274 quantize_per_tensor_default_20" [label="(3, 197, 1, 768)", style=solid]; -"273 contiguous_3" -> "277 quantize_per_tensor_default_21" [label="(3, 197, 1, 768)", style=solid]; -"273 contiguous_3" -> "280 select_11" [label="(3, 197, 1, 768)", style=solid]; -"274 quantize_per_tensor_default_20" -> "275 dequantize_per_tensor_default_20" [label="(3, 197, 1, 768)", style=solid]; -"275 dequantize_per_tensor_default_20" -> "276 select_9" [label="(3, 197, 1, 768)", style=solid]; -"276 select_9" -> "281 view_24" [label="(197, 1, 768)", style=solid]; -"277 quantize_per_tensor_default_21" -> "278 dequantize_per_tensor_default_21" [label="(3, 197, 1, 768)", style=solid]; -"278 dequantize_per_tensor_default_21" -> "279 select_10" [label="(3, 197, 1, 768)", style=solid]; -"279 select_10" -> "283 view_25" [label="(197, 1, 768)", style=solid]; -"280 select_11" -> "285 view_26" [label="(197, 1, 768)", style=solid]; -"281 view_24" -> "282 transpose_20" [label="(197, 12, 64)", style=solid]; -"282 transpose_20" -> "287 view_27" [label="(12, 197, 64)", style=solid]; -"283 view_25" -> "284 transpose_21" [label="(197, 12, 64)", style=solid]; -"284 transpose_21" -> "288 view_28" [label="(12, 197, 64)", style=solid]; -"285 view_26" -> "286 transpose_22" [label="(197, 12, 64)", style=solid]; -"286 transpose_22" -> "289 view_29" [label="(12, 197, 64)", style=solid]; -"287 view_27" -> "290 scaled_dot_product_attention_3" [label="(1, 12, 197, 64)", style=solid]; -"288 view_28" -> "290 scaled_dot_product_attention_3" [label="(1, 12, 197, 64)", style=solid]; -"289 view_29" -> "290 scaled_dot_product_attention_3" [label="(1, 12, 197, 64)", style=solid]; -"290 scaled_dot_product_attention_3" -> "291 permute_4" [label="(1, 12, 197, 64)", style=solid]; -"291 permute_4" -> "292 view_30" [label="(197, 1, 12, 64)", style=solid]; -"292 view_30" -> "294 view_30_0_0_nncf_smooth_quant_0" [label="(197, 768)", style=solid]; -"293 linear_13_updated_constant0" -> "299 quantize_per_channel_default_14" [label="(768, 768)", style=solid]; -"294 view_30_0_0_nncf_smooth_quant_0" -> "295 quantize_per_tensor_default_22" [label="(197, 768)", style=solid]; -"295 quantize_per_tensor_default_22" -> "296 dequantize_per_tensor_default_22" [label="(197, 768)", style=solid]; -"296 dequantize_per_tensor_default_22" -> "302 linear_13" [label="(197, 768)", style=solid]; -"297 linear_13_scale_0" -> "299 quantize_per_channel_default_14" [label="(768,)", style=solid]; -"297 linear_13_scale_0" -> "300 dequantize_per_channel_default_14" [label="(768,)", style=solid]; -"298 linear_13_zero_point_0" -> "299 quantize_per_channel_default_14" [label="(768,)", style=solid]; -"298 linear_13_zero_point_0" -> "300 dequantize_per_channel_default_14" [label="(768,)", style=solid]; -"299 quantize_per_channel_default_14" -> "300 dequantize_per_channel_default_14" [label="(768, 768)", style=solid]; -"300 dequantize_per_channel_default_14" -> "302 linear_13" [label="(768, 768)", style=solid]; -"301 _param_constant45_0_0" -> "302 linear_13" [label="(768,)", style=solid]; -"302 linear_13" -> "303 view_31" [label="(197, 768)", style=solid]; -"303 view_31" -> "304 transpose_23" [label="(197, 1, 768)", style=solid]; -"304 transpose_23" -> "305 dropout_10" [label="(1, 197, 768)", style=solid]; -"305 dropout_10" -> "306 add_7" [label="(1, 197, 768)", style=solid]; -"306 add_7" -> "309 layer_norm_7" [label="(1, 197, 768)", style=solid]; -"306 add_7" -> "333 add_8" [label="(1, 197, 768)", style=solid]; -"307 _param_constant46" -> "309 layer_norm_7" [label="(768,)", style=solid]; -"308 _param_constant47" -> "309 layer_norm_7" [label="(768,)", style=solid]; -"309 layer_norm_7" -> "311 layer_norm_7_0_0_nncf_smooth_quant_0" [label="(1, 197, 768)", style=solid]; -"310 linear_14_updated_constant0" -> "316 quantize_per_channel_default_15" [label="(3072, 768)", style=solid]; -"311 layer_norm_7_0_0_nncf_smooth_quant_0" -> "312 quantize_per_tensor_default_23" [label="(1, 197, 768)", style=solid]; -"312 quantize_per_tensor_default_23" -> "313 dequantize_per_tensor_default_23" [label="(1, 197, 768)", style=solid]; -"313 dequantize_per_tensor_default_23" -> "319 linear_14" [label="(1, 197, 768)", style=solid]; -"314 linear_14_scale_0" -> "316 quantize_per_channel_default_15" [label="(3072,)", style=solid]; -"314 linear_14_scale_0" -> "317 dequantize_per_channel_default_15" [label="(3072,)", style=solid]; -"315 linear_14_zero_point_0" -> "316 quantize_per_channel_default_15" [label="(3072,)", style=solid]; -"315 linear_14_zero_point_0" -> "317 dequantize_per_channel_default_15" [label="(3072,)", style=solid]; -"316 quantize_per_channel_default_15" -> "317 dequantize_per_channel_default_15" [label="(3072, 768)", style=solid]; -"317 dequantize_per_channel_default_15" -> "319 linear_14" [label="(3072, 768)", style=solid]; -"318 _param_constant49_0_0" -> "319 linear_14" [label="(3072,)", style=solid]; -"319 linear_14" -> "320 gelu_3" [label="(1, 197, 3072)", style=solid]; -"320 gelu_3" -> "321 dropout_11" [label="(1, 197, 3072)", style=solid]; -"321 dropout_11" -> "323 dropout_11_0_0_nncf_smooth_quant_0" [label="(1, 197, 3072)", style=solid]; -"322 linear_15_updated_constant0" -> "328 quantize_per_channel_default_16" [label="(768, 3072)", style=solid]; -"323 dropout_11_0_0_nncf_smooth_quant_0" -> "324 quantize_per_tensor_default_24" [label="(1, 197, 3072)", style=solid]; -"324 quantize_per_tensor_default_24" -> "325 dequantize_per_tensor_default_24" [label="(1, 197, 3072)", style=solid]; -"325 dequantize_per_tensor_default_24" -> "331 linear_15" [label="(1, 197, 3072)", style=solid]; -"326 linear_15_scale_0" -> "328 quantize_per_channel_default_16" [label="(768,)", style=solid]; -"326 linear_15_scale_0" -> "329 dequantize_per_channel_default_16" [label="(768,)", style=solid]; -"327 linear_15_zero_point_0" -> "328 quantize_per_channel_default_16" [label="(768,)", style=solid]; -"327 linear_15_zero_point_0" -> "329 dequantize_per_channel_default_16" [label="(768,)", style=solid]; -"328 quantize_per_channel_default_16" -> "329 dequantize_per_channel_default_16" [label="(768, 3072)", style=solid]; -"329 dequantize_per_channel_default_16" -> "331 linear_15" [label="(768, 3072)", style=solid]; -"330 _param_constant51_0_0" -> "331 linear_15" [label="(768,)", style=solid]; -"331 linear_15" -> "332 dropout_12" [label="(1, 197, 768)", style=solid]; -"332 dropout_12" -> "333 add_8" [label="(1, 197, 768)", style=solid]; -"333 add_8" -> "336 layer_norm_8" [label="(1, 197, 768)", style=solid]; -"333 add_8" -> "385 add_9" [label="(1, 197, 768)", style=solid]; -"334 _param_constant52" -> "336 layer_norm_8" [label="(768,)", style=solid]; -"335 _param_constant53" -> "336 layer_norm_8" [label="(768,)", style=solid]; -"336 layer_norm_8" -> "337 transpose_24" [label="(1, 197, 768)", style=solid]; -"337 transpose_24" -> "339 transpose_24_0_0_nncf_smooth_quant_0" [label="(197, 1, 768)", style=solid]; -"338 linear_16_updated_constant0" -> "344 quantize_per_channel_default_17" [label="(2304, 768)", style=solid]; -"339 transpose_24_0_0_nncf_smooth_quant_0" -> "340 quantize_per_tensor_default_25" [label="(197, 1, 768)", style=solid]; -"340 quantize_per_tensor_default_25" -> "341 dequantize_per_tensor_default_25" [label="(197, 1, 768)", style=solid]; -"341 dequantize_per_tensor_default_25" -> "347 linear_16" [label="(197, 1, 768)", style=solid]; -"342 linear_16_scale_0" -> "344 quantize_per_channel_default_17" [label="(2304,)", style=solid]; -"342 linear_16_scale_0" -> "345 dequantize_per_channel_default_17" [label="(2304,)", style=solid]; -"343 linear_16_zero_point_0" -> "344 quantize_per_channel_default_17" [label="(2304,)", style=solid]; -"343 linear_16_zero_point_0" -> "345 dequantize_per_channel_default_17" [label="(2304,)", style=solid]; -"344 quantize_per_channel_default_17" -> "345 dequantize_per_channel_default_17" [label="(2304, 768)", style=solid]; -"345 dequantize_per_channel_default_17" -> "347 linear_16" [label="(2304, 768)", style=solid]; -"346 _param_constant55_0_0" -> "347 linear_16" [label="(2304,)", style=solid]; -"347 linear_16" -> "348 unflatten_4" [label="(197, 1, 2304)", style=solid]; -"348 unflatten_4" -> "349 unsqueeze_4" [label="(197, 1, 3, 768)", style=solid]; -"349 unsqueeze_4" -> "350 transpose_25" [label="(1, 197, 1, 3, 768)", style=solid]; -"350 transpose_25" -> "351 squeeze_4" [label="(3, 197, 1, 1, 768)", style=solid]; -"351 squeeze_4" -> "352 contiguous_4" [label="(3, 197, 1, 768)", style=solid]; -"352 contiguous_4" -> "353 quantize_per_tensor_default_26" [label="(3, 197, 1, 768)", style=solid]; -"352 contiguous_4" -> "356 quantize_per_tensor_default_27" [label="(3, 197, 1, 768)", style=solid]; -"352 contiguous_4" -> "359 select_14" [label="(3, 197, 1, 768)", style=solid]; -"353 quantize_per_tensor_default_26" -> "354 dequantize_per_tensor_default_26" [label="(3, 197, 1, 768)", style=solid]; -"354 dequantize_per_tensor_default_26" -> "355 select_12" [label="(3, 197, 1, 768)", style=solid]; -"355 select_12" -> "360 view_32" [label="(197, 1, 768)", style=solid]; -"356 quantize_per_tensor_default_27" -> "357 dequantize_per_tensor_default_27" [label="(3, 197, 1, 768)", style=solid]; -"357 dequantize_per_tensor_default_27" -> "358 select_13" [label="(3, 197, 1, 768)", style=solid]; -"358 select_13" -> "362 view_33" [label="(197, 1, 768)", style=solid]; -"359 select_14" -> "364 view_34" [label="(197, 1, 768)", style=solid]; -"360 view_32" -> "361 transpose_26" [label="(197, 12, 64)", style=solid]; -"361 transpose_26" -> "366 view_35" [label="(12, 197, 64)", style=solid]; -"362 view_33" -> "363 transpose_27" [label="(197, 12, 64)", style=solid]; -"363 transpose_27" -> "367 view_36" [label="(12, 197, 64)", style=solid]; -"364 view_34" -> "365 transpose_28" [label="(197, 12, 64)", style=solid]; -"365 transpose_28" -> "368 view_37" [label="(12, 197, 64)", style=solid]; -"366 view_35" -> "369 scaled_dot_product_attention_4" [label="(1, 12, 197, 64)", style=solid]; -"367 view_36" -> "369 scaled_dot_product_attention_4" [label="(1, 12, 197, 64)", style=solid]; -"368 view_37" -> "369 scaled_dot_product_attention_4" [label="(1, 12, 197, 64)", style=solid]; -"369 scaled_dot_product_attention_4" -> "370 permute_5" [label="(1, 12, 197, 64)", style=solid]; -"370 permute_5" -> "371 view_38" [label="(197, 1, 12, 64)", style=solid]; -"371 view_38" -> "373 view_38_0_0_nncf_smooth_quant_0" [label="(197, 768)", style=solid]; -"372 linear_17_updated_constant0" -> "378 quantize_per_channel_default_18" [label="(768, 768)", style=solid]; -"373 view_38_0_0_nncf_smooth_quant_0" -> "374 quantize_per_tensor_default_28" [label="(197, 768)", style=solid]; -"374 quantize_per_tensor_default_28" -> "375 dequantize_per_tensor_default_28" [label="(197, 768)", style=solid]; -"375 dequantize_per_tensor_default_28" -> "381 linear_17" [label="(197, 768)", style=solid]; -"376 linear_17_scale_0" -> "378 quantize_per_channel_default_18" [label="(768,)", style=solid]; -"376 linear_17_scale_0" -> "379 dequantize_per_channel_default_18" [label="(768,)", style=solid]; -"377 linear_17_zero_point_0" -> "378 quantize_per_channel_default_18" [label="(768,)", style=solid]; -"377 linear_17_zero_point_0" -> "379 dequantize_per_channel_default_18" [label="(768,)", style=solid]; -"378 quantize_per_channel_default_18" -> "379 dequantize_per_channel_default_18" [label="(768, 768)", style=solid]; -"379 dequantize_per_channel_default_18" -> "381 linear_17" [label="(768, 768)", style=solid]; -"380 _param_constant57_0_0" -> "381 linear_17" [label="(768,)", style=solid]; -"381 linear_17" -> "382 view_39" [label="(197, 768)", style=solid]; -"382 view_39" -> "383 transpose_29" [label="(197, 1, 768)", style=solid]; -"383 transpose_29" -> "384 dropout_13" [label="(1, 197, 768)", style=solid]; -"384 dropout_13" -> "385 add_9" [label="(1, 197, 768)", style=solid]; -"385 add_9" -> "388 layer_norm_9" [label="(1, 197, 768)", style=solid]; -"385 add_9" -> "412 add_10" [label="(1, 197, 768)", style=solid]; -"386 _param_constant58" -> "388 layer_norm_9" [label="(768,)", style=solid]; -"387 _param_constant59" -> "388 layer_norm_9" [label="(768,)", style=solid]; -"388 layer_norm_9" -> "390 layer_norm_9_0_0_nncf_smooth_quant_0" [label="(1, 197, 768)", style=solid]; -"389 linear_18_updated_constant0" -> "395 quantize_per_channel_default_19" [label="(3072, 768)", style=solid]; -"390 layer_norm_9_0_0_nncf_smooth_quant_0" -> "391 quantize_per_tensor_default_29" [label="(1, 197, 768)", style=solid]; -"391 quantize_per_tensor_default_29" -> "392 dequantize_per_tensor_default_29" [label="(1, 197, 768)", style=solid]; -"392 dequantize_per_tensor_default_29" -> "398 linear_18" [label="(1, 197, 768)", style=solid]; -"393 linear_18_scale_0" -> "395 quantize_per_channel_default_19" [label="(3072,)", style=solid]; -"393 linear_18_scale_0" -> "396 dequantize_per_channel_default_19" [label="(3072,)", style=solid]; -"394 linear_18_zero_point_0" -> "395 quantize_per_channel_default_19" [label="(3072,)", style=solid]; -"394 linear_18_zero_point_0" -> "396 dequantize_per_channel_default_19" [label="(3072,)", style=solid]; -"395 quantize_per_channel_default_19" -> "396 dequantize_per_channel_default_19" [label="(3072, 768)", style=solid]; -"396 dequantize_per_channel_default_19" -> "398 linear_18" [label="(3072, 768)", style=solid]; -"397 _param_constant61_0_0" -> "398 linear_18" [label="(3072,)", style=solid]; -"398 linear_18" -> "399 gelu_4" [label="(1, 197, 3072)", style=solid]; -"399 gelu_4" -> "400 dropout_14" [label="(1, 197, 3072)", style=solid]; -"400 dropout_14" -> "402 dropout_14_0_0_nncf_smooth_quant_0" [label="(1, 197, 3072)", style=solid]; -"401 linear_19_updated_constant0" -> "407 quantize_per_channel_default_20" [label="(768, 3072)", style=solid]; -"402 dropout_14_0_0_nncf_smooth_quant_0" -> "403 quantize_per_tensor_default_30" [label="(1, 197, 3072)", style=solid]; -"403 quantize_per_tensor_default_30" -> "404 dequantize_per_tensor_default_30" [label="(1, 197, 3072)", style=solid]; -"404 dequantize_per_tensor_default_30" -> "410 linear_19" [label="(1, 197, 3072)", style=solid]; -"405 linear_19_scale_0" -> "407 quantize_per_channel_default_20" [label="(768,)", style=solid]; -"405 linear_19_scale_0" -> "408 dequantize_per_channel_default_20" [label="(768,)", style=solid]; -"406 linear_19_zero_point_0" -> "407 quantize_per_channel_default_20" [label="(768,)", style=solid]; -"406 linear_19_zero_point_0" -> "408 dequantize_per_channel_default_20" [label="(768,)", style=solid]; -"407 quantize_per_channel_default_20" -> "408 dequantize_per_channel_default_20" [label="(768, 3072)", style=solid]; -"408 dequantize_per_channel_default_20" -> "410 linear_19" [label="(768, 3072)", style=solid]; -"409 _param_constant63_0_0" -> "410 linear_19" [label="(768,)", style=solid]; -"410 linear_19" -> "411 dropout_15" [label="(1, 197, 768)", style=solid]; -"411 dropout_15" -> "412 add_10" [label="(1, 197, 768)", style=solid]; -"412 add_10" -> "415 layer_norm_10" [label="(1, 197, 768)", style=solid]; -"412 add_10" -> "464 add_11" [label="(1, 197, 768)", style=solid]; -"413 _param_constant64" -> "415 layer_norm_10" [label="(768,)", style=solid]; -"414 _param_constant65" -> "415 layer_norm_10" [label="(768,)", style=solid]; -"415 layer_norm_10" -> "416 transpose_30" [label="(1, 197, 768)", style=solid]; -"416 transpose_30" -> "418 transpose_30_0_0_nncf_smooth_quant_0" [label="(197, 1, 768)", style=solid]; -"417 linear_20_updated_constant0" -> "423 quantize_per_channel_default_21" [label="(2304, 768)", style=solid]; -"418 transpose_30_0_0_nncf_smooth_quant_0" -> "419 quantize_per_tensor_default_31" [label="(197, 1, 768)", style=solid]; -"419 quantize_per_tensor_default_31" -> "420 dequantize_per_tensor_default_31" [label="(197, 1, 768)", style=solid]; -"420 dequantize_per_tensor_default_31" -> "426 linear_20" [label="(197, 1, 768)", style=solid]; -"421 linear_20_scale_0" -> "423 quantize_per_channel_default_21" [label="(2304,)", style=solid]; -"421 linear_20_scale_0" -> "424 dequantize_per_channel_default_21" [label="(2304,)", style=solid]; -"422 linear_20_zero_point_0" -> "423 quantize_per_channel_default_21" [label="(2304,)", style=solid]; -"422 linear_20_zero_point_0" -> "424 dequantize_per_channel_default_21" [label="(2304,)", style=solid]; -"423 quantize_per_channel_default_21" -> "424 dequantize_per_channel_default_21" [label="(2304, 768)", style=solid]; -"424 dequantize_per_channel_default_21" -> "426 linear_20" [label="(2304, 768)", style=solid]; -"425 _param_constant67_0_0" -> "426 linear_20" [label="(2304,)", style=solid]; -"426 linear_20" -> "427 unflatten_5" [label="(197, 1, 2304)", style=solid]; -"427 unflatten_5" -> "428 unsqueeze_5" [label="(197, 1, 3, 768)", style=solid]; -"428 unsqueeze_5" -> "429 transpose_31" [label="(1, 197, 1, 3, 768)", style=solid]; -"429 transpose_31" -> "430 squeeze_5" [label="(3, 197, 1, 1, 768)", style=solid]; -"430 squeeze_5" -> "431 contiguous_5" [label="(3, 197, 1, 768)", style=solid]; -"431 contiguous_5" -> "432 quantize_per_tensor_default_32" [label="(3, 197, 1, 768)", style=solid]; -"431 contiguous_5" -> "435 quantize_per_tensor_default_33" [label="(3, 197, 1, 768)", style=solid]; -"431 contiguous_5" -> "438 select_17" [label="(3, 197, 1, 768)", style=solid]; -"432 quantize_per_tensor_default_32" -> "433 dequantize_per_tensor_default_32" [label="(3, 197, 1, 768)", style=solid]; -"433 dequantize_per_tensor_default_32" -> "434 select_15" [label="(3, 197, 1, 768)", style=solid]; -"434 select_15" -> "439 view_40" [label="(197, 1, 768)", style=solid]; -"435 quantize_per_tensor_default_33" -> "436 dequantize_per_tensor_default_33" [label="(3, 197, 1, 768)", style=solid]; -"436 dequantize_per_tensor_default_33" -> "437 select_16" [label="(3, 197, 1, 768)", style=solid]; -"437 select_16" -> "441 view_41" [label="(197, 1, 768)", style=solid]; -"438 select_17" -> "443 view_42" [label="(197, 1, 768)", style=solid]; -"439 view_40" -> "440 transpose_32" [label="(197, 12, 64)", style=solid]; -"440 transpose_32" -> "445 view_43" [label="(12, 197, 64)", style=solid]; -"441 view_41" -> "442 transpose_33" [label="(197, 12, 64)", style=solid]; -"442 transpose_33" -> "446 view_44" [label="(12, 197, 64)", style=solid]; -"443 view_42" -> "444 transpose_34" [label="(197, 12, 64)", style=solid]; -"444 transpose_34" -> "447 view_45" [label="(12, 197, 64)", style=solid]; -"445 view_43" -> "448 scaled_dot_product_attention_5" [label="(1, 12, 197, 64)", style=solid]; -"446 view_44" -> "448 scaled_dot_product_attention_5" [label="(1, 12, 197, 64)", style=solid]; -"447 view_45" -> "448 scaled_dot_product_attention_5" [label="(1, 12, 197, 64)", style=solid]; -"448 scaled_dot_product_attention_5" -> "449 permute_6" [label="(1, 12, 197, 64)", style=solid]; -"449 permute_6" -> "450 view_46" [label="(197, 1, 12, 64)", style=solid]; -"450 view_46" -> "452 view_46_0_0_nncf_smooth_quant_0" [label="(197, 768)", style=solid]; -"451 linear_21_updated_constant0" -> "457 quantize_per_channel_default_22" [label="(768, 768)", style=solid]; -"452 view_46_0_0_nncf_smooth_quant_0" -> "453 quantize_per_tensor_default_34" [label="(197, 768)", style=solid]; -"453 quantize_per_tensor_default_34" -> "454 dequantize_per_tensor_default_34" [label="(197, 768)", style=solid]; -"454 dequantize_per_tensor_default_34" -> "460 linear_21" [label="(197, 768)", style=solid]; -"455 linear_21_scale_0" -> "457 quantize_per_channel_default_22" [label="(768,)", style=solid]; -"455 linear_21_scale_0" -> "458 dequantize_per_channel_default_22" [label="(768,)", style=solid]; -"456 linear_21_zero_point_0" -> "457 quantize_per_channel_default_22" [label="(768,)", style=solid]; -"456 linear_21_zero_point_0" -> "458 dequantize_per_channel_default_22" [label="(768,)", style=solid]; -"457 quantize_per_channel_default_22" -> "458 dequantize_per_channel_default_22" [label="(768, 768)", style=solid]; -"458 dequantize_per_channel_default_22" -> "460 linear_21" [label="(768, 768)", style=solid]; -"459 _param_constant69_0_0" -> "460 linear_21" [label="(768,)", style=solid]; -"460 linear_21" -> "461 view_47" [label="(197, 768)", style=solid]; -"461 view_47" -> "462 transpose_35" [label="(197, 1, 768)", style=solid]; -"462 transpose_35" -> "463 dropout_16" [label="(1, 197, 768)", style=solid]; -"463 dropout_16" -> "464 add_11" [label="(1, 197, 768)", style=solid]; -"464 add_11" -> "467 layer_norm_11" [label="(1, 197, 768)", style=solid]; -"464 add_11" -> "491 add_12" [label="(1, 197, 768)", style=solid]; -"465 _param_constant70" -> "467 layer_norm_11" [label="(768,)", style=solid]; -"466 _param_constant71" -> "467 layer_norm_11" [label="(768,)", style=solid]; -"467 layer_norm_11" -> "469 layer_norm_11_0_0_nncf_smooth_quant_0" [label="(1, 197, 768)", style=solid]; -"468 linear_22_updated_constant0" -> "474 quantize_per_channel_default_23" [label="(3072, 768)", style=solid]; -"469 layer_norm_11_0_0_nncf_smooth_quant_0" -> "470 quantize_per_tensor_default_35" [label="(1, 197, 768)", style=solid]; -"470 quantize_per_tensor_default_35" -> "471 dequantize_per_tensor_default_35" [label="(1, 197, 768)", style=solid]; -"471 dequantize_per_tensor_default_35" -> "477 linear_22" [label="(1, 197, 768)", style=solid]; -"472 linear_22_scale_0" -> "474 quantize_per_channel_default_23" [label="(3072,)", style=solid]; -"472 linear_22_scale_0" -> "475 dequantize_per_channel_default_23" [label="(3072,)", style=solid]; -"473 linear_22_zero_point_0" -> "474 quantize_per_channel_default_23" [label="(3072,)", style=solid]; -"473 linear_22_zero_point_0" -> "475 dequantize_per_channel_default_23" [label="(3072,)", style=solid]; -"474 quantize_per_channel_default_23" -> "475 dequantize_per_channel_default_23" [label="(3072, 768)", style=solid]; -"475 dequantize_per_channel_default_23" -> "477 linear_22" [label="(3072, 768)", style=solid]; -"476 _param_constant73_0_0" -> "477 linear_22" [label="(3072,)", style=solid]; -"477 linear_22" -> "478 gelu_5" [label="(1, 197, 3072)", style=solid]; -"478 gelu_5" -> "479 dropout_17" [label="(1, 197, 3072)", style=solid]; -"479 dropout_17" -> "481 dropout_17_0_0_nncf_smooth_quant_0" [label="(1, 197, 3072)", style=solid]; -"480 linear_23_updated_constant0" -> "486 quantize_per_channel_default_24" [label="(768, 3072)", style=solid]; -"481 dropout_17_0_0_nncf_smooth_quant_0" -> "482 quantize_per_tensor_default_36" [label="(1, 197, 3072)", style=solid]; -"482 quantize_per_tensor_default_36" -> "483 dequantize_per_tensor_default_36" [label="(1, 197, 3072)", style=solid]; -"483 dequantize_per_tensor_default_36" -> "489 linear_23" [label="(1, 197, 3072)", style=solid]; -"484 linear_23_scale_0" -> "486 quantize_per_channel_default_24" [label="(768,)", style=solid]; -"484 linear_23_scale_0" -> "487 dequantize_per_channel_default_24" [label="(768,)", style=solid]; -"485 linear_23_zero_point_0" -> "486 quantize_per_channel_default_24" [label="(768,)", style=solid]; -"485 linear_23_zero_point_0" -> "487 dequantize_per_channel_default_24" [label="(768,)", style=solid]; -"486 quantize_per_channel_default_24" -> "487 dequantize_per_channel_default_24" [label="(768, 3072)", style=solid]; -"487 dequantize_per_channel_default_24" -> "489 linear_23" [label="(768, 3072)", style=solid]; -"488 _param_constant75_0_0" -> "489 linear_23" [label="(768,)", style=solid]; -"489 linear_23" -> "490 dropout_18" [label="(1, 197, 768)", style=solid]; -"490 dropout_18" -> "491 add_12" [label="(1, 197, 768)", style=solid]; -"491 add_12" -> "494 layer_norm_12" [label="(1, 197, 768)", style=solid]; -"491 add_12" -> "543 add_13" [label="(1, 197, 768)", style=solid]; -"492 _param_constant76" -> "494 layer_norm_12" [label="(768,)", style=solid]; -"493 _param_constant77" -> "494 layer_norm_12" [label="(768,)", style=solid]; -"494 layer_norm_12" -> "495 transpose_36" [label="(1, 197, 768)", style=solid]; -"495 transpose_36" -> "497 transpose_36_0_0_nncf_smooth_quant_0" [label="(197, 1, 768)", style=solid]; -"496 linear_24_updated_constant0" -> "502 quantize_per_channel_default_25" [label="(2304, 768)", style=solid]; -"497 transpose_36_0_0_nncf_smooth_quant_0" -> "498 quantize_per_tensor_default_37" [label="(197, 1, 768)", style=solid]; -"498 quantize_per_tensor_default_37" -> "499 dequantize_per_tensor_default_37" [label="(197, 1, 768)", style=solid]; -"499 dequantize_per_tensor_default_37" -> "505 linear_24" [label="(197, 1, 768)", style=solid]; -"500 linear_24_scale_0" -> "502 quantize_per_channel_default_25" [label="(2304,)", style=solid]; -"500 linear_24_scale_0" -> "503 dequantize_per_channel_default_25" [label="(2304,)", style=solid]; -"501 linear_24_zero_point_0" -> "502 quantize_per_channel_default_25" [label="(2304,)", style=solid]; -"501 linear_24_zero_point_0" -> "503 dequantize_per_channel_default_25" [label="(2304,)", style=solid]; -"502 quantize_per_channel_default_25" -> "503 dequantize_per_channel_default_25" [label="(2304, 768)", style=solid]; -"503 dequantize_per_channel_default_25" -> "505 linear_24" [label="(2304, 768)", style=solid]; -"504 _param_constant79_0_0" -> "505 linear_24" [label="(2304,)", style=solid]; -"505 linear_24" -> "506 unflatten_6" [label="(197, 1, 2304)", style=solid]; -"506 unflatten_6" -> "507 unsqueeze_6" [label="(197, 1, 3, 768)", style=solid]; -"507 unsqueeze_6" -> "508 transpose_37" [label="(1, 197, 1, 3, 768)", style=solid]; -"508 transpose_37" -> "509 squeeze_6" [label="(3, 197, 1, 1, 768)", style=solid]; -"509 squeeze_6" -> "510 contiguous_6" [label="(3, 197, 1, 768)", style=solid]; -"510 contiguous_6" -> "511 quantize_per_tensor_default_38" [label="(3, 197, 1, 768)", style=solid]; -"510 contiguous_6" -> "514 quantize_per_tensor_default_39" [label="(3, 197, 1, 768)", style=solid]; -"510 contiguous_6" -> "517 select_20" [label="(3, 197, 1, 768)", style=solid]; -"511 quantize_per_tensor_default_38" -> "512 dequantize_per_tensor_default_38" [label="(3, 197, 1, 768)", style=solid]; -"512 dequantize_per_tensor_default_38" -> "513 select_18" [label="(3, 197, 1, 768)", style=solid]; -"513 select_18" -> "518 view_48" [label="(197, 1, 768)", style=solid]; -"514 quantize_per_tensor_default_39" -> "515 dequantize_per_tensor_default_39" [label="(3, 197, 1, 768)", style=solid]; -"515 dequantize_per_tensor_default_39" -> "516 select_19" [label="(3, 197, 1, 768)", style=solid]; -"516 select_19" -> "520 view_49" [label="(197, 1, 768)", style=solid]; -"517 select_20" -> "522 view_50" [label="(197, 1, 768)", style=solid]; -"518 view_48" -> "519 transpose_38" [label="(197, 12, 64)", style=solid]; -"519 transpose_38" -> "524 view_51" [label="(12, 197, 64)", style=solid]; -"520 view_49" -> "521 transpose_39" [label="(197, 12, 64)", style=solid]; -"521 transpose_39" -> "525 view_52" [label="(12, 197, 64)", style=solid]; -"522 view_50" -> "523 transpose_40" [label="(197, 12, 64)", style=solid]; -"523 transpose_40" -> "526 view_53" [label="(12, 197, 64)", style=solid]; -"524 view_51" -> "527 scaled_dot_product_attention_6" [label="(1, 12, 197, 64)", style=solid]; -"525 view_52" -> "527 scaled_dot_product_attention_6" [label="(1, 12, 197, 64)", style=solid]; -"526 view_53" -> "527 scaled_dot_product_attention_6" [label="(1, 12, 197, 64)", style=solid]; -"527 scaled_dot_product_attention_6" -> "528 permute_7" [label="(1, 12, 197, 64)", style=solid]; -"528 permute_7" -> "529 view_54" [label="(197, 1, 12, 64)", style=solid]; -"529 view_54" -> "531 view_54_0_0_nncf_smooth_quant_0" [label="(197, 768)", style=solid]; -"530 linear_25_updated_constant0" -> "536 quantize_per_channel_default_26" [label="(768, 768)", style=solid]; -"531 view_54_0_0_nncf_smooth_quant_0" -> "532 quantize_per_tensor_default_40" [label="(197, 768)", style=solid]; -"532 quantize_per_tensor_default_40" -> "533 dequantize_per_tensor_default_40" [label="(197, 768)", style=solid]; -"533 dequantize_per_tensor_default_40" -> "539 linear_25" [label="(197, 768)", style=solid]; -"534 linear_25_scale_0" -> "536 quantize_per_channel_default_26" [label="(768,)", style=solid]; -"534 linear_25_scale_0" -> "537 dequantize_per_channel_default_26" [label="(768,)", style=solid]; -"535 linear_25_zero_point_0" -> "536 quantize_per_channel_default_26" [label="(768,)", style=solid]; -"535 linear_25_zero_point_0" -> "537 dequantize_per_channel_default_26" [label="(768,)", style=solid]; -"536 quantize_per_channel_default_26" -> "537 dequantize_per_channel_default_26" [label="(768, 768)", style=solid]; -"537 dequantize_per_channel_default_26" -> "539 linear_25" [label="(768, 768)", style=solid]; -"538 _param_constant81_0_0" -> "539 linear_25" [label="(768,)", style=solid]; -"539 linear_25" -> "540 view_55" [label="(197, 768)", style=solid]; -"540 view_55" -> "541 transpose_41" [label="(197, 1, 768)", style=solid]; -"541 transpose_41" -> "542 dropout_19" [label="(1, 197, 768)", style=solid]; -"542 dropout_19" -> "543 add_13" [label="(1, 197, 768)", style=solid]; -"543 add_13" -> "546 layer_norm_13" [label="(1, 197, 768)", style=solid]; -"543 add_13" -> "570 add_14" [label="(1, 197, 768)", style=solid]; -"544 _param_constant82" -> "546 layer_norm_13" [label="(768,)", style=solid]; -"545 _param_constant83" -> "546 layer_norm_13" [label="(768,)", style=solid]; -"546 layer_norm_13" -> "548 layer_norm_13_0_0_nncf_smooth_quant_0" [label="(1, 197, 768)", style=solid]; -"547 linear_26_updated_constant0" -> "553 quantize_per_channel_default_27" [label="(3072, 768)", style=solid]; -"548 layer_norm_13_0_0_nncf_smooth_quant_0" -> "549 quantize_per_tensor_default_41" [label="(1, 197, 768)", style=solid]; -"549 quantize_per_tensor_default_41" -> "550 dequantize_per_tensor_default_41" [label="(1, 197, 768)", style=solid]; -"550 dequantize_per_tensor_default_41" -> "556 linear_26" [label="(1, 197, 768)", style=solid]; -"551 linear_26_scale_0" -> "553 quantize_per_channel_default_27" [label="(3072,)", style=solid]; -"551 linear_26_scale_0" -> "554 dequantize_per_channel_default_27" [label="(3072,)", style=solid]; -"552 linear_26_zero_point_0" -> "553 quantize_per_channel_default_27" [label="(3072,)", style=solid]; -"552 linear_26_zero_point_0" -> "554 dequantize_per_channel_default_27" [label="(3072,)", style=solid]; -"553 quantize_per_channel_default_27" -> "554 dequantize_per_channel_default_27" [label="(3072, 768)", style=solid]; -"554 dequantize_per_channel_default_27" -> "556 linear_26" [label="(3072, 768)", style=solid]; -"555 _param_constant85_0_0" -> "556 linear_26" [label="(3072,)", style=solid]; -"556 linear_26" -> "557 gelu_6" [label="(1, 197, 3072)", style=solid]; -"557 gelu_6" -> "558 dropout_20" [label="(1, 197, 3072)", style=solid]; -"558 dropout_20" -> "560 dropout_20_0_0_nncf_smooth_quant_0" [label="(1, 197, 3072)", style=solid]; -"559 linear_27_updated_constant0" -> "565 quantize_per_channel_default_28" [label="(768, 3072)", style=solid]; -"560 dropout_20_0_0_nncf_smooth_quant_0" -> "561 quantize_per_tensor_default_42" [label="(1, 197, 3072)", style=solid]; -"561 quantize_per_tensor_default_42" -> "562 dequantize_per_tensor_default_42" [label="(1, 197, 3072)", style=solid]; -"562 dequantize_per_tensor_default_42" -> "568 linear_27" [label="(1, 197, 3072)", style=solid]; -"563 linear_27_scale_0" -> "565 quantize_per_channel_default_28" [label="(768,)", style=solid]; -"563 linear_27_scale_0" -> "566 dequantize_per_channel_default_28" [label="(768,)", style=solid]; -"564 linear_27_zero_point_0" -> "565 quantize_per_channel_default_28" [label="(768,)", style=solid]; -"564 linear_27_zero_point_0" -> "566 dequantize_per_channel_default_28" [label="(768,)", style=solid]; -"565 quantize_per_channel_default_28" -> "566 dequantize_per_channel_default_28" [label="(768, 3072)", style=solid]; -"566 dequantize_per_channel_default_28" -> "568 linear_27" [label="(768, 3072)", style=solid]; -"567 _param_constant87_0_0" -> "568 linear_27" [label="(768,)", style=solid]; -"568 linear_27" -> "569 dropout_21" [label="(1, 197, 768)", style=solid]; -"569 dropout_21" -> "570 add_14" [label="(1, 197, 768)", style=solid]; -"570 add_14" -> "573 layer_norm_14" [label="(1, 197, 768)", style=solid]; -"570 add_14" -> "622 add_15" [label="(1, 197, 768)", style=solid]; -"571 _param_constant88" -> "573 layer_norm_14" [label="(768,)", style=solid]; -"572 _param_constant89" -> "573 layer_norm_14" [label="(768,)", style=solid]; -"573 layer_norm_14" -> "574 transpose_42" [label="(1, 197, 768)", style=solid]; -"574 transpose_42" -> "576 transpose_42_0_0_nncf_smooth_quant_0" [label="(197, 1, 768)", style=solid]; -"575 linear_28_updated_constant0" -> "581 quantize_per_channel_default_29" [label="(2304, 768)", style=solid]; -"576 transpose_42_0_0_nncf_smooth_quant_0" -> "577 quantize_per_tensor_default_43" [label="(197, 1, 768)", style=solid]; -"577 quantize_per_tensor_default_43" -> "578 dequantize_per_tensor_default_43" [label="(197, 1, 768)", style=solid]; -"578 dequantize_per_tensor_default_43" -> "584 linear_28" [label="(197, 1, 768)", style=solid]; -"579 linear_28_scale_0" -> "581 quantize_per_channel_default_29" [label="(2304,)", style=solid]; -"579 linear_28_scale_0" -> "582 dequantize_per_channel_default_29" [label="(2304,)", style=solid]; -"580 linear_28_zero_point_0" -> "581 quantize_per_channel_default_29" [label="(2304,)", style=solid]; -"580 linear_28_zero_point_0" -> "582 dequantize_per_channel_default_29" [label="(2304,)", style=solid]; -"581 quantize_per_channel_default_29" -> "582 dequantize_per_channel_default_29" [label="(2304, 768)", style=solid]; -"582 dequantize_per_channel_default_29" -> "584 linear_28" [label="(2304, 768)", style=solid]; -"583 _param_constant91_0_0" -> "584 linear_28" [label="(2304,)", style=solid]; -"584 linear_28" -> "585 unflatten_7" [label="(197, 1, 2304)", style=solid]; -"585 unflatten_7" -> "586 unsqueeze_7" [label="(197, 1, 3, 768)", style=solid]; -"586 unsqueeze_7" -> "587 transpose_43" [label="(1, 197, 1, 3, 768)", style=solid]; -"587 transpose_43" -> "588 squeeze_7" [label="(3, 197, 1, 1, 768)", style=solid]; -"588 squeeze_7" -> "589 contiguous_7" [label="(3, 197, 1, 768)", style=solid]; -"589 contiguous_7" -> "590 quantize_per_tensor_default_44" [label="(3, 197, 1, 768)", style=solid]; -"589 contiguous_7" -> "593 quantize_per_tensor_default_45" [label="(3, 197, 1, 768)", style=solid]; -"589 contiguous_7" -> "596 select_23" [label="(3, 197, 1, 768)", style=solid]; -"590 quantize_per_tensor_default_44" -> "591 dequantize_per_tensor_default_44" [label="(3, 197, 1, 768)", style=solid]; -"591 dequantize_per_tensor_default_44" -> "592 select_21" [label="(3, 197, 1, 768)", style=solid]; -"592 select_21" -> "597 view_56" [label="(197, 1, 768)", style=solid]; -"593 quantize_per_tensor_default_45" -> "594 dequantize_per_tensor_default_45" [label="(3, 197, 1, 768)", style=solid]; -"594 dequantize_per_tensor_default_45" -> "595 select_22" [label="(3, 197, 1, 768)", style=solid]; -"595 select_22" -> "599 view_57" [label="(197, 1, 768)", style=solid]; -"596 select_23" -> "601 view_58" [label="(197, 1, 768)", style=solid]; -"597 view_56" -> "598 transpose_44" [label="(197, 12, 64)", style=solid]; -"598 transpose_44" -> "603 view_59" [label="(12, 197, 64)", style=solid]; -"599 view_57" -> "600 transpose_45" [label="(197, 12, 64)", style=solid]; -"600 transpose_45" -> "604 view_60" [label="(12, 197, 64)", style=solid]; -"601 view_58" -> "602 transpose_46" [label="(197, 12, 64)", style=solid]; -"602 transpose_46" -> "605 view_61" [label="(12, 197, 64)", style=solid]; -"603 view_59" -> "606 scaled_dot_product_attention_7" [label="(1, 12, 197, 64)", style=solid]; -"604 view_60" -> "606 scaled_dot_product_attention_7" [label="(1, 12, 197, 64)", style=solid]; -"605 view_61" -> "606 scaled_dot_product_attention_7" [label="(1, 12, 197, 64)", style=solid]; -"606 scaled_dot_product_attention_7" -> "607 permute_8" [label="(1, 12, 197, 64)", style=solid]; -"607 permute_8" -> "608 view_62" [label="(197, 1, 12, 64)", style=solid]; -"608 view_62" -> "610 view_62_0_0_nncf_smooth_quant_0" [label="(197, 768)", style=solid]; -"609 linear_29_updated_constant0" -> "615 quantize_per_channel_default_30" [label="(768, 768)", style=solid]; -"610 view_62_0_0_nncf_smooth_quant_0" -> "611 quantize_per_tensor_default_46" [label="(197, 768)", style=solid]; -"611 quantize_per_tensor_default_46" -> "612 dequantize_per_tensor_default_46" [label="(197, 768)", style=solid]; -"612 dequantize_per_tensor_default_46" -> "618 linear_29" [label="(197, 768)", style=solid]; -"613 linear_29_scale_0" -> "615 quantize_per_channel_default_30" [label="(768,)", style=solid]; -"613 linear_29_scale_0" -> "616 dequantize_per_channel_default_30" [label="(768,)", style=solid]; -"614 linear_29_zero_point_0" -> "615 quantize_per_channel_default_30" [label="(768,)", style=solid]; -"614 linear_29_zero_point_0" -> "616 dequantize_per_channel_default_30" [label="(768,)", style=solid]; -"615 quantize_per_channel_default_30" -> "616 dequantize_per_channel_default_30" [label="(768, 768)", style=solid]; -"616 dequantize_per_channel_default_30" -> "618 linear_29" [label="(768, 768)", style=solid]; -"617 _param_constant93_0_0" -> "618 linear_29" [label="(768,)", style=solid]; -"618 linear_29" -> "619 view_63" [label="(197, 768)", style=solid]; -"619 view_63" -> "620 transpose_47" [label="(197, 1, 768)", style=solid]; -"620 transpose_47" -> "621 dropout_22" [label="(1, 197, 768)", style=solid]; -"621 dropout_22" -> "622 add_15" [label="(1, 197, 768)", style=solid]; -"622 add_15" -> "625 layer_norm_15" [label="(1, 197, 768)", style=solid]; -"622 add_15" -> "649 add_16" [label="(1, 197, 768)", style=solid]; -"623 _param_constant94" -> "625 layer_norm_15" [label="(768,)", style=solid]; -"624 _param_constant95" -> "625 layer_norm_15" [label="(768,)", style=solid]; -"625 layer_norm_15" -> "627 layer_norm_15_0_0_nncf_smooth_quant_0" [label="(1, 197, 768)", style=solid]; -"626 linear_30_updated_constant0" -> "632 quantize_per_channel_default_31" [label="(3072, 768)", style=solid]; -"627 layer_norm_15_0_0_nncf_smooth_quant_0" -> "628 quantize_per_tensor_default_47" [label="(1, 197, 768)", style=solid]; -"628 quantize_per_tensor_default_47" -> "629 dequantize_per_tensor_default_47" [label="(1, 197, 768)", style=solid]; -"629 dequantize_per_tensor_default_47" -> "635 linear_30" [label="(1, 197, 768)", style=solid]; -"630 linear_30_scale_0" -> "632 quantize_per_channel_default_31" [label="(3072,)", style=solid]; -"630 linear_30_scale_0" -> "633 dequantize_per_channel_default_31" [label="(3072,)", style=solid]; -"631 linear_30_zero_point_0" -> "632 quantize_per_channel_default_31" [label="(3072,)", style=solid]; -"631 linear_30_zero_point_0" -> "633 dequantize_per_channel_default_31" [label="(3072,)", style=solid]; -"632 quantize_per_channel_default_31" -> "633 dequantize_per_channel_default_31" [label="(3072, 768)", style=solid]; -"633 dequantize_per_channel_default_31" -> "635 linear_30" [label="(3072, 768)", style=solid]; -"634 _param_constant97_0_0" -> "635 linear_30" [label="(3072,)", style=solid]; -"635 linear_30" -> "636 gelu_7" [label="(1, 197, 3072)", style=solid]; -"636 gelu_7" -> "637 dropout_23" [label="(1, 197, 3072)", style=solid]; -"637 dropout_23" -> "639 dropout_23_0_0_nncf_smooth_quant_0" [label="(1, 197, 3072)", style=solid]; -"638 linear_31_updated_constant0" -> "644 quantize_per_channel_default_32" [label="(768, 3072)", style=solid]; -"639 dropout_23_0_0_nncf_smooth_quant_0" -> "640 quantize_per_tensor_default_48" [label="(1, 197, 3072)", style=solid]; -"640 quantize_per_tensor_default_48" -> "641 dequantize_per_tensor_default_48" [label="(1, 197, 3072)", style=solid]; -"641 dequantize_per_tensor_default_48" -> "647 linear_31" [label="(1, 197, 3072)", style=solid]; -"642 linear_31_scale_0" -> "644 quantize_per_channel_default_32" [label="(768,)", style=solid]; -"642 linear_31_scale_0" -> "645 dequantize_per_channel_default_32" [label="(768,)", style=solid]; -"643 linear_31_zero_point_0" -> "644 quantize_per_channel_default_32" [label="(768,)", style=solid]; -"643 linear_31_zero_point_0" -> "645 dequantize_per_channel_default_32" [label="(768,)", style=solid]; -"644 quantize_per_channel_default_32" -> "645 dequantize_per_channel_default_32" [label="(768, 3072)", style=solid]; -"645 dequantize_per_channel_default_32" -> "647 linear_31" [label="(768, 3072)", style=solid]; -"646 _param_constant99_0_0" -> "647 linear_31" [label="(768,)", style=solid]; -"647 linear_31" -> "648 dropout_24" [label="(1, 197, 768)", style=solid]; -"648 dropout_24" -> "649 add_16" [label="(1, 197, 768)", style=solid]; -"649 add_16" -> "652 layer_norm_16" [label="(1, 197, 768)", style=solid]; -"649 add_16" -> "701 add_17" [label="(1, 197, 768)", style=solid]; -"650 _param_constant100" -> "652 layer_norm_16" [label="(768,)", style=solid]; -"651 _param_constant101" -> "652 layer_norm_16" [label="(768,)", style=solid]; -"652 layer_norm_16" -> "653 transpose_48" [label="(1, 197, 768)", style=solid]; -"653 transpose_48" -> "655 transpose_48_0_0_nncf_smooth_quant_0" [label="(197, 1, 768)", style=solid]; -"654 linear_32_updated_constant0" -> "660 quantize_per_channel_default_33" [label="(2304, 768)", style=solid]; -"655 transpose_48_0_0_nncf_smooth_quant_0" -> "656 quantize_per_tensor_default_49" [label="(197, 1, 768)", style=solid]; -"656 quantize_per_tensor_default_49" -> "657 dequantize_per_tensor_default_49" [label="(197, 1, 768)", style=solid]; -"657 dequantize_per_tensor_default_49" -> "663 linear_32" [label="(197, 1, 768)", style=solid]; -"658 linear_32_scale_0" -> "660 quantize_per_channel_default_33" [label="(2304,)", style=solid]; -"658 linear_32_scale_0" -> "661 dequantize_per_channel_default_33" [label="(2304,)", style=solid]; -"659 linear_32_zero_point_0" -> "660 quantize_per_channel_default_33" [label="(2304,)", style=solid]; -"659 linear_32_zero_point_0" -> "661 dequantize_per_channel_default_33" [label="(2304,)", style=solid]; -"660 quantize_per_channel_default_33" -> "661 dequantize_per_channel_default_33" [label="(2304, 768)", style=solid]; -"661 dequantize_per_channel_default_33" -> "663 linear_32" [label="(2304, 768)", style=solid]; -"662 _param_constant103_0_0" -> "663 linear_32" [label="(2304,)", style=solid]; -"663 linear_32" -> "664 unflatten_8" [label="(197, 1, 2304)", style=solid]; -"664 unflatten_8" -> "665 unsqueeze_8" [label="(197, 1, 3, 768)", style=solid]; -"665 unsqueeze_8" -> "666 transpose_49" [label="(1, 197, 1, 3, 768)", style=solid]; -"666 transpose_49" -> "667 squeeze_8" [label="(3, 197, 1, 1, 768)", style=solid]; -"667 squeeze_8" -> "668 contiguous_8" [label="(3, 197, 1, 768)", style=solid]; -"668 contiguous_8" -> "669 quantize_per_tensor_default_50" [label="(3, 197, 1, 768)", style=solid]; -"668 contiguous_8" -> "672 quantize_per_tensor_default_51" [label="(3, 197, 1, 768)", style=solid]; -"668 contiguous_8" -> "675 select_26" [label="(3, 197, 1, 768)", style=solid]; -"669 quantize_per_tensor_default_50" -> "670 dequantize_per_tensor_default_50" [label="(3, 197, 1, 768)", style=solid]; -"670 dequantize_per_tensor_default_50" -> "671 select_24" [label="(3, 197, 1, 768)", style=solid]; -"671 select_24" -> "676 view_64" [label="(197, 1, 768)", style=solid]; -"672 quantize_per_tensor_default_51" -> "673 dequantize_per_tensor_default_51" [label="(3, 197, 1, 768)", style=solid]; -"673 dequantize_per_tensor_default_51" -> "674 select_25" [label="(3, 197, 1, 768)", style=solid]; -"674 select_25" -> "678 view_65" [label="(197, 1, 768)", style=solid]; -"675 select_26" -> "680 view_66" [label="(197, 1, 768)", style=solid]; -"676 view_64" -> "677 transpose_50" [label="(197, 12, 64)", style=solid]; -"677 transpose_50" -> "682 view_67" [label="(12, 197, 64)", style=solid]; -"678 view_65" -> "679 transpose_51" [label="(197, 12, 64)", style=solid]; -"679 transpose_51" -> "683 view_68" [label="(12, 197, 64)", style=solid]; -"680 view_66" -> "681 transpose_52" [label="(197, 12, 64)", style=solid]; -"681 transpose_52" -> "684 view_69" [label="(12, 197, 64)", style=solid]; -"682 view_67" -> "685 scaled_dot_product_attention_8" [label="(1, 12, 197, 64)", style=solid]; -"683 view_68" -> "685 scaled_dot_product_attention_8" [label="(1, 12, 197, 64)", style=solid]; -"684 view_69" -> "685 scaled_dot_product_attention_8" [label="(1, 12, 197, 64)", style=solid]; -"685 scaled_dot_product_attention_8" -> "686 permute_9" [label="(1, 12, 197, 64)", style=solid]; -"686 permute_9" -> "687 view_70" [label="(197, 1, 12, 64)", style=solid]; -"687 view_70" -> "689 view_70_0_0_nncf_smooth_quant_0" [label="(197, 768)", style=solid]; -"688 linear_33_updated_constant0" -> "694 quantize_per_channel_default_34" [label="(768, 768)", style=solid]; -"689 view_70_0_0_nncf_smooth_quant_0" -> "690 quantize_per_tensor_default_52" [label="(197, 768)", style=solid]; -"690 quantize_per_tensor_default_52" -> "691 dequantize_per_tensor_default_52" [label="(197, 768)", style=solid]; -"691 dequantize_per_tensor_default_52" -> "697 linear_33" [label="(197, 768)", style=solid]; -"692 linear_33_scale_0" -> "694 quantize_per_channel_default_34" [label="(768,)", style=solid]; -"692 linear_33_scale_0" -> "695 dequantize_per_channel_default_34" [label="(768,)", style=solid]; -"693 linear_33_zero_point_0" -> "694 quantize_per_channel_default_34" [label="(768,)", style=solid]; -"693 linear_33_zero_point_0" -> "695 dequantize_per_channel_default_34" [label="(768,)", style=solid]; -"694 quantize_per_channel_default_34" -> "695 dequantize_per_channel_default_34" [label="(768, 768)", style=solid]; -"695 dequantize_per_channel_default_34" -> "697 linear_33" [label="(768, 768)", style=solid]; -"696 _param_constant105_0_0" -> "697 linear_33" [label="(768,)", style=solid]; -"697 linear_33" -> "698 view_71" [label="(197, 768)", style=solid]; -"698 view_71" -> "699 transpose_53" [label="(197, 1, 768)", style=solid]; -"699 transpose_53" -> "700 dropout_25" [label="(1, 197, 768)", style=solid]; -"700 dropout_25" -> "701 add_17" [label="(1, 197, 768)", style=solid]; -"701 add_17" -> "704 layer_norm_17" [label="(1, 197, 768)", style=solid]; -"701 add_17" -> "728 add_18" [label="(1, 197, 768)", style=solid]; -"702 _param_constant106" -> "704 layer_norm_17" [label="(768,)", style=solid]; -"703 _param_constant107" -> "704 layer_norm_17" [label="(768,)", style=solid]; -"704 layer_norm_17" -> "706 layer_norm_17_0_0_nncf_smooth_quant_0" [label="(1, 197, 768)", style=solid]; -"705 linear_34_updated_constant0" -> "711 quantize_per_channel_default_35" [label="(3072, 768)", style=solid]; -"706 layer_norm_17_0_0_nncf_smooth_quant_0" -> "707 quantize_per_tensor_default_53" [label="(1, 197, 768)", style=solid]; -"707 quantize_per_tensor_default_53" -> "708 dequantize_per_tensor_default_53" [label="(1, 197, 768)", style=solid]; -"708 dequantize_per_tensor_default_53" -> "714 linear_34" [label="(1, 197, 768)", style=solid]; -"709 linear_34_scale_0" -> "711 quantize_per_channel_default_35" [label="(3072,)", style=solid]; -"709 linear_34_scale_0" -> "712 dequantize_per_channel_default_35" [label="(3072,)", style=solid]; -"710 linear_34_zero_point_0" -> "711 quantize_per_channel_default_35" [label="(3072,)", style=solid]; -"710 linear_34_zero_point_0" -> "712 dequantize_per_channel_default_35" [label="(3072,)", style=solid]; -"711 quantize_per_channel_default_35" -> "712 dequantize_per_channel_default_35" [label="(3072, 768)", style=solid]; -"712 dequantize_per_channel_default_35" -> "714 linear_34" [label="(3072, 768)", style=solid]; -"713 _param_constant109_0_0" -> "714 linear_34" [label="(3072,)", style=solid]; -"714 linear_34" -> "715 gelu_8" [label="(1, 197, 3072)", style=solid]; -"715 gelu_8" -> "716 dropout_26" [label="(1, 197, 3072)", style=solid]; -"716 dropout_26" -> "718 dropout_26_0_0_nncf_smooth_quant_0" [label="(1, 197, 3072)", style=solid]; -"717 linear_35_updated_constant0" -> "723 quantize_per_channel_default_36" [label="(768, 3072)", style=solid]; -"718 dropout_26_0_0_nncf_smooth_quant_0" -> "719 quantize_per_tensor_default_54" [label="(1, 197, 3072)", style=solid]; -"719 quantize_per_tensor_default_54" -> "720 dequantize_per_tensor_default_54" [label="(1, 197, 3072)", style=solid]; -"720 dequantize_per_tensor_default_54" -> "726 linear_35" [label="(1, 197, 3072)", style=solid]; -"721 linear_35_scale_0" -> "723 quantize_per_channel_default_36" [label="(768,)", style=solid]; -"721 linear_35_scale_0" -> "724 dequantize_per_channel_default_36" [label="(768,)", style=solid]; -"722 linear_35_zero_point_0" -> "723 quantize_per_channel_default_36" [label="(768,)", style=solid]; -"722 linear_35_zero_point_0" -> "724 dequantize_per_channel_default_36" [label="(768,)", style=solid]; -"723 quantize_per_channel_default_36" -> "724 dequantize_per_channel_default_36" [label="(768, 3072)", style=solid]; -"724 dequantize_per_channel_default_36" -> "726 linear_35" [label="(768, 3072)", style=solid]; -"725 _param_constant111_0_0" -> "726 linear_35" [label="(768,)", style=solid]; -"726 linear_35" -> "727 dropout_27" [label="(1, 197, 768)", style=solid]; -"727 dropout_27" -> "728 add_18" [label="(1, 197, 768)", style=solid]; -"728 add_18" -> "731 layer_norm_18" [label="(1, 197, 768)", style=solid]; -"728 add_18" -> "780 add_19" [label="(1, 197, 768)", style=solid]; -"729 _param_constant112" -> "731 layer_norm_18" [label="(768,)", style=solid]; -"730 _param_constant113" -> "731 layer_norm_18" [label="(768,)", style=solid]; -"731 layer_norm_18" -> "732 transpose_54" [label="(1, 197, 768)", style=solid]; -"732 transpose_54" -> "734 transpose_54_0_0_nncf_smooth_quant_0" [label="(197, 1, 768)", style=solid]; -"733 linear_36_updated_constant0" -> "739 quantize_per_channel_default_37" [label="(2304, 768)", style=solid]; -"734 transpose_54_0_0_nncf_smooth_quant_0" -> "735 quantize_per_tensor_default_55" [label="(197, 1, 768)", style=solid]; -"735 quantize_per_tensor_default_55" -> "736 dequantize_per_tensor_default_55" [label="(197, 1, 768)", style=solid]; -"736 dequantize_per_tensor_default_55" -> "742 linear_36" [label="(197, 1, 768)", style=solid]; -"737 linear_36_scale_0" -> "739 quantize_per_channel_default_37" [label="(2304,)", style=solid]; -"737 linear_36_scale_0" -> "740 dequantize_per_channel_default_37" [label="(2304,)", style=solid]; -"738 linear_36_zero_point_0" -> "739 quantize_per_channel_default_37" [label="(2304,)", style=solid]; -"738 linear_36_zero_point_0" -> "740 dequantize_per_channel_default_37" [label="(2304,)", style=solid]; -"739 quantize_per_channel_default_37" -> "740 dequantize_per_channel_default_37" [label="(2304, 768)", style=solid]; -"740 dequantize_per_channel_default_37" -> "742 linear_36" [label="(2304, 768)", style=solid]; -"741 _param_constant115_0_0" -> "742 linear_36" [label="(2304,)", style=solid]; -"742 linear_36" -> "743 unflatten_9" [label="(197, 1, 2304)", style=solid]; -"743 unflatten_9" -> "744 unsqueeze_9" [label="(197, 1, 3, 768)", style=solid]; -"744 unsqueeze_9" -> "745 transpose_55" [label="(1, 197, 1, 3, 768)", style=solid]; -"745 transpose_55" -> "746 squeeze_9" [label="(3, 197, 1, 1, 768)", style=solid]; -"746 squeeze_9" -> "747 contiguous_9" [label="(3, 197, 1, 768)", style=solid]; -"747 contiguous_9" -> "748 quantize_per_tensor_default_56" [label="(3, 197, 1, 768)", style=solid]; -"747 contiguous_9" -> "751 quantize_per_tensor_default_57" [label="(3, 197, 1, 768)", style=solid]; -"747 contiguous_9" -> "754 select_29" [label="(3, 197, 1, 768)", style=solid]; -"748 quantize_per_tensor_default_56" -> "749 dequantize_per_tensor_default_56" [label="(3, 197, 1, 768)", style=solid]; -"749 dequantize_per_tensor_default_56" -> "750 select_27" [label="(3, 197, 1, 768)", style=solid]; -"750 select_27" -> "755 view_72" [label="(197, 1, 768)", style=solid]; -"751 quantize_per_tensor_default_57" -> "752 dequantize_per_tensor_default_57" [label="(3, 197, 1, 768)", style=solid]; -"752 dequantize_per_tensor_default_57" -> "753 select_28" [label="(3, 197, 1, 768)", style=solid]; -"753 select_28" -> "757 view_73" [label="(197, 1, 768)", style=solid]; -"754 select_29" -> "759 view_74" [label="(197, 1, 768)", style=solid]; -"755 view_72" -> "756 transpose_56" [label="(197, 12, 64)", style=solid]; -"756 transpose_56" -> "761 view_75" [label="(12, 197, 64)", style=solid]; -"757 view_73" -> "758 transpose_57" [label="(197, 12, 64)", style=solid]; -"758 transpose_57" -> "762 view_76" [label="(12, 197, 64)", style=solid]; -"759 view_74" -> "760 transpose_58" [label="(197, 12, 64)", style=solid]; -"760 transpose_58" -> "763 view_77" [label="(12, 197, 64)", style=solid]; -"761 view_75" -> "764 scaled_dot_product_attention_9" [label="(1, 12, 197, 64)", style=solid]; -"762 view_76" -> "764 scaled_dot_product_attention_9" [label="(1, 12, 197, 64)", style=solid]; -"763 view_77" -> "764 scaled_dot_product_attention_9" [label="(1, 12, 197, 64)", style=solid]; -"764 scaled_dot_product_attention_9" -> "765 permute_10" [label="(1, 12, 197, 64)", style=solid]; -"765 permute_10" -> "766 view_78" [label="(197, 1, 12, 64)", style=solid]; -"766 view_78" -> "768 view_78_0_0_nncf_smooth_quant_0" [label="(197, 768)", style=solid]; -"767 linear_37_updated_constant0" -> "773 quantize_per_channel_default_38" [label="(768, 768)", style=solid]; -"768 view_78_0_0_nncf_smooth_quant_0" -> "769 quantize_per_tensor_default_58" [label="(197, 768)", style=solid]; -"769 quantize_per_tensor_default_58" -> "770 dequantize_per_tensor_default_58" [label="(197, 768)", style=solid]; -"770 dequantize_per_tensor_default_58" -> "776 linear_37" [label="(197, 768)", style=solid]; -"771 linear_37_scale_0" -> "773 quantize_per_channel_default_38" [label="(768,)", style=solid]; -"771 linear_37_scale_0" -> "774 dequantize_per_channel_default_38" [label="(768,)", style=solid]; -"772 linear_37_zero_point_0" -> "773 quantize_per_channel_default_38" [label="(768,)", style=solid]; -"772 linear_37_zero_point_0" -> "774 dequantize_per_channel_default_38" [label="(768,)", style=solid]; -"773 quantize_per_channel_default_38" -> "774 dequantize_per_channel_default_38" [label="(768, 768)", style=solid]; -"774 dequantize_per_channel_default_38" -> "776 linear_37" [label="(768, 768)", style=solid]; -"775 _param_constant117_0_0" -> "776 linear_37" [label="(768,)", style=solid]; -"776 linear_37" -> "777 view_79" [label="(197, 768)", style=solid]; -"777 view_79" -> "778 transpose_59" [label="(197, 1, 768)", style=solid]; -"778 transpose_59" -> "779 dropout_28" [label="(1, 197, 768)", style=solid]; -"779 dropout_28" -> "780 add_19" [label="(1, 197, 768)", style=solid]; -"780 add_19" -> "783 layer_norm_19" [label="(1, 197, 768)", style=solid]; -"780 add_19" -> "807 add_20" [label="(1, 197, 768)", style=solid]; -"781 _param_constant118" -> "783 layer_norm_19" [label="(768,)", style=solid]; -"782 _param_constant119" -> "783 layer_norm_19" [label="(768,)", style=solid]; -"783 layer_norm_19" -> "785 layer_norm_19_0_0_nncf_smooth_quant_0" [label="(1, 197, 768)", style=solid]; -"784 linear_38_updated_constant0" -> "790 quantize_per_channel_default_39" [label="(3072, 768)", style=solid]; -"785 layer_norm_19_0_0_nncf_smooth_quant_0" -> "786 quantize_per_tensor_default_59" [label="(1, 197, 768)", style=solid]; -"786 quantize_per_tensor_default_59" -> "787 dequantize_per_tensor_default_59" [label="(1, 197, 768)", style=solid]; -"787 dequantize_per_tensor_default_59" -> "793 linear_38" [label="(1, 197, 768)", style=solid]; -"788 linear_38_scale_0" -> "790 quantize_per_channel_default_39" [label="(3072,)", style=solid]; -"788 linear_38_scale_0" -> "791 dequantize_per_channel_default_39" [label="(3072,)", style=solid]; -"789 linear_38_zero_point_0" -> "790 quantize_per_channel_default_39" [label="(3072,)", style=solid]; -"789 linear_38_zero_point_0" -> "791 dequantize_per_channel_default_39" [label="(3072,)", style=solid]; -"790 quantize_per_channel_default_39" -> "791 dequantize_per_channel_default_39" [label="(3072, 768)", style=solid]; -"791 dequantize_per_channel_default_39" -> "793 linear_38" [label="(3072, 768)", style=solid]; -"792 _param_constant121_0_0" -> "793 linear_38" [label="(3072,)", style=solid]; -"793 linear_38" -> "794 gelu_9" [label="(1, 197, 3072)", style=solid]; -"794 gelu_9" -> "795 dropout_29" [label="(1, 197, 3072)", style=solid]; -"795 dropout_29" -> "797 dropout_29_0_0_nncf_smooth_quant_0" [label="(1, 197, 3072)", style=solid]; -"796 linear_39_updated_constant0" -> "802 quantize_per_channel_default_40" [label="(768, 3072)", style=solid]; -"797 dropout_29_0_0_nncf_smooth_quant_0" -> "798 quantize_per_tensor_default_60" [label="(1, 197, 3072)", style=solid]; -"798 quantize_per_tensor_default_60" -> "799 dequantize_per_tensor_default_60" [label="(1, 197, 3072)", style=solid]; -"799 dequantize_per_tensor_default_60" -> "805 linear_39" [label="(1, 197, 3072)", style=solid]; -"800 linear_39_scale_0" -> "802 quantize_per_channel_default_40" [label="(768,)", style=solid]; -"800 linear_39_scale_0" -> "803 dequantize_per_channel_default_40" [label="(768,)", style=solid]; -"801 linear_39_zero_point_0" -> "802 quantize_per_channel_default_40" [label="(768,)", style=solid]; -"801 linear_39_zero_point_0" -> "803 dequantize_per_channel_default_40" [label="(768,)", style=solid]; -"802 quantize_per_channel_default_40" -> "803 dequantize_per_channel_default_40" [label="(768, 3072)", style=solid]; -"803 dequantize_per_channel_default_40" -> "805 linear_39" [label="(768, 3072)", style=solid]; -"804 _param_constant123_0_0" -> "805 linear_39" [label="(768,)", style=solid]; -"805 linear_39" -> "806 dropout_30" [label="(1, 197, 768)", style=solid]; -"806 dropout_30" -> "807 add_20" [label="(1, 197, 768)", style=solid]; -"807 add_20" -> "810 layer_norm_20" [label="(1, 197, 768)", style=solid]; -"807 add_20" -> "859 add_21" [label="(1, 197, 768)", style=solid]; -"808 _param_constant124" -> "810 layer_norm_20" [label="(768,)", style=solid]; -"809 _param_constant125" -> "810 layer_norm_20" [label="(768,)", style=solid]; -"810 layer_norm_20" -> "811 transpose_60" [label="(1, 197, 768)", style=solid]; -"811 transpose_60" -> "813 transpose_60_0_0_nncf_smooth_quant_0" [label="(197, 1, 768)", style=solid]; -"812 linear_40_updated_constant0" -> "818 quantize_per_channel_default_41" [label="(2304, 768)", style=solid]; -"813 transpose_60_0_0_nncf_smooth_quant_0" -> "814 quantize_per_tensor_default_61" [label="(197, 1, 768)", style=solid]; -"814 quantize_per_tensor_default_61" -> "815 dequantize_per_tensor_default_61" [label="(197, 1, 768)", style=solid]; -"815 dequantize_per_tensor_default_61" -> "821 linear_40" [label="(197, 1, 768)", style=solid]; -"816 linear_40_scale_0" -> "818 quantize_per_channel_default_41" [label="(2304,)", style=solid]; -"816 linear_40_scale_0" -> "819 dequantize_per_channel_default_41" [label="(2304,)", style=solid]; -"817 linear_40_zero_point_0" -> "818 quantize_per_channel_default_41" [label="(2304,)", style=solid]; -"817 linear_40_zero_point_0" -> "819 dequantize_per_channel_default_41" [label="(2304,)", style=solid]; -"818 quantize_per_channel_default_41" -> "819 dequantize_per_channel_default_41" [label="(2304, 768)", style=solid]; -"819 dequantize_per_channel_default_41" -> "821 linear_40" [label="(2304, 768)", style=solid]; -"820 _param_constant127_0_0" -> "821 linear_40" [label="(2304,)", style=solid]; -"821 linear_40" -> "822 unflatten_10" [label="(197, 1, 2304)", style=solid]; -"822 unflatten_10" -> "823 unsqueeze_10" [label="(197, 1, 3, 768)", style=solid]; -"823 unsqueeze_10" -> "824 transpose_61" [label="(1, 197, 1, 3, 768)", style=solid]; -"824 transpose_61" -> "825 squeeze_10" [label="(3, 197, 1, 1, 768)", style=solid]; -"825 squeeze_10" -> "826 contiguous_10" [label="(3, 197, 1, 768)", style=solid]; -"826 contiguous_10" -> "827 quantize_per_tensor_default_62" [label="(3, 197, 1, 768)", style=solid]; -"826 contiguous_10" -> "830 quantize_per_tensor_default_63" [label="(3, 197, 1, 768)", style=solid]; -"826 contiguous_10" -> "833 select_32" [label="(3, 197, 1, 768)", style=solid]; -"827 quantize_per_tensor_default_62" -> "828 dequantize_per_tensor_default_62" [label="(3, 197, 1, 768)", style=solid]; -"828 dequantize_per_tensor_default_62" -> "829 select_30" [label="(3, 197, 1, 768)", style=solid]; -"829 select_30" -> "834 view_80" [label="(197, 1, 768)", style=solid]; -"830 quantize_per_tensor_default_63" -> "831 dequantize_per_tensor_default_63" [label="(3, 197, 1, 768)", style=solid]; -"831 dequantize_per_tensor_default_63" -> "832 select_31" [label="(3, 197, 1, 768)", style=solid]; -"832 select_31" -> "836 view_81" [label="(197, 1, 768)", style=solid]; -"833 select_32" -> "838 view_82" [label="(197, 1, 768)", style=solid]; -"834 view_80" -> "835 transpose_62" [label="(197, 12, 64)", style=solid]; -"835 transpose_62" -> "840 view_83" [label="(12, 197, 64)", style=solid]; -"836 view_81" -> "837 transpose_63" [label="(197, 12, 64)", style=solid]; -"837 transpose_63" -> "841 view_84" [label="(12, 197, 64)", style=solid]; -"838 view_82" -> "839 transpose_64" [label="(197, 12, 64)", style=solid]; -"839 transpose_64" -> "842 view_85" [label="(12, 197, 64)", style=solid]; -"840 view_83" -> "843 scaled_dot_product_attention_10" [label="(1, 12, 197, 64)", style=solid]; -"841 view_84" -> "843 scaled_dot_product_attention_10" [label="(1, 12, 197, 64)", style=solid]; -"842 view_85" -> "843 scaled_dot_product_attention_10" [label="(1, 12, 197, 64)", style=solid]; -"843 scaled_dot_product_attention_10" -> "844 permute_11" [label="(1, 12, 197, 64)", style=solid]; -"844 permute_11" -> "845 view_86" [label="(197, 1, 12, 64)", style=solid]; -"845 view_86" -> "847 view_86_0_0_nncf_smooth_quant_0" [label="(197, 768)", style=solid]; -"846 linear_41_updated_constant0" -> "852 quantize_per_channel_default_42" [label="(768, 768)", style=solid]; -"847 view_86_0_0_nncf_smooth_quant_0" -> "848 quantize_per_tensor_default_64" [label="(197, 768)", style=solid]; -"848 quantize_per_tensor_default_64" -> "849 dequantize_per_tensor_default_64" [label="(197, 768)", style=solid]; -"849 dequantize_per_tensor_default_64" -> "855 linear_41" [label="(197, 768)", style=solid]; -"850 linear_41_scale_0" -> "852 quantize_per_channel_default_42" [label="(768,)", style=solid]; -"850 linear_41_scale_0" -> "853 dequantize_per_channel_default_42" [label="(768,)", style=solid]; -"851 linear_41_zero_point_0" -> "852 quantize_per_channel_default_42" [label="(768,)", style=solid]; -"851 linear_41_zero_point_0" -> "853 dequantize_per_channel_default_42" [label="(768,)", style=solid]; -"852 quantize_per_channel_default_42" -> "853 dequantize_per_channel_default_42" [label="(768, 768)", style=solid]; -"853 dequantize_per_channel_default_42" -> "855 linear_41" [label="(768, 768)", style=solid]; -"854 _param_constant129_0_0" -> "855 linear_41" [label="(768,)", style=solid]; -"855 linear_41" -> "856 view_87" [label="(197, 768)", style=solid]; -"856 view_87" -> "857 transpose_65" [label="(197, 1, 768)", style=solid]; -"857 transpose_65" -> "858 dropout_31" [label="(1, 197, 768)", style=solid]; -"858 dropout_31" -> "859 add_21" [label="(1, 197, 768)", style=solid]; -"859 add_21" -> "862 layer_norm_21" [label="(1, 197, 768)", style=solid]; -"859 add_21" -> "886 add_22" [label="(1, 197, 768)", style=solid]; -"860 _param_constant130" -> "862 layer_norm_21" [label="(768,)", style=solid]; -"861 _param_constant131" -> "862 layer_norm_21" [label="(768,)", style=solid]; -"862 layer_norm_21" -> "864 layer_norm_21_0_0_nncf_smooth_quant_0" [label="(1, 197, 768)", style=solid]; -"863 linear_42_updated_constant0" -> "869 quantize_per_channel_default_43" [label="(3072, 768)", style=solid]; -"864 layer_norm_21_0_0_nncf_smooth_quant_0" -> "865 quantize_per_tensor_default_65" [label="(1, 197, 768)", style=solid]; -"865 quantize_per_tensor_default_65" -> "866 dequantize_per_tensor_default_65" [label="(1, 197, 768)", style=solid]; -"866 dequantize_per_tensor_default_65" -> "872 linear_42" [label="(1, 197, 768)", style=solid]; -"867 linear_42_scale_0" -> "869 quantize_per_channel_default_43" [label="(3072,)", style=solid]; -"867 linear_42_scale_0" -> "870 dequantize_per_channel_default_43" [label="(3072,)", style=solid]; -"868 linear_42_zero_point_0" -> "869 quantize_per_channel_default_43" [label="(3072,)", style=solid]; -"868 linear_42_zero_point_0" -> "870 dequantize_per_channel_default_43" [label="(3072,)", style=solid]; -"869 quantize_per_channel_default_43" -> "870 dequantize_per_channel_default_43" [label="(3072, 768)", style=solid]; -"870 dequantize_per_channel_default_43" -> "872 linear_42" [label="(3072, 768)", style=solid]; -"871 _param_constant133_0_0" -> "872 linear_42" [label="(3072,)", style=solid]; -"872 linear_42" -> "873 gelu_10" [label="(1, 197, 3072)", style=solid]; -"873 gelu_10" -> "874 dropout_32" [label="(1, 197, 3072)", style=solid]; -"874 dropout_32" -> "876 dropout_32_0_0_nncf_smooth_quant_0" [label="(1, 197, 3072)", style=solid]; -"875 linear_43_updated_constant0" -> "881 quantize_per_channel_default_44" [label="(768, 3072)", style=solid]; -"876 dropout_32_0_0_nncf_smooth_quant_0" -> "877 quantize_per_tensor_default_66" [label="(1, 197, 3072)", style=solid]; -"877 quantize_per_tensor_default_66" -> "878 dequantize_per_tensor_default_66" [label="(1, 197, 3072)", style=solid]; -"878 dequantize_per_tensor_default_66" -> "884 linear_43" [label="(1, 197, 3072)", style=solid]; -"879 linear_43_scale_0" -> "881 quantize_per_channel_default_44" [label="(768,)", style=solid]; -"879 linear_43_scale_0" -> "882 dequantize_per_channel_default_44" [label="(768,)", style=solid]; -"880 linear_43_zero_point_0" -> "881 quantize_per_channel_default_44" [label="(768,)", style=solid]; -"880 linear_43_zero_point_0" -> "882 dequantize_per_channel_default_44" [label="(768,)", style=solid]; -"881 quantize_per_channel_default_44" -> "882 dequantize_per_channel_default_44" [label="(768, 3072)", style=solid]; -"882 dequantize_per_channel_default_44" -> "884 linear_43" [label="(768, 3072)", style=solid]; -"883 _param_constant135_0_0" -> "884 linear_43" [label="(768,)", style=solid]; -"884 linear_43" -> "885 dropout_33" [label="(1, 197, 768)", style=solid]; -"885 dropout_33" -> "886 add_22" [label="(1, 197, 768)", style=solid]; -"886 add_22" -> "889 layer_norm_22" [label="(1, 197, 768)", style=solid]; -"886 add_22" -> "938 add_23" [label="(1, 197, 768)", style=solid]; -"887 _param_constant136" -> "889 layer_norm_22" [label="(768,)", style=solid]; -"888 _param_constant137" -> "889 layer_norm_22" [label="(768,)", style=solid]; -"889 layer_norm_22" -> "890 transpose_66" [label="(1, 197, 768)", style=solid]; -"890 transpose_66" -> "892 transpose_66_0_0_nncf_smooth_quant_0" [label="(197, 1, 768)", style=solid]; -"891 linear_44_updated_constant0" -> "897 quantize_per_channel_default_45" [label="(2304, 768)", style=solid]; -"892 transpose_66_0_0_nncf_smooth_quant_0" -> "893 quantize_per_tensor_default_67" [label="(197, 1, 768)", style=solid]; -"893 quantize_per_tensor_default_67" -> "894 dequantize_per_tensor_default_67" [label="(197, 1, 768)", style=solid]; -"894 dequantize_per_tensor_default_67" -> "900 linear_44" [label="(197, 1, 768)", style=solid]; -"895 linear_44_scale_0" -> "897 quantize_per_channel_default_45" [label="(2304,)", style=solid]; -"895 linear_44_scale_0" -> "898 dequantize_per_channel_default_45" [label="(2304,)", style=solid]; -"896 linear_44_zero_point_0" -> "897 quantize_per_channel_default_45" [label="(2304,)", style=solid]; -"896 linear_44_zero_point_0" -> "898 dequantize_per_channel_default_45" [label="(2304,)", style=solid]; -"897 quantize_per_channel_default_45" -> "898 dequantize_per_channel_default_45" [label="(2304, 768)", style=solid]; -"898 dequantize_per_channel_default_45" -> "900 linear_44" [label="(2304, 768)", style=solid]; -"899 _param_constant139_0_0" -> "900 linear_44" [label="(2304,)", style=solid]; -"900 linear_44" -> "901 unflatten_11" [label="(197, 1, 2304)", style=solid]; -"901 unflatten_11" -> "902 unsqueeze_11" [label="(197, 1, 3, 768)", style=solid]; -"902 unsqueeze_11" -> "903 transpose_67" [label="(1, 197, 1, 3, 768)", style=solid]; -"903 transpose_67" -> "904 squeeze_11" [label="(3, 197, 1, 1, 768)", style=solid]; -"904 squeeze_11" -> "905 contiguous_11" [label="(3, 197, 1, 768)", style=solid]; -"905 contiguous_11" -> "906 quantize_per_tensor_default_68" [label="(3, 197, 1, 768)", style=solid]; -"905 contiguous_11" -> "909 quantize_per_tensor_default_69" [label="(3, 197, 1, 768)", style=solid]; -"905 contiguous_11" -> "912 select_35" [label="(3, 197, 1, 768)", style=solid]; -"906 quantize_per_tensor_default_68" -> "907 dequantize_per_tensor_default_68" [label="(3, 197, 1, 768)", style=solid]; -"907 dequantize_per_tensor_default_68" -> "908 select_33" [label="(3, 197, 1, 768)", style=solid]; -"908 select_33" -> "913 view_88" [label="(197, 1, 768)", style=solid]; -"909 quantize_per_tensor_default_69" -> "910 dequantize_per_tensor_default_69" [label="(3, 197, 1, 768)", style=solid]; -"910 dequantize_per_tensor_default_69" -> "911 select_34" [label="(3, 197, 1, 768)", style=solid]; -"911 select_34" -> "915 view_89" [label="(197, 1, 768)", style=solid]; -"912 select_35" -> "917 view_90" [label="(197, 1, 768)", style=solid]; -"913 view_88" -> "914 transpose_68" [label="(197, 12, 64)", style=solid]; -"914 transpose_68" -> "919 view_91" [label="(12, 197, 64)", style=solid]; -"915 view_89" -> "916 transpose_69" [label="(197, 12, 64)", style=solid]; -"916 transpose_69" -> "920 view_92" [label="(12, 197, 64)", style=solid]; -"917 view_90" -> "918 transpose_70" [label="(197, 12, 64)", style=solid]; -"918 transpose_70" -> "921 view_93" [label="(12, 197, 64)", style=solid]; -"919 view_91" -> "922 scaled_dot_product_attention_11" [label="(1, 12, 197, 64)", style=solid]; -"920 view_92" -> "922 scaled_dot_product_attention_11" [label="(1, 12, 197, 64)", style=solid]; -"921 view_93" -> "922 scaled_dot_product_attention_11" [label="(1, 12, 197, 64)", style=solid]; -"922 scaled_dot_product_attention_11" -> "923 permute_12" [label="(1, 12, 197, 64)", style=solid]; -"923 permute_12" -> "924 view_94" [label="(197, 1, 12, 64)", style=solid]; -"924 view_94" -> "926 view_94_0_0_nncf_smooth_quant_0" [label="(197, 768)", style=solid]; -"925 linear_45_updated_constant0" -> "931 quantize_per_channel_default_46" [label="(768, 768)", style=solid]; -"926 view_94_0_0_nncf_smooth_quant_0" -> "927 quantize_per_tensor_default_70" [label="(197, 768)", style=solid]; -"927 quantize_per_tensor_default_70" -> "928 dequantize_per_tensor_default_70" [label="(197, 768)", style=solid]; -"928 dequantize_per_tensor_default_70" -> "934 linear_45" [label="(197, 768)", style=solid]; -"929 linear_45_scale_0" -> "931 quantize_per_channel_default_46" [label="(768,)", style=solid]; -"929 linear_45_scale_0" -> "932 dequantize_per_channel_default_46" [label="(768,)", style=solid]; -"930 linear_45_zero_point_0" -> "931 quantize_per_channel_default_46" [label="(768,)", style=solid]; -"930 linear_45_zero_point_0" -> "932 dequantize_per_channel_default_46" [label="(768,)", style=solid]; -"931 quantize_per_channel_default_46" -> "932 dequantize_per_channel_default_46" [label="(768, 768)", style=solid]; -"932 dequantize_per_channel_default_46" -> "934 linear_45" [label="(768, 768)", style=solid]; -"933 _param_constant141_0_0" -> "934 linear_45" [label="(768,)", style=solid]; -"934 linear_45" -> "935 view_95" [label="(197, 768)", style=solid]; -"935 view_95" -> "936 transpose_71" [label="(197, 1, 768)", style=solid]; -"936 transpose_71" -> "937 dropout_34" [label="(1, 197, 768)", style=solid]; -"937 dropout_34" -> "938 add_23" [label="(1, 197, 768)", style=solid]; -"938 add_23" -> "941 layer_norm_23" [label="(1, 197, 768)", style=solid]; -"938 add_23" -> "965 add_24" [label="(1, 197, 768)", style=solid]; -"939 _param_constant142" -> "941 layer_norm_23" [label="(768,)", style=solid]; -"940 _param_constant143" -> "941 layer_norm_23" [label="(768,)", style=solid]; -"941 layer_norm_23" -> "943 layer_norm_23_0_0_nncf_smooth_quant_0" [label="(1, 197, 768)", style=solid]; -"942 linear_46_updated_constant0" -> "948 quantize_per_channel_default_47" [label="(3072, 768)", style=solid]; -"943 layer_norm_23_0_0_nncf_smooth_quant_0" -> "944 quantize_per_tensor_default_71" [label="(1, 197, 768)", style=solid]; -"944 quantize_per_tensor_default_71" -> "945 dequantize_per_tensor_default_71" [label="(1, 197, 768)", style=solid]; -"945 dequantize_per_tensor_default_71" -> "951 linear_46" [label="(1, 197, 768)", style=solid]; -"946 linear_46_scale_0" -> "948 quantize_per_channel_default_47" [label="(3072,)", style=solid]; -"946 linear_46_scale_0" -> "949 dequantize_per_channel_default_47" [label="(3072,)", style=solid]; -"947 linear_46_zero_point_0" -> "948 quantize_per_channel_default_47" [label="(3072,)", style=solid]; -"947 linear_46_zero_point_0" -> "949 dequantize_per_channel_default_47" [label="(3072,)", style=solid]; -"948 quantize_per_channel_default_47" -> "949 dequantize_per_channel_default_47" [label="(3072, 768)", style=solid]; -"949 dequantize_per_channel_default_47" -> "951 linear_46" [label="(3072, 768)", style=solid]; -"950 _param_constant145_0_0" -> "951 linear_46" [label="(3072,)", style=solid]; -"951 linear_46" -> "952 gelu_11" [label="(1, 197, 3072)", style=solid]; -"952 gelu_11" -> "953 dropout_35" [label="(1, 197, 3072)", style=solid]; -"953 dropout_35" -> "955 dropout_35_0_0_nncf_smooth_quant_0" [label="(1, 197, 3072)", style=solid]; -"954 linear_47_updated_constant0" -> "960 quantize_per_channel_default_48" [label="(768, 3072)", style=solid]; -"955 dropout_35_0_0_nncf_smooth_quant_0" -> "956 quantize_per_tensor_default_72" [label="(1, 197, 3072)", style=solid]; -"956 quantize_per_tensor_default_72" -> "957 dequantize_per_tensor_default_72" [label="(1, 197, 3072)", style=solid]; -"957 dequantize_per_tensor_default_72" -> "963 linear_47" [label="(1, 197, 3072)", style=solid]; -"958 linear_47_scale_0" -> "960 quantize_per_channel_default_48" [label="(768,)", style=solid]; -"958 linear_47_scale_0" -> "961 dequantize_per_channel_default_48" [label="(768,)", style=solid]; -"959 linear_47_zero_point_0" -> "960 quantize_per_channel_default_48" [label="(768,)", style=solid]; -"959 linear_47_zero_point_0" -> "961 dequantize_per_channel_default_48" [label="(768,)", style=solid]; -"960 quantize_per_channel_default_48" -> "961 dequantize_per_channel_default_48" [label="(768, 3072)", style=solid]; -"961 dequantize_per_channel_default_48" -> "963 linear_47" [label="(768, 3072)", style=solid]; -"962 _param_constant147_0_0" -> "963 linear_47" [label="(768,)", style=solid]; -"963 linear_47" -> "964 dropout_36" [label="(1, 197, 768)", style=solid]; -"964 dropout_36" -> "965 add_24" [label="(1, 197, 768)", style=solid]; -"965 add_24" -> "968 layer_norm_24" [label="(1, 197, 768)", style=solid]; -"966 _param_constant148" -> "968 layer_norm_24" [label="(768,)", style=solid]; -"967 _param_constant149" -> "968 layer_norm_24" [label="(768,)", style=solid]; -"968 layer_norm_24" -> "969 slice_1" [label="(1, 197, 768)", style=solid]; -"969 slice_1" -> "970 select_36" [label="(1, 197, 768)", style=solid]; -"970 select_36" -> "972 select_36_0_0_nncf_smooth_quant_0" [label="(1, 768)", style=solid]; -"971 linear_48_updated_constant0" -> "977 quantize_per_channel_default_49" [label="(1000, 768)", style=solid]; -"972 select_36_0_0_nncf_smooth_quant_0" -> "973 quantize_per_tensor_default_73" [label="(1, 768)", style=solid]; -"973 quantize_per_tensor_default_73" -> "974 dequantize_per_tensor_default_73" [label="(1, 768)", style=solid]; -"974 dequantize_per_tensor_default_73" -> "980 linear_48" [label="(1, 768)", style=solid]; -"975 linear_48_scale_0" -> "977 quantize_per_channel_default_49" [label="(1000,)", style=solid]; -"975 linear_48_scale_0" -> "978 dequantize_per_channel_default_49" [label="(1000,)", style=solid]; -"976 linear_48_zero_point_0" -> "977 quantize_per_channel_default_49" [label="(1000,)", style=solid]; -"976 linear_48_zero_point_0" -> "978 dequantize_per_channel_default_49" [label="(1000,)", 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" -> "980 linear_48" [label="(1000, 768)", style=solid]; -"979 _param_constant151_0_0" -> "980 linear_48" [label="(1000,)", style=solid]; -"980 linear_48" -> "981 output" [label="(1, 1000)", style=solid]; -} From f26a7a02121004fc41e6411c2979ed408db1c056 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Tue, 24 Sep 2024 10:45:28 +0400 Subject: [PATCH 64/69] pre-commit fix --- tests/torch/fx/test_models.py | 2 -- 1 file changed, 2 deletions(-) diff --git a/tests/torch/fx/test_models.py b/tests/torch/fx/test_models.py index 2215e4d6fc7..7ff1e446dc3 100644 --- a/tests/torch/fx/test_models.py +++ b/tests/torch/fx/test_models.py @@ -28,7 +28,6 @@ from torch._export import capture_pre_autograd_graph import nncf -from nncf.common.graph.graph import NNCFGraph from nncf.common.graph.graph import NNCFNodeName from nncf.common.graph.operator_metatypes import OperatorMetatype from nncf.common.utils.os import safe_open @@ -36,7 +35,6 @@ from nncf.experimental.torch.fx.transformations import shared_constants_unification_transformation from nncf.quantization.advanced_parameters import AdvancedQuantizationParameters from nncf.torch.dynamic_graph.patch_pytorch import disable_patching -from tests.cross_fw.shared.nx_graph import compare_nx_graph_with_reference from tests.cross_fw.shared.paths import TEST_ROOT from tests.torch import test_models from tests.torch.ptq.test_weights_compression import ShortTransformer From 49d3decae0d130e0e00729946c9be42ab4ac6737 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Tue, 24 Sep 2024 15:48:07 +0400 Subject: [PATCH 65/69] Change FXEmbedding metatype to PTAtenEmbeddingMetatype --- nncf/experimental/torch/fx/nncf_graph_builder.py | 2 +- nncf/experimental/torch/fx/quantization/quantize_model.py | 1 - .../quantization/algorithms/weight_compression/torch_backend.py | 2 +- .../algorithms/weight_compression/torch_fx_backend.py | 2 +- nncf/torch/graph/operator_metatypes.py | 2 +- .../fx/reference_metatypes/synthetic_transformer.json | 2 +- 6 files changed, 5 insertions(+), 6 deletions(-) diff --git a/nncf/experimental/torch/fx/nncf_graph_builder.py b/nncf/experimental/torch/fx/nncf_graph_builder.py index 3b580c3fdec..1a558fc33d7 100644 --- a/nncf/experimental/torch/fx/nncf_graph_builder.py +++ b/nncf/experimental/torch/fx/nncf_graph_builder.py @@ -77,7 +77,7 @@ def _map_fx_unique_metatypes(node: torch.fx.Node, metatype: om.OperatorMetatype) if metatype in [om.PTEmbeddingMetatype]: weight_node = node.args[0] if weight_node.op == "get_attr": - return om.FXEmbeddingMetatype + return om.PTAtenEmbeddingMetatype return metatype diff --git a/nncf/experimental/torch/fx/quantization/quantize_model.py b/nncf/experimental/torch/fx/quantization/quantize_model.py index 2deba40c31a..8061f2ab2f4 100644 --- a/nncf/experimental/torch/fx/quantization/quantize_model.py +++ b/nncf/experimental/torch/fx/quantization/quantize_model.py @@ -82,7 +82,6 @@ def quantize_impl( advanced_parameters=advanced_parameters, ) - shared_constants_unification_transformation(copied_model) # To make it easier for bias correction algorithms, # biases are being separated by the followng calls. apply_quantization_transformations(copied_model) diff --git a/nncf/quantization/algorithms/weight_compression/torch_backend.py b/nncf/quantization/algorithms/weight_compression/torch_backend.py index deccd640994..f46d9727d63 100644 --- a/nncf/quantization/algorithms/weight_compression/torch_backend.py +++ b/nncf/quantization/algorithms/weight_compression/torch_backend.py @@ -50,7 +50,7 @@ class PTWeightCompressionAlgoBackend(WeightCompressionAlgoBackend): TargetType.POST_LAYER_OPERATION: TargetType.OPERATOR_POST_HOOK, } MATMUL_METATYPES = [om.PTLinearMetatype, om.PTMatMulMetatype, om.PTAddmmMetatype] - EMBEDDING_METATYPES = [om.PTEmbeddingMetatype, om.FXEmbeddingMetatype] + EMBEDDING_METATYPES = [om.PTEmbeddingMetatype, om.PTAtenEmbeddingMetatype] CONVOLUTION_METATYPES = [ om.PTConv1dMetatype, om.PTConv2dMetatype, diff --git a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py index 654b1b93e9e..ca3e2d16331 100644 --- a/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py +++ b/nncf/quantization/algorithms/weight_compression/torch_fx_backend.py @@ -80,7 +80,7 @@ def get_reduction_axes(node_with_weight: NNCFNode, weight_port_id: int, graph: N ndims = len(edge.tensor_shape) reduction_axes = None - if node_with_weight.metatype == om.FXEmbeddingMetatype: + if node_with_weight.metatype == om.PTAtenEmbeddingMetatype: reduction_axes = [1] elif node_with_weight.metatype == om.PTLinearMetatype: reduction_axes = [ndims - 1] diff --git a/nncf/torch/graph/operator_metatypes.py b/nncf/torch/graph/operator_metatypes.py index cdff61294d5..8eda5611049 100644 --- a/nncf/torch/graph/operator_metatypes.py +++ b/nncf/torch/graph/operator_metatypes.py @@ -920,7 +920,7 @@ class PTEmbeddingMetatype(PTOperatorMetatype): @FX_OPERATOR_METATYPES.register() -class FXEmbeddingMetatype(OperatorMetatype): +class PTAtenEmbeddingMetatype(OperatorMetatype): name = "EmbeddingOp" module_to_function_names = {NamespaceTarget.ATEN: ["embedding"]} hw_config_names = [HWConfigOpName.EMBEDDING] diff --git a/tests/torch/data/reference_graphs/fx/reference_metatypes/synthetic_transformer.json b/tests/torch/data/reference_graphs/fx/reference_metatypes/synthetic_transformer.json index db48bf84205..c8375399b97 100644 --- a/tests/torch/data/reference_graphs/fx/reference_metatypes/synthetic_transformer.json +++ b/tests/torch/data/reference_graphs/fx/reference_metatypes/synthetic_transformer.json @@ -1,7 +1,7 @@ { "arg0_1": "PTInputNoopMetatype", "_param_constant0": "PTConstNoopMetatype", - "embedding": "FXEmbeddingMetatype", + "embedding": "PTAtenEmbeddingMetatype", "_param_constant1": "PTConstNoopMetatype", "_param_constant2": "PTConstNoopMetatype", "linear": "PTLinearMetatype", From 2e7e6392442807746de5ec659227e4511c2c8419 Mon Sep 17 00:00:00 2001 From: anzr299 Date: Tue, 24 Sep 2024 15:48:34 +0400 Subject: [PATCH 66/69] Move shared constants unification transformation to `apply_quantization_transformation` --- nncf/experimental/torch/fx/transformations.py | 1 + 1 file changed, 1 insertion(+) diff --git a/nncf/experimental/torch/fx/transformations.py b/nncf/experimental/torch/fx/transformations.py index f7815904719..bffaa141318 100644 --- a/nncf/experimental/torch/fx/transformations.py +++ b/nncf/experimental/torch/fx/transformations.py @@ -539,6 +539,7 @@ def apply_quantization_transformations(model: torch.fx.GraphModule) -> None: fuse_conv_bn(model) separate_conv_and_bias(model) separate_linear_and_bias(model) + shared_constants_unification_transformation(model) def revert_quantization_transformations(model: torch.fx.GraphModule) -> None: From 26a4ff4e5309089de8a4865f755eeb678cdb40da Mon Sep 17 00:00:00 2001 From: Aamir Nazir Date: Thu, 26 Sep 2024 14:06:18 +0400 Subject: [PATCH 67/69] Corrections, comments and refactoring --- .../experimental/torch/fx/nncf_graph_builder.py | 1 - nncf/experimental/torch/fx/transformations.py | 6 ++++-- nncf/quantization/quantize_model.py | 5 +++-- tests/torch/fx/test_compress_weights.py | 17 +++++++++-------- 4 files changed, 16 insertions(+), 13 deletions(-) diff --git a/nncf/experimental/torch/fx/nncf_graph_builder.py b/nncf/experimental/torch/fx/nncf_graph_builder.py index 1a558fc33d7..737b329da4b 100644 --- a/nncf/experimental/torch/fx/nncf_graph_builder.py +++ b/nncf/experimental/torch/fx/nncf_graph_builder.py @@ -138,7 +138,6 @@ def create_nncf_graph(model: torch.fx.GraphModule) -> PTNNCFGraph: 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 = False 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/experimental/torch/fx/transformations.py b/nncf/experimental/torch/fx/transformations.py index bffaa141318..a1966e7a737 100644 --- a/nncf/experimental/torch/fx/transformations.py +++ b/nncf/experimental/torch/fx/transformations.py @@ -144,8 +144,10 @@ def bias_update_transformation(model: torch.fx.GraphModule): def shared_constants_unification_transformation(model: torch.fx.GraphModule): """ - checks fx graph for shared constants, disconnects and eliminates redundant - shared constant while connecting singular shared constant. + checks fx graph for shared constants and eliminates redundant + shared constant while keeping only the first instance of the constant node. + This unification transformation is cruicial since the current algorithms(min_max, solver, BC, etc.) + for torch fx do not utilize the is_shared attribute of nodes for shared constants. :param model: Target Torch FX GraphModule :return: Transformation which attaches shared constants to nodes and removes redundant constants. diff --git a/nncf/quantization/quantize_model.py b/nncf/quantization/quantize_model.py index a79f85b4daa..8c7d4c7c86c 100644 --- a/nncf/quantization/quantize_model.py +++ b/nncf/quantization/quantize_model.py @@ -501,9 +501,10 @@ def compress_weights( f"but given {mode.value} mode." ) - if any((awq, scale_estimation, gptq, lora_correction)): + if any((awq, scale_estimation, gptq, lora_correction, dataset)): raise AttributeError( - "TorchFX backend does not support 'awq', 'scale_estimation', 'gptq' and 'lora_correction' options. " + "TorchFX backend does not support 'awq', 'scale_estimation', 'gptq'," + "'dataset' and 'lora_correction' options. " "Set them to None." ) compression_weights_impl = fx_compression_weights_impl diff --git a/tests/torch/fx/test_compress_weights.py b/tests/torch/fx/test_compress_weights.py index b4020fa7e96..1d5012d5d57 100644 --- a/tests/torch/fx/test_compress_weights.py +++ b/tests/torch/fx/test_compress_weights.py @@ -17,6 +17,7 @@ from nncf import CompressWeightsMode from nncf.common.factory import NNCFGraphFactory +from nncf.data.dataset import Dataset from nncf.experimental.torch.fx.node_utils import get_tensor_constant_from_node from nncf.quantization import compress_weights from nncf.torch.dynamic_graph.patch_pytorch import disable_patching @@ -72,7 +73,7 @@ def _capture_model(model, inputs): return capture_pre_autograd_graph(model, (inputs,)) -@pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) +@pytest.mark.parametrize("mode", SUPPORTED_MODES) def test_compress_weights(mode): model = ShortTransformer(5, 10) input_ids = torch.randint(0, 10, (5,)) @@ -89,7 +90,7 @@ def test_compress_weights(mode): assert n_target_modules == n_compressed_weights -@pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) +@pytest.mark.parametrize("mode", SUPPORTED_MODES) def test_compress_weights_graph_edge(mode): model = ShortTransformer(5, 10) input_ids = torch.randint(0, 10, (5,)) @@ -103,7 +104,7 @@ def test_compress_weights_graph_edge(mode): assert decompressor_node_edge.tensor_shape == decompressor_constant_edge.tensor_shape -@pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) +@pytest.mark.parametrize("mode", SUPPORTED_MODES) def test_compress_weights_shared_weights(mocker, mode): with disable_patching(): model = ShortTransformer(5, 10, share_weights=True) @@ -136,7 +137,7 @@ def test_compress_weights_shared_weights(mocker, mode): assert spy.call_count == 1 -@pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) +@pytest.mark.parametrize("mode", SUPPORTED_MODES) def test_compressed_model_inference(mode): torch.manual_seed(42) model = ShortTransformer(5, 10, share_weights=True) @@ -152,7 +153,7 @@ def test_compressed_model_inference(mode): assert torch.all(torch.isclose(exported_model_output, compressed_model_outputs, atol=1)).item() -@pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) +@pytest.mark.parametrize("mode", SUPPORTED_MODES) def test_compress_weights_model_size_conv(mode): dtype = torch.int8 if mode == CompressWeightsMode.INT8_SYM else torch.uint8 @@ -176,7 +177,7 @@ def test_compress_weights_model_size_conv(mode): assert compressed_model_size < model_size -@pytest.mark.parametrize("mode", (CompressWeightsMode.INT8_SYM, CompressWeightsMode.INT8_ASYM)) +@pytest.mark.parametrize("mode", SUPPORTED_MODES) def test_compress_weights_functional_model(mode): model = FunctionalModel() decompressor_type = "symmetric" if mode == CompressWeightsMode.INT8_SYM else "asymmetric" @@ -206,13 +207,13 @@ def test_compress_weights_functional_model(mode): {"awq": True}, {"scale_estimation": True}, {"lora_correction": True}, + {"dataset": Dataset([1])}, ), ) def test_raise_error_with_unsupported_params_for_int8(mode, params): dummy_torch_model = EmptyModel() dummy_input = torch.Tensor() - with disable_patching(): - exported_model = capture_pre_autograd_graph(dummy_torch_model, args=(dummy_input,)) + exported_model = _capture_model(dummy_torch_model, dummy_input) with pytest.raises(AttributeError): compress_weights(exported_model, mode=mode, **params) From 065bacb544b818354f836d772258471d67bbad16 Mon Sep 17 00:00:00 2001 From: Aamir Nazir Date: Thu, 26 Sep 2024 14:25:26 +0400 Subject: [PATCH 68/69] Add seperate error message for dataset attribute --- nncf/quantization/quantize_model.py | 9 ++++++--- 1 file changed, 6 insertions(+), 3 deletions(-) diff --git a/nncf/quantization/quantize_model.py b/nncf/quantization/quantize_model.py index 8c7d4c7c86c..1f633458e98 100644 --- a/nncf/quantization/quantize_model.py +++ b/nncf/quantization/quantize_model.py @@ -501,11 +501,14 @@ def compress_weights( f"but given {mode.value} mode." ) - if any((awq, scale_estimation, gptq, lora_correction, dataset)): + if any((awq, scale_estimation, gptq, lora_correction)): raise AttributeError( "TorchFX backend does not support 'awq', 'scale_estimation', 'gptq'," - "'dataset' and 'lora_correction' options. " - "Set them to None." + "and 'lora_correction' options. Set them to None." + ) + if dataset: + raise AttributeError( + "TorchFX only supports data-free weights compression," "Set the 'dataset' option to None" ) compression_weights_impl = fx_compression_weights_impl From 3942d45a1d4645ab8f40eb480c8e0ced486ba813 Mon Sep 17 00:00:00 2001 From: Aamir Nazir Date: Thu, 26 Sep 2024 14:25:57 +0400 Subject: [PATCH 69/69] fix comments --- nncf/experimental/torch/fx/transformations.py | 3 +-- 1 file changed, 1 insertion(+), 2 deletions(-) diff --git a/nncf/experimental/torch/fx/transformations.py b/nncf/experimental/torch/fx/transformations.py index a1966e7a737..d097f318c37 100644 --- a/nncf/experimental/torch/fx/transformations.py +++ b/nncf/experimental/torch/fx/transformations.py @@ -144,13 +144,12 @@ def bias_update_transformation(model: torch.fx.GraphModule): def shared_constants_unification_transformation(model: torch.fx.GraphModule): """ - checks fx graph for shared constants and eliminates redundant + checks FX graph for shared constants and eliminates redundant shared constant while keeping only the first instance of the constant node. This unification transformation is cruicial since the current algorithms(min_max, solver, BC, etc.) for torch fx do not utilize the is_shared attribute of nodes for shared constants. :param model: Target Torch FX GraphModule - :return: Transformation which attaches shared constants to nodes and removes redundant constants. """ prev_targets = {}