diff --git a/nncf/experimental/torch/fx/nncf_graph_builder.py b/nncf/experimental/torch/fx/nncf_graph_builder.py index 0863cab72ee..f7501a3fd55 100644 --- a/nncf/experimental/torch/fx/nncf_graph_builder.py +++ b/nncf/experimental/torch/fx/nncf_graph_builder.py @@ -98,7 +98,6 @@ def create_nncf_graph(model: torch.fx.GraphModule) -> PTNNCFGraph: output_port_id=output_port_id, dtype=Dtype.FLOAT, ) - return nncf_graph @staticmethod @@ -121,22 +120,24 @@ def get_edge_params( edge tensor shape. """ output_port_id = 0 + tensor_shape = None if source_node.op in ("get_attr",): tensor_shape = tuple(getattr(model, source_node.target).shape) elif "val" in source_node.meta: if source_nncf_node.metatype is om.PTBatchNormMetatype: tensor = source_node.meta["val"][0] - elif source_nncf_node.metatype is om.PTSplitMetatype: + elif source_nncf_node.metatype in [om.PTSplitMetatype, om.PTMaxMetatype, om.PTMinMetatype]: tensor = source_node.meta["val"][output_idx] - # Assume every split outputs corresponds to an unique output_port_id + # Assume every outputs corresponds to an unique output_port_id output_port_id = output_idx else: tensor = source_node.meta["val"] - tensor_shape = tuple(tensor.shape) - else: + if isinstance(tensor, torch.Tensor): + tensor_shape = tuple(tensor.shape) + + if tensor_shape is None: # TODO(dlyakhov): Refactor algorithms to always have knowns edges shapes. nncf_logger.debug(f"Edge shape between {source_node.name} and {dist_node.name} is unknown.") - tensor_shape = None input_port_id = dist_node.all_input_nodes.index(source_node) return input_port_id, output_port_id, tensor_shape diff --git a/nncf/experimental/torch/fx/node_utils.py b/nncf/experimental/torch/fx/node_utils.py index 5d03d5e355d..a0757ea027c 100644 --- a/nncf/experimental/torch/fx/node_utils.py +++ b/nncf/experimental/torch/fx/node_utils.py @@ -9,7 +9,7 @@ # See the License for the specific language governing permissions and # limitations under the License. -import torch +import torch.fx # TODO(dlyakhov): Use torch.fx.graph.find_nodes method instead after @@ -28,3 +28,24 @@ def get_graph_node_by_name(graph: torch.fx.Graph, name: str) -> torch.fx.Node: if node.name == name: return node raise RuntimeError(f"Node with name {name} is not found") + + +def get_tensor_constant_from_node(constant_node: torch.fx.Node, model: torch.fx.GraphModule) -> torch.nn.Parameter: + """ + Retrieves tensor from the given constant node. + + :param constant_node: Given constant node. + :param model: Given model. + :return: Torch tensor referenced by the given constant node. + """ + if constant_node is None: + return None + if constant_node.op != "get_attr": + raise RuntimeError(f"Given node op == {constant_node.op}, but get_attr is expected.") + target_atoms = constant_node.target.split(".") + attr_itr = model + for i, atom in enumerate(target_atoms): + if not hasattr(attr_itr, atom): + raise RuntimeError(f"Node referenced nonexistent target {'.'.join(target_atoms[:i])}") + attr_itr = getattr(attr_itr, atom) + return attr_itr diff --git a/nncf/experimental/torch/fx/statistics/aggregator.py b/nncf/experimental/torch/fx/statistics/aggregator.py index bf45c4cea0b..9f109147d83 100644 --- a/nncf/experimental/torch/fx/statistics/aggregator.py +++ b/nncf/experimental/torch/fx/statistics/aggregator.py @@ -24,6 +24,7 @@ from nncf.experimental.torch.fx.commands import FXApplyTransformationCommand from nncf.experimental.torch.fx.transformations import leaf_module_insertion_transformation_builder from nncf.tensor import Tensor +from nncf.torch.graph.transformations.commands import PTTargetPoint from nncf.torch.nncf_network import NNCFNetwork from nncf.torch.return_types import maybe_get_values_from_torch_return_type @@ -65,6 +66,24 @@ def collect_statistics(self, model: NNCFNetwork, graph: NNCFGraph) -> None: def _register_statistics(self, outputs: Dict[str, Tensor], statistic_points: StatisticPointsContainer) -> None: return + @staticmethod + def _get_statistic_collector_name(tp: PTTargetPoint, module_to_insert: torch.nn.Module) -> str: + """ + Compouses unique statistic collector name according to given target point and module. + + :param tp: Given target point. + :param module_to_insert: Given statistic collection module. + :return: Unique statistic collector name according to given target point and module. + """ + return "_".join( + [ + tp.target_node_name, + str(tp.input_port_id), + str(tp.target_type.value), + str(id(module_to_insert)), + ] + ) + def _get_transformation_layout_extra_outputs( self, statistic_points: StatisticPointsContainer ) -> TransformationLayout: @@ -75,8 +94,11 @@ def _get_transformation_layout_extra_outputs( for _statistic_point in _statistic_points: for collectors in _statistic_point.algorithm_to_tensor_collectors.values(): for collector in collectors: + tp = _statistic_point.target_point + module_to_insert = TensorCollectorModule(collector) + target_module_name = self._get_statistic_collector_name(tp, module_to_insert) transformation = leaf_module_insertion_transformation_builder( - TensorCollectorModule(collector), [_statistic_point.target_point] + module_to_insert, [tp], target_module_name ) transformation_commands.append( FXApplyTransformationCommand( diff --git a/nncf/experimental/torch/fx/transformations.py b/nncf/experimental/torch/fx/transformations.py index 6e10e8f25f4..d15172e93d0 100644 --- a/nncf/experimental/torch/fx/transformations.py +++ b/nncf/experimental/torch/fx/transformations.py @@ -14,7 +14,6 @@ import torch import torch.fx from torch.ao.quantization.fx.utils import create_getattr_from_value -from torch.ao.quantization.pt2e.utils import _get_tensor_constant_from_node from torch.ao.quantization.pt2e.utils import fold_bn_weights_into_conv_node from torch.quantization.fake_quantize import FakeQuantize @@ -22,13 +21,72 @@ from nncf.common.graph.graph import NNCFNode from nncf.common.graph.transformations.commands import TargetType 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.torch.graph.transformations.commands import PTTargetPoint 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): + """ + Sets correct meta \"val\" value to the new node. + + :param new_node: The new node. + :param prev_node: Input node of the new node. + 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 = val if isinstance(val, tuple) else (val,) + retval = [] + for t in val: + retval.append(torch.ones(t.shape)) + + with torch.no_grad(): + new_node.meta["val"] = target_module(*val) + + +def module_insertion_transformation_builder( + module_to_insert: torch.nn.Module, target_points: List[PTTargetPoint], target_module_name: str +) -> TransformationFNType: + """ + Returns transformation which inserts given module to a target model + and calls given module after each target points replacing inputs/outputs + of the target node. + + :param module_to_insert: Given torch.nn.Module to insert. + :param target_points: Target points to insert the target module. + :param target_module_name: Target model attribute name for the module_to_insert. + :returns: Transformation which which inserts given module to a target model + and calls given module after each target points. + """ + + def module_insertion_transformation(model: torch.fx.GraphModule): + module_attr_name = _set_module_to_the_graph_module(model, module_to_insert, target_module_name) + # Insert call_module nodes to the model + graph = model.graph + for idx, target_point in enumerate(target_points): + new_node = _insert_call_module(graph, target_point, module_attr_name, f"{module_attr_name}_{idx}") + 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) + with graph.inserting_after(target_node): + for user in target_node.users: + 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) + target_node.replace_input_with(prev_node, new_node) + + return module_insertion_transformation + + def leaf_module_insertion_transformation_builder( - module_to_insert: torch.nn.Module, target_points: List[PTTargetPoint] + module_to_insert: torch.nn.Module, target_points: List[PTTargetPoint], target_module_name: str ) -> TransformationFNType: """ Returns transformation which inserts given module to a target model @@ -36,27 +94,28 @@ def leaf_module_insertion_transformation_builder( :param module_to_insert: Given torch.nn.Module to insert. :param target_points: Target points to insert the target module. + :param target_module_name: Target model attribute name for the module_to_insert. :returns: Transformation which which inserts given module to a target model and calls given module after each target points. """ def leaf_module_insertion_transformation(model: torch.fx.GraphModule): - module_attr_name = _set_module_to_the_graph_module(model, module_to_insert, target_points) + module_attr_name = _set_module_to_the_graph_module(model, module_to_insert, target_module_name) # Insert call_module nodes to the model graph = model.graph - for target_point in target_points: - _insert_call_module(graph, target_point, module_attr_name) + for idx, target_point in enumerate(target_points): + _insert_call_module(graph, target_point, module_attr_name, f"{module_attr_name}_{idx}") return leaf_module_insertion_transformation def bias_update_transformation_builder(node: NNCFNode, value: torch.Tensor) -> TransformationFNType: """ - Return transformation which updates constant of the given bias node to the given value. + Return transformation which updates constant of the given node with bias to the given value. - :param node: Bias node which requires bias constant update. + :param node: Node with bias which requires bias constant update. :param value: New value to use as the bias constant. - :return: Transformation which updates constant of the given bias node to the given value. + :return: Transformation which updates constant of the given node with bias to the given value. """ def bias_update_transformation(model: torch.fx.GraphModule): @@ -67,18 +126,51 @@ def bias_update_transformation(model: torch.fx.GraphModule): raise nncf.InternalError(f"Node with bias have {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 + "_shifted_bias", value) - - args = list(bias_node.args) - # A bias node suppose to have constant on the second input port. - args[1] = new_constant - bias_node.args = tuple(args) - graph.eliminate_dead_code() + constant_update_fn(model, bias_node, value, input_port_id=1) return bias_update_transformation +def constant_update_transformation_builder(node: NNCFNode, value: torch.Tensor) -> 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. + :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) + + return constant_update_transformation + + +def constant_update_fn(model: torch.fx.GraphModule, node: torch.fx.Node, value: torch.Tensor, input_port_id: int = 1): + """ + Updates constant of given node on the given input port id with given value. + + :param model: Target torch GraphModule. + :param node: Given graph node. + :param value: New value to use as the node constant. + :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": + raise nncf.InternalError( + f"Constant on input port {input_port_id} for {node} is expected," + f" but node {args[input_port_id]} is present." + ) + args[input_port_id] = new_constant + node.args = tuple(args) + graph.eliminate_dead_code() + + def qdq_insertion_transformation_builder( quantizer: FakeQuantize, target_points: List[PTTargetPoint] ) -> TransformationFNType: @@ -200,25 +292,23 @@ def insert_one_qdq(model: torch.fx.GraphModule, target_point: PTTargetPoint, qua raise nncf.InternalError(f"Unexpected target type: {target_point.target_type}") -def _insert_call_module(graph: torch.fx.Graph, target_point: PTTargetPoint, module_attr_name: str): +def _insert_call_module( + graph: torch.fx.Graph, target_point: PTTargetPoint, module_attr_name: str, graph_node_name: str +): """ Inserts module call node to the graph after the target node. :param graph: Graph to insert module call node. :param target_node: Target node, module call node is being iserted just after the target node. :param module_attr_name: The name of the graph attribute which keeps the target module. + :param graph_node_name: Target name for module call node. + :return: Inserted module call node. """ target_node = get_graph_node_by_name(graph, target_point.target_node_name) input_node = get_input_node(target_point, target_node) ctx_manager = get_ctx_manager(graph, target_point) with ctx_manager(target_node): - return graph.create_node( - "call_module", - module_attr_name, - (input_node,), - {}, - name=f"{module_attr_name}_{str(target_point.target_type)}_graph_node", - ) + return graph.create_node("call_module", module_attr_name, (input_node,), {}, name=graph_node_name) def get_input_node(target_point: PTTargetPoint, target_node: torch.fx.Node) -> torch.fx.Node: @@ -264,26 +354,18 @@ def get_ctx_manager(graph: torch.fx.Graph, target_point: PTTargetPoint) -> Calla def _set_module_to_the_graph_module( - model: torch.fx.GraphModule, module_to_insert: torch.nn.Module, target_points: List[PTTargetPoint] + model: torch.fx.GraphModule, + module_to_insert: torch.nn.Module, + module_name_in_model: str, ) -> str: """ Sets given module to the given torch.fx.GraphModule with unique name. :param graph: Target torch.fx.Graph. :param module_to_insert: Module to insert to the target graph. - :param target_points: Target points which will be used to insert target module - to the graph. + :param module_name_in_model: Target model attribute name for the module_to_insert. :return: A graph module attribute name which keep given module. """ - module_to_insert = module_to_insert - # TODO(dlyakhov) Make module name human readable. - module_name_in_model = ( - "__".join( - "_".join((tp.target_node_name, str(tp.input_port_id), str(tp.target_type.value))) for tp in target_points - ) - + "_" - + str(id(module_to_insert)) - ) assert not hasattr(model, module_name_in_model) setattr(model, module_name_in_model, module_to_insert) return module_name_in_model @@ -397,7 +479,7 @@ def separate_linear_and_bias(model: torch.fx.GraphModule): while linear_bias_node.op != "get_attr": # Assume zero argument is on a path to the constant linear_bias_node = linear_bias_node.args[0] - linear_bias_value = _get_tensor_constant_from_node(linear_bias_node, model) + linear_bias_value = get_tensor_constant_from_node(linear_bias_node, model) args = list(n.args) args[2] = None linear_node.args = tuple(args) @@ -436,9 +518,9 @@ def separate_conv_and_bias(model: torch.fx.GraphModule): if len(n.args) < 3 or n.args[2] is None: continue conv_node = n - dims = len(_get_tensor_constant_from_node(conv_node.args[1], model).shape) + dims = len(get_tensor_constant_from_node(conv_node.args[1], model).shape) conv_bias_node = conv_node.args[2] - conv_bias_value = _get_tensor_constant_from_node(conv_bias_node, model) + conv_bias_value = get_tensor_constant_from_node(conv_bias_node, model) args = list(n.args) args[2] = None conv_node.args = tuple(args) @@ -502,7 +584,7 @@ def _merge_node_and_bias(model: torch.fx.GraphModule, is_target_node: Callable[[ const_node = node break assert const_node is not None - bias_value = _get_tensor_constant_from_node(const_node, model).squeeze() + bias_value = get_tensor_constant_from_node(const_node, model).squeeze() with model.graph.inserting_before(conv_node): new_bias_node = create_getattr_from_value(model, model.graph, const_node.name + "_", bias_value) args = list(conv_node.args) diff --git a/nncf/quantization/algorithms/fast_bias_correction/torch_fx_backend.py b/nncf/quantization/algorithms/fast_bias_correction/torch_fx_backend.py index d808448307e..883e72283ed 100644 --- a/nncf/quantization/algorithms/fast_bias_correction/torch_fx_backend.py +++ b/nncf/quantization/algorithms/fast_bias_correction/torch_fx_backend.py @@ -14,7 +14,6 @@ import numpy as np import torch import torch.fx -from torch.ao.quantization.pt2e.utils import _get_tensor_constant_from_node import nncf.torch.graph.operator_metatypes as om from nncf.common.graph import NNCFGraph @@ -24,6 +23,7 @@ from nncf.experimental.common.tensor_statistics.collectors import TensorCollector from nncf.experimental.torch.fx.commands import FXApplyTransformationCommand from nncf.experimental.torch.fx.node_utils import get_graph_node_by_name +from nncf.experimental.torch.fx.node_utils import get_tensor_constant_from_node from nncf.experimental.torch.fx.transformations import bias_update_transformation_builder from nncf.quantization.algorithms.fast_bias_correction.backend import FastBiasCorrectionAlgoBackend from nncf.tensor import Tensor @@ -86,7 +86,7 @@ def get_bias_value(node: NNCFNode, nncf_graph: NNCFGraph, model: torch.fx.GraphM bias_node = nncf_graph.get_next_nodes(node)[0] # TODO(dlyakhov): make a node_name_vs_node map to speed up the process graph_bias_node = get_graph_node_by_name(model.graph, bias_node.node_name) - return Tensor(_get_tensor_constant_from_node(graph_bias_node.all_input_nodes[1], model)) + return Tensor(get_tensor_constant_from_node(graph_bias_node.all_input_nodes[1], model)) @staticmethod def get_activation_port_ids_for_bias_node(node: NNCFNode) -> Tuple[int, int]: diff --git a/nncf/quantization/algorithms/smooth_quant/algorithm.py b/nncf/quantization/algorithms/smooth_quant/algorithm.py index 1176c82ac22..83aefc6709a 100644 --- a/nncf/quantization/algorithms/smooth_quant/algorithm.py +++ b/nncf/quantization/algorithms/smooth_quant/algorithm.py @@ -70,7 +70,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: """ @@ -87,6 +87,10 @@ def _set_backend_entity(self, model: TModel) -> None: from nncf.quantization.algorithms.smooth_quant.torch_backend import PTSmoothQuantAlgoBackend self._backend_entity = PTSmoothQuantAlgoBackend() + elif model_backend == BackendType.TORCH_FX: + from nncf.quantization.algorithms.smooth_quant.torch_fx_backend import FXSmoothQuantAlgoBackend + + self._backend_entity = FXSmoothQuantAlgoBackend() else: raise nncf.UnsupportedBackendError( "Cannot return backend-specific entity because {} is not supported!".format(model_backend.value) @@ -130,7 +134,7 @@ def apply( activations_value = self._clip_statistics(activations_value) - weight_value = self._backend_entity.get_weight_value(node_to_smooth, model) + weight_value = self._backend_entity.get_weight_value(node_to_smooth, model, graph) weight_statistics = self._process_weight_statistics(node_to_smooth, weight_value) weight_statistics = self._clip_statistics([weight_statistics]) @@ -155,7 +159,7 @@ def apply( continue for node_to_smooth in nodes: - weight_value = self._backend_entity.get_weight_value(node_to_smooth, model) + weight_value = self._backend_entity.get_weight_value(node_to_smooth, model, graph) weights_scale = self._calculate_weight_scale(best_scale, node_to_smooth, weight_value) scaled_weight = weight_value * weights_scale weight_update_command = self._backend_entity.weight_update_command(node_to_smooth, scaled_weight.data) diff --git a/nncf/quantization/algorithms/smooth_quant/backend.py b/nncf/quantization/algorithms/smooth_quant/backend.py index ecee83d65dd..3db81d95300 100644 --- a/nncf/quantization/algorithms/smooth_quant/backend.py +++ b/nncf/quantization/algorithms/smooth_quant/backend.py @@ -113,26 +113,17 @@ def get_abs_max_channel_collector( @staticmethod @abstractmethod - def get_weight_value(node_with_weight: NNCFNode, model: TModel, port_id: int) -> Tensor: + def get_weight_value(node_with_weight: NNCFNode, model: TModel, port_id: int, nncf_graph: NNCFGraph) -> Tensor: """ Returns the weight value for the node with weight. :param node_with_weight: The node with weight. :param model: The model that contains this operation. :param port_id: The input port ID to get weight input. + :param nncf_graph: NNCFGraph instance. :return: The weight value. """ - @staticmethod - @abstractmethod - def get_weight_tensor_port_id(node: NNCFNode) -> int: - """ - Returns node's input port indices with weights tensors. - - :param node: NNCFNode to find its weights input port indices. - :return: Weights input port indices. - """ - @staticmethod @abstractmethod def weight_update_command( diff --git a/nncf/quantization/algorithms/smooth_quant/openvino_backend.py b/nncf/quantization/algorithms/smooth_quant/openvino_backend.py index 30b84485fe0..8a8a74490ee 100644 --- a/nncf/quantization/algorithms/smooth_quant/openvino_backend.py +++ b/nncf/quantization/algorithms/smooth_quant/openvino_backend.py @@ -86,7 +86,7 @@ def get_abs_max_channel_collector( return collector @staticmethod - def get_weight_value(node_with_weight: NNCFNode, model: ov.Model) -> Tensor: + def get_weight_value(node_with_weight: NNCFNode, model: ov.Model, nncf_graph: NNCFGraph) -> Tensor: port_id = OVSmoothQuantAlgoBackend.get_weight_tensor_port_id(node_with_weight) return Tensor(get_weight_value(node_with_weight, model, port_id)) diff --git a/nncf/quantization/algorithms/smooth_quant/torch_backend.py b/nncf/quantization/algorithms/smooth_quant/torch_backend.py index eb0b5760974..15d247bb64d 100644 --- a/nncf/quantization/algorithms/smooth_quant/torch_backend.py +++ b/nncf/quantization/algorithms/smooth_quant/torch_backend.py @@ -119,22 +119,13 @@ def get_abs_max_channel_collector( return collector @staticmethod - def get_weight_value(node_with_weight: NNCFNode, model: NNCFNetwork) -> Tensor: - weight_node = get_const_node( - node_with_weight, node_with_weight.metatype.weight_port_ids[0], model.nncf.get_graph() - ) + def get_weight_value(node_with_weight: NNCFNode, model: NNCFNetwork, nncf_graph: NNCFGraph) -> Tensor: + weight_node = get_const_node(node_with_weight, node_with_weight.metatype.weight_port_ids[0], nncf_graph) if weight_node is None: raise RuntimeError(f"{node_with_weight} node has no weight node.") weight_data = get_const_data(weight_node, model) return Tensor(weight_data) - @staticmethod - def get_weight_tensor_port_id(node: NNCFNode) -> int: - const_ids = node.layer_attributes.get_const_port_ids() - if len(const_ids) != 1: - raise RuntimeError(f"Found more than 1 port for {node.node_name} node") - return const_ids[0] - @staticmethod def weight_update_command(node_with_weight: NNCFNode, weight_value: np.ndarray) -> OVWeightUpdateCommand: return create_command_to_update_weight(node_with_weight, weight_value) diff --git a/nncf/quantization/algorithms/smooth_quant/torch_fx_backend.py b/nncf/quantization/algorithms/smooth_quant/torch_fx_backend.py new file mode 100644 index 00000000000..2b4bb7b37b9 --- /dev/null +++ b/nncf/quantization/algorithms/smooth_quant/torch_fx_backend.py @@ -0,0 +1,155 @@ +# 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 Callable, List, Tuple + +import torch.fx + +import nncf.torch.graph.operator_metatypes as om +from nncf.common.graph import NNCFGraph +from nncf.common.graph import NNCFNode +from nncf.common.graph.operator_metatypes import OperatorMetatype +from nncf.common.graph.transformations.commands import TargetType +from nncf.common.quantization.quantizer_propagation.structs import QuantizationTrait +from nncf.common.tensor_statistics.statistic_point import StatisticPoint +from nncf.experimental.common.tensor_statistics.collectors import MaxAggregator +from nncf.experimental.common.tensor_statistics.collectors import TensorCollector +from nncf.experimental.torch.fx.commands import FXApplyTransformationCommand +from nncf.experimental.torch.fx.node_utils import get_tensor_constant_from_node +from nncf.experimental.torch.fx.transformations import constant_update_transformation_builder +from nncf.experimental.torch.fx.transformations import get_graph_node_by_name +from nncf.experimental.torch.fx.transformations import module_insertion_transformation_builder +from nncf.openvino.graph.transformations.commands import OVMultiplyInsertionCommand +from nncf.openvino.graph.transformations.commands import OVWeightUpdateCommand +from nncf.quantization.algorithms.smooth_quant.backend import SmoothQuantAlgoBackend +from nncf.tensor import Tensor +from nncf.torch.graph.transformations.commands import PTTargetPoint +from nncf.torch.model_graph_manager import get_const_node +from nncf.torch.quantization.default_quantization import DEFAULT_PT_QUANT_TRAIT_TO_OP_DICT +from nncf.torch.tensor_statistics.collectors import PTAbsMaxReducer + +PT_PRE_LAYER_TARGET_TYPE = TargetType.OPERATOR_PRE_HOOK + + +class FXSQMultiply(torch.nn.Module): + def __init__(self, scale: torch.Tensor): + super().__init__() + self._scale_value = scale + + def forward(self, x: torch.Tensor) -> torch.Tensor: + return torch.mul(x, self._scale_value) + + +class FXSmoothQuantAlgoBackend(SmoothQuantAlgoBackend): + @property + def convolution_metatypes(self) -> List[OperatorMetatype]: + return [ + om.PTConv1dMetatype, + om.PTConv2dMetatype, + om.PTConv3dMetatype, + ] + + @property + def matmul_metatypes(self) -> List[OperatorMetatype]: + return [om.PTLinearMetatype] + + @property + def quantize_agnostic_metatypes(self) -> List[OperatorMetatype]: + return DEFAULT_PT_QUANT_TRAIT_TO_OP_DICT[QuantizationTrait.QUANTIZATION_AGNOSTIC] + + @staticmethod + def pre_layer_target_type() -> TargetType: + return PT_PRE_LAYER_TARGET_TYPE + + @staticmethod + def target_point(target_type: TargetType, target_node_name: str, port_id: int) -> PTTargetPoint: + return PTTargetPoint(target_type, target_node_name, input_port_id=port_id) + + @staticmethod + def is_node_with_weights(node: NNCFNode) -> bool: + # Metatypes of linears and convolutions guarantee + # all nodes with the metatypes have weights, we can skip + # this check by returning True. + return True + + @staticmethod + def get_activations_port_id(node: NNCFNode, nncf_graph: NNCFGraph) -> int: + return 0 + + @staticmethod + def get_abs_max_channel_collector( + num_samples: int, stats_reduction_axes: Tuple[int], inplace: bool, branch_key: str + ) -> TensorCollector: + collector = TensorCollector() + reducer = PTAbsMaxReducer(reduction_axes=stats_reduction_axes) + aggregator = MaxAggregator(num_samples=num_samples) + collector.register_statistic_branch(branch_key, reducer, aggregator) + return collector + + @staticmethod + def get_weight_value(node_with_weight: NNCFNode, model: torch.fx.GraphModule, nncf_graph: NNCFGraph) -> Tensor: + weight_node = get_const_node(node_with_weight, node_with_weight.metatype.weight_port_ids[0], nncf_graph) + if weight_node is None: + raise RuntimeError(f"{node_with_weight} node has no weight node.") + graph_node = get_graph_node_by_name(model.graph, weight_node.node_name) + weight_data = get_tensor_constant_from_node(graph_node, model) + return Tensor(weight_data.data) + + @staticmethod + def weight_update_command(node_with_weight: NNCFNode, weight_value: torch.Tensor) -> OVWeightUpdateCommand: + return FXApplyTransformationCommand(constant_update_transformation_builder(node_with_weight, weight_value.data)) + + @staticmethod + def scale_insertion_command( + source_node: NNCFNode, + scale_value: torch.Tensor, + source_output_port_id: int, + nodes: List[NNCFNode], + scale_node_name: str, + ) -> OVMultiplyInsertionCommand: + input_port_id = 0 + target_points = [] + for node in nodes: + target_points.append(PTTargetPoint(PT_PRE_LAYER_TARGET_TYPE, node.node_name, input_port_id=input_port_id)) + + sq_multiply = FXSQMultiply(scale_value) + return FXApplyTransformationCommand( + module_insertion_transformation_builder(sq_multiply, target_points, scale_node_name) + ) + + @staticmethod + def get_activation_channel_axis(node: NNCFNode, port_id: int) -> int: + if node.metatype == om.PTLinearMetatype: + return -1 + # TODO: Add activation axis calculation when MatMul will be supported + return 1 + + @staticmethod + def get_weight_channel_axis(node: NNCFNode) -> int: + # TODO: Add activation axis calculation when MatMul will be supported + return 1 + + @staticmethod + def is_node_with_shared_weight(node: NNCFNode, nncf_graph: NNCFGraph) -> bool: + # TODO(dlyakhov): Support shared layers in TorchFX. + # Ref: 149316 + return False + + @staticmethod + def get_filter_fn_for_statistics(activation_port_id: int, algorithm_key: str) -> Callable[[StatisticPoint], bool]: + def filter_func(point: StatisticPoint) -> bool: + return ( + algorithm_key in point.algorithm_to_tensor_collectors + and point.target_point.type == PT_PRE_LAYER_TARGET_TYPE + and point.target_point.input_port_id == activation_port_id + ) + + return filter_func diff --git a/tests/openvino/native/test_smooth_quant.py b/tests/openvino/native/test_smooth_quant.py index ef62647d4d7..27b7f28386d 100644 --- a/tests/openvino/native/test_smooth_quant.py +++ b/tests/openvino/native/test_smooth_quant.py @@ -17,7 +17,6 @@ import torch import nncf -from nncf.common.graph.transformations.commands import TransformationCommand from nncf.openvino.graph.layer_attributes import OVLayerAttributes from nncf.openvino.graph.layout import OVLayoutElem from nncf.openvino.graph.metatypes.openvino_metatypes import OVConvolutionMetatype @@ -68,6 +67,10 @@ class TestOVSQAlgorithm(TemplateTestSQAlgorithm): + @staticmethod + def backend_supports_shared_layers() -> bool: + return True + @staticmethod def fn_to_type(tensor) -> np.ndarray: return np.array(tensor) @@ -85,10 +88,6 @@ def get_node_name_map(self, model_cls) -> Dict[str, str]: return {} raise NotImplementedError - @staticmethod - def get_target_node_name(command: TransformationCommand): - return command.target_point.target_node_name - @staticmethod def get_transform_fn() -> Callable: def transform_fn(data_item): diff --git a/tests/post_training/data/ptq_reference_data.yaml b/tests/post_training/data/ptq_reference_data.yaml index 17321b06036..4976a7134b1 100644 --- a/tests/post_training/data/ptq_reference_data.yaml +++ b/tests/post_training/data/ptq_reference_data.yaml @@ -34,12 +34,18 @@ torchvision/resnet18_backend_CUDA_TORCH: metric_value: 0.69152 torchvision/resnet18_backend_FX_TORCH: metric_value: 0.6946 +torchvision/vit_b_16_backend_FP32: + metric_value: 0.8107 +torchvision/vit_b_16_backend_OV: + metric_value: 0.80948 +torchvision/vit_b_16_backend_FX_TORCH: + metric_value: 0.80702 torchvision/swin_v2_s_backend_FP32: metric_value: 0.83712 torchvision/swin_v2_s_backend_OV: metric_value: 0.83638 torchvision/swin_v2_s_backend_FX_TORCH: - metric_value: 0.82908 + metric_value: 0.8296 timm/crossvit_9_240_backend_CUDA_TORCH: metric_value: 0.689 timm/crossvit_9_240_backend_FP32: diff --git a/tests/post_training/model_scope.py b/tests/post_training/model_scope.py index 1bec8d1d4ae..dcddb1f6943 100644 --- a/tests/post_training/model_scope.py +++ b/tests/post_training/model_scope.py @@ -75,6 +75,17 @@ "backends": [BackendType.FX_TORCH, BackendType.TORCH, BackendType.CUDA_TORCH, BackendType.OV, BackendType.ONNX], "batch_size": 128, }, + { + "reported_name": "torchvision/vit_b_16", + "model_id": "vit_b_16", + "pipeline_cls": ImageClassificationTorchvision, + "compression_params": { + "model_type": ModelType.TRANSFORMER, + "advanced_parameters": AdvancedQuantizationParameters(smooth_quant_alpha=0.15), + }, + "backends": [BackendType.FX_TORCH, BackendType.OV], + "batch_size": 1, + }, { "reported_name": "torchvision/swin_v2_s", "model_id": "swin_v2_s", diff --git a/tests/post_training/test_templates/test_smooth_quant.py b/tests/post_training/test_templates/test_smooth_quant.py index 79d43bce711..c90801674b9 100644 --- a/tests/post_training/test_templates/test_smooth_quant.py +++ b/tests/post_training/test_templates/test_smooth_quant.py @@ -10,15 +10,15 @@ # limitations under the License. from abc import abstractmethod -from typing import Callable, Dict, Type, TypeVar +from typing import Any, Callable, Dict, Type, TypeVar import pytest import nncf +from nncf import IgnoredScope from nncf.common.factory import NNCFGraphFactory from nncf.common.factory import StatisticsAggregatorFactory from nncf.common.graph.graph import NNCFNode -from nncf.common.graph.transformations.commands import TransformationCommand from nncf.experimental.common.tensor_statistics.collectors import AbsMaxReducer from nncf.experimental.common.tensor_statistics.collectors import MaxAggregator from nncf.parameters import ModelType @@ -39,6 +39,12 @@ class TemplateTestSQAlgorithm: + @staticmethod + def backend_supports_shared_layers() -> bool: + """ + Returns False if backend does not support shared layers yet. + """ + @staticmethod def fn_to_type(tensor) -> TTensor: return tensor @@ -57,13 +63,6 @@ def get_node_name_map(self, model_cls) -> Dict[str, str]: to nncf_grpah nodes names. """ - @staticmethod - @abstractmethod - def get_target_node_name(command: TransformationCommand): - """ - Get target node name from a transformation command. - """ - @staticmethod @abstractmethod def get_transform_fn() -> Callable: @@ -100,10 +99,19 @@ def get_matmul_metatype(): """ @staticmethod - def get_quantization_algorithm(): + def get_ignored_scope(model_cls: Any) -> IgnoredScope: + """ + Returns quantization ignored scope for given model class. + Default implementation is an empty ignored scope. + """ + return IgnoredScope() + + @staticmethod + def get_quantization_algorithm(ignored_scope: IgnoredScope): return PostTrainingQuantization( subset_size=1, model_type=ModelType.TRANSFORMER, + ignored_scope=ignored_scope, advanced_parameters=AdvancedQuantizationParameters( overflow_fix=OverflowFix.DISABLE, smooth_quant_alphas=AdvancedSmoothQuantParameters(matmul=0.95, convolution=0.95), @@ -156,7 +164,7 @@ def test_smooth_quant_algo(self, model_cls, reference_values, tmpdir): model = self.backend_specific_model(model_cls(), tmpdir) dataset = get_static_dataset(model_cls.INPUT_SIZE, self.get_transform_fn(), self.fn_to_type) - quantization_algorithm = self.get_quantization_algorithm() + quantization_algorithm = self.get_quantization_algorithm(self.get_ignored_scope(model_cls)) graph = NNCFGraphFactory.create(model) quantized_model = quantization_algorithm.apply(model, graph, dataset=dataset) @@ -209,6 +217,9 @@ def test_get_abs_max_channel_collector(self, inplace_statistics: bool): ), ) def test__get_nodes_to_smooth_data(self, model_cls, references, tmpdir): + if not self.backend_supports_shared_layers() and model_cls is ShareWeghtsConvAndShareLinearModel: + pytest.skip("Current backend does not support shared weights yet.") + model = self.backend_specific_model(model_cls(), tmpdir) nncf_graph = NNCFGraphFactory.create(model) @@ -240,6 +251,13 @@ def test_empty_stats(self, mocker, tmpdir): statistics_aggregator.register_statistic_points(algo_statistic_points) statistics_aggregator.collect_statistics(model, graph) + weight_update_mock = mocker.MagicMock() + scale_insertion_mock = mocker.MagicMock() + backend_entity = algo._backend_entity + backend_entity.weight_update_command = weight_update_mock + backend_entity.scale_insertion_command = scale_insertion_mock + algo._set_backend_entity = lambda model: backend_entity + mocked_transformer = mocker.MagicMock() mocker.patch("nncf.common.factory.ModelTransformerFactory.create", return_value=mocked_transformer) algo.apply(model, graph, algo_statistic_points) @@ -249,9 +267,16 @@ def test_empty_stats(self, mocker, tmpdir): assert len(arg.transformations) == 2 mm_metatype = self.get_matmul_metatype() - matmuls = [node for node in graph.topological_sort() if node.metatype == mm_metatype] - for transformation in arg.transformations: - assert self.get_target_node_name(transformation) != matmuls[0].node_name + target_matmul = [node for node in graph.topological_sort() if node.metatype == mm_metatype][1] + + # Check weights update command + weight_update_mock.assert_called_once() + assert target_matmul == target_matmul + + # Check scale insertion command + scale_insertion_mock.assert_called_once() + target_nodes = scale_insertion_mock.call_args.args[3] + assert target_nodes == [target_matmul] def test_get_activation_channel_axis(self, node_metatype, layer_attributes, port_id, reference_value): backend = self.get_backend() diff --git a/tests/torch/data/reference_graphs/fx/quantized/swin_v2_s.dot b/tests/torch/data/reference_graphs/fx/quantized/swin_v2_s.dot index 9df3dcf79cb..ea39f9c0188 100644 --- a/tests/torch/data/reference_graphs/fx/quantized/swin_v2_s.dot +++ b/tests/torch/data/reference_graphs/fx/quantized/swin_v2_s.dot @@ -1,7 +1,7 @@ strict digraph { "0 arg0_1" [id=0, type=input]; -"1 quantize_per_tensor_default_3" [id=1, type=quantize_per_tensor]; -"2 dequantize_per_tensor_default_3" [id=2, type=dequantize_per_tensor]; +"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]; @@ -14,3003 +14,3151 @@ strict digraph { "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 _param_constant4" [id=15, type=get_attr]; -"16 linear_scale_0" [id=16, type=get_attr]; -"17 linear_zero_point_0" [id=17, type=get_attr]; -"18 quantize_per_channel_default_1" [id=18, type=quantize_per_channel]; -"19 dequantize_per_channel_default_1" [id=19, type=dequantize_per_channel]; -"20 _param_constant5_0_0" [id=20, type=get_attr]; -"21 linear" [id=21, type=linear]; -"22 relu_" [id=22, type=relu_]; -"23 _param_constant6" [id=23, type=get_attr]; -"24 linear_1_scale_0" [id=24, type=get_attr]; -"25 linear_1_zero_point_0" [id=25, type=get_attr]; -"26 quantize_per_channel_default_2" [id=26, type=quantize_per_channel]; -"27 dequantize_per_channel_default_2" [id=27, type=dequantize_per_channel]; -"28 linear_1" [id=28, type=linear]; -"29 view" [id=29, type=view]; -"30 _tensor_constant1" [id=30, type=get_attr]; -"31 index" [id=31, type=index]; -"32 view_1" [id=32, type=view]; -"33 permute_1" [id=33, type=permute]; -"34 contiguous" [id=34, type=contiguous]; -"35 unsqueeze" [id=35, type=unsqueeze]; -"36 sigmoid" [id=36, type=sigmoid]; -"37 mul" [id=37, type=mul]; -"38 quantize_per_tensor_default_4" [id=38, type=quantize_per_tensor]; -"39 dequantize_per_tensor_default_4" [id=39, type=dequantize_per_tensor]; +"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 _param_constant8" [id=44, type=get_attr]; -"45 linear_2_scale_0" [id=45, type=get_attr]; -"46 linear_2_zero_point_0" [id=46, type=get_attr]; -"47 quantize_per_channel_default_3" [id=47, type=quantize_per_channel]; -"48 dequantize_per_channel_default_3" [id=48, type=dequantize_per_channel]; -"49 _param_constant7_0_0" [id=49, type=get_attr]; -"50 linear_2" [id=50, type=linear]; -"51 reshape_1" [id=51, type=reshape]; -"52 permute_3" [id=52, type=permute]; -"53 select" [id=53, type=select]; -"54 select_1" [id=54, type=select]; -"55 select_2" [id=55, type=select]; -"56 linalg_vector_norm" [id=56, type=linalg_vector_norm]; -"57 clamp_min" [id=57, type=clamp_min]; -"58 expand_as" [id=58, type=expand_as]; -"59 div" [id=59, type=div]; -"60 quantize_per_tensor_default_5" [id=60, type=quantize_per_tensor]; -"61 dequantize_per_tensor_default_5" [id=61, type=dequantize_per_tensor]; -"62 linalg_vector_norm_1" [id=62, type=linalg_vector_norm]; -"63 clamp_min_1" [id=63, type=clamp_min]; -"64 expand_as_1" [id=64, type=expand_as]; -"65 div_1" [id=65, type=div]; -"66 quantize_per_tensor_default_6" [id=66, type=quantize_per_tensor]; -"67 dequantize_per_tensor_default_6" [id=67, type=dequantize_per_tensor]; -"68 transpose" [id=68, type=transpose]; -"69 matmul" [id=69, type=matmul]; -"70 _param_constant9" [id=70, type=get_attr]; -"71 clamp" [id=71, type=clamp]; -"72 exp" [id=72, type=exp]; -"73 mul_1" [id=73, type=mul]; -"74 add" [id=74, type=add]; -"75 softmax" [id=75, type=softmax]; -"76 dropout" [id=76, type=dropout]; -"77 matmul_1" [id=77, type=matmul]; -"78 quantize_per_tensor_default_7" [id=78, type=quantize_per_tensor]; -"79 dequantize_per_tensor_default_7" [id=79, type=dequantize_per_tensor]; -"80 transpose_1" [id=80, type=transpose]; -"81 reshape_2" [id=81, type=reshape]; -"82 _param_constant10" [id=82, type=get_attr]; -"83 linear_3_scale_0" [id=83, type=get_attr]; -"84 linear_3_zero_point_0" [id=84, type=get_attr]; -"85 quantize_per_channel_default_4" [id=85, type=quantize_per_channel]; -"86 dequantize_per_channel_default_4" [id=86, type=dequantize_per_channel]; -"87 _param_constant11_0_0" [id=87, type=get_attr]; -"88 linear_3" [id=88, type=linear]; -"89 dropout_1" [id=89, type=dropout]; -"90 view_3" [id=90, type=view]; -"91 permute_4" [id=91, type=permute]; -"92 reshape_3" [id=92, type=reshape]; -"93 slice_2" [id=93, type=slice]; -"94 slice_3" [id=94, type=slice]; -"95 _param_constant12" [id=95, type=get_attr]; -"96 _param_constant13" [id=96, type=get_attr]; -"97 layer_norm_1" [id=97, type=layer_norm]; -"98 add_1" [id=98, type=add]; -"99 _param_constant14" [id=99, type=get_attr]; -"100 quantize_per_tensor_default_8" [id=100, type=quantize_per_tensor]; -"101 dequantize_per_tensor_default_8" [id=101, type=dequantize_per_tensor]; -"102 linear_4_scale_0" [id=102, type=get_attr]; -"103 linear_4_zero_point_0" [id=103, type=get_attr]; -"104 quantize_per_channel_default_5" [id=104, type=quantize_per_channel]; -"105 dequantize_per_channel_default_5" [id=105, type=dequantize_per_channel]; -"106 _param_constant15_0_0" [id=106, type=get_attr]; -"107 linear_4" [id=107, type=linear]; -"108 gelu" [id=108, type=gelu]; -"109 quantize_per_tensor_default_9" [id=109, type=quantize_per_tensor]; -"110 dequantize_per_tensor_default_9" [id=110, type=dequantize_per_tensor]; -"111 dropout_2" [id=111, type=dropout]; -"112 _param_constant16" [id=112, type=get_attr]; -"113 linear_5_scale_0" [id=113, type=get_attr]; -"114 linear_5_zero_point_0" [id=114, type=get_attr]; -"115 quantize_per_channel_default_6" [id=115, type=quantize_per_channel]; -"116 dequantize_per_channel_default_6" [id=116, type=dequantize_per_channel]; -"117 _param_constant17_0_0" [id=117, type=get_attr]; -"118 linear_5" [id=118, type=linear]; -"119 dropout_3" [id=119, type=dropout]; -"120 _param_constant18" [id=120, type=get_attr]; -"121 _param_constant19" [id=121, type=get_attr]; -"122 layer_norm_2" [id=122, type=layer_norm]; -"123 add_2" [id=123, type=add]; -"124 _tensor_constant2" [id=124, type=get_attr]; -"125 _param_constant20" [id=125, type=get_attr]; -"126 linear_6_scale_0" [id=126, type=get_attr]; -"127 linear_6_zero_point_0" [id=127, type=get_attr]; -"128 quantize_per_channel_default_7" [id=128, type=quantize_per_channel]; -"129 dequantize_per_channel_default_7" [id=129, type=dequantize_per_channel]; -"130 _param_constant21_0_0" [id=130, type=get_attr]; -"131 linear_6" [id=131, type=linear]; -"132 relu__1" [id=132, type=relu_]; -"133 _param_constant22" [id=133, type=get_attr]; -"134 linear_7_scale_0" [id=134, type=get_attr]; -"135 linear_7_zero_point_0" [id=135, type=get_attr]; -"136 quantize_per_channel_default_8" [id=136, type=quantize_per_channel]; -"137 dequantize_per_channel_default_8" [id=137, type=dequantize_per_channel]; -"138 linear_7" [id=138, type=linear]; -"139 view_4" [id=139, type=view]; -"140 _tensor_constant3" [id=140, type=get_attr]; -"141 index_1" [id=141, type=index]; -"142 view_5" [id=142, type=view]; -"143 permute_5" [id=143, type=permute]; -"144 contiguous_1" [id=144, type=contiguous]; -"145 unsqueeze_1" [id=145, type=unsqueeze]; -"146 sigmoid_1" [id=146, type=sigmoid]; -"147 mul_2" [id=147, type=mul]; -"148 pad_1" [id=148, type=pad]; -"149 roll" [id=149, type=roll]; -"150 view_6" [id=150, type=view]; -"151 permute_6" [id=151, type=permute]; -"152 reshape_4" [id=152, type=reshape]; -"153 _param_constant24" [id=153, type=get_attr]; -"154 quantize_per_tensor_default_10" [id=154, type=quantize_per_tensor]; -"155 dequantize_per_tensor_default_10" [id=155, type=dequantize_per_tensor]; -"156 linear_8_scale_0" [id=156, type=get_attr]; -"157 linear_8_zero_point_0" [id=157, type=get_attr]; -"158 quantize_per_channel_default_9" [id=158, type=quantize_per_channel]; -"159 dequantize_per_channel_default_9" [id=159, type=dequantize_per_channel]; -"160 _param_constant23_0_0" [id=160, type=get_attr]; -"161 linear_8" [id=161, type=linear]; -"162 reshape_5" [id=162, type=reshape]; -"163 permute_7" [id=163, type=permute]; -"164 select_3" [id=164, type=select]; -"165 select_4" [id=165, type=select]; -"166 select_5" [id=166, type=select]; -"167 linalg_vector_norm_2" [id=167, type=linalg_vector_norm]; -"168 clamp_min_2" [id=168, type=clamp_min]; -"169 expand_as_2" [id=169, type=expand_as]; -"170 div_2" [id=170, type=div]; -"171 quantize_per_tensor_default_11" [id=171, type=quantize_per_tensor]; -"172 dequantize_per_tensor_default_11" [id=172, type=dequantize_per_tensor]; -"173 linalg_vector_norm_3" [id=173, type=linalg_vector_norm]; -"174 clamp_min_3" [id=174, type=clamp_min]; -"175 expand_as_3" [id=175, type=expand_as]; -"176 div_3" [id=176, type=div]; -"177 quantize_per_tensor_default_12" [id=177, type=quantize_per_tensor]; -"178 dequantize_per_tensor_default_12" [id=178, type=dequantize_per_tensor]; -"179 transpose_2" [id=179, type=transpose]; -"180 matmul_2" [id=180, type=matmul]; -"181 _param_constant25" [id=181, type=get_attr]; -"182 clamp_1" [id=182, type=clamp]; -"183 exp_1" [id=183, type=exp]; -"184 mul_3" [id=184, type=mul]; -"185 add_3" [id=185, type=add]; -"186 new_zeros" [id=186, type=new_zeros]; -"187 view_7" [id=187, type=view]; -"188 permute_8" [id=188, type=permute]; -"189 reshape_6" [id=189, type=reshape]; -"190 unsqueeze_2" [id=190, type=unsqueeze]; -"191 unsqueeze_3" [id=191, type=unsqueeze]; -"192 sub" [id=192, type=sub]; -"193 ne" [id=193, type=ne]; -"194 masked_fill" [id=194, type=masked_fill]; -"195 eq" [id=195, type=eq]; -"196 masked_fill_1" [id=196, type=masked_fill]; -"197 view_8" [id=197, type=view]; -"198 unsqueeze_4" [id=198, type=unsqueeze]; -"199 unsqueeze_5" [id=199, type=unsqueeze]; -"200 add_4" [id=200, type=add]; -"201 view_9" [id=201, type=view]; -"202 softmax_1" [id=202, type=softmax]; -"203 dropout_4" [id=203, type=dropout]; -"204 matmul_3" [id=204, type=matmul]; -"205 quantize_per_tensor_default_13" [id=205, type=quantize_per_tensor]; -"206 dequantize_per_tensor_default_13" [id=206, type=dequantize_per_tensor]; -"207 transpose_3" [id=207, type=transpose]; -"208 reshape_7" [id=208, type=reshape]; -"209 _param_constant26" [id=209, type=get_attr]; -"210 linear_9_scale_0" [id=210, type=get_attr]; -"211 linear_9_zero_point_0" [id=211, type=get_attr]; -"212 quantize_per_channel_default_10" [id=212, type=quantize_per_channel]; -"213 dequantize_per_channel_default_10" [id=213, type=dequantize_per_channel]; -"214 _param_constant27_0_0" [id=214, type=get_attr]; -"215 linear_9" [id=215, type=linear]; -"216 dropout_5" [id=216, type=dropout]; -"217 view_10" [id=217, type=view]; -"218 permute_9" [id=218, type=permute]; -"219 reshape_8" [id=219, type=reshape]; -"220 roll_1" [id=220, type=roll]; -"221 slice_23" [id=221, type=slice]; -"222 slice_24" [id=222, type=slice]; -"223 _param_constant28" [id=223, type=get_attr]; -"224 _param_constant29" [id=224, type=get_attr]; -"225 layer_norm_3" [id=225, type=layer_norm]; -"226 add_5" [id=226, type=add]; -"227 _param_constant30" [id=227, type=get_attr]; -"228 quantize_per_tensor_default_14" [id=228, type=quantize_per_tensor]; -"229 dequantize_per_tensor_default_14" [id=229, type=dequantize_per_tensor]; -"230 linear_10_scale_0" [id=230, type=get_attr]; -"231 linear_10_zero_point_0" [id=231, type=get_attr]; -"232 quantize_per_channel_default_11" [id=232, type=quantize_per_channel]; -"233 dequantize_per_channel_default_11" [id=233, type=dequantize_per_channel]; -"234 _param_constant31_0_0" [id=234, type=get_attr]; -"235 linear_10" [id=235, type=linear]; -"236 gelu_1" [id=236, type=gelu]; -"237 quantize_per_tensor_default_15" [id=237, type=quantize_per_tensor]; -"238 dequantize_per_tensor_default_15" [id=238, type=dequantize_per_tensor]; -"239 dropout_6" [id=239, type=dropout]; -"240 _param_constant32" [id=240, type=get_attr]; -"241 linear_11_scale_0" [id=241, type=get_attr]; -"242 linear_11_zero_point_0" [id=242, type=get_attr]; -"243 quantize_per_channel_default_12" [id=243, type=quantize_per_channel]; -"244 dequantize_per_channel_default_12" [id=244, type=dequantize_per_channel]; -"245 _param_constant33_0_0" [id=245, type=get_attr]; -"246 linear_11" [id=246, type=linear]; -"247 dropout_7" [id=247, type=dropout]; -"248 _param_constant34" [id=248, type=get_attr]; -"249 _param_constant35" [id=249, type=get_attr]; -"250 layer_norm_4" [id=250, type=layer_norm]; -"251 add_6" [id=251, type=add]; -"252 quantize_per_tensor_default" [id=252, type=quantize_per_tensor]; -"253 dequantize_per_tensor_default" [id=253, type=dequantize_per_tensor]; -"254 pad_2" [id=254, type=pad]; -"255 slice_25" [id=255, type=slice]; -"256 slice_26" [id=256, type=slice]; -"257 slice_27" [id=257, type=slice]; -"258 slice_28" [id=258, type=slice]; -"259 slice_29" [id=259, type=slice]; -"260 slice_30" [id=260, type=slice]; -"261 slice_31" [id=261, type=slice]; -"262 slice_32" [id=262, type=slice]; -"263 slice_33" [id=263, type=slice]; -"264 slice_34" [id=264, type=slice]; -"265 slice_35" [id=265, type=slice]; -"266 slice_36" [id=266, type=slice]; -"267 cat" [id=267, type=cat]; -"268 _param_constant36" [id=268, type=get_attr]; -"269 linear_12_scale_0" [id=269, type=get_attr]; -"270 linear_12_zero_point_0" [id=270, type=get_attr]; -"271 quantize_per_channel_default_13" [id=271, type=quantize_per_channel]; -"272 dequantize_per_channel_default_13" [id=272, type=dequantize_per_channel]; -"273 linear_12" [id=273, type=linear]; -"274 _param_constant37" [id=274, type=get_attr]; -"275 _param_constant38" [id=275, type=get_attr]; -"276 layer_norm_5" [id=276, type=layer_norm]; -"277 _tensor_constant13" [id=277, type=get_attr]; -"278 _param_constant39" [id=278, type=get_attr]; -"279 linear_13_scale_0" [id=279, type=get_attr]; -"280 linear_13_zero_point_0" [id=280, type=get_attr]; -"281 quantize_per_channel_default_14" [id=281, type=quantize_per_channel]; -"282 dequantize_per_channel_default_14" [id=282, type=dequantize_per_channel]; -"283 _param_constant40_0_0" [id=283, type=get_attr]; -"284 linear_13" [id=284, type=linear]; -"285 relu__2" [id=285, type=relu_]; -"286 _param_constant41" [id=286, type=get_attr]; -"287 linear_14_scale_0" [id=287, type=get_attr]; -"288 linear_14_zero_point_0" [id=288, type=get_attr]; -"289 quantize_per_channel_default_15" [id=289, type=quantize_per_channel]; -"290 dequantize_per_channel_default_15" [id=290, type=dequantize_per_channel]; -"291 linear_14" [id=291, type=linear]; -"292 view_11" [id=292, type=view]; -"293 _tensor_constant14" [id=293, type=get_attr]; -"294 index_2" [id=294, type=index]; -"295 view_12" [id=295, type=view]; -"296 permute_10" [id=296, type=permute]; -"297 contiguous_2" [id=297, type=contiguous]; -"298 unsqueeze_6" [id=298, type=unsqueeze]; -"299 sigmoid_2" [id=299, type=sigmoid]; -"300 mul_4" [id=300, type=mul]; -"301 quantize_per_tensor_default_16" [id=301, type=quantize_per_tensor]; -"302 dequantize_per_tensor_default_16" [id=302, type=dequantize_per_tensor]; -"303 pad_3" [id=303, type=pad]; -"304 view_13" [id=304, type=view]; -"305 permute_11" [id=305, type=permute]; -"306 reshape_9" [id=306, type=reshape]; -"307 _param_constant43" [id=307, type=get_attr]; -"308 linear_15_scale_0" [id=308, type=get_attr]; -"309 linear_15_zero_point_0" [id=309, type=get_attr]; -"310 quantize_per_channel_default_16" [id=310, type=quantize_per_channel]; -"311 dequantize_per_channel_default_16" [id=311, type=dequantize_per_channel]; -"312 _param_constant42_0_0" [id=312, type=get_attr]; -"313 linear_15" [id=313, type=linear]; -"314 reshape_10" [id=314, type=reshape]; -"315 permute_12" [id=315, type=permute]; -"316 select_6" [id=316, type=select]; -"317 select_7" [id=317, type=select]; -"318 select_8" [id=318, type=select]; -"319 linalg_vector_norm_4" [id=319, type=linalg_vector_norm]; -"320 clamp_min_4" [id=320, type=clamp_min]; -"321 expand_as_4" [id=321, type=expand_as]; -"322 div_4" [id=322, type=div]; -"323 quantize_per_tensor_default_17" [id=323, type=quantize_per_tensor]; -"324 dequantize_per_tensor_default_17" [id=324, type=dequantize_per_tensor]; -"325 linalg_vector_norm_5" [id=325, type=linalg_vector_norm]; -"326 clamp_min_5" [id=326, type=clamp_min]; -"327 expand_as_5" [id=327, type=expand_as]; -"328 div_5" [id=328, type=div]; -"329 quantize_per_tensor_default_18" [id=329, type=quantize_per_tensor]; -"330 dequantize_per_tensor_default_18" [id=330, type=dequantize_per_tensor]; -"331 transpose_4" [id=331, type=transpose]; -"332 matmul_4" [id=332, type=matmul]; -"333 _param_constant44" [id=333, type=get_attr]; -"334 clamp_2" [id=334, type=clamp]; -"335 exp_2" [id=335, type=exp]; -"336 mul_5" [id=336, type=mul]; -"337 add_7" [id=337, type=add]; -"338 softmax_2" [id=338, type=softmax]; -"339 dropout_8" [id=339, type=dropout]; -"340 matmul_5" [id=340, type=matmul]; -"341 quantize_per_tensor_default_19" [id=341, type=quantize_per_tensor]; -"342 dequantize_per_tensor_default_19" [id=342, type=dequantize_per_tensor]; -"343 transpose_5" [id=343, type=transpose]; -"344 reshape_11" [id=344, type=reshape]; -"345 _param_constant45" [id=345, type=get_attr]; -"346 linear_16_scale_0" [id=346, type=get_attr]; -"347 linear_16_zero_point_0" [id=347, type=get_attr]; -"348 quantize_per_channel_default_17" [id=348, type=quantize_per_channel]; -"349 dequantize_per_channel_default_17" [id=349, type=dequantize_per_channel]; -"350 _param_constant46_0_0" [id=350, type=get_attr]; -"351 linear_16" [id=351, type=linear]; -"352 dropout_9" [id=352, type=dropout]; -"353 view_14" [id=353, type=view]; -"354 permute_13" [id=354, type=permute]; -"355 reshape_12" [id=355, type=reshape]; -"356 slice_38" [id=356, type=slice]; -"357 slice_39" [id=357, type=slice]; -"358 slice_40" [id=358, type=slice]; -"359 slice_41" [id=359, type=slice]; -"360 contiguous_3" [id=360, type=contiguous]; -"361 _param_constant47" [id=361, type=get_attr]; -"362 _param_constant48" [id=362, type=get_attr]; -"363 layer_norm_6" [id=363, type=layer_norm]; -"364 add_8" [id=364, type=add]; -"365 _param_constant49" [id=365, type=get_attr]; -"366 quantize_per_tensor_default_20" [id=366, type=quantize_per_tensor]; -"367 dequantize_per_tensor_default_20" [id=367, type=dequantize_per_tensor]; -"368 linear_17_scale_0" [id=368, type=get_attr]; -"369 linear_17_zero_point_0" [id=369, type=get_attr]; -"370 quantize_per_channel_default_18" [id=370, type=quantize_per_channel]; -"371 dequantize_per_channel_default_18" [id=371, type=dequantize_per_channel]; -"372 _param_constant50_0_0" [id=372, type=get_attr]; -"373 linear_17" [id=373, type=linear]; -"374 gelu_2" [id=374, type=gelu]; -"375 quantize_per_tensor_default_21" [id=375, type=quantize_per_tensor]; -"376 dequantize_per_tensor_default_21" [id=376, type=dequantize_per_tensor]; -"377 dropout_10" [id=377, type=dropout]; -"378 _param_constant51" [id=378, type=get_attr]; -"379 linear_18_scale_0" [id=379, type=get_attr]; -"380 linear_18_zero_point_0" [id=380, type=get_attr]; -"381 quantize_per_channel_default_19" [id=381, type=quantize_per_channel]; -"382 dequantize_per_channel_default_19" [id=382, type=dequantize_per_channel]; -"383 _param_constant52_0_0" [id=383, type=get_attr]; -"384 linear_18" [id=384, type=linear]; -"385 dropout_11" [id=385, type=dropout]; -"386 _param_constant53" [id=386, type=get_attr]; -"387 _param_constant54" [id=387, type=get_attr]; -"388 layer_norm_7" [id=388, type=layer_norm]; -"389 add_9" [id=389, type=add]; -"390 _tensor_constant15" [id=390, type=get_attr]; -"391 _param_constant55" [id=391, type=get_attr]; -"392 linear_19_scale_0" [id=392, type=get_attr]; -"393 linear_19_zero_point_0" [id=393, type=get_attr]; -"394 quantize_per_channel_default_20" [id=394, type=quantize_per_channel]; -"395 dequantize_per_channel_default_20" [id=395, type=dequantize_per_channel]; -"396 _param_constant56_0_0" [id=396, type=get_attr]; -"397 linear_19" [id=397, type=linear]; -"398 relu__3" [id=398, type=relu_]; -"399 _param_constant57" [id=399, type=get_attr]; -"400 linear_20_scale_0" [id=400, type=get_attr]; -"401 linear_20_zero_point_0" [id=401, type=get_attr]; -"402 quantize_per_channel_default_21" [id=402, type=quantize_per_channel]; -"403 dequantize_per_channel_default_21" [id=403, type=dequantize_per_channel]; -"404 linear_20" [id=404, type=linear]; -"405 view_15" [id=405, type=view]; -"406 _tensor_constant16" [id=406, type=get_attr]; -"407 index_3" [id=407, type=index]; -"408 view_16" [id=408, type=view]; -"409 permute_14" [id=409, type=permute]; -"410 contiguous_4" [id=410, type=contiguous]; -"411 unsqueeze_7" [id=411, type=unsqueeze]; -"412 sigmoid_3" [id=412, type=sigmoid]; -"413 mul_6" [id=413, type=mul]; -"414 pad_4" [id=414, type=pad]; -"415 roll_2" [id=415, type=roll]; -"416 view_17" [id=416, type=view]; -"417 permute_15" [id=417, type=permute]; -"418 reshape_13" [id=418, type=reshape]; -"419 _param_constant59" [id=419, type=get_attr]; -"420 quantize_per_tensor_default_22" [id=420, type=quantize_per_tensor]; -"421 dequantize_per_tensor_default_22" [id=421, type=dequantize_per_tensor]; -"422 linear_21_scale_0" [id=422, type=get_attr]; -"423 linear_21_zero_point_0" [id=423, type=get_attr]; -"424 quantize_per_channel_default_22" [id=424, type=quantize_per_channel]; -"425 dequantize_per_channel_default_22" [id=425, type=dequantize_per_channel]; -"426 _param_constant58_0_0" [id=426, type=get_attr]; -"427 linear_21" [id=427, type=linear]; -"428 reshape_14" [id=428, type=reshape]; -"429 permute_16" [id=429, type=permute]; -"430 select_9" [id=430, type=select]; -"431 select_10" [id=431, type=select]; -"432 select_11" [id=432, type=select]; -"433 linalg_vector_norm_6" [id=433, type=linalg_vector_norm]; -"434 clamp_min_6" [id=434, type=clamp_min]; -"435 expand_as_6" [id=435, type=expand_as]; -"436 div_6" [id=436, type=div]; -"437 quantize_per_tensor_default_23" [id=437, type=quantize_per_tensor]; -"438 dequantize_per_tensor_default_23" [id=438, type=dequantize_per_tensor]; -"439 linalg_vector_norm_7" [id=439, type=linalg_vector_norm]; -"440 clamp_min_7" [id=440, type=clamp_min]; -"441 expand_as_7" [id=441, type=expand_as]; -"442 div_7" [id=442, type=div]; -"443 quantize_per_tensor_default_24" [id=443, type=quantize_per_tensor]; -"444 dequantize_per_tensor_default_24" [id=444, type=dequantize_per_tensor]; -"445 transpose_6" [id=445, type=transpose]; -"446 matmul_6" [id=446, type=matmul]; -"447 _param_constant60" [id=447, type=get_attr]; -"448 clamp_3" [id=448, type=clamp]; -"449 exp_3" [id=449, type=exp]; -"450 mul_7" [id=450, type=mul]; -"451 add_10" [id=451, type=add]; -"452 new_zeros_1" [id=452, type=new_zeros]; -"453 view_18" [id=453, type=view]; -"454 permute_17" [id=454, type=permute]; -"455 reshape_15" [id=455, type=reshape]; -"456 unsqueeze_8" [id=456, type=unsqueeze]; -"457 unsqueeze_9" [id=457, type=unsqueeze]; -"458 sub_1" [id=458, type=sub]; -"459 ne_1" [id=459, type=ne]; -"460 masked_fill_2" [id=460, type=masked_fill]; -"461 eq_1" [id=461, type=eq]; -"462 masked_fill_3" [id=462, type=masked_fill]; -"463 view_19" [id=463, type=view]; -"464 unsqueeze_10" [id=464, type=unsqueeze]; -"465 unsqueeze_11" [id=465, type=unsqueeze]; -"466 add_11" [id=466, type=add]; -"467 view_20" [id=467, type=view]; -"468 softmax_3" [id=468, type=softmax]; -"469 dropout_12" [id=469, type=dropout]; -"470 matmul_7" [id=470, type=matmul]; -"471 quantize_per_tensor_default_25" [id=471, type=quantize_per_tensor]; -"472 dequantize_per_tensor_default_25" [id=472, type=dequantize_per_tensor]; -"473 transpose_7" [id=473, type=transpose]; -"474 reshape_16" [id=474, type=reshape]; -"475 _param_constant61" [id=475, type=get_attr]; -"476 linear_22_scale_0" [id=476, type=get_attr]; -"477 linear_22_zero_point_0" [id=477, type=get_attr]; -"478 quantize_per_channel_default_23" [id=478, type=quantize_per_channel]; -"479 dequantize_per_channel_default_23" [id=479, type=dequantize_per_channel]; -"480 _param_constant62_0_0" [id=480, type=get_attr]; -"481 linear_22" [id=481, type=linear]; -"482 dropout_13" [id=482, type=dropout]; -"483 view_21" [id=483, type=view]; -"484 permute_18" [id=484, type=permute]; -"485 reshape_17" [id=485, type=reshape]; -"486 roll_3" [id=486, type=roll]; -"487 slice_61" [id=487, type=slice]; -"488 slice_62" [id=488, type=slice]; -"489 slice_63" [id=489, type=slice]; -"490 slice_64" [id=490, type=slice]; -"491 contiguous_5" [id=491, type=contiguous]; -"492 _param_constant63" [id=492, type=get_attr]; -"493 _param_constant64" [id=493, type=get_attr]; -"494 layer_norm_8" [id=494, type=layer_norm]; -"495 add_12" [id=495, type=add]; -"496 _param_constant65" [id=496, type=get_attr]; -"497 quantize_per_tensor_default_26" [id=497, type=quantize_per_tensor]; -"498 dequantize_per_tensor_default_26" [id=498, type=dequantize_per_tensor]; -"499 linear_23_scale_0" [id=499, type=get_attr]; -"500 linear_23_zero_point_0" [id=500, type=get_attr]; -"501 quantize_per_channel_default_24" [id=501, type=quantize_per_channel]; -"502 dequantize_per_channel_default_24" [id=502, type=dequantize_per_channel]; -"503 _param_constant66_0_0" [id=503, type=get_attr]; -"504 linear_23" [id=504, type=linear]; -"505 gelu_3" [id=505, type=gelu]; -"506 quantize_per_tensor_default_27" [id=506, type=quantize_per_tensor]; -"507 dequantize_per_tensor_default_27" [id=507, type=dequantize_per_tensor]; -"508 dropout_14" [id=508, type=dropout]; -"509 _param_constant67" [id=509, type=get_attr]; -"510 linear_24_scale_0" [id=510, type=get_attr]; -"511 linear_24_zero_point_0" [id=511, type=get_attr]; -"512 quantize_per_channel_default_25" [id=512, type=quantize_per_channel]; -"513 dequantize_per_channel_default_25" [id=513, type=dequantize_per_channel]; -"514 _param_constant68_0_0" [id=514, type=get_attr]; -"515 linear_24" [id=515, type=linear]; -"516 dropout_15" [id=516, type=dropout]; -"517 _param_constant69" [id=517, type=get_attr]; -"518 _param_constant70" [id=518, type=get_attr]; -"519 layer_norm_9" [id=519, type=layer_norm]; -"520 add_13" [id=520, type=add]; -"521 quantize_per_tensor_default_1" [id=521, type=quantize_per_tensor]; -"522 dequantize_per_tensor_default_1" [id=522, type=dequantize_per_tensor]; -"523 pad_5" [id=523, type=pad]; -"524 slice_65" [id=524, type=slice]; -"525 slice_66" [id=525, type=slice]; -"526 slice_67" [id=526, type=slice]; -"527 slice_68" [id=527, type=slice]; -"528 slice_69" [id=528, type=slice]; -"529 slice_70" [id=529, type=slice]; -"530 slice_71" [id=530, type=slice]; -"531 slice_72" [id=531, type=slice]; -"532 slice_73" [id=532, type=slice]; -"533 slice_74" [id=533, type=slice]; -"534 slice_75" [id=534, type=slice]; -"535 slice_76" [id=535, type=slice]; -"536 cat_1" [id=536, type=cat]; -"537 _param_constant71" [id=537, type=get_attr]; -"538 linear_25_scale_0" [id=538, type=get_attr]; -"539 linear_25_zero_point_0" [id=539, type=get_attr]; -"540 quantize_per_channel_default_26" [id=540, type=quantize_per_channel]; -"541 dequantize_per_channel_default_26" [id=541, type=dequantize_per_channel]; -"542 linear_25" [id=542, type=linear]; -"543 _param_constant72" [id=543, type=get_attr]; -"544 _param_constant73" [id=544, type=get_attr]; -"545 layer_norm_10" [id=545, type=layer_norm]; -"546 _tensor_constant26" [id=546, type=get_attr]; -"547 _param_constant74" [id=547, type=get_attr]; -"548 linear_26_scale_0" [id=548, type=get_attr]; -"549 linear_26_zero_point_0" [id=549, type=get_attr]; -"550 quantize_per_channel_default_27" [id=550, type=quantize_per_channel]; -"551 dequantize_per_channel_default_27" [id=551, type=dequantize_per_channel]; -"552 _param_constant75_0_0" [id=552, type=get_attr]; -"553 linear_26" [id=553, type=linear]; -"554 relu__4" [id=554, type=relu_]; -"555 _param_constant76" [id=555, type=get_attr]; -"556 linear_27_scale_0" [id=556, type=get_attr]; -"557 linear_27_zero_point_0" [id=557, type=get_attr]; -"558 quantize_per_channel_default_28" [id=558, type=quantize_per_channel]; -"559 dequantize_per_channel_default_28" [id=559, type=dequantize_per_channel]; -"560 linear_27" [id=560, type=linear]; -"561 view_22" [id=561, type=view]; -"562 _tensor_constant27" [id=562, type=get_attr]; -"563 index_4" [id=563, type=index]; -"564 view_23" [id=564, type=view]; -"565 permute_19" [id=565, type=permute]; -"566 contiguous_6" [id=566, type=contiguous]; -"567 unsqueeze_12" [id=567, type=unsqueeze]; -"568 sigmoid_4" [id=568, type=sigmoid]; -"569 mul_8" [id=569, type=mul]; -"570 quantize_per_tensor_default_28" [id=570, type=quantize_per_tensor]; -"571 dequantize_per_tensor_default_28" [id=571, type=dequantize_per_tensor]; -"572 pad_6" [id=572, type=pad]; -"573 view_24" [id=573, type=view]; -"574 permute_20" [id=574, type=permute]; -"575 reshape_18" [id=575, type=reshape]; -"576 _param_constant78" [id=576, type=get_attr]; -"577 linear_28_scale_0" [id=577, type=get_attr]; -"578 linear_28_zero_point_0" [id=578, type=get_attr]; -"579 quantize_per_channel_default_29" [id=579, type=quantize_per_channel]; -"580 dequantize_per_channel_default_29" [id=580, type=dequantize_per_channel]; -"581 _param_constant77_0_0" [id=581, type=get_attr]; -"582 linear_28" [id=582, type=linear]; -"583 reshape_19" [id=583, type=reshape]; -"584 permute_21" [id=584, type=permute]; -"585 select_12" [id=585, type=select]; -"586 select_13" [id=586, type=select]; -"587 select_14" [id=587, type=select]; -"588 linalg_vector_norm_8" [id=588, type=linalg_vector_norm]; -"589 clamp_min_8" [id=589, type=clamp_min]; -"590 expand_as_8" [id=590, type=expand_as]; -"591 div_8" [id=591, type=div]; -"592 quantize_per_tensor_default_29" [id=592, type=quantize_per_tensor]; -"593 dequantize_per_tensor_default_29" [id=593, type=dequantize_per_tensor]; -"594 linalg_vector_norm_9" [id=594, type=linalg_vector_norm]; -"595 clamp_min_9" [id=595, type=clamp_min]; -"596 expand_as_9" [id=596, type=expand_as]; -"597 div_9" [id=597, type=div]; -"598 quantize_per_tensor_default_30" [id=598, type=quantize_per_tensor]; -"599 dequantize_per_tensor_default_30" [id=599, type=dequantize_per_tensor]; -"600 transpose_8" [id=600, type=transpose]; -"601 matmul_8" [id=601, type=matmul]; -"602 _param_constant79" [id=602, type=get_attr]; -"603 clamp_4" [id=603, type=clamp]; -"604 exp_4" [id=604, type=exp]; -"605 mul_9" [id=605, type=mul]; -"606 add_14" [id=606, type=add]; -"607 softmax_4" [id=607, type=softmax]; -"608 dropout_16" [id=608, type=dropout]; -"609 matmul_9" [id=609, type=matmul]; -"610 quantize_per_tensor_default_31" [id=610, type=quantize_per_tensor]; -"611 dequantize_per_tensor_default_31" [id=611, type=dequantize_per_tensor]; -"612 transpose_9" [id=612, type=transpose]; -"613 reshape_20" [id=613, type=reshape]; -"614 _param_constant80" [id=614, type=get_attr]; -"615 linear_29_scale_0" [id=615, type=get_attr]; -"616 linear_29_zero_point_0" [id=616, type=get_attr]; -"617 quantize_per_channel_default_30" [id=617, type=quantize_per_channel]; -"618 dequantize_per_channel_default_30" [id=618, type=dequantize_per_channel]; -"619 _param_constant81_0_0" [id=619, type=get_attr]; -"620 linear_29" [id=620, type=linear]; -"621 dropout_17" [id=621, type=dropout]; -"622 view_25" [id=622, type=view]; -"623 permute_22" [id=623, type=permute]; -"624 reshape_21" [id=624, type=reshape]; -"625 slice_78" [id=625, type=slice]; -"626 slice_79" [id=626, type=slice]; -"627 slice_80" [id=627, type=slice]; -"628 slice_81" [id=628, type=slice]; -"629 contiguous_7" [id=629, type=contiguous]; -"630 _param_constant82" [id=630, type=get_attr]; -"631 _param_constant83" [id=631, type=get_attr]; -"632 layer_norm_11" [id=632, type=layer_norm]; -"633 add_15" [id=633, type=add]; -"634 _param_constant84" [id=634, type=get_attr]; -"635 quantize_per_tensor_default_32" [id=635, type=quantize_per_tensor]; -"636 dequantize_per_tensor_default_32" [id=636, type=dequantize_per_tensor]; -"637 linear_30_scale_0" [id=637, type=get_attr]; -"638 linear_30_zero_point_0" [id=638, type=get_attr]; -"639 quantize_per_channel_default_31" [id=639, type=quantize_per_channel]; -"640 dequantize_per_channel_default_31" [id=640, type=dequantize_per_channel]; -"641 _param_constant85_0_0" [id=641, type=get_attr]; -"642 linear_30" [id=642, type=linear]; -"643 gelu_4" [id=643, type=gelu]; -"644 quantize_per_tensor_default_33" [id=644, type=quantize_per_tensor]; -"645 dequantize_per_tensor_default_33" [id=645, type=dequantize_per_tensor]; -"646 dropout_18" [id=646, type=dropout]; -"647 _param_constant86" [id=647, type=get_attr]; -"648 linear_31_scale_0" [id=648, type=get_attr]; -"649 linear_31_zero_point_0" [id=649, type=get_attr]; -"650 quantize_per_channel_default_32" [id=650, type=quantize_per_channel]; -"651 dequantize_per_channel_default_32" [id=651, type=dequantize_per_channel]; -"652 _param_constant87_0_0" [id=652, type=get_attr]; -"653 linear_31" [id=653, type=linear]; -"654 dropout_19" [id=654, type=dropout]; -"655 _param_constant88" [id=655, type=get_attr]; -"656 _param_constant89" [id=656, type=get_attr]; -"657 layer_norm_12" [id=657, type=layer_norm]; -"658 add_16" [id=658, type=add]; -"659 _tensor_constant28" [id=659, type=get_attr]; -"660 _param_constant90" [id=660, type=get_attr]; -"661 linear_32_scale_0" [id=661, type=get_attr]; -"662 linear_32_zero_point_0" [id=662, type=get_attr]; -"663 quantize_per_channel_default_33" [id=663, type=quantize_per_channel]; -"664 dequantize_per_channel_default_33" [id=664, type=dequantize_per_channel]; -"665 _param_constant91_0_0" [id=665, type=get_attr]; -"666 linear_32" [id=666, type=linear]; -"667 relu__5" [id=667, type=relu_]; -"668 _param_constant92" [id=668, type=get_attr]; -"669 linear_33_scale_0" [id=669, type=get_attr]; -"670 linear_33_zero_point_0" [id=670, type=get_attr]; -"671 quantize_per_channel_default_34" [id=671, type=quantize_per_channel]; -"672 dequantize_per_channel_default_34" [id=672, type=dequantize_per_channel]; -"673 linear_33" [id=673, type=linear]; -"674 view_26" [id=674, type=view]; -"675 _tensor_constant29" [id=675, type=get_attr]; -"676 index_5" [id=676, type=index]; -"677 view_27" [id=677, type=view]; -"678 permute_23" [id=678, type=permute]; -"679 contiguous_8" [id=679, type=contiguous]; -"680 unsqueeze_13" [id=680, type=unsqueeze]; -"681 sigmoid_5" [id=681, type=sigmoid]; -"682 mul_10" [id=682, type=mul]; -"683 pad_7" [id=683, type=pad]; -"684 roll_4" [id=684, type=roll]; -"685 view_28" [id=685, type=view]; -"686 permute_24" [id=686, type=permute]; -"687 reshape_22" [id=687, type=reshape]; -"688 _param_constant94" [id=688, type=get_attr]; -"689 quantize_per_tensor_default_34" [id=689, type=quantize_per_tensor]; -"690 dequantize_per_tensor_default_34" [id=690, type=dequantize_per_tensor]; -"691 linear_34_scale_0" [id=691, type=get_attr]; -"692 linear_34_zero_point_0" [id=692, type=get_attr]; -"693 quantize_per_channel_default_35" [id=693, type=quantize_per_channel]; -"694 dequantize_per_channel_default_35" [id=694, type=dequantize_per_channel]; -"695 _param_constant93_0_0" [id=695, type=get_attr]; -"696 linear_34" [id=696, type=linear]; -"697 reshape_23" [id=697, type=reshape]; -"698 permute_25" [id=698, type=permute]; -"699 select_15" [id=699, type=select]; -"700 select_16" [id=700, type=select]; -"701 select_17" [id=701, type=select]; -"702 linalg_vector_norm_10" [id=702, type=linalg_vector_norm]; -"703 clamp_min_10" [id=703, type=clamp_min]; -"704 expand_as_10" [id=704, type=expand_as]; -"705 div_10" [id=705, type=div]; -"706 quantize_per_tensor_default_35" [id=706, type=quantize_per_tensor]; -"707 dequantize_per_tensor_default_35" [id=707, type=dequantize_per_tensor]; -"708 linalg_vector_norm_11" [id=708, type=linalg_vector_norm]; -"709 clamp_min_11" [id=709, type=clamp_min]; -"710 expand_as_11" [id=710, type=expand_as]; -"711 div_11" [id=711, type=div]; -"712 quantize_per_tensor_default_36" [id=712, type=quantize_per_tensor]; -"713 dequantize_per_tensor_default_36" [id=713, type=dequantize_per_tensor]; -"714 transpose_10" [id=714, type=transpose]; -"715 matmul_10" [id=715, type=matmul]; -"716 _param_constant95" [id=716, type=get_attr]; -"717 clamp_5" [id=717, type=clamp]; -"718 exp_5" [id=718, type=exp]; -"719 mul_11" [id=719, type=mul]; -"720 add_17" [id=720, type=add]; -"721 new_zeros_2" [id=721, type=new_zeros]; -"722 view_29" [id=722, type=view]; -"723 permute_26" [id=723, type=permute]; -"724 reshape_24" [id=724, type=reshape]; -"725 unsqueeze_14" [id=725, type=unsqueeze]; -"726 unsqueeze_15" [id=726, type=unsqueeze]; -"727 sub_2" [id=727, type=sub]; -"728 ne_2" [id=728, type=ne]; -"729 masked_fill_4" [id=729, type=masked_fill]; -"730 eq_2" [id=730, type=eq]; -"731 masked_fill_5" [id=731, type=masked_fill]; -"732 view_30" [id=732, type=view]; -"733 unsqueeze_16" [id=733, type=unsqueeze]; -"734 unsqueeze_17" [id=734, type=unsqueeze]; -"735 add_18" [id=735, type=add]; -"736 view_31" [id=736, type=view]; -"737 softmax_5" [id=737, type=softmax]; -"738 dropout_20" [id=738, type=dropout]; -"739 matmul_11" [id=739, type=matmul]; -"740 quantize_per_tensor_default_37" [id=740, type=quantize_per_tensor]; -"741 dequantize_per_tensor_default_37" [id=741, type=dequantize_per_tensor]; -"742 transpose_11" [id=742, type=transpose]; -"743 reshape_25" [id=743, type=reshape]; -"744 _param_constant96" [id=744, type=get_attr]; -"745 linear_35_scale_0" [id=745, type=get_attr]; -"746 linear_35_zero_point_0" [id=746, type=get_attr]; -"747 quantize_per_channel_default_36" [id=747, type=quantize_per_channel]; -"748 dequantize_per_channel_default_36" [id=748, type=dequantize_per_channel]; -"749 _param_constant97_0_0" [id=749, type=get_attr]; -"750 linear_35" [id=750, type=linear]; -"751 dropout_21" [id=751, type=dropout]; -"752 view_32" [id=752, type=view]; -"753 permute_27" [id=753, type=permute]; -"754 reshape_26" [id=754, type=reshape]; -"755 roll_5" [id=755, type=roll]; -"756 slice_101" [id=756, type=slice]; -"757 slice_102" [id=757, type=slice]; -"758 slice_103" [id=758, type=slice]; -"759 slice_104" [id=759, type=slice]; -"760 contiguous_9" [id=760, type=contiguous]; -"761 _param_constant98" [id=761, type=get_attr]; -"762 _param_constant99" [id=762, type=get_attr]; -"763 layer_norm_13" [id=763, type=layer_norm]; -"764 add_19" [id=764, type=add]; -"765 _param_constant100" [id=765, type=get_attr]; -"766 quantize_per_tensor_default_38" [id=766, type=quantize_per_tensor]; -"767 dequantize_per_tensor_default_38" [id=767, type=dequantize_per_tensor]; -"768 linear_36_scale_0" [id=768, type=get_attr]; -"769 linear_36_zero_point_0" [id=769, type=get_attr]; -"770 quantize_per_channel_default_37" [id=770, type=quantize_per_channel]; -"771 dequantize_per_channel_default_37" [id=771, type=dequantize_per_channel]; -"772 _param_constant101_0_0" [id=772, type=get_attr]; -"773 linear_36" [id=773, type=linear]; -"774 gelu_5" [id=774, type=gelu]; -"775 quantize_per_tensor_default_39" [id=775, type=quantize_per_tensor]; -"776 dequantize_per_tensor_default_39" [id=776, type=dequantize_per_tensor]; -"777 dropout_22" [id=777, type=dropout]; -"778 _param_constant102" [id=778, type=get_attr]; -"779 linear_37_scale_0" [id=779, type=get_attr]; -"780 linear_37_zero_point_0" [id=780, type=get_attr]; -"781 quantize_per_channel_default_38" [id=781, type=quantize_per_channel]; -"782 dequantize_per_channel_default_38" [id=782, type=dequantize_per_channel]; -"783 _param_constant103_0_0" [id=783, type=get_attr]; -"784 linear_37" [id=784, type=linear]; -"785 dropout_23" [id=785, type=dropout]; -"786 _param_constant104" [id=786, type=get_attr]; -"787 _param_constant105" [id=787, type=get_attr]; -"788 layer_norm_14" [id=788, type=layer_norm]; -"789 add_20" [id=789, type=add]; -"790 _tensor_constant39" [id=790, type=get_attr]; -"791 _param_constant106" [id=791, type=get_attr]; -"792 linear_38_scale_0" [id=792, type=get_attr]; -"793 linear_38_zero_point_0" [id=793, type=get_attr]; -"794 quantize_per_channel_default_39" [id=794, type=quantize_per_channel]; -"795 dequantize_per_channel_default_39" [id=795, type=dequantize_per_channel]; -"796 _param_constant107_0_0" [id=796, type=get_attr]; -"797 linear_38" [id=797, type=linear]; -"798 relu__6" [id=798, type=relu_]; -"799 _param_constant108" [id=799, type=get_attr]; -"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 linear_39" [id=804, type=linear]; -"805 view_33" [id=805, type=view]; -"806 _tensor_constant40" [id=806, type=get_attr]; -"807 index_6" [id=807, type=index]; -"808 view_34" [id=808, type=view]; -"809 permute_28" [id=809, type=permute]; -"810 contiguous_10" [id=810, type=contiguous]; -"811 unsqueeze_18" [id=811, type=unsqueeze]; -"812 sigmoid_6" [id=812, type=sigmoid]; -"813 mul_12" [id=813, type=mul]; -"814 quantize_per_tensor_default_40" [id=814, type=quantize_per_tensor]; -"815 dequantize_per_tensor_default_40" [id=815, type=dequantize_per_tensor]; -"816 pad_8" [id=816, type=pad]; -"817 view_35" [id=817, type=view]; -"818 permute_29" [id=818, type=permute]; -"819 reshape_27" [id=819, type=reshape]; -"820 _param_constant110" [id=820, type=get_attr]; -"821 linear_40_scale_0" [id=821, type=get_attr]; -"822 linear_40_zero_point_0" [id=822, type=get_attr]; -"823 quantize_per_channel_default_41" [id=823, type=quantize_per_channel]; -"824 dequantize_per_channel_default_41" [id=824, type=dequantize_per_channel]; -"825 _param_constant109_0_0" [id=825, type=get_attr]; -"826 linear_40" [id=826, type=linear]; -"827 reshape_28" [id=827, type=reshape]; -"828 permute_30" [id=828, type=permute]; -"829 select_18" [id=829, type=select]; -"830 select_19" [id=830, type=select]; -"831 select_20" [id=831, type=select]; -"832 linalg_vector_norm_12" [id=832, type=linalg_vector_norm]; -"833 clamp_min_12" [id=833, type=clamp_min]; -"834 expand_as_12" [id=834, type=expand_as]; -"835 div_12" [id=835, type=div]; -"836 quantize_per_tensor_default_41" [id=836, type=quantize_per_tensor]; -"837 dequantize_per_tensor_default_41" [id=837, type=dequantize_per_tensor]; -"838 linalg_vector_norm_13" [id=838, type=linalg_vector_norm]; -"839 clamp_min_13" [id=839, type=clamp_min]; -"840 expand_as_13" [id=840, type=expand_as]; -"841 div_13" [id=841, type=div]; -"842 quantize_per_tensor_default_42" [id=842, type=quantize_per_tensor]; -"843 dequantize_per_tensor_default_42" [id=843, type=dequantize_per_tensor]; -"844 transpose_12" [id=844, type=transpose]; -"845 matmul_12" [id=845, type=matmul]; -"846 _param_constant111" [id=846, type=get_attr]; -"847 clamp_6" [id=847, type=clamp]; -"848 exp_6" [id=848, type=exp]; -"849 mul_13" [id=849, type=mul]; -"850 add_21" [id=850, type=add]; -"851 softmax_6" [id=851, type=softmax]; -"852 dropout_24" [id=852, type=dropout]; -"853 matmul_13" [id=853, type=matmul]; -"854 quantize_per_tensor_default_43" [id=854, type=quantize_per_tensor]; -"855 dequantize_per_tensor_default_43" [id=855, type=dequantize_per_tensor]; -"856 transpose_13" [id=856, type=transpose]; -"857 reshape_29" [id=857, type=reshape]; -"858 _param_constant112" [id=858, type=get_attr]; -"859 linear_41_scale_0" [id=859, type=get_attr]; -"860 linear_41_zero_point_0" [id=860, type=get_attr]; -"861 quantize_per_channel_default_42" [id=861, type=quantize_per_channel]; -"862 dequantize_per_channel_default_42" [id=862, type=dequantize_per_channel]; -"863 _param_constant113_0_0" [id=863, type=get_attr]; -"864 linear_41" [id=864, type=linear]; -"865 dropout_25" [id=865, type=dropout]; -"866 view_36" [id=866, type=view]; -"867 permute_31" [id=867, type=permute]; -"868 reshape_30" [id=868, type=reshape]; -"869 slice_106" [id=869, type=slice]; -"870 slice_107" [id=870, type=slice]; -"871 slice_108" [id=871, type=slice]; -"872 slice_109" [id=872, type=slice]; -"873 contiguous_11" [id=873, type=contiguous]; -"874 _param_constant114" [id=874, type=get_attr]; -"875 _param_constant115" [id=875, type=get_attr]; -"876 layer_norm_15" [id=876, type=layer_norm]; -"877 add_22" [id=877, type=add]; -"878 _param_constant116" [id=878, type=get_attr]; -"879 quantize_per_tensor_default_44" [id=879, type=quantize_per_tensor]; -"880 dequantize_per_tensor_default_44" [id=880, type=dequantize_per_tensor]; -"881 linear_42_scale_0" [id=881, type=get_attr]; -"882 linear_42_zero_point_0" [id=882, type=get_attr]; -"883 quantize_per_channel_default_43" [id=883, type=quantize_per_channel]; -"884 dequantize_per_channel_default_43" [id=884, type=dequantize_per_channel]; -"885 _param_constant117_0_0" [id=885, type=get_attr]; -"886 linear_42" [id=886, type=linear]; -"887 gelu_6" [id=887, type=gelu]; -"888 quantize_per_tensor_default_45" [id=888, type=quantize_per_tensor]; -"889 dequantize_per_tensor_default_45" [id=889, type=dequantize_per_tensor]; -"890 dropout_26" [id=890, type=dropout]; -"891 _param_constant118" [id=891, type=get_attr]; -"892 linear_43_scale_0" [id=892, type=get_attr]; -"893 linear_43_zero_point_0" [id=893, type=get_attr]; -"894 quantize_per_channel_default_44" [id=894, type=quantize_per_channel]; -"895 dequantize_per_channel_default_44" [id=895, type=dequantize_per_channel]; -"896 _param_constant119_0_0" [id=896, type=get_attr]; -"897 linear_43" [id=897, type=linear]; -"898 dropout_27" [id=898, type=dropout]; -"899 _param_constant120" [id=899, type=get_attr]; -"900 _param_constant121" [id=900, type=get_attr]; -"901 layer_norm_16" [id=901, type=layer_norm]; -"902 add_23" [id=902, type=add]; -"903 _tensor_constant41" [id=903, type=get_attr]; -"904 _param_constant122" [id=904, type=get_attr]; -"905 linear_44_scale_0" [id=905, type=get_attr]; -"906 linear_44_zero_point_0" [id=906, type=get_attr]; -"907 quantize_per_channel_default_45" [id=907, type=quantize_per_channel]; -"908 dequantize_per_channel_default_45" [id=908, type=dequantize_per_channel]; -"909 _param_constant123_0_0" [id=909, type=get_attr]; -"910 linear_44" [id=910, type=linear]; -"911 relu__7" [id=911, type=relu_]; -"912 _param_constant124" [id=912, type=get_attr]; -"913 linear_45_scale_0" [id=913, type=get_attr]; -"914 linear_45_zero_point_0" [id=914, type=get_attr]; -"915 quantize_per_channel_default_46" [id=915, type=quantize_per_channel]; -"916 dequantize_per_channel_default_46" [id=916, type=dequantize_per_channel]; -"917 linear_45" [id=917, type=linear]; -"918 view_37" [id=918, type=view]; -"919 _tensor_constant42" [id=919, type=get_attr]; -"920 index_7" [id=920, type=index]; -"921 view_38" [id=921, type=view]; -"922 permute_32" [id=922, type=permute]; -"923 contiguous_12" [id=923, type=contiguous]; -"924 unsqueeze_19" [id=924, type=unsqueeze]; -"925 sigmoid_7" [id=925, type=sigmoid]; -"926 mul_14" [id=926, type=mul]; -"927 pad_9" [id=927, type=pad]; -"928 roll_6" [id=928, type=roll]; -"929 view_39" [id=929, type=view]; -"930 permute_33" [id=930, type=permute]; -"931 reshape_31" [id=931, type=reshape]; -"932 _param_constant126" [id=932, type=get_attr]; -"933 quantize_per_tensor_default_46" [id=933, type=quantize_per_tensor]; -"934 dequantize_per_tensor_default_46" [id=934, type=dequantize_per_tensor]; -"935 linear_46_scale_0" [id=935, type=get_attr]; -"936 linear_46_zero_point_0" [id=936, type=get_attr]; -"937 quantize_per_channel_default_47" [id=937, type=quantize_per_channel]; -"938 dequantize_per_channel_default_47" [id=938, type=dequantize_per_channel]; -"939 _param_constant125_0_0" [id=939, type=get_attr]; -"940 linear_46" [id=940, type=linear]; -"941 reshape_32" [id=941, type=reshape]; -"942 permute_34" [id=942, type=permute]; -"943 select_21" [id=943, type=select]; -"944 select_22" [id=944, type=select]; -"945 select_23" [id=945, type=select]; -"946 linalg_vector_norm_14" [id=946, type=linalg_vector_norm]; -"947 clamp_min_14" [id=947, type=clamp_min]; -"948 expand_as_14" [id=948, type=expand_as]; -"949 div_14" [id=949, type=div]; -"950 quantize_per_tensor_default_47" [id=950, type=quantize_per_tensor]; -"951 dequantize_per_tensor_default_47" [id=951, type=dequantize_per_tensor]; -"952 linalg_vector_norm_15" [id=952, type=linalg_vector_norm]; -"953 clamp_min_15" [id=953, type=clamp_min]; -"954 expand_as_15" [id=954, type=expand_as]; -"955 div_15" [id=955, type=div]; -"956 quantize_per_tensor_default_48" [id=956, type=quantize_per_tensor]; -"957 dequantize_per_tensor_default_48" [id=957, type=dequantize_per_tensor]; -"958 transpose_14" [id=958, type=transpose]; -"959 matmul_14" [id=959, type=matmul]; -"960 _param_constant127" [id=960, type=get_attr]; -"961 clamp_7" [id=961, type=clamp]; -"962 exp_7" [id=962, type=exp]; -"963 mul_15" [id=963, type=mul]; -"964 add_24" [id=964, type=add]; -"965 new_zeros_3" [id=965, type=new_zeros]; -"966 view_40" [id=966, type=view]; -"967 permute_35" [id=967, type=permute]; -"968 reshape_33" [id=968, type=reshape]; -"969 unsqueeze_20" [id=969, type=unsqueeze]; -"970 unsqueeze_21" [id=970, type=unsqueeze]; -"971 sub_3" [id=971, type=sub]; -"972 ne_3" [id=972, type=ne]; -"973 masked_fill_6" [id=973, type=masked_fill]; -"974 eq_3" [id=974, type=eq]; -"975 masked_fill_7" [id=975, type=masked_fill]; -"976 view_41" [id=976, type=view]; -"977 unsqueeze_22" [id=977, type=unsqueeze]; -"978 unsqueeze_23" [id=978, type=unsqueeze]; -"979 add_25" [id=979, type=add]; -"980 view_42" [id=980, type=view]; -"981 softmax_7" [id=981, type=softmax]; -"982 dropout_28" [id=982, type=dropout]; -"983 matmul_15" [id=983, type=matmul]; -"984 quantize_per_tensor_default_49" [id=984, type=quantize_per_tensor]; -"985 dequantize_per_tensor_default_49" [id=985, type=dequantize_per_tensor]; -"986 transpose_15" [id=986, type=transpose]; -"987 reshape_34" [id=987, type=reshape]; -"988 _param_constant128" [id=988, type=get_attr]; -"989 linear_47_scale_0" [id=989, type=get_attr]; -"990 linear_47_zero_point_0" [id=990, type=get_attr]; -"991 quantize_per_channel_default_48" [id=991, type=quantize_per_channel]; -"992 dequantize_per_channel_default_48" [id=992, type=dequantize_per_channel]; -"993 _param_constant129_0_0" [id=993, type=get_attr]; -"994 linear_47" [id=994, type=linear]; -"995 dropout_29" [id=995, type=dropout]; -"996 view_43" [id=996, type=view]; -"997 permute_36" [id=997, type=permute]; -"998 reshape_35" [id=998, type=reshape]; -"999 roll_7" [id=999, type=roll]; -"1000 slice_129" [id=1000, type=slice]; -"1001 slice_130" [id=1001, type=slice]; -"1002 slice_131" [id=1002, type=slice]; -"1003 slice_132" [id=1003, type=slice]; -"1004 contiguous_13" [id=1004, type=contiguous]; -"1005 _param_constant130" [id=1005, type=get_attr]; -"1006 _param_constant131" [id=1006, type=get_attr]; -"1007 layer_norm_17" [id=1007, type=layer_norm]; -"1008 add_26" [id=1008, type=add]; -"1009 _param_constant132" [id=1009, type=get_attr]; -"1010 quantize_per_tensor_default_50" [id=1010, type=quantize_per_tensor]; -"1011 dequantize_per_tensor_default_50" [id=1011, type=dequantize_per_tensor]; -"1012 linear_48_scale_0" [id=1012, type=get_attr]; -"1013 linear_48_zero_point_0" [id=1013, type=get_attr]; -"1014 quantize_per_channel_default_49" [id=1014, type=quantize_per_channel]; -"1015 dequantize_per_channel_default_49" [id=1015, type=dequantize_per_channel]; -"1016 _param_constant133_0_0" [id=1016, type=get_attr]; -"1017 linear_48" [id=1017, type=linear]; -"1018 gelu_7" [id=1018, type=gelu]; -"1019 quantize_per_tensor_default_51" [id=1019, type=quantize_per_tensor]; -"1020 dequantize_per_tensor_default_51" [id=1020, type=dequantize_per_tensor]; -"1021 dropout_30" [id=1021, type=dropout]; -"1022 _param_constant134" [id=1022, type=get_attr]; -"1023 linear_49_scale_0" [id=1023, type=get_attr]; -"1024 linear_49_zero_point_0" [id=1024, type=get_attr]; -"1025 quantize_per_channel_default_50" [id=1025, type=quantize_per_channel]; -"1026 dequantize_per_channel_default_50" [id=1026, type=dequantize_per_channel]; -"1027 _param_constant135_0_0" [id=1027, type=get_attr]; -"1028 linear_49" [id=1028, type=linear]; -"1029 dropout_31" [id=1029, type=dropout]; -"1030 _param_constant136" [id=1030, type=get_attr]; -"1031 _param_constant137" [id=1031, type=get_attr]; -"1032 layer_norm_18" [id=1032, type=layer_norm]; -"1033 add_27" [id=1033, type=add]; -"1034 _tensor_constant52" [id=1034, type=get_attr]; -"1035 _param_constant138" [id=1035, type=get_attr]; -"1036 linear_50_scale_0" [id=1036, type=get_attr]; -"1037 linear_50_zero_point_0" [id=1037, type=get_attr]; -"1038 quantize_per_channel_default_51" [id=1038, type=quantize_per_channel]; -"1039 dequantize_per_channel_default_51" [id=1039, type=dequantize_per_channel]; -"1040 _param_constant139_0_0" [id=1040, type=get_attr]; -"1041 linear_50" [id=1041, type=linear]; -"1042 relu__8" [id=1042, type=relu_]; -"1043 _param_constant140" [id=1043, type=get_attr]; -"1044 linear_51_scale_0" [id=1044, type=get_attr]; -"1045 linear_51_zero_point_0" [id=1045, type=get_attr]; -"1046 quantize_per_channel_default_52" [id=1046, type=quantize_per_channel]; -"1047 dequantize_per_channel_default_52" [id=1047, type=dequantize_per_channel]; -"1048 linear_51" [id=1048, type=linear]; -"1049 view_44" [id=1049, type=view]; -"1050 _tensor_constant53" [id=1050, type=get_attr]; -"1051 index_8" [id=1051, type=index]; -"1052 view_45" [id=1052, type=view]; -"1053 permute_37" [id=1053, type=permute]; -"1054 contiguous_14" [id=1054, type=contiguous]; -"1055 unsqueeze_24" [id=1055, type=unsqueeze]; -"1056 sigmoid_8" [id=1056, type=sigmoid]; -"1057 mul_16" [id=1057, type=mul]; -"1058 quantize_per_tensor_default_52" [id=1058, type=quantize_per_tensor]; -"1059 dequantize_per_tensor_default_52" [id=1059, type=dequantize_per_tensor]; -"1060 pad_10" [id=1060, type=pad]; -"1061 view_46" [id=1061, type=view]; -"1062 permute_38" [id=1062, type=permute]; -"1063 reshape_36" [id=1063, type=reshape]; -"1064 _param_constant142" [id=1064, type=get_attr]; -"1065 linear_52_scale_0" [id=1065, type=get_attr]; -"1066 linear_52_zero_point_0" [id=1066, type=get_attr]; -"1067 quantize_per_channel_default_53" [id=1067, type=quantize_per_channel]; -"1068 dequantize_per_channel_default_53" [id=1068, type=dequantize_per_channel]; -"1069 _param_constant141_0_0" [id=1069, type=get_attr]; -"1070 linear_52" [id=1070, type=linear]; -"1071 reshape_37" [id=1071, type=reshape]; -"1072 permute_39" [id=1072, type=permute]; -"1073 select_24" [id=1073, type=select]; -"1074 select_25" [id=1074, type=select]; -"1075 select_26" [id=1075, type=select]; -"1076 linalg_vector_norm_16" [id=1076, type=linalg_vector_norm]; -"1077 clamp_min_16" [id=1077, type=clamp_min]; -"1078 expand_as_16" [id=1078, type=expand_as]; -"1079 div_16" [id=1079, type=div]; -"1080 quantize_per_tensor_default_53" [id=1080, type=quantize_per_tensor]; -"1081 dequantize_per_tensor_default_53" [id=1081, type=dequantize_per_tensor]; -"1082 linalg_vector_norm_17" [id=1082, type=linalg_vector_norm]; -"1083 clamp_min_17" [id=1083, type=clamp_min]; -"1084 expand_as_17" [id=1084, type=expand_as]; -"1085 div_17" [id=1085, type=div]; -"1086 quantize_per_tensor_default_54" [id=1086, type=quantize_per_tensor]; -"1087 dequantize_per_tensor_default_54" [id=1087, type=dequantize_per_tensor]; -"1088 transpose_16" [id=1088, type=transpose]; -"1089 matmul_16" [id=1089, type=matmul]; -"1090 _param_constant143" [id=1090, type=get_attr]; -"1091 clamp_8" [id=1091, type=clamp]; -"1092 exp_8" [id=1092, type=exp]; -"1093 mul_17" [id=1093, type=mul]; -"1094 add_28" [id=1094, type=add]; -"1095 softmax_8" [id=1095, type=softmax]; -"1096 dropout_32" [id=1096, type=dropout]; -"1097 matmul_17" [id=1097, type=matmul]; -"1098 quantize_per_tensor_default_55" [id=1098, type=quantize_per_tensor]; -"1099 dequantize_per_tensor_default_55" [id=1099, type=dequantize_per_tensor]; -"1100 transpose_17" [id=1100, type=transpose]; -"1101 reshape_38" [id=1101, type=reshape]; -"1102 _param_constant144" [id=1102, type=get_attr]; -"1103 linear_53_scale_0" [id=1103, type=get_attr]; -"1104 linear_53_zero_point_0" [id=1104, type=get_attr]; -"1105 quantize_per_channel_default_54" [id=1105, type=quantize_per_channel]; -"1106 dequantize_per_channel_default_54" [id=1106, type=dequantize_per_channel]; -"1107 _param_constant145_0_0" [id=1107, type=get_attr]; -"1108 linear_53" [id=1108, type=linear]; -"1109 dropout_33" [id=1109, type=dropout]; -"1110 view_47" [id=1110, type=view]; -"1111 permute_40" [id=1111, type=permute]; -"1112 reshape_39" [id=1112, type=reshape]; -"1113 slice_134" [id=1113, type=slice]; -"1114 slice_135" [id=1114, type=slice]; -"1115 slice_136" [id=1115, type=slice]; -"1116 slice_137" [id=1116, type=slice]; -"1117 contiguous_15" [id=1117, type=contiguous]; -"1118 _param_constant146" [id=1118, type=get_attr]; -"1119 _param_constant147" [id=1119, type=get_attr]; -"1120 layer_norm_19" [id=1120, type=layer_norm]; -"1121 add_29" [id=1121, type=add]; -"1122 _param_constant148" [id=1122, type=get_attr]; -"1123 quantize_per_tensor_default_56" [id=1123, type=quantize_per_tensor]; -"1124 dequantize_per_tensor_default_56" [id=1124, type=dequantize_per_tensor]; -"1125 linear_54_scale_0" [id=1125, type=get_attr]; -"1126 linear_54_zero_point_0" [id=1126, type=get_attr]; -"1127 quantize_per_channel_default_55" [id=1127, type=quantize_per_channel]; -"1128 dequantize_per_channel_default_55" [id=1128, type=dequantize_per_channel]; -"1129 _param_constant149_0_0" [id=1129, type=get_attr]; -"1130 linear_54" [id=1130, type=linear]; -"1131 gelu_8" [id=1131, type=gelu]; -"1132 quantize_per_tensor_default_57" [id=1132, type=quantize_per_tensor]; -"1133 dequantize_per_tensor_default_57" [id=1133, type=dequantize_per_tensor]; -"1134 dropout_34" [id=1134, type=dropout]; -"1135 _param_constant150" [id=1135, type=get_attr]; -"1136 linear_55_scale_0" [id=1136, type=get_attr]; -"1137 linear_55_zero_point_0" [id=1137, type=get_attr]; -"1138 quantize_per_channel_default_56" [id=1138, type=quantize_per_channel]; -"1139 dequantize_per_channel_default_56" [id=1139, type=dequantize_per_channel]; -"1140 _param_constant151_0_0" [id=1140, type=get_attr]; -"1141 linear_55" [id=1141, type=linear]; -"1142 dropout_35" [id=1142, type=dropout]; -"1143 _param_constant152" [id=1143, type=get_attr]; -"1144 _param_constant153" [id=1144, type=get_attr]; -"1145 layer_norm_20" [id=1145, type=layer_norm]; -"1146 add_30" [id=1146, type=add]; -"1147 _tensor_constant54" [id=1147, type=get_attr]; -"1148 _param_constant154" [id=1148, type=get_attr]; -"1149 linear_56_scale_0" [id=1149, type=get_attr]; -"1150 linear_56_zero_point_0" [id=1150, type=get_attr]; -"1151 quantize_per_channel_default_57" [id=1151, type=quantize_per_channel]; -"1152 dequantize_per_channel_default_57" [id=1152, type=dequantize_per_channel]; -"1153 _param_constant155_0_0" [id=1153, type=get_attr]; -"1154 linear_56" [id=1154, type=linear]; -"1155 relu__9" [id=1155, type=relu_]; -"1156 _param_constant156" [id=1156, type=get_attr]; -"1157 linear_57_scale_0" [id=1157, type=get_attr]; -"1158 linear_57_zero_point_0" [id=1158, type=get_attr]; -"1159 quantize_per_channel_default_58" [id=1159, type=quantize_per_channel]; -"1160 dequantize_per_channel_default_58" [id=1160, type=dequantize_per_channel]; -"1161 linear_57" [id=1161, type=linear]; -"1162 view_48" [id=1162, type=view]; -"1163 _tensor_constant55" [id=1163, type=get_attr]; -"1164 index_9" [id=1164, type=index]; -"1165 view_49" [id=1165, type=view]; -"1166 permute_41" [id=1166, type=permute]; -"1167 contiguous_16" [id=1167, type=contiguous]; -"1168 unsqueeze_25" [id=1168, type=unsqueeze]; -"1169 sigmoid_9" [id=1169, type=sigmoid]; -"1170 mul_18" [id=1170, type=mul]; -"1171 pad_11" [id=1171, type=pad]; -"1172 roll_8" [id=1172, type=roll]; -"1173 view_50" [id=1173, type=view]; -"1174 permute_42" [id=1174, type=permute]; -"1175 reshape_40" [id=1175, type=reshape]; -"1176 _param_constant158" [id=1176, type=get_attr]; -"1177 quantize_per_tensor_default_58" [id=1177, type=quantize_per_tensor]; -"1178 dequantize_per_tensor_default_58" [id=1178, type=dequantize_per_tensor]; -"1179 linear_58_scale_0" [id=1179, type=get_attr]; -"1180 linear_58_zero_point_0" [id=1180, type=get_attr]; -"1181 quantize_per_channel_default_59" [id=1181, type=quantize_per_channel]; -"1182 dequantize_per_channel_default_59" [id=1182, type=dequantize_per_channel]; -"1183 _param_constant157_0_0" [id=1183, type=get_attr]; -"1184 linear_58" [id=1184, type=linear]; -"1185 reshape_41" [id=1185, type=reshape]; -"1186 permute_43" [id=1186, type=permute]; -"1187 select_27" [id=1187, type=select]; -"1188 select_28" [id=1188, type=select]; -"1189 select_29" [id=1189, type=select]; -"1190 linalg_vector_norm_18" [id=1190, type=linalg_vector_norm]; -"1191 clamp_min_18" [id=1191, type=clamp_min]; -"1192 expand_as_18" [id=1192, type=expand_as]; -"1193 div_18" [id=1193, type=div]; -"1194 quantize_per_tensor_default_59" [id=1194, type=quantize_per_tensor]; -"1195 dequantize_per_tensor_default_59" [id=1195, type=dequantize_per_tensor]; -"1196 linalg_vector_norm_19" [id=1196, type=linalg_vector_norm]; -"1197 clamp_min_19" [id=1197, type=clamp_min]; -"1198 expand_as_19" [id=1198, type=expand_as]; -"1199 div_19" [id=1199, type=div]; -"1200 quantize_per_tensor_default_60" [id=1200, type=quantize_per_tensor]; -"1201 dequantize_per_tensor_default_60" [id=1201, type=dequantize_per_tensor]; -"1202 transpose_18" [id=1202, type=transpose]; -"1203 matmul_18" [id=1203, type=matmul]; -"1204 _param_constant159" [id=1204, type=get_attr]; -"1205 clamp_9" [id=1205, type=clamp]; -"1206 exp_9" [id=1206, type=exp]; -"1207 mul_19" [id=1207, type=mul]; -"1208 add_31" [id=1208, type=add]; -"1209 new_zeros_4" [id=1209, type=new_zeros]; -"1210 view_51" [id=1210, type=view]; -"1211 permute_44" [id=1211, type=permute]; -"1212 reshape_42" [id=1212, type=reshape]; -"1213 unsqueeze_26" [id=1213, type=unsqueeze]; -"1214 unsqueeze_27" [id=1214, type=unsqueeze]; -"1215 sub_4" [id=1215, type=sub]; -"1216 ne_4" [id=1216, type=ne]; -"1217 masked_fill_8" [id=1217, type=masked_fill]; -"1218 eq_4" [id=1218, type=eq]; -"1219 masked_fill_9" [id=1219, type=masked_fill]; -"1220 view_52" [id=1220, type=view]; -"1221 unsqueeze_28" [id=1221, type=unsqueeze]; -"1222 unsqueeze_29" [id=1222, type=unsqueeze]; -"1223 add_32" [id=1223, type=add]; -"1224 view_53" [id=1224, type=view]; -"1225 softmax_9" [id=1225, type=softmax]; -"1226 dropout_36" [id=1226, type=dropout]; -"1227 matmul_19" [id=1227, type=matmul]; -"1228 quantize_per_tensor_default_61" [id=1228, type=quantize_per_tensor]; -"1229 dequantize_per_tensor_default_61" [id=1229, type=dequantize_per_tensor]; -"1230 transpose_19" [id=1230, type=transpose]; -"1231 reshape_43" [id=1231, type=reshape]; -"1232 _param_constant160" [id=1232, type=get_attr]; -"1233 linear_59_scale_0" [id=1233, type=get_attr]; -"1234 linear_59_zero_point_0" [id=1234, type=get_attr]; -"1235 quantize_per_channel_default_60" [id=1235, type=quantize_per_channel]; -"1236 dequantize_per_channel_default_60" [id=1236, type=dequantize_per_channel]; -"1237 _param_constant161_0_0" [id=1237, type=get_attr]; -"1238 linear_59" [id=1238, type=linear]; -"1239 dropout_37" [id=1239, type=dropout]; -"1240 view_54" [id=1240, type=view]; -"1241 permute_45" [id=1241, type=permute]; -"1242 reshape_44" [id=1242, type=reshape]; -"1243 roll_9" [id=1243, type=roll]; -"1244 slice_157" [id=1244, type=slice]; -"1245 slice_158" [id=1245, type=slice]; -"1246 slice_159" [id=1246, type=slice]; -"1247 slice_160" [id=1247, type=slice]; -"1248 contiguous_17" [id=1248, type=contiguous]; -"1249 _param_constant162" [id=1249, type=get_attr]; -"1250 _param_constant163" [id=1250, type=get_attr]; -"1251 layer_norm_21" [id=1251, type=layer_norm]; -"1252 add_33" [id=1252, type=add]; -"1253 _param_constant164" [id=1253, type=get_attr]; -"1254 quantize_per_tensor_default_62" [id=1254, type=quantize_per_tensor]; -"1255 dequantize_per_tensor_default_62" [id=1255, type=dequantize_per_tensor]; -"1256 linear_60_scale_0" [id=1256, type=get_attr]; -"1257 linear_60_zero_point_0" [id=1257, type=get_attr]; -"1258 quantize_per_channel_default_61" [id=1258, type=quantize_per_channel]; -"1259 dequantize_per_channel_default_61" [id=1259, type=dequantize_per_channel]; -"1260 _param_constant165_0_0" [id=1260, type=get_attr]; -"1261 linear_60" [id=1261, type=linear]; -"1262 gelu_9" [id=1262, type=gelu]; -"1263 quantize_per_tensor_default_63" [id=1263, type=quantize_per_tensor]; -"1264 dequantize_per_tensor_default_63" [id=1264, type=dequantize_per_tensor]; -"1265 dropout_38" [id=1265, type=dropout]; -"1266 _param_constant166" [id=1266, type=get_attr]; -"1267 linear_61_scale_0" [id=1267, type=get_attr]; -"1268 linear_61_zero_point_0" [id=1268, type=get_attr]; -"1269 quantize_per_channel_default_62" [id=1269, type=quantize_per_channel]; -"1270 dequantize_per_channel_default_62" [id=1270, type=dequantize_per_channel]; -"1271 _param_constant167_0_0" [id=1271, type=get_attr]; -"1272 linear_61" [id=1272, type=linear]; -"1273 dropout_39" [id=1273, type=dropout]; -"1274 _param_constant168" [id=1274, type=get_attr]; -"1275 _param_constant169" [id=1275, type=get_attr]; -"1276 layer_norm_22" [id=1276, type=layer_norm]; -"1277 add_34" [id=1277, type=add]; -"1278 _tensor_constant65" [id=1278, type=get_attr]; -"1279 _param_constant170" [id=1279, type=get_attr]; -"1280 linear_62_scale_0" [id=1280, type=get_attr]; -"1281 linear_62_zero_point_0" [id=1281, type=get_attr]; -"1282 quantize_per_channel_default_63" [id=1282, type=quantize_per_channel]; -"1283 dequantize_per_channel_default_63" [id=1283, type=dequantize_per_channel]; -"1284 _param_constant171_0_0" [id=1284, type=get_attr]; -"1285 linear_62" [id=1285, type=linear]; -"1286 relu__10" [id=1286, type=relu_]; -"1287 _param_constant172" [id=1287, type=get_attr]; -"1288 linear_63_scale_0" [id=1288, type=get_attr]; -"1289 linear_63_zero_point_0" [id=1289, type=get_attr]; -"1290 quantize_per_channel_default_64" [id=1290, type=quantize_per_channel]; -"1291 dequantize_per_channel_default_64" [id=1291, type=dequantize_per_channel]; -"1292 linear_63" [id=1292, type=linear]; -"1293 view_55" [id=1293, type=view]; -"1294 _tensor_constant66" [id=1294, type=get_attr]; -"1295 index_10" [id=1295, type=index]; -"1296 view_56" [id=1296, type=view]; -"1297 permute_46" [id=1297, type=permute]; -"1298 contiguous_18" [id=1298, type=contiguous]; -"1299 unsqueeze_30" [id=1299, type=unsqueeze]; -"1300 sigmoid_10" [id=1300, type=sigmoid]; -"1301 mul_20" [id=1301, type=mul]; -"1302 quantize_per_tensor_default_64" [id=1302, type=quantize_per_tensor]; -"1303 dequantize_per_tensor_default_64" [id=1303, type=dequantize_per_tensor]; -"1304 pad_12" [id=1304, type=pad]; -"1305 view_57" [id=1305, type=view]; -"1306 permute_47" [id=1306, type=permute]; -"1307 reshape_45" [id=1307, type=reshape]; -"1308 _param_constant174" [id=1308, type=get_attr]; -"1309 linear_64_scale_0" [id=1309, type=get_attr]; -"1310 linear_64_zero_point_0" [id=1310, type=get_attr]; -"1311 quantize_per_channel_default_65" [id=1311, type=quantize_per_channel]; -"1312 dequantize_per_channel_default_65" [id=1312, type=dequantize_per_channel]; -"1313 _param_constant173_0_0" [id=1313, type=get_attr]; -"1314 linear_64" [id=1314, type=linear]; -"1315 reshape_46" [id=1315, type=reshape]; -"1316 permute_48" [id=1316, type=permute]; -"1317 select_30" [id=1317, type=select]; -"1318 select_31" [id=1318, type=select]; -"1319 select_32" [id=1319, type=select]; -"1320 linalg_vector_norm_20" [id=1320, type=linalg_vector_norm]; -"1321 clamp_min_20" [id=1321, type=clamp_min]; -"1322 expand_as_20" [id=1322, type=expand_as]; -"1323 div_20" [id=1323, type=div]; -"1324 quantize_per_tensor_default_65" [id=1324, type=quantize_per_tensor]; -"1325 dequantize_per_tensor_default_65" [id=1325, type=dequantize_per_tensor]; -"1326 linalg_vector_norm_21" [id=1326, type=linalg_vector_norm]; -"1327 clamp_min_21" [id=1327, type=clamp_min]; -"1328 expand_as_21" [id=1328, type=expand_as]; -"1329 div_21" [id=1329, type=div]; -"1330 quantize_per_tensor_default_66" [id=1330, type=quantize_per_tensor]; -"1331 dequantize_per_tensor_default_66" [id=1331, type=dequantize_per_tensor]; -"1332 transpose_20" [id=1332, type=transpose]; -"1333 matmul_20" [id=1333, type=matmul]; -"1334 _param_constant175" [id=1334, type=get_attr]; -"1335 clamp_10" [id=1335, type=clamp]; -"1336 exp_10" [id=1336, type=exp]; -"1337 mul_21" [id=1337, type=mul]; -"1338 add_35" [id=1338, type=add]; -"1339 softmax_10" [id=1339, type=softmax]; -"1340 dropout_40" [id=1340, type=dropout]; -"1341 matmul_21" [id=1341, type=matmul]; -"1342 quantize_per_tensor_default_67" [id=1342, type=quantize_per_tensor]; -"1343 dequantize_per_tensor_default_67" [id=1343, type=dequantize_per_tensor]; -"1344 transpose_21" [id=1344, type=transpose]; -"1345 reshape_47" [id=1345, type=reshape]; -"1346 _param_constant176" [id=1346, type=get_attr]; -"1347 linear_65_scale_0" [id=1347, type=get_attr]; -"1348 linear_65_zero_point_0" [id=1348, type=get_attr]; -"1349 quantize_per_channel_default_66" [id=1349, type=quantize_per_channel]; -"1350 dequantize_per_channel_default_66" [id=1350, type=dequantize_per_channel]; -"1351 _param_constant177_0_0" [id=1351, type=get_attr]; -"1352 linear_65" [id=1352, type=linear]; -"1353 dropout_41" [id=1353, type=dropout]; -"1354 view_58" [id=1354, type=view]; -"1355 permute_49" [id=1355, type=permute]; -"1356 reshape_48" [id=1356, type=reshape]; -"1357 slice_162" [id=1357, type=slice]; -"1358 slice_163" [id=1358, type=slice]; -"1359 slice_164" [id=1359, type=slice]; -"1360 slice_165" [id=1360, type=slice]; -"1361 contiguous_19" [id=1361, type=contiguous]; -"1362 _param_constant178" [id=1362, type=get_attr]; -"1363 _param_constant179" [id=1363, type=get_attr]; -"1364 layer_norm_23" [id=1364, type=layer_norm]; -"1365 add_36" [id=1365, type=add]; -"1366 _param_constant180" [id=1366, type=get_attr]; -"1367 quantize_per_tensor_default_68" [id=1367, type=quantize_per_tensor]; -"1368 dequantize_per_tensor_default_68" [id=1368, type=dequantize_per_tensor]; -"1369 linear_66_scale_0" [id=1369, type=get_attr]; -"1370 linear_66_zero_point_0" [id=1370, type=get_attr]; -"1371 quantize_per_channel_default_67" [id=1371, type=quantize_per_channel]; -"1372 dequantize_per_channel_default_67" [id=1372, type=dequantize_per_channel]; -"1373 _param_constant181_0_0" [id=1373, type=get_attr]; -"1374 linear_66" [id=1374, type=linear]; -"1375 gelu_10" [id=1375, type=gelu]; -"1376 quantize_per_tensor_default_69" [id=1376, type=quantize_per_tensor]; -"1377 dequantize_per_tensor_default_69" [id=1377, type=dequantize_per_tensor]; -"1378 dropout_42" [id=1378, type=dropout]; -"1379 _param_constant182" [id=1379, type=get_attr]; -"1380 linear_67_scale_0" [id=1380, type=get_attr]; -"1381 linear_67_zero_point_0" [id=1381, type=get_attr]; -"1382 quantize_per_channel_default_68" [id=1382, type=quantize_per_channel]; -"1383 dequantize_per_channel_default_68" [id=1383, type=dequantize_per_channel]; -"1384 _param_constant183_0_0" [id=1384, type=get_attr]; -"1385 linear_67" [id=1385, type=linear]; -"1386 dropout_43" [id=1386, type=dropout]; -"1387 _param_constant184" [id=1387, type=get_attr]; -"1388 _param_constant185" [id=1388, type=get_attr]; -"1389 layer_norm_24" [id=1389, type=layer_norm]; -"1390 add_37" [id=1390, type=add]; -"1391 _tensor_constant67" [id=1391, type=get_attr]; -"1392 _param_constant186" [id=1392, type=get_attr]; -"1393 linear_68_scale_0" [id=1393, type=get_attr]; -"1394 linear_68_zero_point_0" [id=1394, type=get_attr]; -"1395 quantize_per_channel_default_69" [id=1395, type=quantize_per_channel]; -"1396 dequantize_per_channel_default_69" [id=1396, type=dequantize_per_channel]; -"1397 _param_constant187_0_0" [id=1397, type=get_attr]; -"1398 linear_68" [id=1398, type=linear]; -"1399 relu__11" [id=1399, type=relu_]; -"1400 _param_constant188" [id=1400, type=get_attr]; -"1401 linear_69_scale_0" [id=1401, type=get_attr]; -"1402 linear_69_zero_point_0" [id=1402, type=get_attr]; -"1403 quantize_per_channel_default_70" [id=1403, type=quantize_per_channel]; -"1404 dequantize_per_channel_default_70" [id=1404, type=dequantize_per_channel]; -"1405 linear_69" [id=1405, type=linear]; -"1406 view_59" [id=1406, type=view]; -"1407 _tensor_constant68" [id=1407, type=get_attr]; -"1408 index_11" [id=1408, type=index]; -"1409 view_60" [id=1409, type=view]; -"1410 permute_50" [id=1410, type=permute]; -"1411 contiguous_20" [id=1411, type=contiguous]; -"1412 unsqueeze_31" [id=1412, type=unsqueeze]; -"1413 sigmoid_11" [id=1413, type=sigmoid]; -"1414 mul_22" [id=1414, type=mul]; -"1415 pad_13" [id=1415, type=pad]; -"1416 roll_10" [id=1416, type=roll]; -"1417 view_61" [id=1417, type=view]; -"1418 permute_51" [id=1418, type=permute]; -"1419 reshape_49" [id=1419, type=reshape]; -"1420 _param_constant190" [id=1420, type=get_attr]; -"1421 quantize_per_tensor_default_70" [id=1421, type=quantize_per_tensor]; -"1422 dequantize_per_tensor_default_70" [id=1422, type=dequantize_per_tensor]; -"1423 linear_70_scale_0" [id=1423, type=get_attr]; -"1424 linear_70_zero_point_0" [id=1424, type=get_attr]; -"1425 quantize_per_channel_default_71" [id=1425, type=quantize_per_channel]; -"1426 dequantize_per_channel_default_71" [id=1426, type=dequantize_per_channel]; -"1427 _param_constant189_0_0" [id=1427, type=get_attr]; -"1428 linear_70" [id=1428, type=linear]; -"1429 reshape_50" [id=1429, type=reshape]; -"1430 permute_52" [id=1430, type=permute]; -"1431 select_33" [id=1431, type=select]; -"1432 select_34" [id=1432, type=select]; -"1433 select_35" [id=1433, type=select]; -"1434 linalg_vector_norm_22" [id=1434, type=linalg_vector_norm]; -"1435 clamp_min_22" [id=1435, type=clamp_min]; -"1436 expand_as_22" [id=1436, type=expand_as]; -"1437 div_22" [id=1437, type=div]; -"1438 quantize_per_tensor_default_71" [id=1438, type=quantize_per_tensor]; -"1439 dequantize_per_tensor_default_71" [id=1439, type=dequantize_per_tensor]; -"1440 linalg_vector_norm_23" [id=1440, type=linalg_vector_norm]; -"1441 clamp_min_23" [id=1441, type=clamp_min]; -"1442 expand_as_23" [id=1442, type=expand_as]; -"1443 div_23" [id=1443, type=div]; -"1444 quantize_per_tensor_default_72" [id=1444, type=quantize_per_tensor]; -"1445 dequantize_per_tensor_default_72" [id=1445, type=dequantize_per_tensor]; -"1446 transpose_22" [id=1446, type=transpose]; -"1447 matmul_22" [id=1447, type=matmul]; -"1448 _param_constant191" [id=1448, type=get_attr]; -"1449 clamp_11" [id=1449, type=clamp]; -"1450 exp_11" [id=1450, type=exp]; -"1451 mul_23" [id=1451, type=mul]; -"1452 add_38" [id=1452, type=add]; -"1453 new_zeros_5" [id=1453, type=new_zeros]; -"1454 view_62" [id=1454, type=view]; -"1455 permute_53" [id=1455, type=permute]; -"1456 reshape_51" [id=1456, type=reshape]; -"1457 unsqueeze_32" [id=1457, type=unsqueeze]; -"1458 unsqueeze_33" [id=1458, type=unsqueeze]; -"1459 sub_5" [id=1459, type=sub]; -"1460 ne_5" [id=1460, type=ne]; -"1461 masked_fill_10" [id=1461, type=masked_fill]; -"1462 eq_5" [id=1462, type=eq]; -"1463 masked_fill_11" [id=1463, type=masked_fill]; -"1464 view_63" [id=1464, type=view]; -"1465 unsqueeze_34" [id=1465, type=unsqueeze]; -"1466 unsqueeze_35" [id=1466, type=unsqueeze]; -"1467 add_39" [id=1467, type=add]; -"1468 view_64" [id=1468, type=view]; -"1469 softmax_11" [id=1469, type=softmax]; -"1470 dropout_44" [id=1470, type=dropout]; -"1471 matmul_23" [id=1471, type=matmul]; -"1472 quantize_per_tensor_default_73" [id=1472, type=quantize_per_tensor]; -"1473 dequantize_per_tensor_default_73" [id=1473, type=dequantize_per_tensor]; -"1474 transpose_23" [id=1474, type=transpose]; -"1475 reshape_52" [id=1475, type=reshape]; -"1476 _param_constant192" [id=1476, type=get_attr]; -"1477 linear_71_scale_0" [id=1477, type=get_attr]; -"1478 linear_71_zero_point_0" [id=1478, type=get_attr]; -"1479 quantize_per_channel_default_72" [id=1479, type=quantize_per_channel]; -"1480 dequantize_per_channel_default_72" [id=1480, type=dequantize_per_channel]; -"1481 _param_constant193_0_0" [id=1481, type=get_attr]; -"1482 linear_71" [id=1482, type=linear]; -"1483 dropout_45" [id=1483, type=dropout]; -"1484 view_65" [id=1484, type=view]; -"1485 permute_54" [id=1485, type=permute]; -"1486 reshape_53" [id=1486, type=reshape]; -"1487 roll_11" [id=1487, type=roll]; -"1488 slice_185" [id=1488, type=slice]; -"1489 slice_186" [id=1489, type=slice]; -"1490 slice_187" [id=1490, type=slice]; -"1491 slice_188" [id=1491, type=slice]; -"1492 contiguous_21" [id=1492, type=contiguous]; -"1493 _param_constant194" [id=1493, type=get_attr]; -"1494 _param_constant195" [id=1494, type=get_attr]; -"1495 layer_norm_25" [id=1495, type=layer_norm]; -"1496 add_40" [id=1496, type=add]; -"1497 _param_constant196" [id=1497, type=get_attr]; -"1498 quantize_per_tensor_default_74" [id=1498, type=quantize_per_tensor]; -"1499 dequantize_per_tensor_default_74" [id=1499, type=dequantize_per_tensor]; -"1500 linear_72_scale_0" [id=1500, type=get_attr]; -"1501 linear_72_zero_point_0" [id=1501, type=get_attr]; -"1502 quantize_per_channel_default_73" [id=1502, type=quantize_per_channel]; -"1503 dequantize_per_channel_default_73" [id=1503, type=dequantize_per_channel]; -"1504 _param_constant197_0_0" [id=1504, type=get_attr]; -"1505 linear_72" [id=1505, type=linear]; -"1506 gelu_11" [id=1506, type=gelu]; -"1507 quantize_per_tensor_default_75" [id=1507, type=quantize_per_tensor]; -"1508 dequantize_per_tensor_default_75" [id=1508, type=dequantize_per_tensor]; -"1509 dropout_46" [id=1509, type=dropout]; -"1510 _param_constant198" [id=1510, type=get_attr]; -"1511 linear_73_scale_0" [id=1511, type=get_attr]; -"1512 linear_73_zero_point_0" [id=1512, type=get_attr]; -"1513 quantize_per_channel_default_74" [id=1513, type=quantize_per_channel]; -"1514 dequantize_per_channel_default_74" [id=1514, type=dequantize_per_channel]; -"1515 _param_constant199_0_0" [id=1515, type=get_attr]; -"1516 linear_73" [id=1516, type=linear]; -"1517 dropout_47" [id=1517, type=dropout]; -"1518 _param_constant200" [id=1518, type=get_attr]; -"1519 _param_constant201" [id=1519, type=get_attr]; -"1520 layer_norm_26" [id=1520, type=layer_norm]; -"1521 add_41" [id=1521, type=add]; -"1522 _tensor_constant78" [id=1522, type=get_attr]; -"1523 _param_constant202" [id=1523, type=get_attr]; -"1524 linear_74_scale_0" [id=1524, type=get_attr]; -"1525 linear_74_zero_point_0" [id=1525, type=get_attr]; -"1526 quantize_per_channel_default_75" [id=1526, type=quantize_per_channel]; -"1527 dequantize_per_channel_default_75" [id=1527, type=dequantize_per_channel]; -"1528 _param_constant203_0_0" [id=1528, type=get_attr]; -"1529 linear_74" [id=1529, type=linear]; -"1530 relu__12" [id=1530, type=relu_]; -"1531 _param_constant204" [id=1531, type=get_attr]; -"1532 linear_75_scale_0" [id=1532, type=get_attr]; -"1533 linear_75_zero_point_0" [id=1533, type=get_attr]; -"1534 quantize_per_channel_default_76" [id=1534, type=quantize_per_channel]; -"1535 dequantize_per_channel_default_76" [id=1535, type=dequantize_per_channel]; -"1536 linear_75" [id=1536, type=linear]; -"1537 view_66" [id=1537, type=view]; -"1538 _tensor_constant79" [id=1538, type=get_attr]; -"1539 index_12" [id=1539, type=index]; -"1540 view_67" [id=1540, type=view]; -"1541 permute_55" [id=1541, type=permute]; -"1542 contiguous_22" [id=1542, type=contiguous]; -"1543 unsqueeze_36" [id=1543, type=unsqueeze]; -"1544 sigmoid_12" [id=1544, type=sigmoid]; -"1545 mul_24" [id=1545, type=mul]; -"1546 quantize_per_tensor_default_76" [id=1546, type=quantize_per_tensor]; -"1547 dequantize_per_tensor_default_76" [id=1547, type=dequantize_per_tensor]; -"1548 pad_14" [id=1548, type=pad]; -"1549 view_68" [id=1549, type=view]; -"1550 permute_56" [id=1550, type=permute]; -"1551 reshape_54" [id=1551, type=reshape]; -"1552 _param_constant206" [id=1552, type=get_attr]; -"1553 linear_76_scale_0" [id=1553, type=get_attr]; -"1554 linear_76_zero_point_0" [id=1554, type=get_attr]; -"1555 quantize_per_channel_default_77" [id=1555, type=quantize_per_channel]; -"1556 dequantize_per_channel_default_77" [id=1556, type=dequantize_per_channel]; -"1557 _param_constant205_0_0" [id=1557, type=get_attr]; -"1558 linear_76" [id=1558, type=linear]; -"1559 reshape_55" [id=1559, type=reshape]; -"1560 permute_57" [id=1560, type=permute]; -"1561 select_36" [id=1561, type=select]; -"1562 select_37" [id=1562, type=select]; -"1563 select_38" [id=1563, type=select]; -"1564 linalg_vector_norm_24" [id=1564, type=linalg_vector_norm]; -"1565 clamp_min_24" [id=1565, type=clamp_min]; -"1566 expand_as_24" [id=1566, type=expand_as]; -"1567 div_24" [id=1567, type=div]; -"1568 quantize_per_tensor_default_77" [id=1568, type=quantize_per_tensor]; -"1569 dequantize_per_tensor_default_77" [id=1569, type=dequantize_per_tensor]; -"1570 linalg_vector_norm_25" [id=1570, type=linalg_vector_norm]; -"1571 clamp_min_25" [id=1571, type=clamp_min]; -"1572 expand_as_25" [id=1572, type=expand_as]; -"1573 div_25" [id=1573, type=div]; -"1574 quantize_per_tensor_default_78" [id=1574, type=quantize_per_tensor]; -"1575 dequantize_per_tensor_default_78" [id=1575, type=dequantize_per_tensor]; -"1576 transpose_24" [id=1576, type=transpose]; -"1577 matmul_24" [id=1577, type=matmul]; -"1578 _param_constant207" [id=1578, type=get_attr]; -"1579 clamp_12" [id=1579, type=clamp]; -"1580 exp_12" [id=1580, type=exp]; -"1581 mul_25" [id=1581, type=mul]; -"1582 add_42" [id=1582, type=add]; -"1583 softmax_12" [id=1583, type=softmax]; -"1584 dropout_48" [id=1584, type=dropout]; -"1585 matmul_25" [id=1585, type=matmul]; -"1586 quantize_per_tensor_default_79" [id=1586, type=quantize_per_tensor]; -"1587 dequantize_per_tensor_default_79" [id=1587, type=dequantize_per_tensor]; -"1588 transpose_25" [id=1588, type=transpose]; -"1589 reshape_56" [id=1589, type=reshape]; -"1590 _param_constant208" [id=1590, type=get_attr]; -"1591 linear_77_scale_0" [id=1591, type=get_attr]; -"1592 linear_77_zero_point_0" [id=1592, type=get_attr]; -"1593 quantize_per_channel_default_78" [id=1593, type=quantize_per_channel]; -"1594 dequantize_per_channel_default_78" [id=1594, type=dequantize_per_channel]; -"1595 _param_constant209_0_0" [id=1595, type=get_attr]; -"1596 linear_77" [id=1596, type=linear]; -"1597 dropout_49" [id=1597, type=dropout]; -"1598 view_69" [id=1598, type=view]; -"1599 permute_58" [id=1599, type=permute]; -"1600 reshape_57" [id=1600, type=reshape]; -"1601 slice_190" [id=1601, type=slice]; -"1602 slice_191" [id=1602, type=slice]; -"1603 slice_192" [id=1603, type=slice]; -"1604 slice_193" [id=1604, type=slice]; -"1605 contiguous_23" [id=1605, type=contiguous]; -"1606 _param_constant210" [id=1606, type=get_attr]; -"1607 _param_constant211" [id=1607, type=get_attr]; -"1608 layer_norm_27" [id=1608, type=layer_norm]; -"1609 add_43" [id=1609, type=add]; -"1610 _param_constant212" [id=1610, type=get_attr]; -"1611 quantize_per_tensor_default_80" [id=1611, type=quantize_per_tensor]; -"1612 dequantize_per_tensor_default_80" [id=1612, type=dequantize_per_tensor]; -"1613 linear_78_scale_0" [id=1613, type=get_attr]; -"1614 linear_78_zero_point_0" [id=1614, type=get_attr]; -"1615 quantize_per_channel_default_79" [id=1615, type=quantize_per_channel]; -"1616 dequantize_per_channel_default_79" [id=1616, type=dequantize_per_channel]; -"1617 _param_constant213_0_0" [id=1617, type=get_attr]; -"1618 linear_78" [id=1618, type=linear]; -"1619 gelu_12" [id=1619, type=gelu]; -"1620 quantize_per_tensor_default_81" [id=1620, type=quantize_per_tensor]; -"1621 dequantize_per_tensor_default_81" [id=1621, type=dequantize_per_tensor]; -"1622 dropout_50" [id=1622, type=dropout]; -"1623 _param_constant214" [id=1623, type=get_attr]; -"1624 linear_79_scale_0" [id=1624, type=get_attr]; -"1625 linear_79_zero_point_0" [id=1625, type=get_attr]; -"1626 quantize_per_channel_default_80" [id=1626, type=quantize_per_channel]; -"1627 dequantize_per_channel_default_80" [id=1627, type=dequantize_per_channel]; -"1628 _param_constant215_0_0" [id=1628, type=get_attr]; -"1629 linear_79" [id=1629, type=linear]; -"1630 dropout_51" [id=1630, type=dropout]; -"1631 _param_constant216" [id=1631, type=get_attr]; -"1632 _param_constant217" [id=1632, type=get_attr]; -"1633 layer_norm_28" [id=1633, type=layer_norm]; -"1634 add_44" [id=1634, type=add]; -"1635 _tensor_constant80" [id=1635, type=get_attr]; -"1636 _param_constant218" [id=1636, type=get_attr]; -"1637 linear_80_scale_0" [id=1637, type=get_attr]; -"1638 linear_80_zero_point_0" [id=1638, type=get_attr]; -"1639 quantize_per_channel_default_81" [id=1639, type=quantize_per_channel]; -"1640 dequantize_per_channel_default_81" [id=1640, type=dequantize_per_channel]; -"1641 _param_constant219_0_0" [id=1641, type=get_attr]; -"1642 linear_80" [id=1642, type=linear]; -"1643 relu__13" [id=1643, type=relu_]; -"1644 _param_constant220" [id=1644, type=get_attr]; -"1645 linear_81_scale_0" [id=1645, type=get_attr]; -"1646 linear_81_zero_point_0" [id=1646, type=get_attr]; -"1647 quantize_per_channel_default_82" [id=1647, type=quantize_per_channel]; -"1648 dequantize_per_channel_default_82" [id=1648, type=dequantize_per_channel]; -"1649 linear_81" [id=1649, type=linear]; -"1650 view_70" [id=1650, type=view]; -"1651 _tensor_constant81" [id=1651, type=get_attr]; -"1652 index_13" [id=1652, type=index]; -"1653 view_71" [id=1653, type=view]; -"1654 permute_59" [id=1654, type=permute]; -"1655 contiguous_24" [id=1655, type=contiguous]; -"1656 unsqueeze_37" [id=1656, type=unsqueeze]; -"1657 sigmoid_13" [id=1657, type=sigmoid]; -"1658 mul_26" [id=1658, type=mul]; -"1659 pad_15" [id=1659, type=pad]; -"1660 roll_12" [id=1660, type=roll]; -"1661 view_72" [id=1661, type=view]; -"1662 permute_60" [id=1662, type=permute]; -"1663 reshape_58" [id=1663, type=reshape]; -"1664 _param_constant222" [id=1664, type=get_attr]; -"1665 quantize_per_tensor_default_82" [id=1665, type=quantize_per_tensor]; -"1666 dequantize_per_tensor_default_82" [id=1666, type=dequantize_per_tensor]; -"1667 linear_82_scale_0" [id=1667, type=get_attr]; -"1668 linear_82_zero_point_0" [id=1668, type=get_attr]; -"1669 quantize_per_channel_default_83" [id=1669, type=quantize_per_channel]; -"1670 dequantize_per_channel_default_83" [id=1670, type=dequantize_per_channel]; -"1671 _param_constant221_0_0" [id=1671, type=get_attr]; -"1672 linear_82" [id=1672, type=linear]; -"1673 reshape_59" [id=1673, type=reshape]; -"1674 permute_61" [id=1674, type=permute]; -"1675 select_39" [id=1675, type=select]; -"1676 select_40" [id=1676, type=select]; -"1677 select_41" [id=1677, type=select]; -"1678 linalg_vector_norm_26" [id=1678, type=linalg_vector_norm]; -"1679 clamp_min_26" [id=1679, type=clamp_min]; -"1680 expand_as_26" [id=1680, type=expand_as]; -"1681 div_26" [id=1681, type=div]; -"1682 quantize_per_tensor_default_83" [id=1682, type=quantize_per_tensor]; -"1683 dequantize_per_tensor_default_83" [id=1683, type=dequantize_per_tensor]; -"1684 linalg_vector_norm_27" [id=1684, type=linalg_vector_norm]; -"1685 clamp_min_27" [id=1685, type=clamp_min]; -"1686 expand_as_27" [id=1686, type=expand_as]; -"1687 div_27" [id=1687, type=div]; -"1688 quantize_per_tensor_default_84" [id=1688, type=quantize_per_tensor]; -"1689 dequantize_per_tensor_default_84" [id=1689, type=dequantize_per_tensor]; -"1690 transpose_26" [id=1690, type=transpose]; -"1691 matmul_26" [id=1691, type=matmul]; -"1692 _param_constant223" [id=1692, type=get_attr]; -"1693 clamp_13" [id=1693, type=clamp]; -"1694 exp_13" [id=1694, type=exp]; -"1695 mul_27" [id=1695, type=mul]; -"1696 add_45" [id=1696, type=add]; -"1697 new_zeros_6" [id=1697, type=new_zeros]; -"1698 view_73" [id=1698, type=view]; -"1699 permute_62" [id=1699, type=permute]; -"1700 reshape_60" [id=1700, type=reshape]; -"1701 unsqueeze_38" [id=1701, type=unsqueeze]; -"1702 unsqueeze_39" [id=1702, type=unsqueeze]; -"1703 sub_6" [id=1703, type=sub]; -"1704 ne_6" [id=1704, type=ne]; -"1705 masked_fill_12" [id=1705, type=masked_fill]; -"1706 eq_6" [id=1706, type=eq]; -"1707 masked_fill_13" [id=1707, type=masked_fill]; -"1708 view_74" [id=1708, type=view]; -"1709 unsqueeze_40" [id=1709, type=unsqueeze]; -"1710 unsqueeze_41" [id=1710, type=unsqueeze]; -"1711 add_46" [id=1711, type=add]; -"1712 view_75" [id=1712, type=view]; -"1713 softmax_13" [id=1713, type=softmax]; -"1714 dropout_52" [id=1714, type=dropout]; -"1715 matmul_27" [id=1715, type=matmul]; -"1716 quantize_per_tensor_default_85" [id=1716, type=quantize_per_tensor]; -"1717 dequantize_per_tensor_default_85" [id=1717, type=dequantize_per_tensor]; -"1718 transpose_27" [id=1718, type=transpose]; -"1719 reshape_61" [id=1719, type=reshape]; -"1720 _param_constant224" [id=1720, type=get_attr]; -"1721 linear_83_scale_0" [id=1721, type=get_attr]; -"1722 linear_83_zero_point_0" [id=1722, type=get_attr]; -"1723 quantize_per_channel_default_84" [id=1723, type=quantize_per_channel]; -"1724 dequantize_per_channel_default_84" [id=1724, type=dequantize_per_channel]; -"1725 _param_constant225_0_0" [id=1725, type=get_attr]; -"1726 linear_83" [id=1726, type=linear]; -"1727 dropout_53" [id=1727, type=dropout]; -"1728 view_76" [id=1728, type=view]; -"1729 permute_63" [id=1729, type=permute]; -"1730 reshape_62" [id=1730, type=reshape]; -"1731 roll_13" [id=1731, type=roll]; -"1732 slice_213" [id=1732, type=slice]; -"1733 slice_214" [id=1733, type=slice]; -"1734 slice_215" [id=1734, type=slice]; -"1735 slice_216" [id=1735, type=slice]; -"1736 contiguous_25" [id=1736, type=contiguous]; -"1737 _param_constant226" [id=1737, type=get_attr]; -"1738 _param_constant227" [id=1738, type=get_attr]; -"1739 layer_norm_29" [id=1739, type=layer_norm]; -"1740 add_47" [id=1740, type=add]; -"1741 _param_constant228" [id=1741, type=get_attr]; -"1742 quantize_per_tensor_default_86" [id=1742, type=quantize_per_tensor]; -"1743 dequantize_per_tensor_default_86" [id=1743, type=dequantize_per_tensor]; -"1744 linear_84_scale_0" [id=1744, type=get_attr]; -"1745 linear_84_zero_point_0" [id=1745, type=get_attr]; -"1746 quantize_per_channel_default_85" [id=1746, type=quantize_per_channel]; -"1747 dequantize_per_channel_default_85" [id=1747, type=dequantize_per_channel]; -"1748 _param_constant229_0_0" [id=1748, type=get_attr]; -"1749 linear_84" [id=1749, type=linear]; -"1750 gelu_13" [id=1750, type=gelu]; -"1751 quantize_per_tensor_default_87" [id=1751, type=quantize_per_tensor]; -"1752 dequantize_per_tensor_default_87" [id=1752, type=dequantize_per_tensor]; -"1753 dropout_54" [id=1753, type=dropout]; -"1754 _param_constant230" [id=1754, type=get_attr]; -"1755 linear_85_scale_0" [id=1755, type=get_attr]; -"1756 linear_85_zero_point_0" [id=1756, type=get_attr]; -"1757 quantize_per_channel_default_86" [id=1757, type=quantize_per_channel]; -"1758 dequantize_per_channel_default_86" [id=1758, type=dequantize_per_channel]; -"1759 _param_constant231_0_0" [id=1759, type=get_attr]; -"1760 linear_85" [id=1760, type=linear]; -"1761 dropout_55" [id=1761, type=dropout]; -"1762 _param_constant232" [id=1762, type=get_attr]; -"1763 _param_constant233" [id=1763, type=get_attr]; -"1764 layer_norm_30" [id=1764, type=layer_norm]; -"1765 add_48" [id=1765, type=add]; -"1766 _tensor_constant91" [id=1766, type=get_attr]; -"1767 _param_constant234" [id=1767, type=get_attr]; -"1768 linear_86_scale_0" [id=1768, type=get_attr]; -"1769 linear_86_zero_point_0" [id=1769, type=get_attr]; -"1770 quantize_per_channel_default_87" [id=1770, type=quantize_per_channel]; -"1771 dequantize_per_channel_default_87" [id=1771, type=dequantize_per_channel]; -"1772 _param_constant235_0_0" [id=1772, type=get_attr]; -"1773 linear_86" [id=1773, type=linear]; -"1774 relu__14" [id=1774, type=relu_]; -"1775 _param_constant236" [id=1775, type=get_attr]; -"1776 linear_87_scale_0" [id=1776, type=get_attr]; -"1777 linear_87_zero_point_0" [id=1777, type=get_attr]; -"1778 quantize_per_channel_default_88" [id=1778, type=quantize_per_channel]; -"1779 dequantize_per_channel_default_88" [id=1779, type=dequantize_per_channel]; -"1780 linear_87" [id=1780, type=linear]; -"1781 view_77" [id=1781, type=view]; -"1782 _tensor_constant92" [id=1782, type=get_attr]; -"1783 index_14" [id=1783, type=index]; -"1784 view_78" [id=1784, type=view]; -"1785 permute_64" [id=1785, type=permute]; -"1786 contiguous_26" [id=1786, type=contiguous]; -"1787 unsqueeze_42" [id=1787, type=unsqueeze]; -"1788 sigmoid_14" [id=1788, type=sigmoid]; -"1789 mul_28" [id=1789, type=mul]; -"1790 quantize_per_tensor_default_88" [id=1790, type=quantize_per_tensor]; -"1791 dequantize_per_tensor_default_88" [id=1791, type=dequantize_per_tensor]; -"1792 pad_16" [id=1792, type=pad]; -"1793 view_79" [id=1793, type=view]; -"1794 permute_65" [id=1794, type=permute]; -"1795 reshape_63" [id=1795, type=reshape]; -"1796 _param_constant238" [id=1796, type=get_attr]; -"1797 linear_88_scale_0" [id=1797, type=get_attr]; -"1798 linear_88_zero_point_0" [id=1798, type=get_attr]; -"1799 quantize_per_channel_default_89" [id=1799, type=quantize_per_channel]; -"1800 dequantize_per_channel_default_89" [id=1800, type=dequantize_per_channel]; -"1801 _param_constant237_0_0" [id=1801, type=get_attr]; -"1802 linear_88" [id=1802, type=linear]; -"1803 reshape_64" [id=1803, type=reshape]; -"1804 permute_66" [id=1804, type=permute]; -"1805 select_42" [id=1805, type=select]; -"1806 select_43" [id=1806, type=select]; -"1807 select_44" [id=1807, type=select]; -"1808 linalg_vector_norm_28" [id=1808, type=linalg_vector_norm]; -"1809 clamp_min_28" [id=1809, type=clamp_min]; -"1810 expand_as_28" [id=1810, type=expand_as]; -"1811 div_28" [id=1811, type=div]; -"1812 quantize_per_tensor_default_89" [id=1812, type=quantize_per_tensor]; -"1813 dequantize_per_tensor_default_89" [id=1813, type=dequantize_per_tensor]; -"1814 linalg_vector_norm_29" [id=1814, type=linalg_vector_norm]; -"1815 clamp_min_29" [id=1815, type=clamp_min]; -"1816 expand_as_29" [id=1816, type=expand_as]; -"1817 div_29" [id=1817, type=div]; -"1818 quantize_per_tensor_default_90" [id=1818, type=quantize_per_tensor]; -"1819 dequantize_per_tensor_default_90" [id=1819, type=dequantize_per_tensor]; -"1820 transpose_28" [id=1820, type=transpose]; -"1821 matmul_28" [id=1821, type=matmul]; -"1822 _param_constant239" [id=1822, type=get_attr]; -"1823 clamp_14" [id=1823, type=clamp]; -"1824 exp_14" [id=1824, type=exp]; -"1825 mul_29" [id=1825, type=mul]; -"1826 add_49" [id=1826, type=add]; -"1827 softmax_14" [id=1827, type=softmax]; -"1828 dropout_56" [id=1828, type=dropout]; -"1829 matmul_29" [id=1829, type=matmul]; -"1830 quantize_per_tensor_default_91" [id=1830, type=quantize_per_tensor]; -"1831 dequantize_per_tensor_default_91" [id=1831, type=dequantize_per_tensor]; -"1832 transpose_29" [id=1832, type=transpose]; -"1833 reshape_65" [id=1833, type=reshape]; -"1834 _param_constant240" [id=1834, type=get_attr]; -"1835 linear_89_scale_0" [id=1835, type=get_attr]; -"1836 linear_89_zero_point_0" [id=1836, type=get_attr]; -"1837 quantize_per_channel_default_90" [id=1837, type=quantize_per_channel]; -"1838 dequantize_per_channel_default_90" [id=1838, type=dequantize_per_channel]; -"1839 _param_constant241_0_0" [id=1839, type=get_attr]; -"1840 linear_89" [id=1840, type=linear]; -"1841 dropout_57" [id=1841, type=dropout]; -"1842 view_80" [id=1842, type=view]; -"1843 permute_67" [id=1843, type=permute]; -"1844 reshape_66" [id=1844, type=reshape]; -"1845 slice_218" [id=1845, type=slice]; -"1846 slice_219" [id=1846, type=slice]; -"1847 slice_220" [id=1847, type=slice]; -"1848 slice_221" [id=1848, type=slice]; -"1849 contiguous_27" [id=1849, type=contiguous]; -"1850 _param_constant242" [id=1850, type=get_attr]; -"1851 _param_constant243" [id=1851, type=get_attr]; -"1852 layer_norm_31" [id=1852, type=layer_norm]; -"1853 add_50" [id=1853, type=add]; -"1854 _param_constant244" [id=1854, type=get_attr]; -"1855 quantize_per_tensor_default_92" [id=1855, type=quantize_per_tensor]; -"1856 dequantize_per_tensor_default_92" [id=1856, type=dequantize_per_tensor]; -"1857 linear_90_scale_0" [id=1857, type=get_attr]; -"1858 linear_90_zero_point_0" [id=1858, type=get_attr]; -"1859 quantize_per_channel_default_91" [id=1859, type=quantize_per_channel]; -"1860 dequantize_per_channel_default_91" [id=1860, type=dequantize_per_channel]; -"1861 _param_constant245_0_0" [id=1861, type=get_attr]; -"1862 linear_90" [id=1862, type=linear]; -"1863 gelu_14" [id=1863, type=gelu]; -"1864 quantize_per_tensor_default_93" [id=1864, type=quantize_per_tensor]; -"1865 dequantize_per_tensor_default_93" [id=1865, type=dequantize_per_tensor]; -"1866 dropout_58" [id=1866, type=dropout]; -"1867 _param_constant246" [id=1867, type=get_attr]; -"1868 linear_91_scale_0" [id=1868, type=get_attr]; -"1869 linear_91_zero_point_0" [id=1869, type=get_attr]; -"1870 quantize_per_channel_default_92" [id=1870, type=quantize_per_channel]; -"1871 dequantize_per_channel_default_92" [id=1871, type=dequantize_per_channel]; -"1872 _param_constant247_0_0" [id=1872, type=get_attr]; -"1873 linear_91" [id=1873, type=linear]; -"1874 dropout_59" [id=1874, type=dropout]; -"1875 _param_constant248" [id=1875, type=get_attr]; -"1876 _param_constant249" [id=1876, type=get_attr]; -"1877 layer_norm_32" [id=1877, type=layer_norm]; -"1878 add_51" [id=1878, type=add]; -"1879 _tensor_constant93" [id=1879, type=get_attr]; -"1880 _param_constant250" [id=1880, type=get_attr]; -"1881 linear_92_scale_0" [id=1881, type=get_attr]; -"1882 linear_92_zero_point_0" [id=1882, type=get_attr]; -"1883 quantize_per_channel_default_93" [id=1883, type=quantize_per_channel]; -"1884 dequantize_per_channel_default_93" [id=1884, type=dequantize_per_channel]; -"1885 _param_constant251_0_0" [id=1885, type=get_attr]; -"1886 linear_92" [id=1886, type=linear]; -"1887 relu__15" [id=1887, type=relu_]; -"1888 _param_constant252" [id=1888, type=get_attr]; -"1889 linear_93_scale_0" [id=1889, type=get_attr]; -"1890 linear_93_zero_point_0" [id=1890, type=get_attr]; -"1891 quantize_per_channel_default_94" [id=1891, type=quantize_per_channel]; -"1892 dequantize_per_channel_default_94" [id=1892, type=dequantize_per_channel]; -"1893 linear_93" [id=1893, type=linear]; -"1894 view_81" [id=1894, type=view]; -"1895 _tensor_constant94" [id=1895, type=get_attr]; -"1896 index_15" [id=1896, type=index]; -"1897 view_82" [id=1897, type=view]; -"1898 permute_68" [id=1898, type=permute]; -"1899 contiguous_28" [id=1899, type=contiguous]; -"1900 unsqueeze_43" [id=1900, type=unsqueeze]; -"1901 sigmoid_15" [id=1901, type=sigmoid]; -"1902 mul_30" [id=1902, type=mul]; -"1903 pad_17" [id=1903, type=pad]; -"1904 roll_14" [id=1904, type=roll]; -"1905 view_83" [id=1905, type=view]; -"1906 permute_69" [id=1906, type=permute]; -"1907 reshape_67" [id=1907, type=reshape]; -"1908 _param_constant254" [id=1908, type=get_attr]; -"1909 quantize_per_tensor_default_94" [id=1909, type=quantize_per_tensor]; -"1910 dequantize_per_tensor_default_94" [id=1910, type=dequantize_per_tensor]; -"1911 linear_94_scale_0" [id=1911, type=get_attr]; -"1912 linear_94_zero_point_0" [id=1912, type=get_attr]; -"1913 quantize_per_channel_default_95" [id=1913, type=quantize_per_channel]; -"1914 dequantize_per_channel_default_95" [id=1914, type=dequantize_per_channel]; -"1915 _param_constant253_0_0" [id=1915, type=get_attr]; -"1916 linear_94" [id=1916, type=linear]; -"1917 reshape_68" [id=1917, type=reshape]; -"1918 permute_70" [id=1918, type=permute]; -"1919 select_45" [id=1919, type=select]; -"1920 select_46" [id=1920, type=select]; -"1921 select_47" [id=1921, type=select]; -"1922 linalg_vector_norm_30" [id=1922, type=linalg_vector_norm]; -"1923 clamp_min_30" [id=1923, type=clamp_min]; -"1924 expand_as_30" [id=1924, type=expand_as]; -"1925 div_30" [id=1925, type=div]; -"1926 quantize_per_tensor_default_95" [id=1926, type=quantize_per_tensor]; -"1927 dequantize_per_tensor_default_95" [id=1927, type=dequantize_per_tensor]; -"1928 linalg_vector_norm_31" [id=1928, type=linalg_vector_norm]; -"1929 clamp_min_31" [id=1929, type=clamp_min]; -"1930 expand_as_31" [id=1930, type=expand_as]; -"1931 div_31" [id=1931, type=div]; -"1932 quantize_per_tensor_default_96" [id=1932, type=quantize_per_tensor]; -"1933 dequantize_per_tensor_default_96" [id=1933, type=dequantize_per_tensor]; -"1934 transpose_30" [id=1934, type=transpose]; -"1935 matmul_30" [id=1935, type=matmul]; -"1936 _param_constant255" [id=1936, type=get_attr]; -"1937 clamp_15" [id=1937, type=clamp]; -"1938 exp_15" [id=1938, type=exp]; -"1939 mul_31" [id=1939, type=mul]; -"1940 add_52" [id=1940, type=add]; -"1941 new_zeros_7" [id=1941, type=new_zeros]; -"1942 view_84" [id=1942, type=view]; -"1943 permute_71" [id=1943, type=permute]; -"1944 reshape_69" [id=1944, type=reshape]; -"1945 unsqueeze_44" [id=1945, type=unsqueeze]; -"1946 unsqueeze_45" [id=1946, type=unsqueeze]; -"1947 sub_7" [id=1947, type=sub]; -"1948 ne_7" [id=1948, type=ne]; -"1949 masked_fill_14" [id=1949, type=masked_fill]; -"1950 eq_7" [id=1950, type=eq]; -"1951 masked_fill_15" [id=1951, type=masked_fill]; -"1952 view_85" [id=1952, type=view]; -"1953 unsqueeze_46" [id=1953, type=unsqueeze]; -"1954 unsqueeze_47" [id=1954, type=unsqueeze]; -"1955 add_53" [id=1955, type=add]; -"1956 view_86" [id=1956, type=view]; -"1957 softmax_15" [id=1957, type=softmax]; -"1958 dropout_60" [id=1958, type=dropout]; -"1959 matmul_31" [id=1959, type=matmul]; -"1960 quantize_per_tensor_default_97" [id=1960, type=quantize_per_tensor]; -"1961 dequantize_per_tensor_default_97" [id=1961, type=dequantize_per_tensor]; -"1962 transpose_31" [id=1962, type=transpose]; -"1963 reshape_70" [id=1963, type=reshape]; -"1964 _param_constant256" [id=1964, type=get_attr]; -"1965 linear_95_scale_0" [id=1965, type=get_attr]; -"1966 linear_95_zero_point_0" [id=1966, type=get_attr]; -"1967 quantize_per_channel_default_96" [id=1967, type=quantize_per_channel]; -"1968 dequantize_per_channel_default_96" [id=1968, type=dequantize_per_channel]; -"1969 _param_constant257_0_0" [id=1969, type=get_attr]; -"1970 linear_95" [id=1970, type=linear]; -"1971 dropout_61" [id=1971, type=dropout]; -"1972 view_87" [id=1972, type=view]; -"1973 permute_72" [id=1973, type=permute]; -"1974 reshape_71" [id=1974, type=reshape]; -"1975 roll_15" [id=1975, type=roll]; -"1976 slice_241" [id=1976, type=slice]; -"1977 slice_242" [id=1977, type=slice]; -"1978 slice_243" [id=1978, type=slice]; -"1979 slice_244" [id=1979, type=slice]; -"1980 contiguous_29" [id=1980, type=contiguous]; -"1981 _param_constant258" [id=1981, type=get_attr]; -"1982 _param_constant259" [id=1982, type=get_attr]; -"1983 layer_norm_33" [id=1983, type=layer_norm]; -"1984 add_54" [id=1984, type=add]; -"1985 _param_constant260" [id=1985, type=get_attr]; -"1986 quantize_per_tensor_default_98" [id=1986, type=quantize_per_tensor]; -"1987 dequantize_per_tensor_default_98" [id=1987, type=dequantize_per_tensor]; -"1988 linear_96_scale_0" [id=1988, type=get_attr]; -"1989 linear_96_zero_point_0" [id=1989, type=get_attr]; -"1990 quantize_per_channel_default_97" [id=1990, type=quantize_per_channel]; -"1991 dequantize_per_channel_default_97" [id=1991, type=dequantize_per_channel]; -"1992 _param_constant261_0_0" [id=1992, type=get_attr]; -"1993 linear_96" [id=1993, type=linear]; -"1994 gelu_15" [id=1994, type=gelu]; -"1995 quantize_per_tensor_default_99" [id=1995, type=quantize_per_tensor]; -"1996 dequantize_per_tensor_default_99" [id=1996, type=dequantize_per_tensor]; -"1997 dropout_62" [id=1997, type=dropout]; -"1998 _param_constant262" [id=1998, type=get_attr]; -"1999 linear_97_scale_0" [id=1999, type=get_attr]; -"2000 linear_97_zero_point_0" [id=2000, type=get_attr]; -"2001 quantize_per_channel_default_98" [id=2001, type=quantize_per_channel]; -"2002 dequantize_per_channel_default_98" [id=2002, type=dequantize_per_channel]; -"2003 _param_constant263_0_0" [id=2003, type=get_attr]; -"2004 linear_97" [id=2004, type=linear]; -"2005 dropout_63" [id=2005, type=dropout]; -"2006 _param_constant264" [id=2006, type=get_attr]; -"2007 _param_constant265" [id=2007, type=get_attr]; -"2008 layer_norm_34" [id=2008, type=layer_norm]; -"2009 add_55" [id=2009, type=add]; -"2010 _tensor_constant104" [id=2010, type=get_attr]; -"2011 _param_constant266" [id=2011, type=get_attr]; -"2012 linear_98_scale_0" [id=2012, type=get_attr]; -"2013 linear_98_zero_point_0" [id=2013, type=get_attr]; -"2014 quantize_per_channel_default_99" [id=2014, type=quantize_per_channel]; -"2015 dequantize_per_channel_default_99" [id=2015, type=dequantize_per_channel]; -"2016 _param_constant267_0_0" [id=2016, type=get_attr]; -"2017 linear_98" [id=2017, type=linear]; -"2018 relu__16" [id=2018, type=relu_]; -"2019 _param_constant268" [id=2019, type=get_attr]; -"2020 linear_99_scale_0" [id=2020, type=get_attr]; -"2021 linear_99_zero_point_0" [id=2021, type=get_attr]; -"2022 quantize_per_channel_default_100" [id=2022, type=quantize_per_channel]; -"2023 dequantize_per_channel_default_100" [id=2023, type=dequantize_per_channel]; -"2024 linear_99" [id=2024, type=linear]; -"2025 view_88" [id=2025, type=view]; -"2026 _tensor_constant105" [id=2026, type=get_attr]; -"2027 index_16" [id=2027, type=index]; -"2028 view_89" [id=2028, type=view]; -"2029 permute_73" [id=2029, type=permute]; -"2030 contiguous_30" [id=2030, type=contiguous]; -"2031 unsqueeze_48" [id=2031, type=unsqueeze]; -"2032 sigmoid_16" [id=2032, type=sigmoid]; -"2033 mul_32" [id=2033, type=mul]; -"2034 quantize_per_tensor_default_100" [id=2034, type=quantize_per_tensor]; -"2035 dequantize_per_tensor_default_100" [id=2035, type=dequantize_per_tensor]; -"2036 pad_18" [id=2036, type=pad]; -"2037 view_90" [id=2037, type=view]; -"2038 permute_74" [id=2038, type=permute]; -"2039 reshape_72" [id=2039, type=reshape]; -"2040 _param_constant270" [id=2040, type=get_attr]; -"2041 linear_100_scale_0" [id=2041, type=get_attr]; -"2042 linear_100_zero_point_0" [id=2042, type=get_attr]; -"2043 quantize_per_channel_default_101" [id=2043, type=quantize_per_channel]; -"2044 dequantize_per_channel_default_101" [id=2044, type=dequantize_per_channel]; -"2045 _param_constant269_0_0" [id=2045, type=get_attr]; -"2046 linear_100" [id=2046, type=linear]; -"2047 reshape_73" [id=2047, type=reshape]; -"2048 permute_75" [id=2048, type=permute]; -"2049 select_48" [id=2049, type=select]; -"2050 select_49" [id=2050, type=select]; -"2051 select_50" [id=2051, type=select]; -"2052 linalg_vector_norm_32" [id=2052, type=linalg_vector_norm]; -"2053 clamp_min_32" [id=2053, type=clamp_min]; -"2054 expand_as_32" [id=2054, type=expand_as]; -"2055 div_32" [id=2055, type=div]; -"2056 quantize_per_tensor_default_101" [id=2056, type=quantize_per_tensor]; -"2057 dequantize_per_tensor_default_101" [id=2057, type=dequantize_per_tensor]; -"2058 linalg_vector_norm_33" [id=2058, type=linalg_vector_norm]; -"2059 clamp_min_33" [id=2059, type=clamp_min]; -"2060 expand_as_33" [id=2060, type=expand_as]; -"2061 div_33" [id=2061, type=div]; -"2062 quantize_per_tensor_default_102" [id=2062, type=quantize_per_tensor]; -"2063 dequantize_per_tensor_default_102" [id=2063, type=dequantize_per_tensor]; -"2064 transpose_32" [id=2064, type=transpose]; -"2065 matmul_32" [id=2065, type=matmul]; -"2066 _param_constant271" [id=2066, type=get_attr]; -"2067 clamp_16" [id=2067, type=clamp]; -"2068 exp_16" [id=2068, type=exp]; -"2069 mul_33" [id=2069, type=mul]; -"2070 add_56" [id=2070, type=add]; -"2071 softmax_16" [id=2071, type=softmax]; -"2072 dropout_64" [id=2072, type=dropout]; -"2073 matmul_33" [id=2073, type=matmul]; -"2074 quantize_per_tensor_default_103" [id=2074, type=quantize_per_tensor]; -"2075 dequantize_per_tensor_default_103" [id=2075, type=dequantize_per_tensor]; -"2076 transpose_33" [id=2076, type=transpose]; -"2077 reshape_74" [id=2077, type=reshape]; -"2078 _param_constant272" [id=2078, type=get_attr]; -"2079 linear_101_scale_0" [id=2079, type=get_attr]; -"2080 linear_101_zero_point_0" [id=2080, type=get_attr]; -"2081 quantize_per_channel_default_102" [id=2081, type=quantize_per_channel]; -"2082 dequantize_per_channel_default_102" [id=2082, type=dequantize_per_channel]; -"2083 _param_constant273_0_0" [id=2083, type=get_attr]; -"2084 linear_101" [id=2084, type=linear]; -"2085 dropout_65" [id=2085, type=dropout]; -"2086 view_91" [id=2086, type=view]; -"2087 permute_76" [id=2087, type=permute]; -"2088 reshape_75" [id=2088, type=reshape]; -"2089 slice_246" [id=2089, type=slice]; -"2090 slice_247" [id=2090, type=slice]; -"2091 slice_248" [id=2091, type=slice]; -"2092 slice_249" [id=2092, type=slice]; -"2093 contiguous_31" [id=2093, type=contiguous]; -"2094 _param_constant274" [id=2094, type=get_attr]; -"2095 _param_constant275" [id=2095, type=get_attr]; -"2096 layer_norm_35" [id=2096, type=layer_norm]; -"2097 add_57" [id=2097, type=add]; -"2098 _param_constant276" [id=2098, type=get_attr]; -"2099 quantize_per_tensor_default_104" [id=2099, type=quantize_per_tensor]; -"2100 dequantize_per_tensor_default_104" [id=2100, type=dequantize_per_tensor]; -"2101 linear_102_scale_0" [id=2101, type=get_attr]; -"2102 linear_102_zero_point_0" [id=2102, type=get_attr]; -"2103 quantize_per_channel_default_103" [id=2103, type=quantize_per_channel]; -"2104 dequantize_per_channel_default_103" [id=2104, type=dequantize_per_channel]; -"2105 _param_constant277_0_0" [id=2105, type=get_attr]; -"2106 linear_102" [id=2106, type=linear]; -"2107 gelu_16" [id=2107, type=gelu]; -"2108 quantize_per_tensor_default_105" [id=2108, type=quantize_per_tensor]; -"2109 dequantize_per_tensor_default_105" [id=2109, type=dequantize_per_tensor]; -"2110 dropout_66" [id=2110, type=dropout]; -"2111 _param_constant278" [id=2111, type=get_attr]; -"2112 linear_103_scale_0" [id=2112, type=get_attr]; -"2113 linear_103_zero_point_0" [id=2113, type=get_attr]; -"2114 quantize_per_channel_default_104" [id=2114, type=quantize_per_channel]; -"2115 dequantize_per_channel_default_104" [id=2115, type=dequantize_per_channel]; -"2116 _param_constant279_0_0" [id=2116, type=get_attr]; -"2117 linear_103" [id=2117, type=linear]; -"2118 dropout_67" [id=2118, type=dropout]; -"2119 _param_constant280" [id=2119, type=get_attr]; -"2120 _param_constant281" [id=2120, type=get_attr]; -"2121 layer_norm_36" [id=2121, type=layer_norm]; -"2122 add_58" [id=2122, type=add]; -"2123 _tensor_constant106" [id=2123, type=get_attr]; -"2124 _param_constant282" [id=2124, type=get_attr]; -"2125 linear_104_scale_0" [id=2125, type=get_attr]; -"2126 linear_104_zero_point_0" [id=2126, type=get_attr]; -"2127 quantize_per_channel_default_105" [id=2127, type=quantize_per_channel]; -"2128 dequantize_per_channel_default_105" [id=2128, type=dequantize_per_channel]; -"2129 _param_constant283_0_0" [id=2129, type=get_attr]; -"2130 linear_104" [id=2130, type=linear]; -"2131 relu__17" [id=2131, type=relu_]; -"2132 _param_constant284" [id=2132, type=get_attr]; -"2133 linear_105_scale_0" [id=2133, type=get_attr]; -"2134 linear_105_zero_point_0" [id=2134, type=get_attr]; -"2135 quantize_per_channel_default_106" [id=2135, type=quantize_per_channel]; -"2136 dequantize_per_channel_default_106" [id=2136, type=dequantize_per_channel]; -"2137 linear_105" [id=2137, type=linear]; -"2138 view_92" [id=2138, type=view]; -"2139 _tensor_constant107" [id=2139, type=get_attr]; -"2140 index_17" [id=2140, type=index]; -"2141 view_93" [id=2141, type=view]; -"2142 permute_77" [id=2142, type=permute]; -"2143 contiguous_32" [id=2143, type=contiguous]; -"2144 unsqueeze_49" [id=2144, type=unsqueeze]; -"2145 sigmoid_17" [id=2145, type=sigmoid]; -"2146 mul_34" [id=2146, type=mul]; -"2147 pad_19" [id=2147, type=pad]; -"2148 roll_16" [id=2148, type=roll]; -"2149 view_94" [id=2149, type=view]; -"2150 permute_78" [id=2150, type=permute]; -"2151 reshape_76" [id=2151, type=reshape]; -"2152 _param_constant286" [id=2152, type=get_attr]; -"2153 quantize_per_tensor_default_106" [id=2153, type=quantize_per_tensor]; -"2154 dequantize_per_tensor_default_106" [id=2154, type=dequantize_per_tensor]; -"2155 linear_106_scale_0" [id=2155, type=get_attr]; -"2156 linear_106_zero_point_0" [id=2156, type=get_attr]; -"2157 quantize_per_channel_default_107" [id=2157, type=quantize_per_channel]; -"2158 dequantize_per_channel_default_107" [id=2158, type=dequantize_per_channel]; -"2159 _param_constant285_0_0" [id=2159, type=get_attr]; -"2160 linear_106" [id=2160, type=linear]; -"2161 reshape_77" [id=2161, type=reshape]; -"2162 permute_79" [id=2162, type=permute]; -"2163 select_51" [id=2163, type=select]; -"2164 select_52" [id=2164, type=select]; -"2165 select_53" [id=2165, type=select]; -"2166 linalg_vector_norm_34" [id=2166, type=linalg_vector_norm]; -"2167 clamp_min_34" [id=2167, type=clamp_min]; -"2168 expand_as_34" [id=2168, type=expand_as]; -"2169 div_34" [id=2169, type=div]; -"2170 quantize_per_tensor_default_107" [id=2170, type=quantize_per_tensor]; -"2171 dequantize_per_tensor_default_107" [id=2171, type=dequantize_per_tensor]; -"2172 linalg_vector_norm_35" [id=2172, type=linalg_vector_norm]; -"2173 clamp_min_35" [id=2173, type=clamp_min]; -"2174 expand_as_35" [id=2174, type=expand_as]; -"2175 div_35" [id=2175, type=div]; -"2176 quantize_per_tensor_default_108" [id=2176, type=quantize_per_tensor]; -"2177 dequantize_per_tensor_default_108" [id=2177, type=dequantize_per_tensor]; -"2178 transpose_34" [id=2178, type=transpose]; -"2179 matmul_34" [id=2179, type=matmul]; -"2180 _param_constant287" [id=2180, type=get_attr]; -"2181 clamp_17" [id=2181, type=clamp]; -"2182 exp_17" [id=2182, type=exp]; -"2183 mul_35" [id=2183, type=mul]; -"2184 add_59" [id=2184, type=add]; -"2185 new_zeros_8" [id=2185, type=new_zeros]; -"2186 view_95" [id=2186, type=view]; -"2187 permute_80" [id=2187, type=permute]; -"2188 reshape_78" [id=2188, type=reshape]; -"2189 unsqueeze_50" [id=2189, type=unsqueeze]; -"2190 unsqueeze_51" [id=2190, type=unsqueeze]; -"2191 sub_8" [id=2191, type=sub]; -"2192 ne_8" [id=2192, type=ne]; -"2193 masked_fill_16" [id=2193, type=masked_fill]; -"2194 eq_8" [id=2194, type=eq]; -"2195 masked_fill_17" [id=2195, type=masked_fill]; -"2196 view_96" [id=2196, type=view]; -"2197 unsqueeze_52" [id=2197, type=unsqueeze]; -"2198 unsqueeze_53" [id=2198, type=unsqueeze]; -"2199 add_60" [id=2199, type=add]; -"2200 view_97" [id=2200, type=view]; -"2201 softmax_17" [id=2201, type=softmax]; -"2202 dropout_68" [id=2202, type=dropout]; -"2203 matmul_35" [id=2203, type=matmul]; -"2204 quantize_per_tensor_default_109" [id=2204, type=quantize_per_tensor]; -"2205 dequantize_per_tensor_default_109" [id=2205, type=dequantize_per_tensor]; -"2206 transpose_35" [id=2206, type=transpose]; -"2207 reshape_79" [id=2207, type=reshape]; -"2208 _param_constant288" [id=2208, type=get_attr]; -"2209 linear_107_scale_0" [id=2209, type=get_attr]; -"2210 linear_107_zero_point_0" [id=2210, type=get_attr]; -"2211 quantize_per_channel_default_108" [id=2211, type=quantize_per_channel]; -"2212 dequantize_per_channel_default_108" [id=2212, type=dequantize_per_channel]; -"2213 _param_constant289_0_0" [id=2213, type=get_attr]; -"2214 linear_107" [id=2214, type=linear]; -"2215 dropout_69" [id=2215, type=dropout]; -"2216 view_98" [id=2216, type=view]; -"2217 permute_81" [id=2217, type=permute]; -"2218 reshape_80" [id=2218, type=reshape]; -"2219 roll_17" [id=2219, type=roll]; -"2220 slice_269" [id=2220, type=slice]; -"2221 slice_270" [id=2221, type=slice]; -"2222 slice_271" [id=2222, type=slice]; -"2223 slice_272" [id=2223, type=slice]; -"2224 contiguous_33" [id=2224, type=contiguous]; -"2225 _param_constant290" [id=2225, type=get_attr]; -"2226 _param_constant291" [id=2226, type=get_attr]; -"2227 layer_norm_37" [id=2227, type=layer_norm]; -"2228 add_61" [id=2228, type=add]; -"2229 _param_constant292" [id=2229, type=get_attr]; -"2230 quantize_per_tensor_default_110" [id=2230, type=quantize_per_tensor]; -"2231 dequantize_per_tensor_default_110" [id=2231, type=dequantize_per_tensor]; -"2232 linear_108_scale_0" [id=2232, type=get_attr]; -"2233 linear_108_zero_point_0" [id=2233, type=get_attr]; -"2234 quantize_per_channel_default_109" [id=2234, type=quantize_per_channel]; -"2235 dequantize_per_channel_default_109" [id=2235, type=dequantize_per_channel]; -"2236 _param_constant293_0_0" [id=2236, type=get_attr]; -"2237 linear_108" [id=2237, type=linear]; -"2238 gelu_17" [id=2238, type=gelu]; -"2239 quantize_per_tensor_default_111" [id=2239, type=quantize_per_tensor]; -"2240 dequantize_per_tensor_default_111" [id=2240, type=dequantize_per_tensor]; -"2241 dropout_70" [id=2241, type=dropout]; -"2242 _param_constant294" [id=2242, type=get_attr]; -"2243 linear_109_scale_0" [id=2243, type=get_attr]; -"2244 linear_109_zero_point_0" [id=2244, type=get_attr]; -"2245 quantize_per_channel_default_110" [id=2245, type=quantize_per_channel]; -"2246 dequantize_per_channel_default_110" [id=2246, type=dequantize_per_channel]; -"2247 _param_constant295_0_0" [id=2247, type=get_attr]; -"2248 linear_109" [id=2248, type=linear]; -"2249 dropout_71" [id=2249, type=dropout]; -"2250 _param_constant296" [id=2250, type=get_attr]; -"2251 _param_constant297" [id=2251, type=get_attr]; -"2252 layer_norm_38" [id=2252, type=layer_norm]; -"2253 add_62" [id=2253, type=add]; -"2254 _tensor_constant117" [id=2254, type=get_attr]; -"2255 _param_constant298" [id=2255, type=get_attr]; -"2256 linear_110_scale_0" [id=2256, type=get_attr]; -"2257 linear_110_zero_point_0" [id=2257, type=get_attr]; -"2258 quantize_per_channel_default_111" [id=2258, type=quantize_per_channel]; -"2259 dequantize_per_channel_default_111" [id=2259, type=dequantize_per_channel]; -"2260 _param_constant299_0_0" [id=2260, type=get_attr]; -"2261 linear_110" [id=2261, type=linear]; -"2262 relu__18" [id=2262, type=relu_]; -"2263 _param_constant300" [id=2263, type=get_attr]; -"2264 linear_111_scale_0" [id=2264, type=get_attr]; -"2265 linear_111_zero_point_0" [id=2265, type=get_attr]; -"2266 quantize_per_channel_default_112" [id=2266, type=quantize_per_channel]; -"2267 dequantize_per_channel_default_112" [id=2267, type=dequantize_per_channel]; -"2268 linear_111" [id=2268, type=linear]; -"2269 view_99" [id=2269, type=view]; -"2270 _tensor_constant118" [id=2270, type=get_attr]; -"2271 index_18" [id=2271, type=index]; -"2272 view_100" [id=2272, type=view]; -"2273 permute_82" [id=2273, type=permute]; -"2274 contiguous_34" [id=2274, type=contiguous]; -"2275 unsqueeze_54" [id=2275, type=unsqueeze]; -"2276 sigmoid_18" [id=2276, type=sigmoid]; -"2277 mul_36" [id=2277, type=mul]; -"2278 quantize_per_tensor_default_112" [id=2278, type=quantize_per_tensor]; -"2279 dequantize_per_tensor_default_112" [id=2279, type=dequantize_per_tensor]; -"2280 pad_20" [id=2280, type=pad]; -"2281 view_101" [id=2281, type=view]; -"2282 permute_83" [id=2282, type=permute]; -"2283 reshape_81" [id=2283, type=reshape]; -"2284 _param_constant302" [id=2284, type=get_attr]; -"2285 linear_112_scale_0" [id=2285, type=get_attr]; -"2286 linear_112_zero_point_0" [id=2286, type=get_attr]; -"2287 quantize_per_channel_default_113" [id=2287, type=quantize_per_channel]; -"2288 dequantize_per_channel_default_113" [id=2288, type=dequantize_per_channel]; -"2289 _param_constant301_0_0" [id=2289, type=get_attr]; -"2290 linear_112" [id=2290, type=linear]; -"2291 reshape_82" [id=2291, type=reshape]; -"2292 permute_84" [id=2292, type=permute]; -"2293 select_54" [id=2293, type=select]; -"2294 select_55" [id=2294, type=select]; -"2295 select_56" [id=2295, type=select]; -"2296 linalg_vector_norm_36" [id=2296, type=linalg_vector_norm]; -"2297 clamp_min_36" [id=2297, type=clamp_min]; -"2298 expand_as_36" [id=2298, type=expand_as]; -"2299 div_36" [id=2299, type=div]; -"2300 quantize_per_tensor_default_113" [id=2300, type=quantize_per_tensor]; -"2301 dequantize_per_tensor_default_113" [id=2301, type=dequantize_per_tensor]; -"2302 linalg_vector_norm_37" [id=2302, type=linalg_vector_norm]; -"2303 clamp_min_37" [id=2303, type=clamp_min]; -"2304 expand_as_37" [id=2304, type=expand_as]; -"2305 div_37" [id=2305, type=div]; -"2306 quantize_per_tensor_default_114" [id=2306, type=quantize_per_tensor]; -"2307 dequantize_per_tensor_default_114" [id=2307, type=dequantize_per_tensor]; -"2308 transpose_36" [id=2308, type=transpose]; -"2309 matmul_36" [id=2309, type=matmul]; -"2310 _param_constant303" [id=2310, type=get_attr]; -"2311 clamp_18" [id=2311, type=clamp]; -"2312 exp_18" [id=2312, type=exp]; -"2313 mul_37" [id=2313, type=mul]; -"2314 add_63" [id=2314, type=add]; -"2315 softmax_18" [id=2315, type=softmax]; -"2316 dropout_72" [id=2316, type=dropout]; -"2317 matmul_37" [id=2317, type=matmul]; -"2318 quantize_per_tensor_default_115" [id=2318, type=quantize_per_tensor]; -"2319 dequantize_per_tensor_default_115" [id=2319, type=dequantize_per_tensor]; -"2320 transpose_37" [id=2320, type=transpose]; -"2321 reshape_83" [id=2321, type=reshape]; -"2322 _param_constant304" [id=2322, type=get_attr]; -"2323 linear_113_scale_0" [id=2323, type=get_attr]; -"2324 linear_113_zero_point_0" [id=2324, type=get_attr]; -"2325 quantize_per_channel_default_114" [id=2325, type=quantize_per_channel]; -"2326 dequantize_per_channel_default_114" [id=2326, type=dequantize_per_channel]; -"2327 _param_constant305_0_0" [id=2327, type=get_attr]; -"2328 linear_113" [id=2328, type=linear]; -"2329 dropout_73" [id=2329, type=dropout]; -"2330 view_102" [id=2330, type=view]; -"2331 permute_85" [id=2331, type=permute]; -"2332 reshape_84" [id=2332, type=reshape]; -"2333 slice_274" [id=2333, type=slice]; -"2334 slice_275" [id=2334, type=slice]; -"2335 slice_276" [id=2335, type=slice]; -"2336 slice_277" [id=2336, type=slice]; -"2337 contiguous_35" [id=2337, type=contiguous]; -"2338 _param_constant306" [id=2338, type=get_attr]; -"2339 _param_constant307" [id=2339, type=get_attr]; -"2340 layer_norm_39" [id=2340, type=layer_norm]; -"2341 add_64" [id=2341, type=add]; -"2342 _param_constant308" [id=2342, type=get_attr]; -"2343 quantize_per_tensor_default_116" [id=2343, type=quantize_per_tensor]; -"2344 dequantize_per_tensor_default_116" [id=2344, type=dequantize_per_tensor]; -"2345 linear_114_scale_0" [id=2345, type=get_attr]; -"2346 linear_114_zero_point_0" [id=2346, type=get_attr]; -"2347 quantize_per_channel_default_115" [id=2347, type=quantize_per_channel]; -"2348 dequantize_per_channel_default_115" [id=2348, type=dequantize_per_channel]; -"2349 _param_constant309_0_0" [id=2349, type=get_attr]; -"2350 linear_114" [id=2350, type=linear]; -"2351 gelu_18" [id=2351, type=gelu]; -"2352 quantize_per_tensor_default_117" [id=2352, type=quantize_per_tensor]; -"2353 dequantize_per_tensor_default_117" [id=2353, type=dequantize_per_tensor]; -"2354 dropout_74" [id=2354, type=dropout]; -"2355 _param_constant310" [id=2355, type=get_attr]; -"2356 linear_115_scale_0" [id=2356, type=get_attr]; -"2357 linear_115_zero_point_0" [id=2357, type=get_attr]; -"2358 quantize_per_channel_default_116" [id=2358, type=quantize_per_channel]; -"2359 dequantize_per_channel_default_116" [id=2359, type=dequantize_per_channel]; -"2360 _param_constant311_0_0" [id=2360, type=get_attr]; -"2361 linear_115" [id=2361, type=linear]; -"2362 dropout_75" [id=2362, type=dropout]; -"2363 _param_constant312" [id=2363, type=get_attr]; -"2364 _param_constant313" [id=2364, type=get_attr]; -"2365 layer_norm_40" [id=2365, type=layer_norm]; -"2366 add_65" [id=2366, type=add]; -"2367 _tensor_constant119" [id=2367, type=get_attr]; -"2368 _param_constant314" [id=2368, type=get_attr]; -"2369 linear_116_scale_0" [id=2369, type=get_attr]; -"2370 linear_116_zero_point_0" [id=2370, type=get_attr]; -"2371 quantize_per_channel_default_117" [id=2371, type=quantize_per_channel]; -"2372 dequantize_per_channel_default_117" [id=2372, type=dequantize_per_channel]; -"2373 _param_constant315_0_0" [id=2373, type=get_attr]; -"2374 linear_116" [id=2374, type=linear]; -"2375 relu__19" [id=2375, type=relu_]; -"2376 _param_constant316" [id=2376, type=get_attr]; -"2377 linear_117_scale_0" [id=2377, type=get_attr]; -"2378 linear_117_zero_point_0" [id=2378, type=get_attr]; -"2379 quantize_per_channel_default_118" [id=2379, type=quantize_per_channel]; -"2380 dequantize_per_channel_default_118" [id=2380, type=dequantize_per_channel]; -"2381 linear_117" [id=2381, type=linear]; -"2382 view_103" [id=2382, type=view]; -"2383 _tensor_constant120" [id=2383, type=get_attr]; -"2384 index_19" [id=2384, type=index]; -"2385 view_104" [id=2385, type=view]; -"2386 permute_86" [id=2386, type=permute]; -"2387 contiguous_36" [id=2387, type=contiguous]; -"2388 unsqueeze_55" [id=2388, type=unsqueeze]; -"2389 sigmoid_19" [id=2389, type=sigmoid]; -"2390 mul_38" [id=2390, type=mul]; -"2391 pad_21" [id=2391, type=pad]; -"2392 roll_18" [id=2392, type=roll]; -"2393 view_105" [id=2393, type=view]; -"2394 permute_87" [id=2394, type=permute]; -"2395 reshape_85" [id=2395, type=reshape]; -"2396 _param_constant318" [id=2396, type=get_attr]; -"2397 quantize_per_tensor_default_118" [id=2397, type=quantize_per_tensor]; -"2398 dequantize_per_tensor_default_118" [id=2398, type=dequantize_per_tensor]; -"2399 linear_118_scale_0" [id=2399, type=get_attr]; -"2400 linear_118_zero_point_0" [id=2400, type=get_attr]; -"2401 quantize_per_channel_default_119" [id=2401, type=quantize_per_channel]; -"2402 dequantize_per_channel_default_119" [id=2402, type=dequantize_per_channel]; -"2403 _param_constant317_0_0" [id=2403, type=get_attr]; -"2404 linear_118" [id=2404, type=linear]; -"2405 reshape_86" [id=2405, type=reshape]; -"2406 permute_88" [id=2406, type=permute]; -"2407 select_57" [id=2407, type=select]; -"2408 select_58" [id=2408, type=select]; -"2409 select_59" [id=2409, type=select]; -"2410 linalg_vector_norm_38" [id=2410, type=linalg_vector_norm]; -"2411 clamp_min_38" [id=2411, type=clamp_min]; -"2412 expand_as_38" [id=2412, type=expand_as]; -"2413 div_38" [id=2413, type=div]; -"2414 quantize_per_tensor_default_119" [id=2414, type=quantize_per_tensor]; -"2415 dequantize_per_tensor_default_119" [id=2415, type=dequantize_per_tensor]; -"2416 linalg_vector_norm_39" [id=2416, type=linalg_vector_norm]; -"2417 clamp_min_39" [id=2417, type=clamp_min]; -"2418 expand_as_39" [id=2418, type=expand_as]; -"2419 div_39" [id=2419, type=div]; -"2420 quantize_per_tensor_default_120" [id=2420, type=quantize_per_tensor]; -"2421 dequantize_per_tensor_default_120" [id=2421, type=dequantize_per_tensor]; -"2422 transpose_38" [id=2422, type=transpose]; -"2423 matmul_38" [id=2423, type=matmul]; -"2424 _param_constant319" [id=2424, type=get_attr]; -"2425 clamp_19" [id=2425, type=clamp]; -"2426 exp_19" [id=2426, type=exp]; -"2427 mul_39" [id=2427, type=mul]; -"2428 add_66" [id=2428, type=add]; -"2429 new_zeros_9" [id=2429, type=new_zeros]; -"2430 view_106" [id=2430, type=view]; -"2431 permute_89" [id=2431, type=permute]; -"2432 reshape_87" [id=2432, type=reshape]; -"2433 unsqueeze_56" [id=2433, type=unsqueeze]; -"2434 unsqueeze_57" [id=2434, type=unsqueeze]; -"2435 sub_9" [id=2435, type=sub]; -"2436 ne_9" [id=2436, type=ne]; -"2437 masked_fill_18" [id=2437, type=masked_fill]; -"2438 eq_9" [id=2438, type=eq]; -"2439 masked_fill_19" [id=2439, type=masked_fill]; -"2440 view_107" [id=2440, type=view]; -"2441 unsqueeze_58" [id=2441, type=unsqueeze]; -"2442 unsqueeze_59" [id=2442, type=unsqueeze]; -"2443 add_67" [id=2443, type=add]; -"2444 view_108" [id=2444, type=view]; -"2445 softmax_19" [id=2445, type=softmax]; -"2446 dropout_76" [id=2446, type=dropout]; -"2447 matmul_39" [id=2447, type=matmul]; -"2448 quantize_per_tensor_default_121" [id=2448, type=quantize_per_tensor]; -"2449 dequantize_per_tensor_default_121" [id=2449, type=dequantize_per_tensor]; -"2450 transpose_39" [id=2450, type=transpose]; -"2451 reshape_88" [id=2451, type=reshape]; -"2452 _param_constant320" [id=2452, type=get_attr]; -"2453 linear_119_scale_0" [id=2453, type=get_attr]; -"2454 linear_119_zero_point_0" [id=2454, type=get_attr]; -"2455 quantize_per_channel_default_120" [id=2455, type=quantize_per_channel]; -"2456 dequantize_per_channel_default_120" [id=2456, type=dequantize_per_channel]; -"2457 _param_constant321_0_0" [id=2457, type=get_attr]; -"2458 linear_119" [id=2458, type=linear]; -"2459 dropout_77" [id=2459, type=dropout]; -"2460 view_109" [id=2460, type=view]; -"2461 permute_90" [id=2461, type=permute]; -"2462 reshape_89" [id=2462, type=reshape]; -"2463 roll_19" [id=2463, type=roll]; -"2464 slice_297" [id=2464, type=slice]; -"2465 slice_298" [id=2465, type=slice]; -"2466 slice_299" [id=2466, type=slice]; -"2467 slice_300" [id=2467, type=slice]; -"2468 contiguous_37" [id=2468, type=contiguous]; -"2469 _param_constant322" [id=2469, type=get_attr]; -"2470 _param_constant323" [id=2470, type=get_attr]; -"2471 layer_norm_41" [id=2471, type=layer_norm]; -"2472 add_68" [id=2472, type=add]; -"2473 _param_constant324" [id=2473, type=get_attr]; -"2474 quantize_per_tensor_default_122" [id=2474, type=quantize_per_tensor]; -"2475 dequantize_per_tensor_default_122" [id=2475, type=dequantize_per_tensor]; -"2476 linear_120_scale_0" [id=2476, type=get_attr]; -"2477 linear_120_zero_point_0" [id=2477, type=get_attr]; -"2478 quantize_per_channel_default_121" [id=2478, type=quantize_per_channel]; -"2479 dequantize_per_channel_default_121" [id=2479, type=dequantize_per_channel]; -"2480 _param_constant325_0_0" [id=2480, type=get_attr]; -"2481 linear_120" [id=2481, type=linear]; -"2482 gelu_19" [id=2482, type=gelu]; -"2483 quantize_per_tensor_default_123" [id=2483, type=quantize_per_tensor]; -"2484 dequantize_per_tensor_default_123" [id=2484, type=dequantize_per_tensor]; -"2485 dropout_78" [id=2485, type=dropout]; -"2486 _param_constant326" [id=2486, type=get_attr]; -"2487 linear_121_scale_0" [id=2487, type=get_attr]; -"2488 linear_121_zero_point_0" [id=2488, type=get_attr]; -"2489 quantize_per_channel_default_122" [id=2489, type=quantize_per_channel]; -"2490 dequantize_per_channel_default_122" [id=2490, type=dequantize_per_channel]; -"2491 _param_constant327_0_0" [id=2491, type=get_attr]; -"2492 linear_121" [id=2492, type=linear]; -"2493 dropout_79" [id=2493, type=dropout]; -"2494 _param_constant328" [id=2494, type=get_attr]; -"2495 _param_constant329" [id=2495, type=get_attr]; -"2496 layer_norm_42" [id=2496, type=layer_norm]; -"2497 add_69" [id=2497, type=add]; -"2498 _tensor_constant130" [id=2498, type=get_attr]; -"2499 _param_constant330" [id=2499, type=get_attr]; -"2500 linear_122_scale_0" [id=2500, type=get_attr]; -"2501 linear_122_zero_point_0" [id=2501, type=get_attr]; -"2502 quantize_per_channel_default_123" [id=2502, type=quantize_per_channel]; -"2503 dequantize_per_channel_default_123" [id=2503, type=dequantize_per_channel]; -"2504 _param_constant331_0_0" [id=2504, type=get_attr]; -"2505 linear_122" [id=2505, type=linear]; -"2506 relu__20" [id=2506, type=relu_]; -"2507 _param_constant332" [id=2507, type=get_attr]; -"2508 linear_123_scale_0" [id=2508, type=get_attr]; -"2509 linear_123_zero_point_0" [id=2509, type=get_attr]; -"2510 quantize_per_channel_default_124" [id=2510, type=quantize_per_channel]; -"2511 dequantize_per_channel_default_124" [id=2511, type=dequantize_per_channel]; -"2512 linear_123" [id=2512, type=linear]; -"2513 view_110" [id=2513, type=view]; -"2514 _tensor_constant131" [id=2514, type=get_attr]; -"2515 index_20" [id=2515, type=index]; -"2516 view_111" [id=2516, type=view]; -"2517 permute_91" [id=2517, type=permute]; -"2518 contiguous_38" [id=2518, type=contiguous]; -"2519 unsqueeze_60" [id=2519, type=unsqueeze]; -"2520 sigmoid_20" [id=2520, type=sigmoid]; -"2521 mul_40" [id=2521, type=mul]; -"2522 quantize_per_tensor_default_124" [id=2522, type=quantize_per_tensor]; -"2523 dequantize_per_tensor_default_124" [id=2523, type=dequantize_per_tensor]; -"2524 pad_22" [id=2524, type=pad]; -"2525 view_112" [id=2525, type=view]; -"2526 permute_92" [id=2526, type=permute]; -"2527 reshape_90" [id=2527, type=reshape]; -"2528 _param_constant334" [id=2528, type=get_attr]; -"2529 linear_124_scale_0" [id=2529, type=get_attr]; -"2530 linear_124_zero_point_0" [id=2530, type=get_attr]; -"2531 quantize_per_channel_default_125" [id=2531, type=quantize_per_channel]; -"2532 dequantize_per_channel_default_125" [id=2532, type=dequantize_per_channel]; -"2533 _param_constant333_0_0" [id=2533, type=get_attr]; -"2534 linear_124" [id=2534, type=linear]; -"2535 reshape_91" [id=2535, type=reshape]; -"2536 permute_93" [id=2536, type=permute]; -"2537 select_60" [id=2537, type=select]; -"2538 select_61" [id=2538, type=select]; -"2539 select_62" [id=2539, type=select]; -"2540 linalg_vector_norm_40" [id=2540, type=linalg_vector_norm]; -"2541 clamp_min_40" [id=2541, type=clamp_min]; -"2542 expand_as_40" [id=2542, type=expand_as]; -"2543 div_40" [id=2543, type=div]; -"2544 quantize_per_tensor_default_125" [id=2544, type=quantize_per_tensor]; -"2545 dequantize_per_tensor_default_125" [id=2545, type=dequantize_per_tensor]; -"2546 linalg_vector_norm_41" [id=2546, type=linalg_vector_norm]; -"2547 clamp_min_41" [id=2547, type=clamp_min]; -"2548 expand_as_41" [id=2548, type=expand_as]; -"2549 div_41" [id=2549, type=div]; -"2550 quantize_per_tensor_default_126" [id=2550, type=quantize_per_tensor]; -"2551 dequantize_per_tensor_default_126" [id=2551, type=dequantize_per_tensor]; -"2552 transpose_40" [id=2552, type=transpose]; -"2553 matmul_40" [id=2553, type=matmul]; -"2554 _param_constant335" [id=2554, type=get_attr]; -"2555 clamp_20" [id=2555, type=clamp]; -"2556 exp_20" [id=2556, type=exp]; -"2557 mul_41" [id=2557, type=mul]; -"2558 add_70" [id=2558, type=add]; -"2559 softmax_20" [id=2559, type=softmax]; -"2560 dropout_80" [id=2560, type=dropout]; -"2561 matmul_41" [id=2561, type=matmul]; -"2562 quantize_per_tensor_default_127" [id=2562, type=quantize_per_tensor]; -"2563 dequantize_per_tensor_default_127" [id=2563, type=dequantize_per_tensor]; -"2564 transpose_41" [id=2564, type=transpose]; -"2565 reshape_92" [id=2565, type=reshape]; -"2566 _param_constant336" [id=2566, type=get_attr]; -"2567 linear_125_scale_0" [id=2567, type=get_attr]; -"2568 linear_125_zero_point_0" [id=2568, type=get_attr]; -"2569 quantize_per_channel_default_126" [id=2569, type=quantize_per_channel]; -"2570 dequantize_per_channel_default_126" [id=2570, type=dequantize_per_channel]; -"2571 _param_constant337_0_0" [id=2571, type=get_attr]; -"2572 linear_125" [id=2572, type=linear]; -"2573 dropout_81" [id=2573, type=dropout]; -"2574 view_113" [id=2574, type=view]; -"2575 permute_94" [id=2575, type=permute]; -"2576 reshape_93" [id=2576, type=reshape]; -"2577 slice_302" [id=2577, type=slice]; -"2578 slice_303" [id=2578, type=slice]; -"2579 slice_304" [id=2579, type=slice]; -"2580 slice_305" [id=2580, type=slice]; -"2581 contiguous_39" [id=2581, type=contiguous]; -"2582 _param_constant338" [id=2582, type=get_attr]; -"2583 _param_constant339" [id=2583, type=get_attr]; -"2584 layer_norm_43" [id=2584, type=layer_norm]; -"2585 add_71" [id=2585, type=add]; -"2586 _param_constant340" [id=2586, type=get_attr]; -"2587 quantize_per_tensor_default_128" [id=2587, type=quantize_per_tensor]; -"2588 dequantize_per_tensor_default_128" [id=2588, type=dequantize_per_tensor]; -"2589 linear_126_scale_0" [id=2589, type=get_attr]; -"2590 linear_126_zero_point_0" [id=2590, type=get_attr]; -"2591 quantize_per_channel_default_127" [id=2591, type=quantize_per_channel]; -"2592 dequantize_per_channel_default_127" [id=2592, type=dequantize_per_channel]; -"2593 _param_constant341_0_0" [id=2593, type=get_attr]; -"2594 linear_126" [id=2594, type=linear]; -"2595 gelu_20" [id=2595, type=gelu]; -"2596 quantize_per_tensor_default_129" [id=2596, type=quantize_per_tensor]; -"2597 dequantize_per_tensor_default_129" [id=2597, type=dequantize_per_tensor]; -"2598 dropout_82" [id=2598, type=dropout]; -"2599 _param_constant342" [id=2599, type=get_attr]; -"2600 linear_127_scale_0" [id=2600, type=get_attr]; -"2601 linear_127_zero_point_0" [id=2601, type=get_attr]; -"2602 quantize_per_channel_default_128" [id=2602, type=quantize_per_channel]; -"2603 dequantize_per_channel_default_128" [id=2603, type=dequantize_per_channel]; -"2604 _param_constant343_0_0" [id=2604, type=get_attr]; -"2605 linear_127" [id=2605, type=linear]; -"2606 dropout_83" [id=2606, type=dropout]; -"2607 _param_constant344" [id=2607, type=get_attr]; -"2608 _param_constant345" [id=2608, type=get_attr]; -"2609 layer_norm_44" [id=2609, type=layer_norm]; -"2610 add_72" [id=2610, type=add]; -"2611 _tensor_constant132" [id=2611, type=get_attr]; -"2612 _param_constant346" [id=2612, type=get_attr]; -"2613 linear_128_scale_0" [id=2613, type=get_attr]; -"2614 linear_128_zero_point_0" [id=2614, type=get_attr]; -"2615 quantize_per_channel_default_129" [id=2615, type=quantize_per_channel]; -"2616 dequantize_per_channel_default_129" [id=2616, type=dequantize_per_channel]; -"2617 _param_constant347_0_0" [id=2617, type=get_attr]; -"2618 linear_128" [id=2618, type=linear]; -"2619 relu__21" [id=2619, type=relu_]; -"2620 _param_constant348" [id=2620, type=get_attr]; -"2621 linear_129_scale_0" [id=2621, type=get_attr]; -"2622 linear_129_zero_point_0" [id=2622, type=get_attr]; -"2623 quantize_per_channel_default_130" [id=2623, type=quantize_per_channel]; -"2624 dequantize_per_channel_default_130" [id=2624, type=dequantize_per_channel]; -"2625 linear_129" [id=2625, type=linear]; -"2626 view_114" [id=2626, type=view]; -"2627 _tensor_constant133" [id=2627, type=get_attr]; -"2628 index_21" [id=2628, type=index]; -"2629 view_115" [id=2629, type=view]; -"2630 permute_95" [id=2630, type=permute]; -"2631 contiguous_40" [id=2631, type=contiguous]; -"2632 unsqueeze_61" [id=2632, type=unsqueeze]; -"2633 sigmoid_21" [id=2633, type=sigmoid]; -"2634 mul_42" [id=2634, type=mul]; -"2635 pad_23" [id=2635, type=pad]; -"2636 roll_20" [id=2636, type=roll]; -"2637 view_116" [id=2637, type=view]; -"2638 permute_96" [id=2638, type=permute]; -"2639 reshape_94" [id=2639, type=reshape]; -"2640 _param_constant350" [id=2640, type=get_attr]; -"2641 quantize_per_tensor_default_130" [id=2641, type=quantize_per_tensor]; -"2642 dequantize_per_tensor_default_130" [id=2642, type=dequantize_per_tensor]; -"2643 linear_130_scale_0" [id=2643, type=get_attr]; -"2644 linear_130_zero_point_0" [id=2644, type=get_attr]; -"2645 quantize_per_channel_default_131" [id=2645, type=quantize_per_channel]; -"2646 dequantize_per_channel_default_131" [id=2646, type=dequantize_per_channel]; -"2647 _param_constant349_0_0" [id=2647, type=get_attr]; -"2648 linear_130" [id=2648, type=linear]; -"2649 reshape_95" [id=2649, type=reshape]; -"2650 permute_97" [id=2650, type=permute]; -"2651 select_63" [id=2651, type=select]; -"2652 select_64" [id=2652, type=select]; -"2653 select_65" [id=2653, type=select]; -"2654 linalg_vector_norm_42" [id=2654, type=linalg_vector_norm]; -"2655 clamp_min_42" [id=2655, type=clamp_min]; -"2656 expand_as_42" [id=2656, type=expand_as]; -"2657 div_42" [id=2657, type=div]; -"2658 quantize_per_tensor_default_131" [id=2658, type=quantize_per_tensor]; -"2659 dequantize_per_tensor_default_131" [id=2659, type=dequantize_per_tensor]; -"2660 linalg_vector_norm_43" [id=2660, type=linalg_vector_norm]; -"2661 clamp_min_43" [id=2661, type=clamp_min]; -"2662 expand_as_43" [id=2662, type=expand_as]; -"2663 div_43" [id=2663, type=div]; -"2664 quantize_per_tensor_default_132" [id=2664, type=quantize_per_tensor]; -"2665 dequantize_per_tensor_default_132" [id=2665, type=dequantize_per_tensor]; -"2666 transpose_42" [id=2666, type=transpose]; -"2667 matmul_42" [id=2667, type=matmul]; -"2668 _param_constant351" [id=2668, type=get_attr]; -"2669 clamp_21" [id=2669, type=clamp]; -"2670 exp_21" [id=2670, type=exp]; -"2671 mul_43" [id=2671, type=mul]; -"2672 add_73" [id=2672, type=add]; -"2673 new_zeros_10" [id=2673, type=new_zeros]; -"2674 view_117" [id=2674, type=view]; -"2675 permute_98" [id=2675, type=permute]; -"2676 reshape_96" [id=2676, type=reshape]; -"2677 unsqueeze_62" [id=2677, type=unsqueeze]; -"2678 unsqueeze_63" [id=2678, type=unsqueeze]; -"2679 sub_10" [id=2679, type=sub]; -"2680 ne_10" [id=2680, type=ne]; -"2681 masked_fill_20" [id=2681, type=masked_fill]; -"2682 eq_10" [id=2682, type=eq]; -"2683 masked_fill_21" [id=2683, type=masked_fill]; -"2684 view_118" [id=2684, type=view]; -"2685 unsqueeze_64" [id=2685, type=unsqueeze]; -"2686 unsqueeze_65" [id=2686, type=unsqueeze]; -"2687 add_74" [id=2687, type=add]; -"2688 view_119" [id=2688, type=view]; -"2689 softmax_21" [id=2689, type=softmax]; -"2690 dropout_84" [id=2690, type=dropout]; -"2691 matmul_43" [id=2691, type=matmul]; -"2692 quantize_per_tensor_default_133" [id=2692, type=quantize_per_tensor]; -"2693 dequantize_per_tensor_default_133" [id=2693, type=dequantize_per_tensor]; -"2694 transpose_43" [id=2694, type=transpose]; -"2695 reshape_97" [id=2695, type=reshape]; -"2696 _param_constant352" [id=2696, type=get_attr]; -"2697 linear_131_scale_0" [id=2697, type=get_attr]; -"2698 linear_131_zero_point_0" [id=2698, type=get_attr]; -"2699 quantize_per_channel_default_132" [id=2699, type=quantize_per_channel]; -"2700 dequantize_per_channel_default_132" [id=2700, type=dequantize_per_channel]; -"2701 _param_constant353_0_0" [id=2701, type=get_attr]; -"2702 linear_131" [id=2702, type=linear]; -"2703 dropout_85" [id=2703, type=dropout]; -"2704 view_120" [id=2704, type=view]; -"2705 permute_99" [id=2705, type=permute]; -"2706 reshape_98" [id=2706, type=reshape]; -"2707 roll_21" [id=2707, type=roll]; -"2708 slice_325" [id=2708, type=slice]; -"2709 slice_326" [id=2709, type=slice]; -"2710 slice_327" [id=2710, type=slice]; -"2711 slice_328" [id=2711, type=slice]; -"2712 contiguous_41" [id=2712, type=contiguous]; -"2713 _param_constant354" [id=2713, type=get_attr]; -"2714 _param_constant355" [id=2714, type=get_attr]; -"2715 layer_norm_45" [id=2715, type=layer_norm]; -"2716 add_75" [id=2716, type=add]; -"2717 _param_constant356" [id=2717, type=get_attr]; -"2718 quantize_per_tensor_default_134" [id=2718, type=quantize_per_tensor]; -"2719 dequantize_per_tensor_default_134" [id=2719, type=dequantize_per_tensor]; -"2720 linear_132_scale_0" [id=2720, type=get_attr]; -"2721 linear_132_zero_point_0" [id=2721, type=get_attr]; -"2722 quantize_per_channel_default_133" [id=2722, type=quantize_per_channel]; -"2723 dequantize_per_channel_default_133" [id=2723, type=dequantize_per_channel]; -"2724 _param_constant357_0_0" [id=2724, type=get_attr]; -"2725 linear_132" [id=2725, type=linear]; -"2726 gelu_21" [id=2726, type=gelu]; -"2727 quantize_per_tensor_default_135" [id=2727, type=quantize_per_tensor]; -"2728 dequantize_per_tensor_default_135" [id=2728, type=dequantize_per_tensor]; -"2729 dropout_86" [id=2729, type=dropout]; -"2730 _param_constant358" [id=2730, type=get_attr]; -"2731 linear_133_scale_0" [id=2731, type=get_attr]; -"2732 linear_133_zero_point_0" [id=2732, type=get_attr]; -"2733 quantize_per_channel_default_134" [id=2733, type=quantize_per_channel]; -"2734 dequantize_per_channel_default_134" [id=2734, type=dequantize_per_channel]; -"2735 _param_constant359_0_0" [id=2735, type=get_attr]; -"2736 linear_133" [id=2736, type=linear]; -"2737 dropout_87" [id=2737, type=dropout]; -"2738 _param_constant360" [id=2738, type=get_attr]; -"2739 _param_constant361" [id=2739, type=get_attr]; -"2740 layer_norm_46" [id=2740, type=layer_norm]; -"2741 add_76" [id=2741, type=add]; -"2742 quantize_per_tensor_default_2" [id=2742, type=quantize_per_tensor]; -"2743 dequantize_per_tensor_default_2" [id=2743, type=dequantize_per_tensor]; -"2744 pad_24" [id=2744, type=pad]; -"2745 slice_329" [id=2745, type=slice]; -"2746 slice_330" [id=2746, type=slice]; -"2747 slice_331" [id=2747, type=slice]; -"2748 slice_332" [id=2748, type=slice]; -"2749 slice_333" [id=2749, type=slice]; -"2750 slice_334" [id=2750, type=slice]; -"2751 slice_335" [id=2751, type=slice]; -"2752 slice_336" [id=2752, type=slice]; -"2753 slice_337" [id=2753, type=slice]; -"2754 slice_338" [id=2754, type=slice]; -"2755 slice_339" [id=2755, type=slice]; -"2756 slice_340" [id=2756, type=slice]; -"2757 cat_2" [id=2757, type=cat]; -"2758 _param_constant362" [id=2758, type=get_attr]; -"2759 linear_134_scale_0" [id=2759, type=get_attr]; -"2760 linear_134_zero_point_0" [id=2760, type=get_attr]; -"2761 quantize_per_channel_default_135" [id=2761, type=quantize_per_channel]; -"2762 dequantize_per_channel_default_135" [id=2762, type=dequantize_per_channel]; -"2763 linear_134" [id=2763, type=linear]; -"2764 _param_constant363" [id=2764, type=get_attr]; -"2765 _param_constant364" [id=2765, type=get_attr]; -"2766 layer_norm_47" [id=2766, type=layer_norm]; -"2767 _tensor_constant143" [id=2767, type=get_attr]; -"2768 _param_constant365" [id=2768, type=get_attr]; -"2769 linear_135_scale_0" [id=2769, type=get_attr]; -"2770 linear_135_zero_point_0" [id=2770, type=get_attr]; -"2771 quantize_per_channel_default_136" [id=2771, type=quantize_per_channel]; -"2772 dequantize_per_channel_default_136" [id=2772, type=dequantize_per_channel]; -"2773 _param_constant366_0_0" [id=2773, type=get_attr]; -"2774 linear_135" [id=2774, type=linear]; -"2775 relu__22" [id=2775, type=relu_]; -"2776 _param_constant367" [id=2776, type=get_attr]; -"2777 linear_136_scale_0" [id=2777, type=get_attr]; -"2778 linear_136_zero_point_0" [id=2778, type=get_attr]; -"2779 quantize_per_channel_default_137" [id=2779, type=quantize_per_channel]; -"2780 dequantize_per_channel_default_137" [id=2780, type=dequantize_per_channel]; -"2781 linear_136" [id=2781, type=linear]; -"2782 view_121" [id=2782, type=view]; -"2783 _tensor_constant144" [id=2783, type=get_attr]; -"2784 index_22" [id=2784, type=index]; -"2785 view_122" [id=2785, type=view]; -"2786 permute_100" [id=2786, type=permute]; -"2787 contiguous_42" [id=2787, type=contiguous]; -"2788 unsqueeze_66" [id=2788, type=unsqueeze]; -"2789 sigmoid_22" [id=2789, type=sigmoid]; -"2790 mul_44" [id=2790, type=mul]; -"2791 quantize_per_tensor_default_136" [id=2791, type=quantize_per_tensor]; -"2792 dequantize_per_tensor_default_136" [id=2792, type=dequantize_per_tensor]; -"2793 pad_25" [id=2793, type=pad]; -"2794 view_123" [id=2794, type=view]; -"2795 permute_101" [id=2795, type=permute]; -"2796 reshape_99" [id=2796, type=reshape]; -"2797 _param_constant369" [id=2797, type=get_attr]; -"2798 linear_137_scale_0" [id=2798, type=get_attr]; -"2799 linear_137_zero_point_0" [id=2799, type=get_attr]; -"2800 quantize_per_channel_default_138" [id=2800, type=quantize_per_channel]; -"2801 dequantize_per_channel_default_138" [id=2801, type=dequantize_per_channel]; -"2802 _param_constant368_0_0" [id=2802, type=get_attr]; -"2803 linear_137" [id=2803, type=linear]; -"2804 reshape_100" [id=2804, type=reshape]; -"2805 permute_102" [id=2805, type=permute]; -"2806 select_66" [id=2806, type=select]; -"2807 select_67" [id=2807, type=select]; -"2808 select_68" [id=2808, type=select]; -"2809 linalg_vector_norm_44" [id=2809, type=linalg_vector_norm]; -"2810 clamp_min_44" [id=2810, type=clamp_min]; -"2811 expand_as_44" [id=2811, type=expand_as]; -"2812 div_44" [id=2812, type=div]; -"2813 quantize_per_tensor_default_137" [id=2813, type=quantize_per_tensor]; -"2814 dequantize_per_tensor_default_137" [id=2814, type=dequantize_per_tensor]; -"2815 linalg_vector_norm_45" [id=2815, type=linalg_vector_norm]; -"2816 clamp_min_45" [id=2816, type=clamp_min]; -"2817 expand_as_45" [id=2817, type=expand_as]; -"2818 div_45" [id=2818, type=div]; -"2819 quantize_per_tensor_default_138" [id=2819, type=quantize_per_tensor]; -"2820 dequantize_per_tensor_default_138" [id=2820, type=dequantize_per_tensor]; -"2821 transpose_44" [id=2821, type=transpose]; -"2822 matmul_44" [id=2822, type=matmul]; -"2823 _param_constant370" [id=2823, type=get_attr]; -"2824 clamp_22" [id=2824, type=clamp]; -"2825 exp_22" [id=2825, type=exp]; -"2826 mul_45" [id=2826, type=mul]; -"2827 add_77" [id=2827, type=add]; -"2828 softmax_22" [id=2828, type=softmax]; -"2829 dropout_88" [id=2829, type=dropout]; -"2830 matmul_45" [id=2830, type=matmul]; -"2831 quantize_per_tensor_default_139" [id=2831, type=quantize_per_tensor]; -"2832 dequantize_per_tensor_default_139" [id=2832, type=dequantize_per_tensor]; -"2833 transpose_45" [id=2833, type=transpose]; -"2834 reshape_101" [id=2834, type=reshape]; -"2835 _param_constant371" [id=2835, type=get_attr]; -"2836 linear_138_scale_0" [id=2836, type=get_attr]; -"2837 linear_138_zero_point_0" [id=2837, type=get_attr]; -"2838 quantize_per_channel_default_139" [id=2838, type=quantize_per_channel]; -"2839 dequantize_per_channel_default_139" [id=2839, type=dequantize_per_channel]; -"2840 _param_constant372_0_0" [id=2840, type=get_attr]; -"2841 linear_138" [id=2841, type=linear]; -"2842 dropout_89" [id=2842, type=dropout]; -"2843 view_124" [id=2843, type=view]; -"2844 permute_103" [id=2844, type=permute]; -"2845 reshape_102" [id=2845, type=reshape]; -"2846 slice_342" [id=2846, type=slice]; -"2847 slice_343" [id=2847, type=slice]; -"2848 slice_344" [id=2848, type=slice]; -"2849 slice_345" [id=2849, type=slice]; -"2850 contiguous_43" [id=2850, type=contiguous]; -"2851 _param_constant373" [id=2851, type=get_attr]; -"2852 _param_constant374" [id=2852, type=get_attr]; -"2853 layer_norm_48" [id=2853, type=layer_norm]; -"2854 add_78" [id=2854, type=add]; -"2855 _param_constant375" [id=2855, type=get_attr]; -"2856 quantize_per_tensor_default_140" [id=2856, type=quantize_per_tensor]; -"2857 dequantize_per_tensor_default_140" [id=2857, type=dequantize_per_tensor]; -"2858 linear_139_scale_0" [id=2858, type=get_attr]; -"2859 linear_139_zero_point_0" [id=2859, type=get_attr]; -"2860 quantize_per_channel_default_140" [id=2860, type=quantize_per_channel]; -"2861 dequantize_per_channel_default_140" [id=2861, type=dequantize_per_channel]; -"2862 _param_constant376_0_0" [id=2862, type=get_attr]; -"2863 linear_139" [id=2863, type=linear]; -"2864 gelu_22" [id=2864, type=gelu]; -"2865 quantize_per_tensor_default_141" [id=2865, type=quantize_per_tensor]; -"2866 dequantize_per_tensor_default_141" [id=2866, type=dequantize_per_tensor]; -"2867 dropout_90" [id=2867, type=dropout]; -"2868 _param_constant377" [id=2868, type=get_attr]; -"2869 linear_140_scale_0" [id=2869, type=get_attr]; -"2870 linear_140_zero_point_0" [id=2870, type=get_attr]; -"2871 quantize_per_channel_default_141" [id=2871, type=quantize_per_channel]; -"2872 dequantize_per_channel_default_141" [id=2872, type=dequantize_per_channel]; -"2873 _param_constant378_0_0" [id=2873, type=get_attr]; -"2874 linear_140" [id=2874, type=linear]; -"2875 dropout_91" [id=2875, type=dropout]; -"2876 _param_constant379" [id=2876, type=get_attr]; -"2877 _param_constant380" [id=2877, type=get_attr]; -"2878 layer_norm_49" [id=2878, type=layer_norm]; -"2879 add_79" [id=2879, type=add]; -"2880 _tensor_constant145" [id=2880, type=get_attr]; -"2881 _param_constant381" [id=2881, type=get_attr]; -"2882 linear_141_scale_0" [id=2882, type=get_attr]; -"2883 linear_141_zero_point_0" [id=2883, type=get_attr]; -"2884 quantize_per_channel_default_142" [id=2884, type=quantize_per_channel]; -"2885 dequantize_per_channel_default_142" [id=2885, type=dequantize_per_channel]; -"2886 _param_constant382_0_0" [id=2886, type=get_attr]; -"2887 linear_141" [id=2887, type=linear]; -"2888 relu__23" [id=2888, type=relu_]; -"2889 _param_constant383" [id=2889, type=get_attr]; -"2890 linear_142_scale_0" [id=2890, type=get_attr]; -"2891 linear_142_zero_point_0" [id=2891, type=get_attr]; -"2892 quantize_per_channel_default_143" [id=2892, type=quantize_per_channel]; -"2893 dequantize_per_channel_default_143" [id=2893, type=dequantize_per_channel]; -"2894 linear_142" [id=2894, type=linear]; -"2895 view_125" [id=2895, type=view]; -"2896 _tensor_constant146" [id=2896, type=get_attr]; -"2897 index_23" [id=2897, type=index]; -"2898 view_126" [id=2898, type=view]; -"2899 permute_104" [id=2899, type=permute]; -"2900 contiguous_44" [id=2900, type=contiguous]; -"2901 unsqueeze_67" [id=2901, type=unsqueeze]; -"2902 sigmoid_23" [id=2902, type=sigmoid]; -"2903 mul_46" [id=2903, type=mul]; -"2904 quantize_per_tensor_default_142" [id=2904, type=quantize_per_tensor]; -"2905 dequantize_per_tensor_default_142" [id=2905, type=dequantize_per_tensor]; -"2906 pad_26" [id=2906, type=pad]; -"2907 view_127" [id=2907, type=view]; -"2908 permute_105" [id=2908, type=permute]; -"2909 reshape_103" [id=2909, type=reshape]; -"2910 _param_constant385" [id=2910, type=get_attr]; -"2911 linear_143_scale_0" [id=2911, type=get_attr]; -"2912 linear_143_zero_point_0" [id=2912, type=get_attr]; -"2913 quantize_per_channel_default_144" [id=2913, type=quantize_per_channel]; -"2914 dequantize_per_channel_default_144" [id=2914, type=dequantize_per_channel]; -"2915 _param_constant384_0_0" [id=2915, type=get_attr]; -"2916 linear_143" [id=2916, type=linear]; -"2917 reshape_104" [id=2917, type=reshape]; -"2918 permute_106" [id=2918, type=permute]; -"2919 select_69" [id=2919, type=select]; -"2920 select_70" [id=2920, type=select]; -"2921 select_71" [id=2921, type=select]; -"2922 linalg_vector_norm_46" [id=2922, type=linalg_vector_norm]; -"2923 clamp_min_46" [id=2923, type=clamp_min]; -"2924 expand_as_46" [id=2924, type=expand_as]; -"2925 div_46" [id=2925, type=div]; -"2926 quantize_per_tensor_default_143" [id=2926, type=quantize_per_tensor]; -"2927 dequantize_per_tensor_default_143" [id=2927, type=dequantize_per_tensor]; -"2928 linalg_vector_norm_47" [id=2928, type=linalg_vector_norm]; -"2929 clamp_min_47" [id=2929, type=clamp_min]; -"2930 expand_as_47" [id=2930, type=expand_as]; -"2931 div_47" [id=2931, type=div]; -"2932 quantize_per_tensor_default_144" [id=2932, type=quantize_per_tensor]; -"2933 dequantize_per_tensor_default_144" [id=2933, type=dequantize_per_tensor]; -"2934 transpose_46" [id=2934, type=transpose]; -"2935 matmul_46" [id=2935, type=matmul]; -"2936 _param_constant386" [id=2936, type=get_attr]; -"2937 clamp_23" [id=2937, type=clamp]; -"2938 exp_23" [id=2938, type=exp]; -"2939 mul_47" [id=2939, type=mul]; -"2940 add_80" [id=2940, type=add]; -"2941 softmax_23" [id=2941, type=softmax]; -"2942 dropout_92" [id=2942, type=dropout]; -"2943 matmul_47" [id=2943, type=matmul]; -"2944 quantize_per_tensor_default_145" [id=2944, type=quantize_per_tensor]; -"2945 dequantize_per_tensor_default_145" [id=2945, type=dequantize_per_tensor]; -"2946 transpose_47" [id=2946, type=transpose]; -"2947 reshape_105" [id=2947, type=reshape]; -"2948 _param_constant387" [id=2948, type=get_attr]; -"2949 linear_144_scale_0" [id=2949, type=get_attr]; -"2950 linear_144_zero_point_0" [id=2950, type=get_attr]; -"2951 quantize_per_channel_default_145" [id=2951, type=quantize_per_channel]; -"2952 dequantize_per_channel_default_145" [id=2952, type=dequantize_per_channel]; -"2953 _param_constant388_0_0" [id=2953, type=get_attr]; -"2954 linear_144" [id=2954, type=linear]; -"2955 dropout_93" [id=2955, type=dropout]; -"2956 view_128" [id=2956, type=view]; -"2957 permute_107" [id=2957, type=permute]; -"2958 reshape_106" [id=2958, type=reshape]; -"2959 slice_347" [id=2959, type=slice]; -"2960 slice_348" [id=2960, type=slice]; -"2961 slice_349" [id=2961, type=slice]; -"2962 slice_350" [id=2962, type=slice]; -"2963 contiguous_45" [id=2963, type=contiguous]; -"2964 _param_constant389" [id=2964, type=get_attr]; -"2965 _param_constant390" [id=2965, type=get_attr]; -"2966 layer_norm_50" [id=2966, type=layer_norm]; -"2967 add_81" [id=2967, type=add]; -"2968 _param_constant391" [id=2968, type=get_attr]; -"2969 quantize_per_tensor_default_146" [id=2969, type=quantize_per_tensor]; -"2970 dequantize_per_tensor_default_146" [id=2970, type=dequantize_per_tensor]; -"2971 linear_145_scale_0" [id=2971, type=get_attr]; -"2972 linear_145_zero_point_0" [id=2972, type=get_attr]; -"2973 quantize_per_channel_default_146" [id=2973, type=quantize_per_channel]; -"2974 dequantize_per_channel_default_146" [id=2974, type=dequantize_per_channel]; -"2975 _param_constant392_0_0" [id=2975, type=get_attr]; -"2976 linear_145" [id=2976, type=linear]; -"2977 gelu_23" [id=2977, type=gelu]; -"2978 quantize_per_tensor_default_147" [id=2978, type=quantize_per_tensor]; -"2979 dequantize_per_tensor_default_147" [id=2979, type=dequantize_per_tensor]; -"2980 dropout_94" [id=2980, type=dropout]; -"2981 _param_constant393" [id=2981, type=get_attr]; -"2982 linear_146_scale_0" [id=2982, type=get_attr]; -"2983 linear_146_zero_point_0" [id=2983, type=get_attr]; -"2984 quantize_per_channel_default_147" [id=2984, type=quantize_per_channel]; -"2985 dequantize_per_channel_default_147" [id=2985, type=dequantize_per_channel]; -"2986 _param_constant394_0_0" [id=2986, type=get_attr]; -"2987 linear_146" [id=2987, type=linear]; -"2988 dropout_95" [id=2988, type=dropout]; -"2989 _param_constant395" [id=2989, type=get_attr]; -"2990 _param_constant396" [id=2990, type=get_attr]; -"2991 layer_norm_51" [id=2991, type=layer_norm]; -"2992 add_82" [id=2992, type=add]; -"2993 _param_constant397" [id=2993, type=get_attr]; -"2994 _param_constant398" [id=2994, type=get_attr]; -"2995 layer_norm_52" [id=2995, type=layer_norm]; -"2996 permute_108" [id=2996, type=permute]; -"2997 adaptive_avg_pool2d" [id=2997, type=adaptive_avg_pool2d]; -"2998 quantize_per_tensor_default_148" [id=2998, type=quantize_per_tensor]; -"2999 dequantize_per_tensor_default_148" [id=2999, type=dequantize_per_tensor]; -"3000 flatten" [id=3000, type=flatten]; -"3001 _param_constant399" [id=3001, type=get_attr]; -"3002 linear_147_scale_0" [id=3002, type=get_attr]; -"3003 linear_147_zero_point_0" [id=3003, type=get_attr]; -"3004 quantize_per_channel_default_148" [id=3004, type=quantize_per_channel]; -"3005 dequantize_per_channel_default_148" [id=3005, type=dequantize_per_channel]; -"3006 _param_constant400_0_0" [id=3006, type=get_attr]; -"3007 linear_147" [id=3007, type=linear]; -"3008 output" [id=3008, type=output]; -"0 arg0_1" -> "1 quantize_per_tensor_default_3"; -"1 quantize_per_tensor_default_3" -> "2 dequantize_per_tensor_default_3"; -"2 dequantize_per_tensor_default_3" -> "9 conv2d"; +"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"; +"1 quantize_per_tensor_default" -> "2 dequantize_per_tensor_default"; +"2 dequantize_per_tensor_default" -> "9 conv2d"; "3 _param_constant0" -> "6 quantize_per_channel_default"; "4 conv2d_scale_0" -> "6 quantize_per_channel_default"; "4 conv2d_scale_0" -> "7 dequantize_per_channel_default"; @@ -3023,3540 +3171,3688 @@ strict digraph { "10 permute" -> "13 layer_norm"; "11 _param_constant2" -> "13 layer_norm"; "12 _param_constant3" -> "13 layer_norm"; -"13 layer_norm" -> "38 quantize_per_tensor_default_4"; -"13 layer_norm" -> "98 add_1"; -"14 _tensor_constant0" -> "21 linear"; -"15 _param_constant4" -> "18 quantize_per_channel_default_1"; -"16 linear_scale_0" -> "18 quantize_per_channel_default_1"; -"16 linear_scale_0" -> "19 dequantize_per_channel_default_1"; -"17 linear_zero_point_0" -> "18 quantize_per_channel_default_1"; -"17 linear_zero_point_0" -> "19 dequantize_per_channel_default_1"; -"18 quantize_per_channel_default_1" -> "19 dequantize_per_channel_default_1"; -"19 dequantize_per_channel_default_1" -> "21 linear"; -"20 _param_constant5_0_0" -> "21 linear"; -"21 linear" -> "22 relu_"; -"22 relu_" -> "28 linear_1"; -"23 _param_constant6" -> "26 quantize_per_channel_default_2"; -"24 linear_1_scale_0" -> "26 quantize_per_channel_default_2"; -"24 linear_1_scale_0" -> "27 dequantize_per_channel_default_2"; -"25 linear_1_zero_point_0" -> "26 quantize_per_channel_default_2"; -"25 linear_1_zero_point_0" -> "27 dequantize_per_channel_default_2"; -"26 quantize_per_channel_default_2" -> "27 dequantize_per_channel_default_2"; -"27 dequantize_per_channel_default_2" -> "28 linear_1"; -"28 linear_1" -> "29 view"; -"29 view" -> "31 index"; -"30 _tensor_constant1" -> "31 index"; -"31 index" -> "32 view_1"; -"32 view_1" -> "33 permute_1"; -"33 permute_1" -> "34 contiguous"; -"34 contiguous" -> "35 unsqueeze"; -"35 unsqueeze" -> "36 sigmoid"; -"36 sigmoid" -> "37 mul"; -"37 mul" -> "74 add"; -"38 quantize_per_tensor_default_4" -> "39 dequantize_per_tensor_default_4"; -"39 dequantize_per_tensor_default_4" -> "40 pad"; +"13 layer_norm" -> "40 pad"; +"13 layer_norm" -> "102 add_1"; +"14 _tensor_constant0" -> "16 _tensor_constant0_0_0_nncf_smooth_quant_0"; +"15 linear_updated_constant0" -> "19 quantize_per_channel_default_1"; +"16 _tensor_constant0_0_0_nncf_smooth_quant_0" -> "22 linear"; +"17 linear_scale_0" -> "19 quantize_per_channel_default_1"; +"17 linear_scale_0" -> "20 dequantize_per_channel_default_1"; +"18 linear_zero_point_0" -> "19 quantize_per_channel_default_1"; +"18 linear_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"; +"21 _param_constant5_0_0" -> "22 linear"; +"22 linear" -> "23 relu_"; +"23 relu_" -> "25 relu__0_0_nncf_smooth_quant_0"; +"24 linear_1_updated_constant0" -> "28 quantize_per_channel_default_2"; +"25 relu__0_0_nncf_smooth_quant_0" -> "30 linear_1"; +"26 linear_1_scale_0" -> "28 quantize_per_channel_default_2"; +"26 linear_1_scale_0" -> "29 dequantize_per_channel_default_2"; +"27 linear_1_zero_point_0" -> "28 quantize_per_channel_default_2"; +"27 linear_1_zero_point_0" -> "29 dequantize_per_channel_default_2"; +"28 quantize_per_channel_default_2" -> "29 dequantize_per_channel_default_2"; +"29 dequantize_per_channel_default_2" -> "30 linear_1"; +"30 linear_1" -> "31 view"; +"31 view" -> "33 index"; +"32 _tensor_constant1" -> "33 index"; +"33 index" -> "34 view_1"; +"34 view_1" -> "35 permute_1"; +"35 permute_1" -> "36 contiguous"; +"36 contiguous" -> "37 unsqueeze"; +"37 unsqueeze" -> "38 sigmoid"; +"38 sigmoid" -> "39 mul"; +"39 mul" -> "77 add"; "40 pad" -> "41 view_2"; "41 view_2" -> "42 permute_2"; "42 permute_2" -> "43 reshape"; -"43 reshape" -> "50 linear_2"; -"44 _param_constant8" -> "47 quantize_per_channel_default_3"; -"45 linear_2_scale_0" -> "47 quantize_per_channel_default_3"; -"45 linear_2_scale_0" -> "48 dequantize_per_channel_default_3"; -"46 linear_2_zero_point_0" -> "47 quantize_per_channel_default_3"; -"46 linear_2_zero_point_0" -> "48 dequantize_per_channel_default_3"; -"47 quantize_per_channel_default_3" -> "48 dequantize_per_channel_default_3"; -"48 dequantize_per_channel_default_3" -> "50 linear_2"; -"49 _param_constant7_0_0" -> "50 linear_2"; -"50 linear_2" -> "51 reshape_1"; -"51 reshape_1" -> "52 permute_3"; -"52 permute_3" -> "53 select"; -"52 permute_3" -> "54 select_1"; -"52 permute_3" -> "55 select_2"; -"53 select" -> "56 linalg_vector_norm"; -"53 select" -> "58 expand_as"; -"53 select" -> "59 div"; -"54 select_1" -> "62 linalg_vector_norm_1"; -"54 select_1" -> "64 expand_as_1"; -"54 select_1" -> "65 div_1"; -"55 select_2" -> "77 matmul_1"; -"56 linalg_vector_norm" -> "57 clamp_min"; -"57 clamp_min" -> "58 expand_as"; -"58 expand_as" -> "59 div"; -"59 div" -> "60 quantize_per_tensor_default_5"; -"60 quantize_per_tensor_default_5" -> "61 dequantize_per_tensor_default_5"; -"61 dequantize_per_tensor_default_5" -> "69 matmul"; -"62 linalg_vector_norm_1" -> "63 clamp_min_1"; -"63 clamp_min_1" -> "64 expand_as_1"; -"64 expand_as_1" -> "65 div_1"; -"65 div_1" -> "66 quantize_per_tensor_default_6"; -"66 quantize_per_tensor_default_6" -> "67 dequantize_per_tensor_default_6"; -"67 dequantize_per_tensor_default_6" -> "68 transpose"; -"68 transpose" -> "69 matmul"; -"69 matmul" -> "73 mul_1"; -"70 _param_constant9" -> "71 clamp"; -"71 clamp" -> "72 exp"; -"72 exp" -> "73 mul_1"; -"73 mul_1" -> "74 add"; -"74 add" -> "75 softmax"; -"75 softmax" -> "76 dropout"; -"76 dropout" -> "77 matmul_1"; -"77 matmul_1" -> "78 quantize_per_tensor_default_7"; -"78 quantize_per_tensor_default_7" -> "79 dequantize_per_tensor_default_7"; -"79 dequantize_per_tensor_default_7" -> "80 transpose_1"; -"80 transpose_1" -> "81 reshape_2"; -"81 reshape_2" -> "88 linear_3"; -"82 _param_constant10" -> "85 quantize_per_channel_default_4"; -"83 linear_3_scale_0" -> "85 quantize_per_channel_default_4"; -"83 linear_3_scale_0" -> "86 dequantize_per_channel_default_4"; -"84 linear_3_zero_point_0" -> "85 quantize_per_channel_default_4"; -"84 linear_3_zero_point_0" -> "86 dequantize_per_channel_default_4"; -"85 quantize_per_channel_default_4" -> "86 dequantize_per_channel_default_4"; -"86 dequantize_per_channel_default_4" -> "88 linear_3"; -"87 _param_constant11_0_0" -> "88 linear_3"; -"88 linear_3" -> "89 dropout_1"; -"89 dropout_1" -> "90 view_3"; -"90 view_3" -> "91 permute_4"; -"91 permute_4" -> "92 reshape_3"; -"92 reshape_3" -> "93 slice_2"; -"93 slice_2" -> "94 slice_3"; -"94 slice_3" -> "97 layer_norm_1"; -"95 _param_constant12" -> "97 layer_norm_1"; -"96 _param_constant13" -> "97 layer_norm_1"; -"97 layer_norm_1" -> "98 add_1"; -"98 add_1" -> "100 quantize_per_tensor_default_8"; -"98 add_1" -> "123 add_2"; -"99 _param_constant14" -> "104 quantize_per_channel_default_5"; -"100 quantize_per_tensor_default_8" -> "101 dequantize_per_tensor_default_8"; -"101 dequantize_per_tensor_default_8" -> "107 linear_4"; -"102 linear_4_scale_0" -> "104 quantize_per_channel_default_5"; -"102 linear_4_scale_0" -> "105 dequantize_per_channel_default_5"; -"103 linear_4_zero_point_0" -> "104 quantize_per_channel_default_5"; -"103 linear_4_zero_point_0" -> "105 dequantize_per_channel_default_5"; -"104 quantize_per_channel_default_5" -> "105 dequantize_per_channel_default_5"; -"105 dequantize_per_channel_default_5" -> "107 linear_4"; -"106 _param_constant15_0_0" -> "107 linear_4"; -"107 linear_4" -> "108 gelu"; -"108 gelu" -> "109 quantize_per_tensor_default_9"; -"109 quantize_per_tensor_default_9" -> "110 dequantize_per_tensor_default_9"; -"110 dequantize_per_tensor_default_9" -> "111 dropout_2"; -"111 dropout_2" -> "118 linear_5"; -"112 _param_constant16" -> "115 quantize_per_channel_default_6"; -"113 linear_5_scale_0" -> "115 quantize_per_channel_default_6"; -"113 linear_5_scale_0" -> "116 dequantize_per_channel_default_6"; -"114 linear_5_zero_point_0" -> "115 quantize_per_channel_default_6"; -"114 linear_5_zero_point_0" -> "116 dequantize_per_channel_default_6"; -"115 quantize_per_channel_default_6" -> "116 dequantize_per_channel_default_6"; -"116 dequantize_per_channel_default_6" -> "118 linear_5"; -"117 _param_constant17_0_0" -> "118 linear_5"; -"118 linear_5" -> "119 dropout_3"; -"119 dropout_3" -> "122 layer_norm_2"; -"120 _param_constant18" -> "122 layer_norm_2"; -"121 _param_constant19" -> "122 layer_norm_2"; -"122 layer_norm_2" -> "123 add_2"; -"123 add_2" -> "148 pad_1"; -"123 add_2" -> "226 add_5"; -"124 _tensor_constant2" -> "131 linear_6"; -"125 _param_constant20" -> "128 quantize_per_channel_default_7"; -"126 linear_6_scale_0" -> "128 quantize_per_channel_default_7"; -"126 linear_6_scale_0" -> "129 dequantize_per_channel_default_7"; -"127 linear_6_zero_point_0" -> "128 quantize_per_channel_default_7"; -"127 linear_6_zero_point_0" -> "129 dequantize_per_channel_default_7"; -"128 quantize_per_channel_default_7" -> "129 dequantize_per_channel_default_7"; -"129 dequantize_per_channel_default_7" -> "131 linear_6"; -"130 _param_constant21_0_0" -> "131 linear_6"; -"131 linear_6" -> "132 relu__1"; -"132 relu__1" -> "138 linear_7"; -"133 _param_constant22" -> "136 quantize_per_channel_default_8"; -"134 linear_7_scale_0" -> "136 quantize_per_channel_default_8"; -"134 linear_7_scale_0" -> "137 dequantize_per_channel_default_8"; -"135 linear_7_zero_point_0" -> "136 quantize_per_channel_default_8"; -"135 linear_7_zero_point_0" -> "137 dequantize_per_channel_default_8"; -"136 quantize_per_channel_default_8" -> "137 dequantize_per_channel_default_8"; -"137 dequantize_per_channel_default_8" -> "138 linear_7"; -"138 linear_7" -> "139 view_4"; -"139 view_4" -> "141 index_1"; -"140 _tensor_constant3" -> "141 index_1"; -"141 index_1" -> "142 view_5"; -"142 view_5" -> "143 permute_5"; -"143 permute_5" -> "144 contiguous_1"; -"144 contiguous_1" -> "145 unsqueeze_1"; -"145 unsqueeze_1" -> "146 sigmoid_1"; -"146 sigmoid_1" -> "147 mul_2"; -"147 mul_2" -> "185 add_3"; -"148 pad_1" -> "149 roll"; -"149 roll" -> "150 view_6"; -"150 view_6" -> "151 permute_6"; -"151 permute_6" -> "152 reshape_4"; -"152 reshape_4" -> "154 quantize_per_tensor_default_10"; -"152 reshape_4" -> "186 new_zeros"; -"153 _param_constant24" -> "158 quantize_per_channel_default_9"; -"154 quantize_per_tensor_default_10" -> "155 dequantize_per_tensor_default_10"; -"155 dequantize_per_tensor_default_10" -> "161 linear_8"; -"156 linear_8_scale_0" -> "158 quantize_per_channel_default_9"; -"156 linear_8_scale_0" -> "159 dequantize_per_channel_default_9"; -"157 linear_8_zero_point_0" -> "158 quantize_per_channel_default_9"; -"157 linear_8_zero_point_0" -> "159 dequantize_per_channel_default_9"; -"158 quantize_per_channel_default_9" -> "159 dequantize_per_channel_default_9"; -"159 dequantize_per_channel_default_9" -> "161 linear_8"; -"160 _param_constant23_0_0" -> "161 linear_8"; -"161 linear_8" -> "162 reshape_5"; -"162 reshape_5" -> "163 permute_7"; -"163 permute_7" -> "164 select_3"; -"163 permute_7" -> "165 select_4"; -"163 permute_7" -> "166 select_5"; -"164 select_3" -> "167 linalg_vector_norm_2"; -"164 select_3" -> "169 expand_as_2"; -"164 select_3" -> "170 div_2"; -"165 select_4" -> "173 linalg_vector_norm_3"; -"165 select_4" -> "175 expand_as_3"; -"165 select_4" -> "176 div_3"; -"166 select_5" -> "204 matmul_3"; -"167 linalg_vector_norm_2" -> "168 clamp_min_2"; -"168 clamp_min_2" -> "169 expand_as_2"; -"169 expand_as_2" -> "170 div_2"; -"170 div_2" -> "171 quantize_per_tensor_default_11"; -"171 quantize_per_tensor_default_11" -> "172 dequantize_per_tensor_default_11"; -"172 dequantize_per_tensor_default_11" -> "180 matmul_2"; -"173 linalg_vector_norm_3" -> "174 clamp_min_3"; -"174 clamp_min_3" -> "175 expand_as_3"; -"175 expand_as_3" -> "176 div_3"; -"176 div_3" -> "177 quantize_per_tensor_default_12"; -"177 quantize_per_tensor_default_12" -> "178 dequantize_per_tensor_default_12"; -"178 dequantize_per_tensor_default_12" -> "179 transpose_2"; -"179 transpose_2" -> "180 matmul_2"; -"180 matmul_2" -> "184 mul_3"; -"181 _param_constant25" -> "182 clamp_1"; -"182 clamp_1" -> "183 exp_1"; -"183 exp_1" -> "184 mul_3"; -"184 mul_3" -> "185 add_3"; -"185 add_3" -> "197 view_8"; -"186 new_zeros" -> "187 view_7"; -"187 view_7" -> "188 permute_8"; -"188 permute_8" -> "189 reshape_6"; -"189 reshape_6" -> "190 unsqueeze_2"; -"189 reshape_6" -> "191 unsqueeze_3"; -"190 unsqueeze_2" -> "192 sub"; -"191 unsqueeze_3" -> "192 sub"; -"192 sub" -> "193 ne"; -"192 sub" -> "194 masked_fill"; -"192 sub" -> "195 eq"; -"193 ne" -> "194 masked_fill"; -"194 masked_fill" -> "196 masked_fill_1"; -"195 eq" -> "196 masked_fill_1"; -"196 masked_fill_1" -> "198 unsqueeze_4"; -"197 view_8" -> "200 add_4"; -"198 unsqueeze_4" -> "199 unsqueeze_5"; -"199 unsqueeze_5" -> "200 add_4"; -"200 add_4" -> "201 view_9"; -"201 view_9" -> "202 softmax_1"; -"202 softmax_1" -> "203 dropout_4"; -"203 dropout_4" -> "204 matmul_3"; -"204 matmul_3" -> "205 quantize_per_tensor_default_13"; -"205 quantize_per_tensor_default_13" -> "206 dequantize_per_tensor_default_13"; -"206 dequantize_per_tensor_default_13" -> "207 transpose_3"; -"207 transpose_3" -> "208 reshape_7"; -"208 reshape_7" -> "215 linear_9"; -"209 _param_constant26" -> "212 quantize_per_channel_default_10"; -"210 linear_9_scale_0" -> "212 quantize_per_channel_default_10"; -"210 linear_9_scale_0" -> "213 dequantize_per_channel_default_10"; -"211 linear_9_zero_point_0" -> "212 quantize_per_channel_default_10"; -"211 linear_9_zero_point_0" -> "213 dequantize_per_channel_default_10"; -"212 quantize_per_channel_default_10" -> "213 dequantize_per_channel_default_10"; -"213 dequantize_per_channel_default_10" -> "215 linear_9"; -"214 _param_constant27_0_0" -> "215 linear_9"; -"215 linear_9" -> "216 dropout_5"; -"216 dropout_5" -> "217 view_10"; -"217 view_10" -> "218 permute_9"; -"218 permute_9" -> "219 reshape_8"; -"219 reshape_8" -> "220 roll_1"; -"220 roll_1" -> "221 slice_23"; -"221 slice_23" -> "222 slice_24"; -"222 slice_24" -> "225 layer_norm_3"; -"223 _param_constant28" -> "225 layer_norm_3"; -"224 _param_constant29" -> "225 layer_norm_3"; -"225 layer_norm_3" -> "226 add_5"; -"226 add_5" -> "228 quantize_per_tensor_default_14"; -"226 add_5" -> "251 add_6"; -"227 _param_constant30" -> "232 quantize_per_channel_default_11"; -"228 quantize_per_tensor_default_14" -> "229 dequantize_per_tensor_default_14"; -"229 dequantize_per_tensor_default_14" -> "235 linear_10"; -"230 linear_10_scale_0" -> "232 quantize_per_channel_default_11"; -"230 linear_10_scale_0" -> "233 dequantize_per_channel_default_11"; -"231 linear_10_zero_point_0" -> "232 quantize_per_channel_default_11"; -"231 linear_10_zero_point_0" -> "233 dequantize_per_channel_default_11"; -"232 quantize_per_channel_default_11" -> "233 dequantize_per_channel_default_11"; -"233 dequantize_per_channel_default_11" -> "235 linear_10"; -"234 _param_constant31_0_0" -> "235 linear_10"; -"235 linear_10" -> "236 gelu_1"; -"236 gelu_1" -> "237 quantize_per_tensor_default_15"; -"237 quantize_per_tensor_default_15" -> "238 dequantize_per_tensor_default_15"; -"238 dequantize_per_tensor_default_15" -> "239 dropout_6"; -"239 dropout_6" -> "246 linear_11"; -"240 _param_constant32" -> "243 quantize_per_channel_default_12"; -"241 linear_11_scale_0" -> "243 quantize_per_channel_default_12"; -"241 linear_11_scale_0" -> "244 dequantize_per_channel_default_12"; -"242 linear_11_zero_point_0" -> "243 quantize_per_channel_default_12"; -"242 linear_11_zero_point_0" -> "244 dequantize_per_channel_default_12"; -"243 quantize_per_channel_default_12" -> "244 dequantize_per_channel_default_12"; -"244 dequantize_per_channel_default_12" -> "246 linear_11"; -"245 _param_constant33_0_0" -> "246 linear_11"; -"246 linear_11" -> "247 dropout_7"; -"247 dropout_7" -> "250 layer_norm_4"; -"248 _param_constant34" -> "250 layer_norm_4"; -"249 _param_constant35" -> "250 layer_norm_4"; -"250 layer_norm_4" -> "251 add_6"; -"251 add_6" -> "252 quantize_per_tensor_default"; -"252 quantize_per_tensor_default" -> "253 dequantize_per_tensor_default"; -"253 dequantize_per_tensor_default" -> "254 pad_2"; -"254 pad_2" -> "255 slice_25"; -"254 pad_2" -> "258 slice_28"; -"254 pad_2" -> "261 slice_31"; -"254 pad_2" -> "264 slice_34"; -"255 slice_25" -> "256 slice_26"; -"256 slice_26" -> "257 slice_27"; -"257 slice_27" -> "267 cat"; -"258 slice_28" -> "259 slice_29"; -"259 slice_29" -> "260 slice_30"; -"260 slice_30" -> "267 cat"; -"261 slice_31" -> "262 slice_32"; -"262 slice_32" -> "263 slice_33"; -"263 slice_33" -> "267 cat"; -"264 slice_34" -> "265 slice_35"; -"265 slice_35" -> "266 slice_36"; -"266 slice_36" -> "267 cat"; -"267 cat" -> "273 linear_12"; -"268 _param_constant36" -> "271 quantize_per_channel_default_13"; -"269 linear_12_scale_0" -> "271 quantize_per_channel_default_13"; -"269 linear_12_scale_0" -> "272 dequantize_per_channel_default_13"; -"270 linear_12_zero_point_0" -> "271 quantize_per_channel_default_13"; -"270 linear_12_zero_point_0" -> "272 dequantize_per_channel_default_13"; -"271 quantize_per_channel_default_13" -> "272 dequantize_per_channel_default_13"; -"272 dequantize_per_channel_default_13" -> "273 linear_12"; -"273 linear_12" -> "276 layer_norm_5"; -"274 _param_constant37" -> "276 layer_norm_5"; -"275 _param_constant38" -> "276 layer_norm_5"; -"276 layer_norm_5" -> "301 quantize_per_tensor_default_16"; -"276 layer_norm_5" -> "364 add_8"; -"277 _tensor_constant13" -> "284 linear_13"; -"278 _param_constant39" -> "281 quantize_per_channel_default_14"; -"279 linear_13_scale_0" -> "281 quantize_per_channel_default_14"; -"279 linear_13_scale_0" -> "282 dequantize_per_channel_default_14"; -"280 linear_13_zero_point_0" -> "281 quantize_per_channel_default_14"; -"280 linear_13_zero_point_0" -> "282 dequantize_per_channel_default_14"; -"281 quantize_per_channel_default_14" -> "282 dequantize_per_channel_default_14"; -"282 dequantize_per_channel_default_14" -> "284 linear_13"; -"283 _param_constant40_0_0" -> "284 linear_13"; -"284 linear_13" -> "285 relu__2"; -"285 relu__2" -> "291 linear_14"; -"286 _param_constant41" -> "289 quantize_per_channel_default_15"; -"287 linear_14_scale_0" -> "289 quantize_per_channel_default_15"; -"287 linear_14_scale_0" -> "290 dequantize_per_channel_default_15"; -"288 linear_14_zero_point_0" -> "289 quantize_per_channel_default_15"; -"288 linear_14_zero_point_0" -> "290 dequantize_per_channel_default_15"; -"289 quantize_per_channel_default_15" -> "290 dequantize_per_channel_default_15"; -"290 dequantize_per_channel_default_15" -> "291 linear_14"; -"291 linear_14" -> "292 view_11"; -"292 view_11" -> "294 index_2"; -"293 _tensor_constant14" -> "294 index_2"; -"294 index_2" -> "295 view_12"; -"295 view_12" -> "296 permute_10"; -"296 permute_10" -> "297 contiguous_2"; -"297 contiguous_2" -> "298 unsqueeze_6"; -"298 unsqueeze_6" -> "299 sigmoid_2"; -"299 sigmoid_2" -> "300 mul_4"; -"300 mul_4" -> "337 add_7"; -"301 quantize_per_tensor_default_16" -> "302 dequantize_per_tensor_default_16"; -"302 dequantize_per_tensor_default_16" -> "303 pad_3"; -"303 pad_3" -> "304 view_13"; -"304 view_13" -> "305 permute_11"; -"305 permute_11" -> "306 reshape_9"; -"306 reshape_9" -> "313 linear_15"; -"307 _param_constant43" -> "310 quantize_per_channel_default_16"; -"308 linear_15_scale_0" -> "310 quantize_per_channel_default_16"; -"308 linear_15_scale_0" -> "311 dequantize_per_channel_default_16"; -"309 linear_15_zero_point_0" -> "310 quantize_per_channel_default_16"; -"309 linear_15_zero_point_0" -> "311 dequantize_per_channel_default_16"; -"310 quantize_per_channel_default_16" -> "311 dequantize_per_channel_default_16"; -"311 dequantize_per_channel_default_16" -> "313 linear_15"; -"312 _param_constant42_0_0" -> "313 linear_15"; -"313 linear_15" -> "314 reshape_10"; -"314 reshape_10" -> "315 permute_12"; -"315 permute_12" -> "316 select_6"; -"315 permute_12" -> "317 select_7"; -"315 permute_12" -> "318 select_8"; -"316 select_6" -> "319 linalg_vector_norm_4"; -"316 select_6" -> "321 expand_as_4"; -"316 select_6" -> "322 div_4"; -"317 select_7" -> "325 linalg_vector_norm_5"; -"317 select_7" -> "327 expand_as_5"; -"317 select_7" -> "328 div_5"; -"318 select_8" -> "340 matmul_5"; -"319 linalg_vector_norm_4" -> "320 clamp_min_4"; -"320 clamp_min_4" -> "321 expand_as_4"; -"321 expand_as_4" -> "322 div_4"; -"322 div_4" -> "323 quantize_per_tensor_default_17"; -"323 quantize_per_tensor_default_17" -> "324 dequantize_per_tensor_default_17"; -"324 dequantize_per_tensor_default_17" -> "332 matmul_4"; -"325 linalg_vector_norm_5" -> "326 clamp_min_5"; -"326 clamp_min_5" -> "327 expand_as_5"; -"327 expand_as_5" -> "328 div_5"; -"328 div_5" -> "329 quantize_per_tensor_default_18"; -"329 quantize_per_tensor_default_18" -> "330 dequantize_per_tensor_default_18"; -"330 dequantize_per_tensor_default_18" -> "331 transpose_4"; -"331 transpose_4" -> "332 matmul_4"; -"332 matmul_4" -> "336 mul_5"; -"333 _param_constant44" -> "334 clamp_2"; -"334 clamp_2" -> "335 exp_2"; -"335 exp_2" -> "336 mul_5"; -"336 mul_5" -> "337 add_7"; -"337 add_7" -> "338 softmax_2"; -"338 softmax_2" -> "339 dropout_8"; -"339 dropout_8" -> "340 matmul_5"; -"340 matmul_5" -> "341 quantize_per_tensor_default_19"; -"341 quantize_per_tensor_default_19" -> "342 dequantize_per_tensor_default_19"; -"342 dequantize_per_tensor_default_19" -> "343 transpose_5"; -"343 transpose_5" -> "344 reshape_11"; -"344 reshape_11" -> "351 linear_16"; -"345 _param_constant45" -> "348 quantize_per_channel_default_17"; -"346 linear_16_scale_0" -> "348 quantize_per_channel_default_17"; -"346 linear_16_scale_0" -> "349 dequantize_per_channel_default_17"; -"347 linear_16_zero_point_0" -> "348 quantize_per_channel_default_17"; -"347 linear_16_zero_point_0" -> "349 dequantize_per_channel_default_17"; -"348 quantize_per_channel_default_17" -> "349 dequantize_per_channel_default_17"; -"349 dequantize_per_channel_default_17" -> "351 linear_16"; -"350 _param_constant46_0_0" -> "351 linear_16"; -"351 linear_16" -> "352 dropout_9"; -"352 dropout_9" -> "353 view_14"; -"353 view_14" -> "354 permute_13"; -"354 permute_13" -> "355 reshape_12"; -"355 reshape_12" -> "356 slice_38"; -"356 slice_38" -> "357 slice_39"; -"357 slice_39" -> "358 slice_40"; -"358 slice_40" -> "359 slice_41"; -"359 slice_41" -> "360 contiguous_3"; -"360 contiguous_3" -> "363 layer_norm_6"; -"361 _param_constant47" -> "363 layer_norm_6"; -"362 _param_constant48" -> "363 layer_norm_6"; -"363 layer_norm_6" -> "364 add_8"; -"364 add_8" -> "366 quantize_per_tensor_default_20"; -"364 add_8" -> "389 add_9"; -"365 _param_constant49" -> "370 quantize_per_channel_default_18"; -"366 quantize_per_tensor_default_20" -> "367 dequantize_per_tensor_default_20"; -"367 dequantize_per_tensor_default_20" -> "373 linear_17"; -"368 linear_17_scale_0" -> "370 quantize_per_channel_default_18"; -"368 linear_17_scale_0" -> "371 dequantize_per_channel_default_18"; -"369 linear_17_zero_point_0" -> "370 quantize_per_channel_default_18"; -"369 linear_17_zero_point_0" -> "371 dequantize_per_channel_default_18"; -"370 quantize_per_channel_default_18" -> "371 dequantize_per_channel_default_18"; -"371 dequantize_per_channel_default_18" -> "373 linear_17"; -"372 _param_constant50_0_0" -> "373 linear_17"; -"373 linear_17" -> "374 gelu_2"; -"374 gelu_2" -> "375 quantize_per_tensor_default_21"; -"375 quantize_per_tensor_default_21" -> "376 dequantize_per_tensor_default_21"; -"376 dequantize_per_tensor_default_21" -> "377 dropout_10"; -"377 dropout_10" -> "384 linear_18"; -"378 _param_constant51" -> "381 quantize_per_channel_default_19"; -"379 linear_18_scale_0" -> "381 quantize_per_channel_default_19"; -"379 linear_18_scale_0" -> "382 dequantize_per_channel_default_19"; -"380 linear_18_zero_point_0" -> "381 quantize_per_channel_default_19"; -"380 linear_18_zero_point_0" -> "382 dequantize_per_channel_default_19"; -"381 quantize_per_channel_default_19" -> "382 dequantize_per_channel_default_19"; -"382 dequantize_per_channel_default_19" -> "384 linear_18"; -"383 _param_constant52_0_0" -> "384 linear_18"; -"384 linear_18" -> "385 dropout_11"; -"385 dropout_11" -> "388 layer_norm_7"; -"386 _param_constant53" -> "388 layer_norm_7"; -"387 _param_constant54" -> "388 layer_norm_7"; -"388 layer_norm_7" -> "389 add_9"; -"389 add_9" -> "414 pad_4"; -"389 add_9" -> "495 add_12"; -"390 _tensor_constant15" -> "397 linear_19"; -"391 _param_constant55" -> "394 quantize_per_channel_default_20"; -"392 linear_19_scale_0" -> "394 quantize_per_channel_default_20"; -"392 linear_19_scale_0" -> "395 dequantize_per_channel_default_20"; -"393 linear_19_zero_point_0" -> "394 quantize_per_channel_default_20"; -"393 linear_19_zero_point_0" -> "395 dequantize_per_channel_default_20"; -"394 quantize_per_channel_default_20" -> "395 dequantize_per_channel_default_20"; -"395 dequantize_per_channel_default_20" -> "397 linear_19"; -"396 _param_constant56_0_0" -> "397 linear_19"; -"397 linear_19" -> "398 relu__3"; -"398 relu__3" -> "404 linear_20"; -"399 _param_constant57" -> "402 quantize_per_channel_default_21"; -"400 linear_20_scale_0" -> "402 quantize_per_channel_default_21"; -"400 linear_20_scale_0" -> "403 dequantize_per_channel_default_21"; -"401 linear_20_zero_point_0" -> "402 quantize_per_channel_default_21"; -"401 linear_20_zero_point_0" -> "403 dequantize_per_channel_default_21"; -"402 quantize_per_channel_default_21" -> "403 dequantize_per_channel_default_21"; -"403 dequantize_per_channel_default_21" -> "404 linear_20"; -"404 linear_20" -> "405 view_15"; -"405 view_15" -> "407 index_3"; -"406 _tensor_constant16" -> "407 index_3"; -"407 index_3" -> "408 view_16"; -"408 view_16" -> "409 permute_14"; -"409 permute_14" -> "410 contiguous_4"; -"410 contiguous_4" -> "411 unsqueeze_7"; -"411 unsqueeze_7" -> "412 sigmoid_3"; -"412 sigmoid_3" -> "413 mul_6"; -"413 mul_6" -> "451 add_10"; -"414 pad_4" -> "415 roll_2"; -"415 roll_2" -> "416 view_17"; -"416 view_17" -> "417 permute_15"; -"417 permute_15" -> "418 reshape_13"; -"418 reshape_13" -> "420 quantize_per_tensor_default_22"; -"418 reshape_13" -> "452 new_zeros_1"; -"419 _param_constant59" -> "424 quantize_per_channel_default_22"; -"420 quantize_per_tensor_default_22" -> "421 dequantize_per_tensor_default_22"; -"421 dequantize_per_tensor_default_22" -> "427 linear_21"; -"422 linear_21_scale_0" -> "424 quantize_per_channel_default_22"; -"422 linear_21_scale_0" -> "425 dequantize_per_channel_default_22"; -"423 linear_21_zero_point_0" -> "424 quantize_per_channel_default_22"; -"423 linear_21_zero_point_0" -> "425 dequantize_per_channel_default_22"; -"424 quantize_per_channel_default_22" -> "425 dequantize_per_channel_default_22"; -"425 dequantize_per_channel_default_22" -> "427 linear_21"; -"426 _param_constant58_0_0" -> "427 linear_21"; -"427 linear_21" -> "428 reshape_14"; -"428 reshape_14" -> "429 permute_16"; -"429 permute_16" -> "430 select_9"; -"429 permute_16" -> "431 select_10"; -"429 permute_16" -> "432 select_11"; -"430 select_9" -> "433 linalg_vector_norm_6"; -"430 select_9" -> "435 expand_as_6"; -"430 select_9" -> "436 div_6"; -"431 select_10" -> "439 linalg_vector_norm_7"; -"431 select_10" -> "441 expand_as_7"; -"431 select_10" -> "442 div_7"; -"432 select_11" -> "470 matmul_7"; -"433 linalg_vector_norm_6" -> "434 clamp_min_6"; -"434 clamp_min_6" -> "435 expand_as_6"; -"435 expand_as_6" -> "436 div_6"; -"436 div_6" -> "437 quantize_per_tensor_default_23"; -"437 quantize_per_tensor_default_23" -> "438 dequantize_per_tensor_default_23"; -"438 dequantize_per_tensor_default_23" -> "446 matmul_6"; -"439 linalg_vector_norm_7" -> "440 clamp_min_7"; -"440 clamp_min_7" -> "441 expand_as_7"; -"441 expand_as_7" -> "442 div_7"; -"442 div_7" -> "443 quantize_per_tensor_default_24"; -"443 quantize_per_tensor_default_24" -> "444 dequantize_per_tensor_default_24"; -"444 dequantize_per_tensor_default_24" -> "445 transpose_6"; -"445 transpose_6" -> "446 matmul_6"; -"446 matmul_6" -> "450 mul_7"; -"447 _param_constant60" -> "448 clamp_3"; -"448 clamp_3" -> "449 exp_3"; -"449 exp_3" -> "450 mul_7"; -"450 mul_7" -> "451 add_10"; -"451 add_10" -> "463 view_19"; -"452 new_zeros_1" -> "453 view_18"; -"453 view_18" -> "454 permute_17"; -"454 permute_17" -> "455 reshape_15"; -"455 reshape_15" -> "456 unsqueeze_8"; -"455 reshape_15" -> "457 unsqueeze_9"; -"456 unsqueeze_8" -> "458 sub_1"; -"457 unsqueeze_9" -> "458 sub_1"; -"458 sub_1" -> "459 ne_1"; -"458 sub_1" -> "460 masked_fill_2"; -"458 sub_1" -> "461 eq_1"; -"459 ne_1" -> "460 masked_fill_2"; -"460 masked_fill_2" -> "462 masked_fill_3"; -"461 eq_1" -> "462 masked_fill_3"; -"462 masked_fill_3" -> "464 unsqueeze_10"; -"463 view_19" -> "466 add_11"; -"464 unsqueeze_10" -> "465 unsqueeze_11"; -"465 unsqueeze_11" -> "466 add_11"; -"466 add_11" -> "467 view_20"; -"467 view_20" -> "468 softmax_3"; -"468 softmax_3" -> "469 dropout_12"; -"469 dropout_12" -> "470 matmul_7"; -"470 matmul_7" -> "471 quantize_per_tensor_default_25"; -"471 quantize_per_tensor_default_25" -> "472 dequantize_per_tensor_default_25"; -"472 dequantize_per_tensor_default_25" -> "473 transpose_7"; -"473 transpose_7" -> "474 reshape_16"; -"474 reshape_16" -> "481 linear_22"; -"475 _param_constant61" -> "478 quantize_per_channel_default_23"; -"476 linear_22_scale_0" -> "478 quantize_per_channel_default_23"; -"476 linear_22_scale_0" -> "479 dequantize_per_channel_default_23"; -"477 linear_22_zero_point_0" -> "478 quantize_per_channel_default_23"; -"477 linear_22_zero_point_0" -> "479 dequantize_per_channel_default_23"; -"478 quantize_per_channel_default_23" -> "479 dequantize_per_channel_default_23"; -"479 dequantize_per_channel_default_23" -> "481 linear_22"; -"480 _param_constant62_0_0" -> "481 linear_22"; -"481 linear_22" -> "482 dropout_13"; -"482 dropout_13" -> "483 view_21"; -"483 view_21" -> "484 permute_18"; -"484 permute_18" -> "485 reshape_17"; -"485 reshape_17" -> "486 roll_3"; -"486 roll_3" -> "487 slice_61"; -"487 slice_61" -> "488 slice_62"; -"488 slice_62" -> "489 slice_63"; -"489 slice_63" -> "490 slice_64"; -"490 slice_64" -> "491 contiguous_5"; -"491 contiguous_5" -> "494 layer_norm_8"; -"492 _param_constant63" -> "494 layer_norm_8"; -"493 _param_constant64" -> "494 layer_norm_8"; -"494 layer_norm_8" -> "495 add_12"; -"495 add_12" -> "497 quantize_per_tensor_default_26"; -"495 add_12" -> "520 add_13"; -"496 _param_constant65" -> "501 quantize_per_channel_default_24"; -"497 quantize_per_tensor_default_26" -> "498 dequantize_per_tensor_default_26"; -"498 dequantize_per_tensor_default_26" -> "504 linear_23"; -"499 linear_23_scale_0" -> "501 quantize_per_channel_default_24"; -"499 linear_23_scale_0" -> "502 dequantize_per_channel_default_24"; -"500 linear_23_zero_point_0" -> "501 quantize_per_channel_default_24"; -"500 linear_23_zero_point_0" -> "502 dequantize_per_channel_default_24"; -"501 quantize_per_channel_default_24" -> "502 dequantize_per_channel_default_24"; -"502 dequantize_per_channel_default_24" -> "504 linear_23"; -"503 _param_constant66_0_0" -> "504 linear_23"; -"504 linear_23" -> "505 gelu_3"; -"505 gelu_3" -> "506 quantize_per_tensor_default_27"; -"506 quantize_per_tensor_default_27" -> "507 dequantize_per_tensor_default_27"; -"507 dequantize_per_tensor_default_27" -> "508 dropout_14"; -"508 dropout_14" -> "515 linear_24"; -"509 _param_constant67" -> "512 quantize_per_channel_default_25"; -"510 linear_24_scale_0" -> "512 quantize_per_channel_default_25"; -"510 linear_24_scale_0" -> "513 dequantize_per_channel_default_25"; -"511 linear_24_zero_point_0" -> "512 quantize_per_channel_default_25"; -"511 linear_24_zero_point_0" -> "513 dequantize_per_channel_default_25"; -"512 quantize_per_channel_default_25" -> "513 dequantize_per_channel_default_25"; -"513 dequantize_per_channel_default_25" -> "515 linear_24"; -"514 _param_constant68_0_0" -> "515 linear_24"; -"515 linear_24" -> "516 dropout_15"; -"516 dropout_15" -> "519 layer_norm_9"; -"517 _param_constant69" -> "519 layer_norm_9"; -"518 _param_constant70" -> "519 layer_norm_9"; -"519 layer_norm_9" -> "520 add_13"; -"520 add_13" -> "521 quantize_per_tensor_default_1"; -"521 quantize_per_tensor_default_1" -> "522 dequantize_per_tensor_default_1"; -"522 dequantize_per_tensor_default_1" -> "523 pad_5"; -"523 pad_5" -> "524 slice_65"; -"523 pad_5" -> "527 slice_68"; -"523 pad_5" -> "530 slice_71"; -"523 pad_5" -> "533 slice_74"; -"524 slice_65" -> "525 slice_66"; -"525 slice_66" -> "526 slice_67"; -"526 slice_67" -> "536 cat_1"; -"527 slice_68" -> "528 slice_69"; -"528 slice_69" -> "529 slice_70"; -"529 slice_70" -> "536 cat_1"; -"530 slice_71" -> "531 slice_72"; -"531 slice_72" -> "532 slice_73"; -"532 slice_73" -> "536 cat_1"; -"533 slice_74" -> "534 slice_75"; -"534 slice_75" -> "535 slice_76"; -"535 slice_76" -> "536 cat_1"; -"536 cat_1" -> "542 linear_25"; -"537 _param_constant71" -> "540 quantize_per_channel_default_26"; -"538 linear_25_scale_0" -> "540 quantize_per_channel_default_26"; -"538 linear_25_scale_0" -> "541 dequantize_per_channel_default_26"; -"539 linear_25_zero_point_0" -> "540 quantize_per_channel_default_26"; -"539 linear_25_zero_point_0" -> "541 dequantize_per_channel_default_26"; -"540 quantize_per_channel_default_26" -> "541 dequantize_per_channel_default_26"; -"541 dequantize_per_channel_default_26" -> "542 linear_25"; -"542 linear_25" -> "545 layer_norm_10"; -"543 _param_constant72" -> "545 layer_norm_10"; -"544 _param_constant73" -> "545 layer_norm_10"; -"545 layer_norm_10" -> "570 quantize_per_tensor_default_28"; -"545 layer_norm_10" -> "633 add_15"; -"546 _tensor_constant26" -> "553 linear_26"; -"547 _param_constant74" -> "550 quantize_per_channel_default_27"; -"548 linear_26_scale_0" -> "550 quantize_per_channel_default_27"; -"548 linear_26_scale_0" -> "551 dequantize_per_channel_default_27"; -"549 linear_26_zero_point_0" -> "550 quantize_per_channel_default_27"; -"549 linear_26_zero_point_0" -> "551 dequantize_per_channel_default_27"; -"550 quantize_per_channel_default_27" -> "551 dequantize_per_channel_default_27"; -"551 dequantize_per_channel_default_27" -> "553 linear_26"; -"552 _param_constant75_0_0" -> "553 linear_26"; -"553 linear_26" -> "554 relu__4"; -"554 relu__4" -> "560 linear_27"; -"555 _param_constant76" -> "558 quantize_per_channel_default_28"; -"556 linear_27_scale_0" -> "558 quantize_per_channel_default_28"; -"556 linear_27_scale_0" -> "559 dequantize_per_channel_default_28"; -"557 linear_27_zero_point_0" -> "558 quantize_per_channel_default_28"; -"557 linear_27_zero_point_0" -> "559 dequantize_per_channel_default_28"; -"558 quantize_per_channel_default_28" -> "559 dequantize_per_channel_default_28"; -"559 dequantize_per_channel_default_28" -> "560 linear_27"; -"560 linear_27" -> "561 view_22"; -"561 view_22" -> "563 index_4"; -"562 _tensor_constant27" -> "563 index_4"; -"563 index_4" -> "564 view_23"; -"564 view_23" -> "565 permute_19"; -"565 permute_19" -> "566 contiguous_6"; -"566 contiguous_6" -> "567 unsqueeze_12"; -"567 unsqueeze_12" -> "568 sigmoid_4"; -"568 sigmoid_4" -> "569 mul_8"; -"569 mul_8" -> "606 add_14"; -"570 quantize_per_tensor_default_28" -> "571 dequantize_per_tensor_default_28"; -"571 dequantize_per_tensor_default_28" -> "572 pad_6"; -"572 pad_6" -> "573 view_24"; -"573 view_24" -> "574 permute_20"; -"574 permute_20" -> "575 reshape_18"; -"575 reshape_18" -> "582 linear_28"; -"576 _param_constant78" -> "579 quantize_per_channel_default_29"; -"577 linear_28_scale_0" -> "579 quantize_per_channel_default_29"; -"577 linear_28_scale_0" -> "580 dequantize_per_channel_default_29"; -"578 linear_28_zero_point_0" -> "579 quantize_per_channel_default_29"; -"578 linear_28_zero_point_0" -> "580 dequantize_per_channel_default_29"; -"579 quantize_per_channel_default_29" -> "580 dequantize_per_channel_default_29"; -"580 dequantize_per_channel_default_29" -> "582 linear_28"; -"581 _param_constant77_0_0" -> "582 linear_28"; -"582 linear_28" -> "583 reshape_19"; -"583 reshape_19" -> "584 permute_21"; -"584 permute_21" -> "585 select_12"; -"584 permute_21" -> "586 select_13"; -"584 permute_21" -> "587 select_14"; -"585 select_12" -> "588 linalg_vector_norm_8"; -"585 select_12" -> "590 expand_as_8"; -"585 select_12" -> "591 div_8"; -"586 select_13" -> "594 linalg_vector_norm_9"; -"586 select_13" -> "596 expand_as_9"; -"586 select_13" -> "597 div_9"; -"587 select_14" -> "609 matmul_9"; -"588 linalg_vector_norm_8" -> "589 clamp_min_8"; -"589 clamp_min_8" -> "590 expand_as_8"; -"590 expand_as_8" -> "591 div_8"; -"591 div_8" -> "592 quantize_per_tensor_default_29"; -"592 quantize_per_tensor_default_29" -> "593 dequantize_per_tensor_default_29"; -"593 dequantize_per_tensor_default_29" -> "601 matmul_8"; -"594 linalg_vector_norm_9" -> "595 clamp_min_9"; -"595 clamp_min_9" -> "596 expand_as_9"; -"596 expand_as_9" -> "597 div_9"; -"597 div_9" -> "598 quantize_per_tensor_default_30"; -"598 quantize_per_tensor_default_30" -> "599 dequantize_per_tensor_default_30"; -"599 dequantize_per_tensor_default_30" -> "600 transpose_8"; -"600 transpose_8" -> "601 matmul_8"; -"601 matmul_8" -> "605 mul_9"; -"602 _param_constant79" -> "603 clamp_4"; -"603 clamp_4" -> "604 exp_4"; -"604 exp_4" -> "605 mul_9"; -"605 mul_9" -> "606 add_14"; -"606 add_14" -> "607 softmax_4"; -"607 softmax_4" -> "608 dropout_16"; -"608 dropout_16" -> "609 matmul_9"; -"609 matmul_9" -> "610 quantize_per_tensor_default_31"; -"610 quantize_per_tensor_default_31" -> "611 dequantize_per_tensor_default_31"; -"611 dequantize_per_tensor_default_31" -> "612 transpose_9"; -"612 transpose_9" -> "613 reshape_20"; -"613 reshape_20" -> "620 linear_29"; -"614 _param_constant80" -> "617 quantize_per_channel_default_30"; -"615 linear_29_scale_0" -> "617 quantize_per_channel_default_30"; -"615 linear_29_scale_0" -> "618 dequantize_per_channel_default_30"; -"616 linear_29_zero_point_0" -> "617 quantize_per_channel_default_30"; -"616 linear_29_zero_point_0" -> "618 dequantize_per_channel_default_30"; -"617 quantize_per_channel_default_30" -> "618 dequantize_per_channel_default_30"; -"618 dequantize_per_channel_default_30" -> "620 linear_29"; -"619 _param_constant81_0_0" -> "620 linear_29"; -"620 linear_29" -> "621 dropout_17"; -"621 dropout_17" -> "622 view_25"; -"622 view_25" -> "623 permute_22"; -"623 permute_22" -> "624 reshape_21"; -"624 reshape_21" -> "625 slice_78"; -"625 slice_78" -> "626 slice_79"; -"626 slice_79" -> "627 slice_80"; -"627 slice_80" -> "628 slice_81"; -"628 slice_81" -> "629 contiguous_7"; -"629 contiguous_7" -> "632 layer_norm_11"; -"630 _param_constant82" -> "632 layer_norm_11"; -"631 _param_constant83" -> "632 layer_norm_11"; -"632 layer_norm_11" -> "633 add_15"; -"633 add_15" -> "635 quantize_per_tensor_default_32"; -"633 add_15" -> "658 add_16"; -"634 _param_constant84" -> "639 quantize_per_channel_default_31"; -"635 quantize_per_tensor_default_32" -> "636 dequantize_per_tensor_default_32"; -"636 dequantize_per_tensor_default_32" -> "642 linear_30"; -"637 linear_30_scale_0" -> "639 quantize_per_channel_default_31"; -"637 linear_30_scale_0" -> "640 dequantize_per_channel_default_31"; -"638 linear_30_zero_point_0" -> "639 quantize_per_channel_default_31"; -"638 linear_30_zero_point_0" -> "640 dequantize_per_channel_default_31"; -"639 quantize_per_channel_default_31" -> "640 dequantize_per_channel_default_31"; -"640 dequantize_per_channel_default_31" -> "642 linear_30"; -"641 _param_constant85_0_0" -> "642 linear_30"; -"642 linear_30" -> "643 gelu_4"; -"643 gelu_4" -> "644 quantize_per_tensor_default_33"; -"644 quantize_per_tensor_default_33" -> "645 dequantize_per_tensor_default_33"; -"645 dequantize_per_tensor_default_33" -> "646 dropout_18"; -"646 dropout_18" -> "653 linear_31"; -"647 _param_constant86" -> "650 quantize_per_channel_default_32"; -"648 linear_31_scale_0" -> "650 quantize_per_channel_default_32"; -"648 linear_31_scale_0" -> "651 dequantize_per_channel_default_32"; -"649 linear_31_zero_point_0" -> "650 quantize_per_channel_default_32"; -"649 linear_31_zero_point_0" -> "651 dequantize_per_channel_default_32"; -"650 quantize_per_channel_default_32" -> "651 dequantize_per_channel_default_32"; -"651 dequantize_per_channel_default_32" -> "653 linear_31"; -"652 _param_constant87_0_0" -> "653 linear_31"; -"653 linear_31" -> "654 dropout_19"; -"654 dropout_19" -> "657 layer_norm_12"; -"655 _param_constant88" -> "657 layer_norm_12"; -"656 _param_constant89" -> "657 layer_norm_12"; -"657 layer_norm_12" -> "658 add_16"; -"658 add_16" -> "683 pad_7"; -"658 add_16" -> "764 add_19"; -"659 _tensor_constant28" -> "666 linear_32"; -"660 _param_constant90" -> "663 quantize_per_channel_default_33"; -"661 linear_32_scale_0" -> "663 quantize_per_channel_default_33"; -"661 linear_32_scale_0" -> "664 dequantize_per_channel_default_33"; -"662 linear_32_zero_point_0" -> "663 quantize_per_channel_default_33"; -"662 linear_32_zero_point_0" -> "664 dequantize_per_channel_default_33"; -"663 quantize_per_channel_default_33" -> "664 dequantize_per_channel_default_33"; -"664 dequantize_per_channel_default_33" -> "666 linear_32"; -"665 _param_constant91_0_0" -> "666 linear_32"; -"666 linear_32" -> "667 relu__5"; -"667 relu__5" -> "673 linear_33"; -"668 _param_constant92" -> "671 quantize_per_channel_default_34"; -"669 linear_33_scale_0" -> "671 quantize_per_channel_default_34"; -"669 linear_33_scale_0" -> "672 dequantize_per_channel_default_34"; -"670 linear_33_zero_point_0" -> "671 quantize_per_channel_default_34"; -"670 linear_33_zero_point_0" -> "672 dequantize_per_channel_default_34"; -"671 quantize_per_channel_default_34" -> "672 dequantize_per_channel_default_34"; -"672 dequantize_per_channel_default_34" -> "673 linear_33"; -"673 linear_33" -> "674 view_26"; -"674 view_26" -> "676 index_5"; -"675 _tensor_constant29" -> "676 index_5"; -"676 index_5" -> "677 view_27"; -"677 view_27" -> "678 permute_23"; -"678 permute_23" -> "679 contiguous_8"; -"679 contiguous_8" -> "680 unsqueeze_13"; -"680 unsqueeze_13" -> "681 sigmoid_5"; -"681 sigmoid_5" -> "682 mul_10"; -"682 mul_10" -> "720 add_17"; -"683 pad_7" -> "684 roll_4"; -"684 roll_4" -> "685 view_28"; -"685 view_28" -> "686 permute_24"; -"686 permute_24" -> "687 reshape_22"; -"687 reshape_22" -> "689 quantize_per_tensor_default_34"; -"687 reshape_22" -> "721 new_zeros_2"; -"688 _param_constant94" -> "693 quantize_per_channel_default_35"; -"689 quantize_per_tensor_default_34" -> "690 dequantize_per_tensor_default_34"; -"690 dequantize_per_tensor_default_34" -> "696 linear_34"; -"691 linear_34_scale_0" -> "693 quantize_per_channel_default_35"; -"691 linear_34_scale_0" -> "694 dequantize_per_channel_default_35"; -"692 linear_34_zero_point_0" -> "693 quantize_per_channel_default_35"; -"692 linear_34_zero_point_0" -> "694 dequantize_per_channel_default_35"; -"693 quantize_per_channel_default_35" -> "694 dequantize_per_channel_default_35"; -"694 dequantize_per_channel_default_35" -> "696 linear_34"; -"695 _param_constant93_0_0" -> "696 linear_34"; -"696 linear_34" -> "697 reshape_23"; -"697 reshape_23" -> "698 permute_25"; -"698 permute_25" -> "699 select_15"; -"698 permute_25" -> "700 select_16"; -"698 permute_25" -> "701 select_17"; -"699 select_15" -> "702 linalg_vector_norm_10"; -"699 select_15" -> "704 expand_as_10"; -"699 select_15" -> "705 div_10"; -"700 select_16" -> "708 linalg_vector_norm_11"; -"700 select_16" -> "710 expand_as_11"; -"700 select_16" -> "711 div_11"; -"701 select_17" -> "739 matmul_11"; -"702 linalg_vector_norm_10" -> "703 clamp_min_10"; -"703 clamp_min_10" -> "704 expand_as_10"; -"704 expand_as_10" -> "705 div_10"; -"705 div_10" -> "706 quantize_per_tensor_default_35"; -"706 quantize_per_tensor_default_35" -> "707 dequantize_per_tensor_default_35"; -"707 dequantize_per_tensor_default_35" -> "715 matmul_10"; -"708 linalg_vector_norm_11" -> "709 clamp_min_11"; -"709 clamp_min_11" -> "710 expand_as_11"; -"710 expand_as_11" -> "711 div_11"; -"711 div_11" -> "712 quantize_per_tensor_default_36"; -"712 quantize_per_tensor_default_36" -> "713 dequantize_per_tensor_default_36"; -"713 dequantize_per_tensor_default_36" -> "714 transpose_10"; -"714 transpose_10" -> "715 matmul_10"; -"715 matmul_10" -> "719 mul_11"; -"716 _param_constant95" -> "717 clamp_5"; -"717 clamp_5" -> "718 exp_5"; -"718 exp_5" -> "719 mul_11"; -"719 mul_11" -> "720 add_17"; -"720 add_17" -> "732 view_30"; -"721 new_zeros_2" -> "722 view_29"; -"722 view_29" -> "723 permute_26"; -"723 permute_26" -> "724 reshape_24"; -"724 reshape_24" -> "725 unsqueeze_14"; -"724 reshape_24" -> "726 unsqueeze_15"; -"725 unsqueeze_14" -> "727 sub_2"; -"726 unsqueeze_15" -> "727 sub_2"; -"727 sub_2" -> "728 ne_2"; -"727 sub_2" -> "729 masked_fill_4"; -"727 sub_2" -> "730 eq_2"; -"728 ne_2" -> "729 masked_fill_4"; -"729 masked_fill_4" -> "731 masked_fill_5"; -"730 eq_2" -> "731 masked_fill_5"; -"731 masked_fill_5" -> "733 unsqueeze_16"; -"732 view_30" -> "735 add_18"; -"733 unsqueeze_16" -> "734 unsqueeze_17"; -"734 unsqueeze_17" -> "735 add_18"; -"735 add_18" -> "736 view_31"; -"736 view_31" -> "737 softmax_5"; -"737 softmax_5" -> "738 dropout_20"; -"738 dropout_20" -> "739 matmul_11"; -"739 matmul_11" -> "740 quantize_per_tensor_default_37"; -"740 quantize_per_tensor_default_37" -> "741 dequantize_per_tensor_default_37"; -"741 dequantize_per_tensor_default_37" -> "742 transpose_11"; -"742 transpose_11" -> "743 reshape_25"; -"743 reshape_25" -> "750 linear_35"; -"744 _param_constant96" -> "747 quantize_per_channel_default_36"; -"745 linear_35_scale_0" -> "747 quantize_per_channel_default_36"; -"745 linear_35_scale_0" -> "748 dequantize_per_channel_default_36"; -"746 linear_35_zero_point_0" -> "747 quantize_per_channel_default_36"; -"746 linear_35_zero_point_0" -> "748 dequantize_per_channel_default_36"; -"747 quantize_per_channel_default_36" -> "748 dequantize_per_channel_default_36"; -"748 dequantize_per_channel_default_36" -> "750 linear_35"; -"749 _param_constant97_0_0" -> "750 linear_35"; -"750 linear_35" -> "751 dropout_21"; -"751 dropout_21" -> "752 view_32"; -"752 view_32" -> "753 permute_27"; -"753 permute_27" -> "754 reshape_26"; -"754 reshape_26" -> "755 roll_5"; -"755 roll_5" -> "756 slice_101"; -"756 slice_101" -> "757 slice_102"; -"757 slice_102" -> "758 slice_103"; -"758 slice_103" -> "759 slice_104"; -"759 slice_104" -> "760 contiguous_9"; -"760 contiguous_9" -> "763 layer_norm_13"; -"761 _param_constant98" -> "763 layer_norm_13"; -"762 _param_constant99" -> "763 layer_norm_13"; -"763 layer_norm_13" -> "764 add_19"; -"764 add_19" -> "766 quantize_per_tensor_default_38"; -"764 add_19" -> "789 add_20"; -"765 _param_constant100" -> "770 quantize_per_channel_default_37"; -"766 quantize_per_tensor_default_38" -> "767 dequantize_per_tensor_default_38"; -"767 dequantize_per_tensor_default_38" -> "773 linear_36"; -"768 linear_36_scale_0" -> "770 quantize_per_channel_default_37"; -"768 linear_36_scale_0" -> "771 dequantize_per_channel_default_37"; -"769 linear_36_zero_point_0" -> "770 quantize_per_channel_default_37"; -"769 linear_36_zero_point_0" -> "771 dequantize_per_channel_default_37"; -"770 quantize_per_channel_default_37" -> "771 dequantize_per_channel_default_37"; -"771 dequantize_per_channel_default_37" -> "773 linear_36"; -"772 _param_constant101_0_0" -> "773 linear_36"; -"773 linear_36" -> "774 gelu_5"; -"774 gelu_5" -> "775 quantize_per_tensor_default_39"; -"775 quantize_per_tensor_default_39" -> "776 dequantize_per_tensor_default_39"; -"776 dequantize_per_tensor_default_39" -> "777 dropout_22"; -"777 dropout_22" -> "784 linear_37"; -"778 _param_constant102" -> "781 quantize_per_channel_default_38"; -"779 linear_37_scale_0" -> "781 quantize_per_channel_default_38"; -"779 linear_37_scale_0" -> "782 dequantize_per_channel_default_38"; -"780 linear_37_zero_point_0" -> "781 quantize_per_channel_default_38"; -"780 linear_37_zero_point_0" -> "782 dequantize_per_channel_default_38"; -"781 quantize_per_channel_default_38" -> "782 dequantize_per_channel_default_38"; -"782 dequantize_per_channel_default_38" -> "784 linear_37"; -"783 _param_constant103_0_0" -> "784 linear_37"; -"784 linear_37" -> "785 dropout_23"; -"785 dropout_23" -> "788 layer_norm_14"; -"786 _param_constant104" -> "788 layer_norm_14"; -"787 _param_constant105" -> "788 layer_norm_14"; -"788 layer_norm_14" -> "789 add_20"; -"789 add_20" -> "814 quantize_per_tensor_default_40"; -"789 add_20" -> "877 add_22"; -"790 _tensor_constant39" -> "797 linear_38"; -"791 _param_constant106" -> "794 quantize_per_channel_default_39"; -"792 linear_38_scale_0" -> "794 quantize_per_channel_default_39"; -"792 linear_38_scale_0" -> "795 dequantize_per_channel_default_39"; -"793 linear_38_zero_point_0" -> "794 quantize_per_channel_default_39"; -"793 linear_38_zero_point_0" -> "795 dequantize_per_channel_default_39"; -"794 quantize_per_channel_default_39" -> "795 dequantize_per_channel_default_39"; -"795 dequantize_per_channel_default_39" -> "797 linear_38"; -"796 _param_constant107_0_0" -> "797 linear_38"; -"797 linear_38" -> "798 relu__6"; -"798 relu__6" -> "804 linear_39"; -"799 _param_constant108" -> "802 quantize_per_channel_default_40"; -"800 linear_39_scale_0" -> "802 quantize_per_channel_default_40"; -"800 linear_39_scale_0" -> "803 dequantize_per_channel_default_40"; -"801 linear_39_zero_point_0" -> "802 quantize_per_channel_default_40"; -"801 linear_39_zero_point_0" -> "803 dequantize_per_channel_default_40"; -"802 quantize_per_channel_default_40" -> "803 dequantize_per_channel_default_40"; -"803 dequantize_per_channel_default_40" -> "804 linear_39"; -"804 linear_39" -> "805 view_33"; -"805 view_33" -> "807 index_6"; -"806 _tensor_constant40" -> "807 index_6"; -"807 index_6" -> "808 view_34"; -"808 view_34" -> "809 permute_28"; -"809 permute_28" -> "810 contiguous_10"; -"810 contiguous_10" -> "811 unsqueeze_18"; -"811 unsqueeze_18" -> "812 sigmoid_6"; -"812 sigmoid_6" -> "813 mul_12"; -"813 mul_12" -> "850 add_21"; -"814 quantize_per_tensor_default_40" -> "815 dequantize_per_tensor_default_40"; -"815 dequantize_per_tensor_default_40" -> "816 pad_8"; -"816 pad_8" -> "817 view_35"; -"817 view_35" -> "818 permute_29"; -"818 permute_29" -> "819 reshape_27"; -"819 reshape_27" -> "826 linear_40"; -"820 _param_constant110" -> "823 quantize_per_channel_default_41"; -"821 linear_40_scale_0" -> "823 quantize_per_channel_default_41"; -"821 linear_40_scale_0" -> "824 dequantize_per_channel_default_41"; -"822 linear_40_zero_point_0" -> "823 quantize_per_channel_default_41"; -"822 linear_40_zero_point_0" -> "824 dequantize_per_channel_default_41"; -"823 quantize_per_channel_default_41" -> "824 dequantize_per_channel_default_41"; -"824 dequantize_per_channel_default_41" -> "826 linear_40"; -"825 _param_constant109_0_0" -> "826 linear_40"; -"826 linear_40" -> "827 reshape_28"; -"827 reshape_28" -> "828 permute_30"; -"828 permute_30" -> "829 select_18"; -"828 permute_30" -> "830 select_19"; -"828 permute_30" -> "831 select_20"; -"829 select_18" -> "832 linalg_vector_norm_12"; -"829 select_18" -> "834 expand_as_12"; -"829 select_18" -> "835 div_12"; -"830 select_19" -> "838 linalg_vector_norm_13"; -"830 select_19" -> "840 expand_as_13"; -"830 select_19" -> "841 div_13"; -"831 select_20" -> "853 matmul_13"; -"832 linalg_vector_norm_12" -> "833 clamp_min_12"; -"833 clamp_min_12" -> "834 expand_as_12"; -"834 expand_as_12" -> "835 div_12"; -"835 div_12" -> "836 quantize_per_tensor_default_41"; -"836 quantize_per_tensor_default_41" -> "837 dequantize_per_tensor_default_41"; -"837 dequantize_per_tensor_default_41" -> "845 matmul_12"; -"838 linalg_vector_norm_13" -> "839 clamp_min_13"; -"839 clamp_min_13" -> "840 expand_as_13"; -"840 expand_as_13" -> "841 div_13"; -"841 div_13" -> "842 quantize_per_tensor_default_42"; -"842 quantize_per_tensor_default_42" -> "843 dequantize_per_tensor_default_42"; -"843 dequantize_per_tensor_default_42" -> "844 transpose_12"; -"844 transpose_12" -> "845 matmul_12"; -"845 matmul_12" -> "849 mul_13"; -"846 _param_constant111" -> "847 clamp_6"; -"847 clamp_6" -> "848 exp_6"; -"848 exp_6" -> "849 mul_13"; -"849 mul_13" -> "850 add_21"; -"850 add_21" -> "851 softmax_6"; -"851 softmax_6" -> "852 dropout_24"; -"852 dropout_24" -> "853 matmul_13"; -"853 matmul_13" -> "854 quantize_per_tensor_default_43"; -"854 quantize_per_tensor_default_43" -> "855 dequantize_per_tensor_default_43"; -"855 dequantize_per_tensor_default_43" -> "856 transpose_13"; -"856 transpose_13" -> "857 reshape_29"; -"857 reshape_29" -> "864 linear_41"; -"858 _param_constant112" -> "861 quantize_per_channel_default_42"; -"859 linear_41_scale_0" -> "861 quantize_per_channel_default_42"; -"859 linear_41_scale_0" -> "862 dequantize_per_channel_default_42"; -"860 linear_41_zero_point_0" -> "861 quantize_per_channel_default_42"; -"860 linear_41_zero_point_0" -> "862 dequantize_per_channel_default_42"; -"861 quantize_per_channel_default_42" -> "862 dequantize_per_channel_default_42"; -"862 dequantize_per_channel_default_42" -> "864 linear_41"; -"863 _param_constant113_0_0" -> "864 linear_41"; -"864 linear_41" -> "865 dropout_25"; -"865 dropout_25" -> "866 view_36"; -"866 view_36" -> "867 permute_31"; -"867 permute_31" -> "868 reshape_30"; -"868 reshape_30" -> "869 slice_106"; -"869 slice_106" -> "870 slice_107"; -"870 slice_107" -> "871 slice_108"; -"871 slice_108" -> "872 slice_109"; -"872 slice_109" -> "873 contiguous_11"; -"873 contiguous_11" -> "876 layer_norm_15"; -"874 _param_constant114" -> "876 layer_norm_15"; -"875 _param_constant115" -> "876 layer_norm_15"; -"876 layer_norm_15" -> "877 add_22"; -"877 add_22" -> "879 quantize_per_tensor_default_44"; -"877 add_22" -> "902 add_23"; -"878 _param_constant116" -> "883 quantize_per_channel_default_43"; -"879 quantize_per_tensor_default_44" -> "880 dequantize_per_tensor_default_44"; -"880 dequantize_per_tensor_default_44" -> "886 linear_42"; -"881 linear_42_scale_0" -> "883 quantize_per_channel_default_43"; -"881 linear_42_scale_0" -> "884 dequantize_per_channel_default_43"; -"882 linear_42_zero_point_0" -> "883 quantize_per_channel_default_43"; -"882 linear_42_zero_point_0" -> "884 dequantize_per_channel_default_43"; -"883 quantize_per_channel_default_43" -> "884 dequantize_per_channel_default_43"; -"884 dequantize_per_channel_default_43" -> "886 linear_42"; -"885 _param_constant117_0_0" -> "886 linear_42"; -"886 linear_42" -> "887 gelu_6"; -"887 gelu_6" -> "888 quantize_per_tensor_default_45"; -"888 quantize_per_tensor_default_45" -> "889 dequantize_per_tensor_default_45"; -"889 dequantize_per_tensor_default_45" -> "890 dropout_26"; -"890 dropout_26" -> "897 linear_43"; -"891 _param_constant118" -> "894 quantize_per_channel_default_44"; -"892 linear_43_scale_0" -> "894 quantize_per_channel_default_44"; -"892 linear_43_scale_0" -> "895 dequantize_per_channel_default_44"; -"893 linear_43_zero_point_0" -> "894 quantize_per_channel_default_44"; -"893 linear_43_zero_point_0" -> "895 dequantize_per_channel_default_44"; -"894 quantize_per_channel_default_44" -> "895 dequantize_per_channel_default_44"; -"895 dequantize_per_channel_default_44" -> "897 linear_43"; -"896 _param_constant119_0_0" -> "897 linear_43"; -"897 linear_43" -> "898 dropout_27"; -"898 dropout_27" -> "901 layer_norm_16"; -"899 _param_constant120" -> "901 layer_norm_16"; -"900 _param_constant121" -> "901 layer_norm_16"; -"901 layer_norm_16" -> "902 add_23"; -"902 add_23" -> "927 pad_9"; -"902 add_23" -> "1008 add_26"; -"903 _tensor_constant41" -> "910 linear_44"; -"904 _param_constant122" -> "907 quantize_per_channel_default_45"; -"905 linear_44_scale_0" -> "907 quantize_per_channel_default_45"; -"905 linear_44_scale_0" -> "908 dequantize_per_channel_default_45"; -"906 linear_44_zero_point_0" -> "907 quantize_per_channel_default_45"; -"906 linear_44_zero_point_0" -> "908 dequantize_per_channel_default_45"; -"907 quantize_per_channel_default_45" -> "908 dequantize_per_channel_default_45"; -"908 dequantize_per_channel_default_45" -> "910 linear_44"; -"909 _param_constant123_0_0" -> "910 linear_44"; -"910 linear_44" -> "911 relu__7"; -"911 relu__7" -> "917 linear_45"; -"912 _param_constant124" -> "915 quantize_per_channel_default_46"; -"913 linear_45_scale_0" -> "915 quantize_per_channel_default_46"; -"913 linear_45_scale_0" -> "916 dequantize_per_channel_default_46"; -"914 linear_45_zero_point_0" -> "915 quantize_per_channel_default_46"; -"914 linear_45_zero_point_0" -> "916 dequantize_per_channel_default_46"; -"915 quantize_per_channel_default_46" -> "916 dequantize_per_channel_default_46"; -"916 dequantize_per_channel_default_46" -> "917 linear_45"; -"917 linear_45" -> "918 view_37"; -"918 view_37" -> "920 index_7"; -"919 _tensor_constant42" -> "920 index_7"; -"920 index_7" -> "921 view_38"; -"921 view_38" -> "922 permute_32"; -"922 permute_32" -> "923 contiguous_12"; -"923 contiguous_12" -> "924 unsqueeze_19"; -"924 unsqueeze_19" -> "925 sigmoid_7"; -"925 sigmoid_7" -> "926 mul_14"; -"926 mul_14" -> "964 add_24"; -"927 pad_9" -> "928 roll_6"; -"928 roll_6" -> "929 view_39"; -"929 view_39" -> "930 permute_33"; -"930 permute_33" -> "931 reshape_31"; -"931 reshape_31" -> "933 quantize_per_tensor_default_46"; -"931 reshape_31" -> "965 new_zeros_3"; -"932 _param_constant126" -> "937 quantize_per_channel_default_47"; -"933 quantize_per_tensor_default_46" -> "934 dequantize_per_tensor_default_46"; -"934 dequantize_per_tensor_default_46" -> "940 linear_46"; -"935 linear_46_scale_0" -> "937 quantize_per_channel_default_47"; -"935 linear_46_scale_0" -> "938 dequantize_per_channel_default_47"; -"936 linear_46_zero_point_0" -> "937 quantize_per_channel_default_47"; -"936 linear_46_zero_point_0" -> "938 dequantize_per_channel_default_47"; -"937 quantize_per_channel_default_47" -> "938 dequantize_per_channel_default_47"; -"938 dequantize_per_channel_default_47" -> "940 linear_46"; -"939 _param_constant125_0_0" -> "940 linear_46"; -"940 linear_46" -> "941 reshape_32"; -"941 reshape_32" -> "942 permute_34"; -"942 permute_34" -> "943 select_21"; -"942 permute_34" -> "944 select_22"; -"942 permute_34" -> "945 select_23"; -"943 select_21" -> "946 linalg_vector_norm_14"; -"943 select_21" -> "948 expand_as_14"; -"943 select_21" -> "949 div_14"; -"944 select_22" -> "952 linalg_vector_norm_15"; -"944 select_22" -> "954 expand_as_15"; -"944 select_22" -> "955 div_15"; -"945 select_23" -> "983 matmul_15"; -"946 linalg_vector_norm_14" -> "947 clamp_min_14"; -"947 clamp_min_14" -> "948 expand_as_14"; -"948 expand_as_14" -> "949 div_14"; -"949 div_14" -> "950 quantize_per_tensor_default_47"; -"950 quantize_per_tensor_default_47" -> "951 dequantize_per_tensor_default_47"; -"951 dequantize_per_tensor_default_47" -> "959 matmul_14"; -"952 linalg_vector_norm_15" -> "953 clamp_min_15"; -"953 clamp_min_15" -> "954 expand_as_15"; -"954 expand_as_15" -> "955 div_15"; -"955 div_15" -> "956 quantize_per_tensor_default_48"; -"956 quantize_per_tensor_default_48" -> "957 dequantize_per_tensor_default_48"; -"957 dequantize_per_tensor_default_48" -> "958 transpose_14"; -"958 transpose_14" -> "959 matmul_14"; -"959 matmul_14" -> "963 mul_15"; -"960 _param_constant127" -> "961 clamp_7"; -"961 clamp_7" -> "962 exp_7"; -"962 exp_7" -> "963 mul_15"; -"963 mul_15" -> "964 add_24"; -"964 add_24" -> "976 view_41"; -"965 new_zeros_3" -> "966 view_40"; -"966 view_40" -> "967 permute_35"; -"967 permute_35" -> "968 reshape_33"; -"968 reshape_33" -> "969 unsqueeze_20"; -"968 reshape_33" -> "970 unsqueeze_21"; -"969 unsqueeze_20" -> "971 sub_3"; -"970 unsqueeze_21" -> "971 sub_3"; -"971 sub_3" -> "972 ne_3"; -"971 sub_3" -> "973 masked_fill_6"; -"971 sub_3" -> "974 eq_3"; -"972 ne_3" -> "973 masked_fill_6"; -"973 masked_fill_6" -> "975 masked_fill_7"; -"974 eq_3" -> "975 masked_fill_7"; -"975 masked_fill_7" -> "977 unsqueeze_22"; -"976 view_41" -> "979 add_25"; -"977 unsqueeze_22" -> "978 unsqueeze_23"; -"978 unsqueeze_23" -> "979 add_25"; -"979 add_25" -> "980 view_42"; -"980 view_42" -> "981 softmax_7"; -"981 softmax_7" -> "982 dropout_28"; -"982 dropout_28" -> "983 matmul_15"; -"983 matmul_15" -> "984 quantize_per_tensor_default_49"; -"984 quantize_per_tensor_default_49" -> "985 dequantize_per_tensor_default_49"; -"985 dequantize_per_tensor_default_49" -> "986 transpose_15"; -"986 transpose_15" -> "987 reshape_34"; -"987 reshape_34" -> "994 linear_47"; -"988 _param_constant128" -> "991 quantize_per_channel_default_48"; -"989 linear_47_scale_0" -> "991 quantize_per_channel_default_48"; -"989 linear_47_scale_0" -> "992 dequantize_per_channel_default_48"; -"990 linear_47_zero_point_0" -> "991 quantize_per_channel_default_48"; -"990 linear_47_zero_point_0" -> "992 dequantize_per_channel_default_48"; -"991 quantize_per_channel_default_48" -> "992 dequantize_per_channel_default_48"; -"992 dequantize_per_channel_default_48" -> "994 linear_47"; -"993 _param_constant129_0_0" -> "994 linear_47"; -"994 linear_47" -> "995 dropout_29"; -"995 dropout_29" -> "996 view_43"; -"996 view_43" -> "997 permute_36"; -"997 permute_36" -> "998 reshape_35"; -"998 reshape_35" -> "999 roll_7"; -"999 roll_7" -> "1000 slice_129"; -"1000 slice_129" -> "1001 slice_130"; -"1001 slice_130" -> "1002 slice_131"; -"1002 slice_131" -> "1003 slice_132"; -"1003 slice_132" -> "1004 contiguous_13"; -"1004 contiguous_13" -> "1007 layer_norm_17"; -"1005 _param_constant130" -> "1007 layer_norm_17"; -"1006 _param_constant131" -> "1007 layer_norm_17"; -"1007 layer_norm_17" -> "1008 add_26"; -"1008 add_26" -> "1010 quantize_per_tensor_default_50"; -"1008 add_26" -> "1033 add_27"; -"1009 _param_constant132" -> "1014 quantize_per_channel_default_49"; -"1010 quantize_per_tensor_default_50" -> "1011 dequantize_per_tensor_default_50"; -"1011 dequantize_per_tensor_default_50" -> "1017 linear_48"; -"1012 linear_48_scale_0" -> "1014 quantize_per_channel_default_49"; -"1012 linear_48_scale_0" -> "1015 dequantize_per_channel_default_49"; -"1013 linear_48_zero_point_0" -> "1014 quantize_per_channel_default_49"; -"1013 linear_48_zero_point_0" -> "1015 dequantize_per_channel_default_49"; -"1014 quantize_per_channel_default_49" -> "1015 dequantize_per_channel_default_49"; -"1015 dequantize_per_channel_default_49" -> "1017 linear_48"; -"1016 _param_constant133_0_0" -> "1017 linear_48"; -"1017 linear_48" -> "1018 gelu_7"; -"1018 gelu_7" -> "1019 quantize_per_tensor_default_51"; -"1019 quantize_per_tensor_default_51" -> "1020 dequantize_per_tensor_default_51"; -"1020 dequantize_per_tensor_default_51" -> "1021 dropout_30"; -"1021 dropout_30" -> "1028 linear_49"; -"1022 _param_constant134" -> "1025 quantize_per_channel_default_50"; -"1023 linear_49_scale_0" -> "1025 quantize_per_channel_default_50"; -"1023 linear_49_scale_0" -> "1026 dequantize_per_channel_default_50"; -"1024 linear_49_zero_point_0" -> "1025 quantize_per_channel_default_50"; -"1024 linear_49_zero_point_0" -> "1026 dequantize_per_channel_default_50"; -"1025 quantize_per_channel_default_50" -> "1026 dequantize_per_channel_default_50"; -"1026 dequantize_per_channel_default_50" -> "1028 linear_49"; -"1027 _param_constant135_0_0" -> "1028 linear_49"; -"1028 linear_49" -> "1029 dropout_31"; -"1029 dropout_31" -> "1032 layer_norm_18"; -"1030 _param_constant136" -> "1032 layer_norm_18"; -"1031 _param_constant137" -> "1032 layer_norm_18"; -"1032 layer_norm_18" -> "1033 add_27"; -"1033 add_27" -> "1058 quantize_per_tensor_default_52"; -"1033 add_27" -> "1121 add_29"; -"1034 _tensor_constant52" -> "1041 linear_50"; -"1035 _param_constant138" -> "1038 quantize_per_channel_default_51"; -"1036 linear_50_scale_0" -> "1038 quantize_per_channel_default_51"; -"1036 linear_50_scale_0" -> "1039 dequantize_per_channel_default_51"; -"1037 linear_50_zero_point_0" -> "1038 quantize_per_channel_default_51"; -"1037 linear_50_zero_point_0" -> "1039 dequantize_per_channel_default_51"; -"1038 quantize_per_channel_default_51" -> "1039 dequantize_per_channel_default_51"; -"1039 dequantize_per_channel_default_51" -> "1041 linear_50"; -"1040 _param_constant139_0_0" -> "1041 linear_50"; -"1041 linear_50" -> "1042 relu__8"; -"1042 relu__8" -> "1048 linear_51"; -"1043 _param_constant140" -> "1046 quantize_per_channel_default_52"; -"1044 linear_51_scale_0" -> "1046 quantize_per_channel_default_52"; -"1044 linear_51_scale_0" -> "1047 dequantize_per_channel_default_52"; -"1045 linear_51_zero_point_0" -> "1046 quantize_per_channel_default_52"; -"1045 linear_51_zero_point_0" -> "1047 dequantize_per_channel_default_52"; -"1046 quantize_per_channel_default_52" -> "1047 dequantize_per_channel_default_52"; -"1047 dequantize_per_channel_default_52" -> "1048 linear_51"; -"1048 linear_51" -> "1049 view_44"; -"1049 view_44" -> "1051 index_8"; -"1050 _tensor_constant53" -> "1051 index_8"; -"1051 index_8" -> "1052 view_45"; -"1052 view_45" -> "1053 permute_37"; -"1053 permute_37" -> "1054 contiguous_14"; -"1054 contiguous_14" -> "1055 unsqueeze_24"; -"1055 unsqueeze_24" -> "1056 sigmoid_8"; -"1056 sigmoid_8" -> "1057 mul_16"; -"1057 mul_16" -> "1094 add_28"; -"1058 quantize_per_tensor_default_52" -> "1059 dequantize_per_tensor_default_52"; -"1059 dequantize_per_tensor_default_52" -> "1060 pad_10"; -"1060 pad_10" -> "1061 view_46"; -"1061 view_46" -> "1062 permute_38"; -"1062 permute_38" -> "1063 reshape_36"; -"1063 reshape_36" -> "1070 linear_52"; -"1064 _param_constant142" -> "1067 quantize_per_channel_default_53"; -"1065 linear_52_scale_0" -> "1067 quantize_per_channel_default_53"; -"1065 linear_52_scale_0" -> "1068 dequantize_per_channel_default_53"; -"1066 linear_52_zero_point_0" -> "1067 quantize_per_channel_default_53"; -"1066 linear_52_zero_point_0" -> "1068 dequantize_per_channel_default_53"; -"1067 quantize_per_channel_default_53" -> "1068 dequantize_per_channel_default_53"; -"1068 dequantize_per_channel_default_53" -> "1070 linear_52"; -"1069 _param_constant141_0_0" -> "1070 linear_52"; -"1070 linear_52" -> "1071 reshape_37"; -"1071 reshape_37" -> "1072 permute_39"; -"1072 permute_39" -> "1073 select_24"; -"1072 permute_39" -> "1074 select_25"; -"1072 permute_39" -> "1075 select_26"; -"1073 select_24" -> "1076 linalg_vector_norm_16"; -"1073 select_24" -> "1078 expand_as_16"; -"1073 select_24" -> "1079 div_16"; -"1074 select_25" -> "1082 linalg_vector_norm_17"; -"1074 select_25" -> "1084 expand_as_17"; -"1074 select_25" -> "1085 div_17"; -"1075 select_26" -> "1097 matmul_17"; -"1076 linalg_vector_norm_16" -> "1077 clamp_min_16"; -"1077 clamp_min_16" -> "1078 expand_as_16"; -"1078 expand_as_16" -> "1079 div_16"; -"1079 div_16" -> "1080 quantize_per_tensor_default_53"; -"1080 quantize_per_tensor_default_53" -> "1081 dequantize_per_tensor_default_53"; -"1081 dequantize_per_tensor_default_53" -> "1089 matmul_16"; -"1082 linalg_vector_norm_17" -> "1083 clamp_min_17"; -"1083 clamp_min_17" -> "1084 expand_as_17"; -"1084 expand_as_17" -> "1085 div_17"; -"1085 div_17" -> "1086 quantize_per_tensor_default_54"; -"1086 quantize_per_tensor_default_54" -> "1087 dequantize_per_tensor_default_54"; -"1087 dequantize_per_tensor_default_54" -> "1088 transpose_16"; -"1088 transpose_16" -> "1089 matmul_16"; -"1089 matmul_16" -> "1093 mul_17"; -"1090 _param_constant143" -> "1091 clamp_8"; -"1091 clamp_8" -> "1092 exp_8"; -"1092 exp_8" -> "1093 mul_17"; -"1093 mul_17" -> "1094 add_28"; -"1094 add_28" -> "1095 softmax_8"; -"1095 softmax_8" -> "1096 dropout_32"; -"1096 dropout_32" -> "1097 matmul_17"; -"1097 matmul_17" -> "1098 quantize_per_tensor_default_55"; -"1098 quantize_per_tensor_default_55" -> "1099 dequantize_per_tensor_default_55"; -"1099 dequantize_per_tensor_default_55" -> "1100 transpose_17"; -"1100 transpose_17" -> "1101 reshape_38"; -"1101 reshape_38" -> "1108 linear_53"; -"1102 _param_constant144" -> "1105 quantize_per_channel_default_54"; -"1103 linear_53_scale_0" -> "1105 quantize_per_channel_default_54"; -"1103 linear_53_scale_0" -> "1106 dequantize_per_channel_default_54"; -"1104 linear_53_zero_point_0" -> "1105 quantize_per_channel_default_54"; -"1104 linear_53_zero_point_0" -> "1106 dequantize_per_channel_default_54"; -"1105 quantize_per_channel_default_54" -> "1106 dequantize_per_channel_default_54"; -"1106 dequantize_per_channel_default_54" -> "1108 linear_53"; -"1107 _param_constant145_0_0" -> "1108 linear_53"; -"1108 linear_53" -> "1109 dropout_33"; -"1109 dropout_33" -> "1110 view_47"; -"1110 view_47" -> "1111 permute_40"; -"1111 permute_40" -> "1112 reshape_39"; -"1112 reshape_39" -> "1113 slice_134"; -"1113 slice_134" -> "1114 slice_135"; -"1114 slice_135" -> "1115 slice_136"; -"1115 slice_136" -> "1116 slice_137"; -"1116 slice_137" -> "1117 contiguous_15"; -"1117 contiguous_15" -> "1120 layer_norm_19"; -"1118 _param_constant146" -> "1120 layer_norm_19"; -"1119 _param_constant147" -> "1120 layer_norm_19"; -"1120 layer_norm_19" -> "1121 add_29"; -"1121 add_29" -> "1123 quantize_per_tensor_default_56"; -"1121 add_29" -> "1146 add_30"; -"1122 _param_constant148" -> "1127 quantize_per_channel_default_55"; -"1123 quantize_per_tensor_default_56" -> "1124 dequantize_per_tensor_default_56"; -"1124 dequantize_per_tensor_default_56" -> "1130 linear_54"; -"1125 linear_54_scale_0" -> "1127 quantize_per_channel_default_55"; -"1125 linear_54_scale_0" -> "1128 dequantize_per_channel_default_55"; -"1126 linear_54_zero_point_0" -> "1127 quantize_per_channel_default_55"; -"1126 linear_54_zero_point_0" -> "1128 dequantize_per_channel_default_55"; -"1127 quantize_per_channel_default_55" -> "1128 dequantize_per_channel_default_55"; -"1128 dequantize_per_channel_default_55" -> "1130 linear_54"; -"1129 _param_constant149_0_0" -> "1130 linear_54"; -"1130 linear_54" -> "1131 gelu_8"; -"1131 gelu_8" -> "1132 quantize_per_tensor_default_57"; -"1132 quantize_per_tensor_default_57" -> "1133 dequantize_per_tensor_default_57"; -"1133 dequantize_per_tensor_default_57" -> "1134 dropout_34"; -"1134 dropout_34" -> "1141 linear_55"; -"1135 _param_constant150" -> "1138 quantize_per_channel_default_56"; -"1136 linear_55_scale_0" -> "1138 quantize_per_channel_default_56"; -"1136 linear_55_scale_0" -> "1139 dequantize_per_channel_default_56"; -"1137 linear_55_zero_point_0" -> "1138 quantize_per_channel_default_56"; -"1137 linear_55_zero_point_0" -> "1139 dequantize_per_channel_default_56"; -"1138 quantize_per_channel_default_56" -> "1139 dequantize_per_channel_default_56"; -"1139 dequantize_per_channel_default_56" -> "1141 linear_55"; -"1140 _param_constant151_0_0" -> "1141 linear_55"; -"1141 linear_55" -> "1142 dropout_35"; -"1142 dropout_35" -> "1145 layer_norm_20"; -"1143 _param_constant152" -> "1145 layer_norm_20"; -"1144 _param_constant153" -> "1145 layer_norm_20"; -"1145 layer_norm_20" -> "1146 add_30"; -"1146 add_30" -> "1171 pad_11"; -"1146 add_30" -> "1252 add_33"; -"1147 _tensor_constant54" -> "1154 linear_56"; -"1148 _param_constant154" -> "1151 quantize_per_channel_default_57"; -"1149 linear_56_scale_0" -> "1151 quantize_per_channel_default_57"; -"1149 linear_56_scale_0" -> "1152 dequantize_per_channel_default_57"; -"1150 linear_56_zero_point_0" -> "1151 quantize_per_channel_default_57"; -"1150 linear_56_zero_point_0" -> "1152 dequantize_per_channel_default_57"; -"1151 quantize_per_channel_default_57" -> "1152 dequantize_per_channel_default_57"; -"1152 dequantize_per_channel_default_57" -> "1154 linear_56"; -"1153 _param_constant155_0_0" -> "1154 linear_56"; -"1154 linear_56" -> "1155 relu__9"; -"1155 relu__9" -> "1161 linear_57"; -"1156 _param_constant156" -> "1159 quantize_per_channel_default_58"; -"1157 linear_57_scale_0" -> "1159 quantize_per_channel_default_58"; -"1157 linear_57_scale_0" -> "1160 dequantize_per_channel_default_58"; -"1158 linear_57_zero_point_0" -> "1159 quantize_per_channel_default_58"; -"1158 linear_57_zero_point_0" -> "1160 dequantize_per_channel_default_58"; -"1159 quantize_per_channel_default_58" -> "1160 dequantize_per_channel_default_58"; -"1160 dequantize_per_channel_default_58" -> "1161 linear_57"; -"1161 linear_57" -> "1162 view_48"; -"1162 view_48" -> "1164 index_9"; -"1163 _tensor_constant55" -> "1164 index_9"; -"1164 index_9" -> "1165 view_49"; -"1165 view_49" -> "1166 permute_41"; -"1166 permute_41" -> "1167 contiguous_16"; -"1167 contiguous_16" -> "1168 unsqueeze_25"; -"1168 unsqueeze_25" -> "1169 sigmoid_9"; -"1169 sigmoid_9" -> "1170 mul_18"; -"1170 mul_18" -> "1208 add_31"; -"1171 pad_11" -> "1172 roll_8"; -"1172 roll_8" -> "1173 view_50"; -"1173 view_50" -> "1174 permute_42"; -"1174 permute_42" -> "1175 reshape_40"; -"1175 reshape_40" -> "1177 quantize_per_tensor_default_58"; -"1175 reshape_40" -> "1209 new_zeros_4"; -"1176 _param_constant158" -> "1181 quantize_per_channel_default_59"; -"1177 quantize_per_tensor_default_58" -> "1178 dequantize_per_tensor_default_58"; -"1178 dequantize_per_tensor_default_58" -> "1184 linear_58"; -"1179 linear_58_scale_0" -> "1181 quantize_per_channel_default_59"; -"1179 linear_58_scale_0" -> "1182 dequantize_per_channel_default_59"; -"1180 linear_58_zero_point_0" -> "1181 quantize_per_channel_default_59"; -"1180 linear_58_zero_point_0" -> "1182 dequantize_per_channel_default_59"; -"1181 quantize_per_channel_default_59" -> "1182 dequantize_per_channel_default_59"; -"1182 dequantize_per_channel_default_59" -> "1184 linear_58"; -"1183 _param_constant157_0_0" -> "1184 linear_58"; -"1184 linear_58" -> "1185 reshape_41"; -"1185 reshape_41" -> "1186 permute_43"; -"1186 permute_43" -> "1187 select_27"; -"1186 permute_43" -> "1188 select_28"; -"1186 permute_43" -> "1189 select_29"; -"1187 select_27" -> "1190 linalg_vector_norm_18"; -"1187 select_27" -> "1192 expand_as_18"; -"1187 select_27" -> "1193 div_18"; -"1188 select_28" -> "1196 linalg_vector_norm_19"; -"1188 select_28" -> "1198 expand_as_19"; -"1188 select_28" -> "1199 div_19"; -"1189 select_29" -> "1227 matmul_19"; -"1190 linalg_vector_norm_18" -> "1191 clamp_min_18"; -"1191 clamp_min_18" -> "1192 expand_as_18"; -"1192 expand_as_18" -> "1193 div_18"; -"1193 div_18" -> "1194 quantize_per_tensor_default_59"; -"1194 quantize_per_tensor_default_59" -> "1195 dequantize_per_tensor_default_59"; -"1195 dequantize_per_tensor_default_59" -> "1203 matmul_18"; -"1196 linalg_vector_norm_19" -> "1197 clamp_min_19"; -"1197 clamp_min_19" -> "1198 expand_as_19"; -"1198 expand_as_19" -> "1199 div_19"; -"1199 div_19" -> "1200 quantize_per_tensor_default_60"; -"1200 quantize_per_tensor_default_60" -> "1201 dequantize_per_tensor_default_60"; -"1201 dequantize_per_tensor_default_60" -> "1202 transpose_18"; -"1202 transpose_18" -> "1203 matmul_18"; -"1203 matmul_18" -> "1207 mul_19"; -"1204 _param_constant159" -> "1205 clamp_9"; -"1205 clamp_9" -> "1206 exp_9"; -"1206 exp_9" -> "1207 mul_19"; -"1207 mul_19" -> "1208 add_31"; -"1208 add_31" -> "1220 view_52"; -"1209 new_zeros_4" -> "1210 view_51"; -"1210 view_51" -> "1211 permute_44"; -"1211 permute_44" -> "1212 reshape_42"; -"1212 reshape_42" -> "1213 unsqueeze_26"; -"1212 reshape_42" -> "1214 unsqueeze_27"; -"1213 unsqueeze_26" -> "1215 sub_4"; -"1214 unsqueeze_27" -> "1215 sub_4"; -"1215 sub_4" -> "1216 ne_4"; -"1215 sub_4" -> "1217 masked_fill_8"; -"1215 sub_4" -> "1218 eq_4"; -"1216 ne_4" -> "1217 masked_fill_8"; -"1217 masked_fill_8" -> "1219 masked_fill_9"; -"1218 eq_4" -> "1219 masked_fill_9"; -"1219 masked_fill_9" -> "1221 unsqueeze_28"; -"1220 view_52" -> "1223 add_32"; -"1221 unsqueeze_28" -> "1222 unsqueeze_29"; -"1222 unsqueeze_29" -> "1223 add_32"; -"1223 add_32" -> "1224 view_53"; -"1224 view_53" -> "1225 softmax_9"; -"1225 softmax_9" -> "1226 dropout_36"; -"1226 dropout_36" -> "1227 matmul_19"; -"1227 matmul_19" -> "1228 quantize_per_tensor_default_61"; -"1228 quantize_per_tensor_default_61" -> "1229 dequantize_per_tensor_default_61"; -"1229 dequantize_per_tensor_default_61" -> "1230 transpose_19"; -"1230 transpose_19" -> "1231 reshape_43"; -"1231 reshape_43" -> "1238 linear_59"; -"1232 _param_constant160" -> "1235 quantize_per_channel_default_60"; -"1233 linear_59_scale_0" -> "1235 quantize_per_channel_default_60"; -"1233 linear_59_scale_0" -> "1236 dequantize_per_channel_default_60"; -"1234 linear_59_zero_point_0" -> "1235 quantize_per_channel_default_60"; -"1234 linear_59_zero_point_0" -> "1236 dequantize_per_channel_default_60"; -"1235 quantize_per_channel_default_60" -> "1236 dequantize_per_channel_default_60"; -"1236 dequantize_per_channel_default_60" -> "1238 linear_59"; -"1237 _param_constant161_0_0" -> "1238 linear_59"; -"1238 linear_59" -> "1239 dropout_37"; -"1239 dropout_37" -> "1240 view_54"; -"1240 view_54" -> "1241 permute_45"; -"1241 permute_45" -> "1242 reshape_44"; -"1242 reshape_44" -> "1243 roll_9"; -"1243 roll_9" -> "1244 slice_157"; -"1244 slice_157" -> "1245 slice_158"; -"1245 slice_158" -> "1246 slice_159"; -"1246 slice_159" -> "1247 slice_160"; -"1247 slice_160" -> "1248 contiguous_17"; -"1248 contiguous_17" -> "1251 layer_norm_21"; -"1249 _param_constant162" -> "1251 layer_norm_21"; -"1250 _param_constant163" -> "1251 layer_norm_21"; -"1251 layer_norm_21" -> "1252 add_33"; -"1252 add_33" -> "1254 quantize_per_tensor_default_62"; -"1252 add_33" -> "1277 add_34"; -"1253 _param_constant164" -> "1258 quantize_per_channel_default_61"; -"1254 quantize_per_tensor_default_62" -> "1255 dequantize_per_tensor_default_62"; -"1255 dequantize_per_tensor_default_62" -> "1261 linear_60"; -"1256 linear_60_scale_0" -> "1258 quantize_per_channel_default_61"; -"1256 linear_60_scale_0" -> "1259 dequantize_per_channel_default_61"; -"1257 linear_60_zero_point_0" -> "1258 quantize_per_channel_default_61"; -"1257 linear_60_zero_point_0" -> "1259 dequantize_per_channel_default_61"; -"1258 quantize_per_channel_default_61" -> "1259 dequantize_per_channel_default_61"; -"1259 dequantize_per_channel_default_61" -> "1261 linear_60"; -"1260 _param_constant165_0_0" -> "1261 linear_60"; -"1261 linear_60" -> "1262 gelu_9"; -"1262 gelu_9" -> "1263 quantize_per_tensor_default_63"; -"1263 quantize_per_tensor_default_63" -> "1264 dequantize_per_tensor_default_63"; -"1264 dequantize_per_tensor_default_63" -> "1265 dropout_38"; -"1265 dropout_38" -> "1272 linear_61"; -"1266 _param_constant166" -> "1269 quantize_per_channel_default_62"; -"1267 linear_61_scale_0" -> "1269 quantize_per_channel_default_62"; -"1267 linear_61_scale_0" -> "1270 dequantize_per_channel_default_62"; -"1268 linear_61_zero_point_0" -> "1269 quantize_per_channel_default_62"; -"1268 linear_61_zero_point_0" -> "1270 dequantize_per_channel_default_62"; -"1269 quantize_per_channel_default_62" -> "1270 dequantize_per_channel_default_62"; -"1270 dequantize_per_channel_default_62" -> "1272 linear_61"; -"1271 _param_constant167_0_0" -> "1272 linear_61"; -"1272 linear_61" -> "1273 dropout_39"; -"1273 dropout_39" -> "1276 layer_norm_22"; -"1274 _param_constant168" -> "1276 layer_norm_22"; -"1275 _param_constant169" -> "1276 layer_norm_22"; -"1276 layer_norm_22" -> "1277 add_34"; -"1277 add_34" -> "1302 quantize_per_tensor_default_64"; -"1277 add_34" -> "1365 add_36"; -"1278 _tensor_constant65" -> "1285 linear_62"; -"1279 _param_constant170" -> "1282 quantize_per_channel_default_63"; -"1280 linear_62_scale_0" -> "1282 quantize_per_channel_default_63"; -"1280 linear_62_scale_0" -> "1283 dequantize_per_channel_default_63"; -"1281 linear_62_zero_point_0" -> "1282 quantize_per_channel_default_63"; -"1281 linear_62_zero_point_0" -> "1283 dequantize_per_channel_default_63"; -"1282 quantize_per_channel_default_63" -> "1283 dequantize_per_channel_default_63"; -"1283 dequantize_per_channel_default_63" -> "1285 linear_62"; -"1284 _param_constant171_0_0" -> "1285 linear_62"; -"1285 linear_62" -> "1286 relu__10"; -"1286 relu__10" -> "1292 linear_63"; -"1287 _param_constant172" -> "1290 quantize_per_channel_default_64"; -"1288 linear_63_scale_0" -> "1290 quantize_per_channel_default_64"; -"1288 linear_63_scale_0" -> "1291 dequantize_per_channel_default_64"; -"1289 linear_63_zero_point_0" -> "1290 quantize_per_channel_default_64"; -"1289 linear_63_zero_point_0" -> "1291 dequantize_per_channel_default_64"; -"1290 quantize_per_channel_default_64" -> "1291 dequantize_per_channel_default_64"; -"1291 dequantize_per_channel_default_64" -> "1292 linear_63"; -"1292 linear_63" -> "1293 view_55"; -"1293 view_55" -> "1295 index_10"; -"1294 _tensor_constant66" -> "1295 index_10"; -"1295 index_10" -> "1296 view_56"; -"1296 view_56" -> "1297 permute_46"; -"1297 permute_46" -> "1298 contiguous_18"; -"1298 contiguous_18" -> "1299 unsqueeze_30"; -"1299 unsqueeze_30" -> "1300 sigmoid_10"; -"1300 sigmoid_10" -> "1301 mul_20"; -"1301 mul_20" -> "1338 add_35"; -"1302 quantize_per_tensor_default_64" -> "1303 dequantize_per_tensor_default_64"; -"1303 dequantize_per_tensor_default_64" -> "1304 pad_12"; -"1304 pad_12" -> "1305 view_57"; -"1305 view_57" -> "1306 permute_47"; -"1306 permute_47" -> "1307 reshape_45"; -"1307 reshape_45" -> "1314 linear_64"; -"1308 _param_constant174" -> "1311 quantize_per_channel_default_65"; -"1309 linear_64_scale_0" -> "1311 quantize_per_channel_default_65"; -"1309 linear_64_scale_0" -> "1312 dequantize_per_channel_default_65"; -"1310 linear_64_zero_point_0" -> "1311 quantize_per_channel_default_65"; -"1310 linear_64_zero_point_0" -> "1312 dequantize_per_channel_default_65"; -"1311 quantize_per_channel_default_65" -> "1312 dequantize_per_channel_default_65"; -"1312 dequantize_per_channel_default_65" -> "1314 linear_64"; -"1313 _param_constant173_0_0" -> "1314 linear_64"; -"1314 linear_64" -> "1315 reshape_46"; -"1315 reshape_46" -> "1316 permute_48"; -"1316 permute_48" -> "1317 select_30"; -"1316 permute_48" -> "1318 select_31"; -"1316 permute_48" -> "1319 select_32"; -"1317 select_30" -> "1320 linalg_vector_norm_20"; -"1317 select_30" -> "1322 expand_as_20"; -"1317 select_30" -> "1323 div_20"; -"1318 select_31" -> "1326 linalg_vector_norm_21"; -"1318 select_31" -> "1328 expand_as_21"; -"1318 select_31" -> "1329 div_21"; -"1319 select_32" -> "1341 matmul_21"; -"1320 linalg_vector_norm_20" -> "1321 clamp_min_20"; -"1321 clamp_min_20" -> "1322 expand_as_20"; -"1322 expand_as_20" -> "1323 div_20"; -"1323 div_20" -> "1324 quantize_per_tensor_default_65"; -"1324 quantize_per_tensor_default_65" -> "1325 dequantize_per_tensor_default_65"; -"1325 dequantize_per_tensor_default_65" -> "1333 matmul_20"; -"1326 linalg_vector_norm_21" -> "1327 clamp_min_21"; -"1327 clamp_min_21" -> "1328 expand_as_21"; -"1328 expand_as_21" -> "1329 div_21"; -"1329 div_21" -> "1330 quantize_per_tensor_default_66"; -"1330 quantize_per_tensor_default_66" -> "1331 dequantize_per_tensor_default_66"; -"1331 dequantize_per_tensor_default_66" -> "1332 transpose_20"; -"1332 transpose_20" -> "1333 matmul_20"; -"1333 matmul_20" -> "1337 mul_21"; -"1334 _param_constant175" -> "1335 clamp_10"; -"1335 clamp_10" -> "1336 exp_10"; -"1336 exp_10" -> "1337 mul_21"; -"1337 mul_21" -> "1338 add_35"; -"1338 add_35" -> "1339 softmax_10"; -"1339 softmax_10" -> "1340 dropout_40"; -"1340 dropout_40" -> "1341 matmul_21"; -"1341 matmul_21" -> "1342 quantize_per_tensor_default_67"; -"1342 quantize_per_tensor_default_67" -> "1343 dequantize_per_tensor_default_67"; -"1343 dequantize_per_tensor_default_67" -> "1344 transpose_21"; -"1344 transpose_21" -> "1345 reshape_47"; -"1345 reshape_47" -> "1352 linear_65"; -"1346 _param_constant176" -> "1349 quantize_per_channel_default_66"; -"1347 linear_65_scale_0" -> "1349 quantize_per_channel_default_66"; -"1347 linear_65_scale_0" -> "1350 dequantize_per_channel_default_66"; -"1348 linear_65_zero_point_0" -> "1349 quantize_per_channel_default_66"; -"1348 linear_65_zero_point_0" -> "1350 dequantize_per_channel_default_66"; -"1349 quantize_per_channel_default_66" -> "1350 dequantize_per_channel_default_66"; -"1350 dequantize_per_channel_default_66" -> "1352 linear_65"; -"1351 _param_constant177_0_0" -> "1352 linear_65"; -"1352 linear_65" -> "1353 dropout_41"; -"1353 dropout_41" -> "1354 view_58"; -"1354 view_58" -> "1355 permute_49"; -"1355 permute_49" -> "1356 reshape_48"; -"1356 reshape_48" -> "1357 slice_162"; -"1357 slice_162" -> "1358 slice_163"; -"1358 slice_163" -> "1359 slice_164"; -"1359 slice_164" -> "1360 slice_165"; -"1360 slice_165" -> "1361 contiguous_19"; -"1361 contiguous_19" -> "1364 layer_norm_23"; -"1362 _param_constant178" -> "1364 layer_norm_23"; -"1363 _param_constant179" -> "1364 layer_norm_23"; -"1364 layer_norm_23" -> "1365 add_36"; -"1365 add_36" -> "1367 quantize_per_tensor_default_68"; -"1365 add_36" -> "1390 add_37"; -"1366 _param_constant180" -> "1371 quantize_per_channel_default_67"; -"1367 quantize_per_tensor_default_68" -> "1368 dequantize_per_tensor_default_68"; -"1368 dequantize_per_tensor_default_68" -> "1374 linear_66"; -"1369 linear_66_scale_0" -> "1371 quantize_per_channel_default_67"; -"1369 linear_66_scale_0" -> "1372 dequantize_per_channel_default_67"; -"1370 linear_66_zero_point_0" -> "1371 quantize_per_channel_default_67"; -"1370 linear_66_zero_point_0" -> "1372 dequantize_per_channel_default_67"; -"1371 quantize_per_channel_default_67" -> "1372 dequantize_per_channel_default_67"; -"1372 dequantize_per_channel_default_67" -> "1374 linear_66"; -"1373 _param_constant181_0_0" -> "1374 linear_66"; -"1374 linear_66" -> "1375 gelu_10"; -"1375 gelu_10" -> "1376 quantize_per_tensor_default_69"; -"1376 quantize_per_tensor_default_69" -> "1377 dequantize_per_tensor_default_69"; -"1377 dequantize_per_tensor_default_69" -> "1378 dropout_42"; -"1378 dropout_42" -> "1385 linear_67"; -"1379 _param_constant182" -> "1382 quantize_per_channel_default_68"; -"1380 linear_67_scale_0" -> "1382 quantize_per_channel_default_68"; -"1380 linear_67_scale_0" -> "1383 dequantize_per_channel_default_68"; -"1381 linear_67_zero_point_0" -> "1382 quantize_per_channel_default_68"; -"1381 linear_67_zero_point_0" -> "1383 dequantize_per_channel_default_68"; -"1382 quantize_per_channel_default_68" -> "1383 dequantize_per_channel_default_68"; -"1383 dequantize_per_channel_default_68" -> "1385 linear_67"; -"1384 _param_constant183_0_0" -> "1385 linear_67"; -"1385 linear_67" -> "1386 dropout_43"; -"1386 dropout_43" -> "1389 layer_norm_24"; -"1387 _param_constant184" -> "1389 layer_norm_24"; -"1388 _param_constant185" -> "1389 layer_norm_24"; -"1389 layer_norm_24" -> "1390 add_37"; -"1390 add_37" -> "1415 pad_13"; -"1390 add_37" -> "1496 add_40"; -"1391 _tensor_constant67" -> "1398 linear_68"; -"1392 _param_constant186" -> "1395 quantize_per_channel_default_69"; -"1393 linear_68_scale_0" -> "1395 quantize_per_channel_default_69"; -"1393 linear_68_scale_0" -> "1396 dequantize_per_channel_default_69"; -"1394 linear_68_zero_point_0" -> "1395 quantize_per_channel_default_69"; -"1394 linear_68_zero_point_0" -> "1396 dequantize_per_channel_default_69"; -"1395 quantize_per_channel_default_69" -> "1396 dequantize_per_channel_default_69"; -"1396 dequantize_per_channel_default_69" -> "1398 linear_68"; -"1397 _param_constant187_0_0" -> "1398 linear_68"; -"1398 linear_68" -> "1399 relu__11"; -"1399 relu__11" -> "1405 linear_69"; -"1400 _param_constant188" -> "1403 quantize_per_channel_default_70"; -"1401 linear_69_scale_0" -> "1403 quantize_per_channel_default_70"; -"1401 linear_69_scale_0" -> "1404 dequantize_per_channel_default_70"; -"1402 linear_69_zero_point_0" -> "1403 quantize_per_channel_default_70"; -"1402 linear_69_zero_point_0" -> "1404 dequantize_per_channel_default_70"; -"1403 quantize_per_channel_default_70" -> "1404 dequantize_per_channel_default_70"; -"1404 dequantize_per_channel_default_70" -> "1405 linear_69"; -"1405 linear_69" -> "1406 view_59"; -"1406 view_59" -> "1408 index_11"; -"1407 _tensor_constant68" -> "1408 index_11"; -"1408 index_11" -> "1409 view_60"; -"1409 view_60" -> "1410 permute_50"; -"1410 permute_50" -> "1411 contiguous_20"; -"1411 contiguous_20" -> "1412 unsqueeze_31"; -"1412 unsqueeze_31" -> "1413 sigmoid_11"; -"1413 sigmoid_11" -> "1414 mul_22"; -"1414 mul_22" -> "1452 add_38"; -"1415 pad_13" -> "1416 roll_10"; -"1416 roll_10" -> "1417 view_61"; -"1417 view_61" -> "1418 permute_51"; -"1418 permute_51" -> "1419 reshape_49"; -"1419 reshape_49" -> "1421 quantize_per_tensor_default_70"; -"1419 reshape_49" -> "1453 new_zeros_5"; -"1420 _param_constant190" -> "1425 quantize_per_channel_default_71"; -"1421 quantize_per_tensor_default_70" -> "1422 dequantize_per_tensor_default_70"; -"1422 dequantize_per_tensor_default_70" -> "1428 linear_70"; -"1423 linear_70_scale_0" -> "1425 quantize_per_channel_default_71"; -"1423 linear_70_scale_0" -> "1426 dequantize_per_channel_default_71"; -"1424 linear_70_zero_point_0" -> "1425 quantize_per_channel_default_71"; -"1424 linear_70_zero_point_0" -> "1426 dequantize_per_channel_default_71"; -"1425 quantize_per_channel_default_71" -> "1426 dequantize_per_channel_default_71"; -"1426 dequantize_per_channel_default_71" -> "1428 linear_70"; -"1427 _param_constant189_0_0" -> "1428 linear_70"; -"1428 linear_70" -> "1429 reshape_50"; -"1429 reshape_50" -> "1430 permute_52"; -"1430 permute_52" -> "1431 select_33"; -"1430 permute_52" -> "1432 select_34"; -"1430 permute_52" -> "1433 select_35"; -"1431 select_33" -> "1434 linalg_vector_norm_22"; -"1431 select_33" -> "1436 expand_as_22"; -"1431 select_33" -> "1437 div_22"; -"1432 select_34" -> "1440 linalg_vector_norm_23"; -"1432 select_34" -> "1442 expand_as_23"; -"1432 select_34" -> "1443 div_23"; -"1433 select_35" -> "1471 matmul_23"; -"1434 linalg_vector_norm_22" -> "1435 clamp_min_22"; -"1435 clamp_min_22" -> "1436 expand_as_22"; -"1436 expand_as_22" -> "1437 div_22"; -"1437 div_22" -> "1438 quantize_per_tensor_default_71"; -"1438 quantize_per_tensor_default_71" -> "1439 dequantize_per_tensor_default_71"; -"1439 dequantize_per_tensor_default_71" -> "1447 matmul_22"; -"1440 linalg_vector_norm_23" -> "1441 clamp_min_23"; -"1441 clamp_min_23" -> "1442 expand_as_23"; -"1442 expand_as_23" -> "1443 div_23"; -"1443 div_23" -> "1444 quantize_per_tensor_default_72"; -"1444 quantize_per_tensor_default_72" -> "1445 dequantize_per_tensor_default_72"; -"1445 dequantize_per_tensor_default_72" -> "1446 transpose_22"; -"1446 transpose_22" -> "1447 matmul_22"; -"1447 matmul_22" -> "1451 mul_23"; -"1448 _param_constant191" -> "1449 clamp_11"; -"1449 clamp_11" -> "1450 exp_11"; -"1450 exp_11" -> "1451 mul_23"; -"1451 mul_23" -> "1452 add_38"; -"1452 add_38" -> "1464 view_63"; -"1453 new_zeros_5" -> "1454 view_62"; -"1454 view_62" -> "1455 permute_53"; -"1455 permute_53" -> "1456 reshape_51"; -"1456 reshape_51" -> "1457 unsqueeze_32"; -"1456 reshape_51" -> "1458 unsqueeze_33"; -"1457 unsqueeze_32" -> "1459 sub_5"; -"1458 unsqueeze_33" -> "1459 sub_5"; -"1459 sub_5" -> "1460 ne_5"; -"1459 sub_5" -> "1461 masked_fill_10"; -"1459 sub_5" -> "1462 eq_5"; -"1460 ne_5" -> "1461 masked_fill_10"; -"1461 masked_fill_10" -> "1463 masked_fill_11"; -"1462 eq_5" -> "1463 masked_fill_11"; -"1463 masked_fill_11" -> "1465 unsqueeze_34"; -"1464 view_63" -> "1467 add_39"; -"1465 unsqueeze_34" -> "1466 unsqueeze_35"; -"1466 unsqueeze_35" -> "1467 add_39"; -"1467 add_39" -> "1468 view_64"; -"1468 view_64" -> "1469 softmax_11"; -"1469 softmax_11" -> "1470 dropout_44"; -"1470 dropout_44" -> "1471 matmul_23"; -"1471 matmul_23" -> "1472 quantize_per_tensor_default_73"; -"1472 quantize_per_tensor_default_73" -> "1473 dequantize_per_tensor_default_73"; -"1473 dequantize_per_tensor_default_73" -> "1474 transpose_23"; -"1474 transpose_23" -> "1475 reshape_52"; -"1475 reshape_52" -> "1482 linear_71"; -"1476 _param_constant192" -> "1479 quantize_per_channel_default_72"; -"1477 linear_71_scale_0" -> "1479 quantize_per_channel_default_72"; -"1477 linear_71_scale_0" -> "1480 dequantize_per_channel_default_72"; -"1478 linear_71_zero_point_0" -> "1479 quantize_per_channel_default_72"; -"1478 linear_71_zero_point_0" -> "1480 dequantize_per_channel_default_72"; -"1479 quantize_per_channel_default_72" -> "1480 dequantize_per_channel_default_72"; -"1480 dequantize_per_channel_default_72" -> "1482 linear_71"; -"1481 _param_constant193_0_0" -> "1482 linear_71"; -"1482 linear_71" -> "1483 dropout_45"; -"1483 dropout_45" -> "1484 view_65"; -"1484 view_65" -> "1485 permute_54"; -"1485 permute_54" -> "1486 reshape_53"; -"1486 reshape_53" -> "1487 roll_11"; -"1487 roll_11" -> "1488 slice_185"; -"1488 slice_185" -> "1489 slice_186"; -"1489 slice_186" -> "1490 slice_187"; -"1490 slice_187" -> "1491 slice_188"; -"1491 slice_188" -> "1492 contiguous_21"; -"1492 contiguous_21" -> "1495 layer_norm_25"; -"1493 _param_constant194" -> "1495 layer_norm_25"; -"1494 _param_constant195" -> "1495 layer_norm_25"; -"1495 layer_norm_25" -> "1496 add_40"; -"1496 add_40" -> "1498 quantize_per_tensor_default_74"; -"1496 add_40" -> "1521 add_41"; -"1497 _param_constant196" -> "1502 quantize_per_channel_default_73"; -"1498 quantize_per_tensor_default_74" -> "1499 dequantize_per_tensor_default_74"; -"1499 dequantize_per_tensor_default_74" -> "1505 linear_72"; -"1500 linear_72_scale_0" -> "1502 quantize_per_channel_default_73"; -"1500 linear_72_scale_0" -> "1503 dequantize_per_channel_default_73"; -"1501 linear_72_zero_point_0" -> "1502 quantize_per_channel_default_73"; -"1501 linear_72_zero_point_0" -> "1503 dequantize_per_channel_default_73"; -"1502 quantize_per_channel_default_73" -> "1503 dequantize_per_channel_default_73"; -"1503 dequantize_per_channel_default_73" -> "1505 linear_72"; -"1504 _param_constant197_0_0" -> "1505 linear_72"; -"1505 linear_72" -> "1506 gelu_11"; -"1506 gelu_11" -> "1507 quantize_per_tensor_default_75"; -"1507 quantize_per_tensor_default_75" -> "1508 dequantize_per_tensor_default_75"; -"1508 dequantize_per_tensor_default_75" -> "1509 dropout_46"; -"1509 dropout_46" -> "1516 linear_73"; -"1510 _param_constant198" -> "1513 quantize_per_channel_default_74"; -"1511 linear_73_scale_0" -> "1513 quantize_per_channel_default_74"; -"1511 linear_73_scale_0" -> "1514 dequantize_per_channel_default_74"; -"1512 linear_73_zero_point_0" -> "1513 quantize_per_channel_default_74"; -"1512 linear_73_zero_point_0" -> "1514 dequantize_per_channel_default_74"; -"1513 quantize_per_channel_default_74" -> "1514 dequantize_per_channel_default_74"; -"1514 dequantize_per_channel_default_74" -> "1516 linear_73"; -"1515 _param_constant199_0_0" -> "1516 linear_73"; -"1516 linear_73" -> "1517 dropout_47"; -"1517 dropout_47" -> "1520 layer_norm_26"; -"1518 _param_constant200" -> "1520 layer_norm_26"; -"1519 _param_constant201" -> "1520 layer_norm_26"; -"1520 layer_norm_26" -> "1521 add_41"; -"1521 add_41" -> "1546 quantize_per_tensor_default_76"; -"1521 add_41" -> "1609 add_43"; -"1522 _tensor_constant78" -> "1529 linear_74"; -"1523 _param_constant202" -> "1526 quantize_per_channel_default_75"; -"1524 linear_74_scale_0" -> "1526 quantize_per_channel_default_75"; -"1524 linear_74_scale_0" -> "1527 dequantize_per_channel_default_75"; -"1525 linear_74_zero_point_0" -> "1526 quantize_per_channel_default_75"; -"1525 linear_74_zero_point_0" -> "1527 dequantize_per_channel_default_75"; -"1526 quantize_per_channel_default_75" -> "1527 dequantize_per_channel_default_75"; -"1527 dequantize_per_channel_default_75" -> "1529 linear_74"; -"1528 _param_constant203_0_0" -> "1529 linear_74"; -"1529 linear_74" -> "1530 relu__12"; -"1530 relu__12" -> "1536 linear_75"; -"1531 _param_constant204" -> "1534 quantize_per_channel_default_76"; -"1532 linear_75_scale_0" -> "1534 quantize_per_channel_default_76"; -"1532 linear_75_scale_0" -> "1535 dequantize_per_channel_default_76"; -"1533 linear_75_zero_point_0" -> "1534 quantize_per_channel_default_76"; -"1533 linear_75_zero_point_0" -> "1535 dequantize_per_channel_default_76"; -"1534 quantize_per_channel_default_76" -> "1535 dequantize_per_channel_default_76"; -"1535 dequantize_per_channel_default_76" -> "1536 linear_75"; -"1536 linear_75" -> "1537 view_66"; -"1537 view_66" -> "1539 index_12"; -"1538 _tensor_constant79" -> "1539 index_12"; -"1539 index_12" -> "1540 view_67"; -"1540 view_67" -> "1541 permute_55"; -"1541 permute_55" -> "1542 contiguous_22"; -"1542 contiguous_22" -> "1543 unsqueeze_36"; -"1543 unsqueeze_36" -> "1544 sigmoid_12"; -"1544 sigmoid_12" -> "1545 mul_24"; -"1545 mul_24" -> "1582 add_42"; -"1546 quantize_per_tensor_default_76" -> "1547 dequantize_per_tensor_default_76"; -"1547 dequantize_per_tensor_default_76" -> "1548 pad_14"; -"1548 pad_14" -> "1549 view_68"; -"1549 view_68" -> "1550 permute_56"; -"1550 permute_56" -> "1551 reshape_54"; -"1551 reshape_54" -> "1558 linear_76"; -"1552 _param_constant206" -> "1555 quantize_per_channel_default_77"; -"1553 linear_76_scale_0" -> "1555 quantize_per_channel_default_77"; -"1553 linear_76_scale_0" -> "1556 dequantize_per_channel_default_77"; -"1554 linear_76_zero_point_0" -> "1555 quantize_per_channel_default_77"; -"1554 linear_76_zero_point_0" -> "1556 dequantize_per_channel_default_77"; -"1555 quantize_per_channel_default_77" -> "1556 dequantize_per_channel_default_77"; -"1556 dequantize_per_channel_default_77" -> "1558 linear_76"; -"1557 _param_constant205_0_0" -> "1558 linear_76"; -"1558 linear_76" -> "1559 reshape_55"; -"1559 reshape_55" -> "1560 permute_57"; -"1560 permute_57" -> "1561 select_36"; -"1560 permute_57" -> "1562 select_37"; -"1560 permute_57" -> "1563 select_38"; -"1561 select_36" -> "1564 linalg_vector_norm_24"; -"1561 select_36" -> "1566 expand_as_24"; -"1561 select_36" -> "1567 div_24"; -"1562 select_37" -> "1570 linalg_vector_norm_25"; -"1562 select_37" -> "1572 expand_as_25"; -"1562 select_37" -> "1573 div_25"; -"1563 select_38" -> "1585 matmul_25"; -"1564 linalg_vector_norm_24" -> "1565 clamp_min_24"; -"1565 clamp_min_24" -> "1566 expand_as_24"; -"1566 expand_as_24" -> "1567 div_24"; -"1567 div_24" -> "1568 quantize_per_tensor_default_77"; -"1568 quantize_per_tensor_default_77" -> "1569 dequantize_per_tensor_default_77"; -"1569 dequantize_per_tensor_default_77" -> "1577 matmul_24"; -"1570 linalg_vector_norm_25" -> "1571 clamp_min_25"; -"1571 clamp_min_25" -> "1572 expand_as_25"; -"1572 expand_as_25" -> "1573 div_25"; -"1573 div_25" -> "1574 quantize_per_tensor_default_78"; -"1574 quantize_per_tensor_default_78" -> "1575 dequantize_per_tensor_default_78"; -"1575 dequantize_per_tensor_default_78" -> "1576 transpose_24"; -"1576 transpose_24" -> "1577 matmul_24"; -"1577 matmul_24" -> "1581 mul_25"; -"1578 _param_constant207" -> "1579 clamp_12"; -"1579 clamp_12" -> "1580 exp_12"; -"1580 exp_12" -> "1581 mul_25"; -"1581 mul_25" -> "1582 add_42"; -"1582 add_42" -> "1583 softmax_12"; -"1583 softmax_12" -> "1584 dropout_48"; -"1584 dropout_48" -> "1585 matmul_25"; -"1585 matmul_25" -> "1586 quantize_per_tensor_default_79"; -"1586 quantize_per_tensor_default_79" -> "1587 dequantize_per_tensor_default_79"; -"1587 dequantize_per_tensor_default_79" -> "1588 transpose_25"; -"1588 transpose_25" -> "1589 reshape_56"; -"1589 reshape_56" -> "1596 linear_77"; -"1590 _param_constant208" -> "1593 quantize_per_channel_default_78"; -"1591 linear_77_scale_0" -> "1593 quantize_per_channel_default_78"; -"1591 linear_77_scale_0" -> "1594 dequantize_per_channel_default_78"; -"1592 linear_77_zero_point_0" -> "1593 quantize_per_channel_default_78"; -"1592 linear_77_zero_point_0" -> "1594 dequantize_per_channel_default_78"; -"1593 quantize_per_channel_default_78" -> "1594 dequantize_per_channel_default_78"; -"1594 dequantize_per_channel_default_78" -> "1596 linear_77"; -"1595 _param_constant209_0_0" -> "1596 linear_77"; -"1596 linear_77" -> "1597 dropout_49"; -"1597 dropout_49" -> "1598 view_69"; -"1598 view_69" -> "1599 permute_58"; -"1599 permute_58" -> "1600 reshape_57"; -"1600 reshape_57" -> "1601 slice_190"; -"1601 slice_190" -> "1602 slice_191"; -"1602 slice_191" -> "1603 slice_192"; -"1603 slice_192" -> "1604 slice_193"; -"1604 slice_193" -> "1605 contiguous_23"; -"1605 contiguous_23" -> "1608 layer_norm_27"; -"1606 _param_constant210" -> "1608 layer_norm_27"; -"1607 _param_constant211" -> "1608 layer_norm_27"; -"1608 layer_norm_27" -> "1609 add_43"; -"1609 add_43" -> "1611 quantize_per_tensor_default_80"; -"1609 add_43" -> "1634 add_44"; -"1610 _param_constant212" -> "1615 quantize_per_channel_default_79"; -"1611 quantize_per_tensor_default_80" -> "1612 dequantize_per_tensor_default_80"; -"1612 dequantize_per_tensor_default_80" -> "1618 linear_78"; -"1613 linear_78_scale_0" -> "1615 quantize_per_channel_default_79"; -"1613 linear_78_scale_0" -> "1616 dequantize_per_channel_default_79"; -"1614 linear_78_zero_point_0" -> "1615 quantize_per_channel_default_79"; -"1614 linear_78_zero_point_0" -> "1616 dequantize_per_channel_default_79"; -"1615 quantize_per_channel_default_79" -> "1616 dequantize_per_channel_default_79"; -"1616 dequantize_per_channel_default_79" -> "1618 linear_78"; -"1617 _param_constant213_0_0" -> "1618 linear_78"; -"1618 linear_78" -> "1619 gelu_12"; -"1619 gelu_12" -> "1620 quantize_per_tensor_default_81"; -"1620 quantize_per_tensor_default_81" -> "1621 dequantize_per_tensor_default_81"; -"1621 dequantize_per_tensor_default_81" -> "1622 dropout_50"; -"1622 dropout_50" -> "1629 linear_79"; -"1623 _param_constant214" -> "1626 quantize_per_channel_default_80"; -"1624 linear_79_scale_0" -> "1626 quantize_per_channel_default_80"; -"1624 linear_79_scale_0" -> "1627 dequantize_per_channel_default_80"; -"1625 linear_79_zero_point_0" -> "1626 quantize_per_channel_default_80"; -"1625 linear_79_zero_point_0" -> "1627 dequantize_per_channel_default_80"; -"1626 quantize_per_channel_default_80" -> "1627 dequantize_per_channel_default_80"; -"1627 dequantize_per_channel_default_80" -> "1629 linear_79"; -"1628 _param_constant215_0_0" -> "1629 linear_79"; -"1629 linear_79" -> "1630 dropout_51"; -"1630 dropout_51" -> "1633 layer_norm_28"; -"1631 _param_constant216" -> "1633 layer_norm_28"; -"1632 _param_constant217" -> "1633 layer_norm_28"; -"1633 layer_norm_28" -> "1634 add_44"; -"1634 add_44" -> "1659 pad_15"; -"1634 add_44" -> "1740 add_47"; -"1635 _tensor_constant80" -> "1642 linear_80"; -"1636 _param_constant218" -> "1639 quantize_per_channel_default_81"; -"1637 linear_80_scale_0" -> "1639 quantize_per_channel_default_81"; -"1637 linear_80_scale_0" -> "1640 dequantize_per_channel_default_81"; -"1638 linear_80_zero_point_0" -> "1639 quantize_per_channel_default_81"; -"1638 linear_80_zero_point_0" -> "1640 dequantize_per_channel_default_81"; -"1639 quantize_per_channel_default_81" -> "1640 dequantize_per_channel_default_81"; -"1640 dequantize_per_channel_default_81" -> "1642 linear_80"; -"1641 _param_constant219_0_0" -> "1642 linear_80"; -"1642 linear_80" -> "1643 relu__13"; -"1643 relu__13" -> "1649 linear_81"; -"1644 _param_constant220" -> "1647 quantize_per_channel_default_82"; -"1645 linear_81_scale_0" -> "1647 quantize_per_channel_default_82"; -"1645 linear_81_scale_0" -> "1648 dequantize_per_channel_default_82"; -"1646 linear_81_zero_point_0" -> "1647 quantize_per_channel_default_82"; -"1646 linear_81_zero_point_0" -> "1648 dequantize_per_channel_default_82"; -"1647 quantize_per_channel_default_82" -> "1648 dequantize_per_channel_default_82"; -"1648 dequantize_per_channel_default_82" -> "1649 linear_81"; -"1649 linear_81" -> "1650 view_70"; -"1650 view_70" -> "1652 index_13"; -"1651 _tensor_constant81" -> "1652 index_13"; -"1652 index_13" -> "1653 view_71"; -"1653 view_71" -> "1654 permute_59"; -"1654 permute_59" -> "1655 contiguous_24"; -"1655 contiguous_24" -> "1656 unsqueeze_37"; -"1656 unsqueeze_37" -> "1657 sigmoid_13"; -"1657 sigmoid_13" -> "1658 mul_26"; -"1658 mul_26" -> "1696 add_45"; -"1659 pad_15" -> "1660 roll_12"; -"1660 roll_12" -> "1661 view_72"; -"1661 view_72" -> "1662 permute_60"; -"1662 permute_60" -> "1663 reshape_58"; -"1663 reshape_58" -> "1665 quantize_per_tensor_default_82"; -"1663 reshape_58" -> "1697 new_zeros_6"; -"1664 _param_constant222" -> "1669 quantize_per_channel_default_83"; -"1665 quantize_per_tensor_default_82" -> "1666 dequantize_per_tensor_default_82"; -"1666 dequantize_per_tensor_default_82" -> "1672 linear_82"; -"1667 linear_82_scale_0" -> "1669 quantize_per_channel_default_83"; -"1667 linear_82_scale_0" -> "1670 dequantize_per_channel_default_83"; -"1668 linear_82_zero_point_0" -> "1669 quantize_per_channel_default_83"; -"1668 linear_82_zero_point_0" -> "1670 dequantize_per_channel_default_83"; -"1669 quantize_per_channel_default_83" -> "1670 dequantize_per_channel_default_83"; -"1670 dequantize_per_channel_default_83" -> "1672 linear_82"; -"1671 _param_constant221_0_0" -> "1672 linear_82"; -"1672 linear_82" -> "1673 reshape_59"; -"1673 reshape_59" -> "1674 permute_61"; -"1674 permute_61" -> "1675 select_39"; -"1674 permute_61" -> "1676 select_40"; -"1674 permute_61" -> "1677 select_41"; -"1675 select_39" -> "1678 linalg_vector_norm_26"; -"1675 select_39" -> "1680 expand_as_26"; -"1675 select_39" -> "1681 div_26"; -"1676 select_40" -> "1684 linalg_vector_norm_27"; -"1676 select_40" -> "1686 expand_as_27"; -"1676 select_40" -> "1687 div_27"; -"1677 select_41" -> "1715 matmul_27"; -"1678 linalg_vector_norm_26" -> "1679 clamp_min_26"; -"1679 clamp_min_26" -> "1680 expand_as_26"; -"1680 expand_as_26" -> "1681 div_26"; -"1681 div_26" -> "1682 quantize_per_tensor_default_83"; -"1682 quantize_per_tensor_default_83" -> "1683 dequantize_per_tensor_default_83"; -"1683 dequantize_per_tensor_default_83" -> "1691 matmul_26"; -"1684 linalg_vector_norm_27" -> "1685 clamp_min_27"; -"1685 clamp_min_27" -> "1686 expand_as_27"; -"1686 expand_as_27" -> "1687 div_27"; -"1687 div_27" -> "1688 quantize_per_tensor_default_84"; -"1688 quantize_per_tensor_default_84" -> "1689 dequantize_per_tensor_default_84"; -"1689 dequantize_per_tensor_default_84" -> "1690 transpose_26"; -"1690 transpose_26" -> "1691 matmul_26"; -"1691 matmul_26" -> "1695 mul_27"; -"1692 _param_constant223" -> "1693 clamp_13"; -"1693 clamp_13" -> "1694 exp_13"; -"1694 exp_13" -> "1695 mul_27"; -"1695 mul_27" -> "1696 add_45"; -"1696 add_45" -> "1708 view_74"; -"1697 new_zeros_6" -> "1698 view_73"; -"1698 view_73" -> "1699 permute_62"; -"1699 permute_62" -> "1700 reshape_60"; -"1700 reshape_60" -> "1701 unsqueeze_38"; -"1700 reshape_60" -> "1702 unsqueeze_39"; -"1701 unsqueeze_38" -> "1703 sub_6"; -"1702 unsqueeze_39" -> "1703 sub_6"; -"1703 sub_6" -> "1704 ne_6"; -"1703 sub_6" -> "1705 masked_fill_12"; -"1703 sub_6" -> "1706 eq_6"; -"1704 ne_6" -> "1705 masked_fill_12"; -"1705 masked_fill_12" -> "1707 masked_fill_13"; -"1706 eq_6" -> "1707 masked_fill_13"; -"1707 masked_fill_13" -> "1709 unsqueeze_40"; -"1708 view_74" -> "1711 add_46"; -"1709 unsqueeze_40" -> "1710 unsqueeze_41"; -"1710 unsqueeze_41" -> "1711 add_46"; -"1711 add_46" -> "1712 view_75"; -"1712 view_75" -> "1713 softmax_13"; -"1713 softmax_13" -> "1714 dropout_52"; -"1714 dropout_52" -> "1715 matmul_27"; -"1715 matmul_27" -> "1716 quantize_per_tensor_default_85"; -"1716 quantize_per_tensor_default_85" -> "1717 dequantize_per_tensor_default_85"; -"1717 dequantize_per_tensor_default_85" -> "1718 transpose_27"; -"1718 transpose_27" -> "1719 reshape_61"; -"1719 reshape_61" -> "1726 linear_83"; -"1720 _param_constant224" -> "1723 quantize_per_channel_default_84"; -"1721 linear_83_scale_0" -> "1723 quantize_per_channel_default_84"; -"1721 linear_83_scale_0" -> "1724 dequantize_per_channel_default_84"; -"1722 linear_83_zero_point_0" -> "1723 quantize_per_channel_default_84"; -"1722 linear_83_zero_point_0" -> "1724 dequantize_per_channel_default_84"; -"1723 quantize_per_channel_default_84" -> "1724 dequantize_per_channel_default_84"; -"1724 dequantize_per_channel_default_84" -> "1726 linear_83"; -"1725 _param_constant225_0_0" -> "1726 linear_83"; -"1726 linear_83" -> "1727 dropout_53"; -"1727 dropout_53" -> "1728 view_76"; -"1728 view_76" -> "1729 permute_63"; -"1729 permute_63" -> "1730 reshape_62"; -"1730 reshape_62" -> "1731 roll_13"; -"1731 roll_13" -> "1732 slice_213"; -"1732 slice_213" -> "1733 slice_214"; -"1733 slice_214" -> "1734 slice_215"; -"1734 slice_215" -> "1735 slice_216"; -"1735 slice_216" -> "1736 contiguous_25"; -"1736 contiguous_25" -> "1739 layer_norm_29"; -"1737 _param_constant226" -> "1739 layer_norm_29"; -"1738 _param_constant227" -> "1739 layer_norm_29"; -"1739 layer_norm_29" -> "1740 add_47"; -"1740 add_47" -> "1742 quantize_per_tensor_default_86"; -"1740 add_47" -> "1765 add_48"; -"1741 _param_constant228" -> "1746 quantize_per_channel_default_85"; -"1742 quantize_per_tensor_default_86" -> "1743 dequantize_per_tensor_default_86"; -"1743 dequantize_per_tensor_default_86" -> "1749 linear_84"; -"1744 linear_84_scale_0" -> "1746 quantize_per_channel_default_85"; -"1744 linear_84_scale_0" -> "1747 dequantize_per_channel_default_85"; -"1745 linear_84_zero_point_0" -> "1746 quantize_per_channel_default_85"; -"1745 linear_84_zero_point_0" -> "1747 dequantize_per_channel_default_85"; -"1746 quantize_per_channel_default_85" -> "1747 dequantize_per_channel_default_85"; -"1747 dequantize_per_channel_default_85" -> "1749 linear_84"; -"1748 _param_constant229_0_0" -> "1749 linear_84"; -"1749 linear_84" -> "1750 gelu_13"; -"1750 gelu_13" -> "1751 quantize_per_tensor_default_87"; -"1751 quantize_per_tensor_default_87" -> "1752 dequantize_per_tensor_default_87"; -"1752 dequantize_per_tensor_default_87" -> "1753 dropout_54"; -"1753 dropout_54" -> "1760 linear_85"; -"1754 _param_constant230" -> "1757 quantize_per_channel_default_86"; -"1755 linear_85_scale_0" -> "1757 quantize_per_channel_default_86"; -"1755 linear_85_scale_0" -> "1758 dequantize_per_channel_default_86"; -"1756 linear_85_zero_point_0" -> "1757 quantize_per_channel_default_86"; -"1756 linear_85_zero_point_0" -> "1758 dequantize_per_channel_default_86"; -"1757 quantize_per_channel_default_86" -> "1758 dequantize_per_channel_default_86"; -"1758 dequantize_per_channel_default_86" -> "1760 linear_85"; -"1759 _param_constant231_0_0" -> "1760 linear_85"; -"1760 linear_85" -> "1761 dropout_55"; -"1761 dropout_55" -> "1764 layer_norm_30"; -"1762 _param_constant232" -> "1764 layer_norm_30"; -"1763 _param_constant233" -> "1764 layer_norm_30"; -"1764 layer_norm_30" -> "1765 add_48"; -"1765 add_48" -> "1790 quantize_per_tensor_default_88"; -"1765 add_48" -> "1853 add_50"; -"1766 _tensor_constant91" -> "1773 linear_86"; -"1767 _param_constant234" -> "1770 quantize_per_channel_default_87"; -"1768 linear_86_scale_0" -> "1770 quantize_per_channel_default_87"; -"1768 linear_86_scale_0" -> "1771 dequantize_per_channel_default_87"; -"1769 linear_86_zero_point_0" -> "1770 quantize_per_channel_default_87"; -"1769 linear_86_zero_point_0" -> "1771 dequantize_per_channel_default_87"; -"1770 quantize_per_channel_default_87" -> "1771 dequantize_per_channel_default_87"; -"1771 dequantize_per_channel_default_87" -> "1773 linear_86"; -"1772 _param_constant235_0_0" -> "1773 linear_86"; -"1773 linear_86" -> "1774 relu__14"; -"1774 relu__14" -> "1780 linear_87"; -"1775 _param_constant236" -> "1778 quantize_per_channel_default_88"; -"1776 linear_87_scale_0" -> "1778 quantize_per_channel_default_88"; -"1776 linear_87_scale_0" -> "1779 dequantize_per_channel_default_88"; -"1777 linear_87_zero_point_0" -> "1778 quantize_per_channel_default_88"; -"1777 linear_87_zero_point_0" -> "1779 dequantize_per_channel_default_88"; -"1778 quantize_per_channel_default_88" -> "1779 dequantize_per_channel_default_88"; -"1779 dequantize_per_channel_default_88" -> "1780 linear_87"; -"1780 linear_87" -> "1781 view_77"; -"1781 view_77" -> "1783 index_14"; -"1782 _tensor_constant92" -> "1783 index_14"; -"1783 index_14" -> "1784 view_78"; -"1784 view_78" -> "1785 permute_64"; -"1785 permute_64" -> "1786 contiguous_26"; -"1786 contiguous_26" -> "1787 unsqueeze_42"; -"1787 unsqueeze_42" -> "1788 sigmoid_14"; -"1788 sigmoid_14" -> "1789 mul_28"; -"1789 mul_28" -> "1826 add_49"; -"1790 quantize_per_tensor_default_88" -> "1791 dequantize_per_tensor_default_88"; -"1791 dequantize_per_tensor_default_88" -> "1792 pad_16"; -"1792 pad_16" -> "1793 view_79"; -"1793 view_79" -> "1794 permute_65"; -"1794 permute_65" -> "1795 reshape_63"; -"1795 reshape_63" -> "1802 linear_88"; -"1796 _param_constant238" -> "1799 quantize_per_channel_default_89"; -"1797 linear_88_scale_0" -> "1799 quantize_per_channel_default_89"; -"1797 linear_88_scale_0" -> "1800 dequantize_per_channel_default_89"; -"1798 linear_88_zero_point_0" -> "1799 quantize_per_channel_default_89"; -"1798 linear_88_zero_point_0" -> "1800 dequantize_per_channel_default_89"; -"1799 quantize_per_channel_default_89" -> "1800 dequantize_per_channel_default_89"; -"1800 dequantize_per_channel_default_89" -> "1802 linear_88"; -"1801 _param_constant237_0_0" -> "1802 linear_88"; -"1802 linear_88" -> "1803 reshape_64"; -"1803 reshape_64" -> "1804 permute_66"; -"1804 permute_66" -> "1805 select_42"; -"1804 permute_66" -> "1806 select_43"; -"1804 permute_66" -> "1807 select_44"; -"1805 select_42" -> "1808 linalg_vector_norm_28"; -"1805 select_42" -> "1810 expand_as_28"; -"1805 select_42" -> "1811 div_28"; -"1806 select_43" -> "1814 linalg_vector_norm_29"; -"1806 select_43" -> "1816 expand_as_29"; -"1806 select_43" -> "1817 div_29"; -"1807 select_44" -> "1829 matmul_29"; -"1808 linalg_vector_norm_28" -> "1809 clamp_min_28"; -"1809 clamp_min_28" -> "1810 expand_as_28"; -"1810 expand_as_28" -> "1811 div_28"; -"1811 div_28" -> "1812 quantize_per_tensor_default_89"; -"1812 quantize_per_tensor_default_89" -> "1813 dequantize_per_tensor_default_89"; -"1813 dequantize_per_tensor_default_89" -> "1821 matmul_28"; -"1814 linalg_vector_norm_29" -> "1815 clamp_min_29"; -"1815 clamp_min_29" -> "1816 expand_as_29"; -"1816 expand_as_29" -> "1817 div_29"; -"1817 div_29" -> "1818 quantize_per_tensor_default_90"; -"1818 quantize_per_tensor_default_90" -> "1819 dequantize_per_tensor_default_90"; -"1819 dequantize_per_tensor_default_90" -> "1820 transpose_28"; -"1820 transpose_28" -> "1821 matmul_28"; -"1821 matmul_28" -> "1825 mul_29"; -"1822 _param_constant239" -> "1823 clamp_14"; -"1823 clamp_14" -> "1824 exp_14"; -"1824 exp_14" -> "1825 mul_29"; -"1825 mul_29" -> "1826 add_49"; -"1826 add_49" -> "1827 softmax_14"; -"1827 softmax_14" -> "1828 dropout_56"; -"1828 dropout_56" -> "1829 matmul_29"; -"1829 matmul_29" -> "1830 quantize_per_tensor_default_91"; -"1830 quantize_per_tensor_default_91" -> "1831 dequantize_per_tensor_default_91"; -"1831 dequantize_per_tensor_default_91" -> "1832 transpose_29"; -"1832 transpose_29" -> "1833 reshape_65"; -"1833 reshape_65" -> "1840 linear_89"; -"1834 _param_constant240" -> "1837 quantize_per_channel_default_90"; -"1835 linear_89_scale_0" -> "1837 quantize_per_channel_default_90"; -"1835 linear_89_scale_0" -> "1838 dequantize_per_channel_default_90"; -"1836 linear_89_zero_point_0" -> "1837 quantize_per_channel_default_90"; -"1836 linear_89_zero_point_0" -> "1838 dequantize_per_channel_default_90"; -"1837 quantize_per_channel_default_90" -> "1838 dequantize_per_channel_default_90"; -"1838 dequantize_per_channel_default_90" -> "1840 linear_89"; -"1839 _param_constant241_0_0" -> "1840 linear_89"; -"1840 linear_89" -> "1841 dropout_57"; -"1841 dropout_57" -> "1842 view_80"; -"1842 view_80" -> "1843 permute_67"; -"1843 permute_67" -> "1844 reshape_66"; -"1844 reshape_66" -> "1845 slice_218"; -"1845 slice_218" -> "1846 slice_219"; -"1846 slice_219" -> "1847 slice_220"; -"1847 slice_220" -> "1848 slice_221"; -"1848 slice_221" -> "1849 contiguous_27"; -"1849 contiguous_27" -> "1852 layer_norm_31"; -"1850 _param_constant242" -> "1852 layer_norm_31"; -"1851 _param_constant243" -> "1852 layer_norm_31"; -"1852 layer_norm_31" -> "1853 add_50"; -"1853 add_50" -> "1855 quantize_per_tensor_default_92"; -"1853 add_50" -> "1878 add_51"; -"1854 _param_constant244" -> "1859 quantize_per_channel_default_91"; -"1855 quantize_per_tensor_default_92" -> "1856 dequantize_per_tensor_default_92"; -"1856 dequantize_per_tensor_default_92" -> "1862 linear_90"; -"1857 linear_90_scale_0" -> "1859 quantize_per_channel_default_91"; -"1857 linear_90_scale_0" -> "1860 dequantize_per_channel_default_91"; -"1858 linear_90_zero_point_0" -> "1859 quantize_per_channel_default_91"; -"1858 linear_90_zero_point_0" -> "1860 dequantize_per_channel_default_91"; -"1859 quantize_per_channel_default_91" -> "1860 dequantize_per_channel_default_91"; -"1860 dequantize_per_channel_default_91" -> "1862 linear_90"; -"1861 _param_constant245_0_0" -> "1862 linear_90"; -"1862 linear_90" -> "1863 gelu_14"; -"1863 gelu_14" -> "1864 quantize_per_tensor_default_93"; -"1864 quantize_per_tensor_default_93" -> "1865 dequantize_per_tensor_default_93"; -"1865 dequantize_per_tensor_default_93" -> "1866 dropout_58"; -"1866 dropout_58" -> "1873 linear_91"; -"1867 _param_constant246" -> "1870 quantize_per_channel_default_92"; -"1868 linear_91_scale_0" -> "1870 quantize_per_channel_default_92"; -"1868 linear_91_scale_0" -> "1871 dequantize_per_channel_default_92"; -"1869 linear_91_zero_point_0" -> "1870 quantize_per_channel_default_92"; -"1869 linear_91_zero_point_0" -> "1871 dequantize_per_channel_default_92"; -"1870 quantize_per_channel_default_92" -> "1871 dequantize_per_channel_default_92"; -"1871 dequantize_per_channel_default_92" -> "1873 linear_91"; -"1872 _param_constant247_0_0" -> "1873 linear_91"; -"1873 linear_91" -> "1874 dropout_59"; -"1874 dropout_59" -> "1877 layer_norm_32"; -"1875 _param_constant248" -> "1877 layer_norm_32"; -"1876 _param_constant249" -> "1877 layer_norm_32"; -"1877 layer_norm_32" -> "1878 add_51"; -"1878 add_51" -> "1903 pad_17"; -"1878 add_51" -> "1984 add_54"; -"1879 _tensor_constant93" -> "1886 linear_92"; -"1880 _param_constant250" -> "1883 quantize_per_channel_default_93"; -"1881 linear_92_scale_0" -> "1883 quantize_per_channel_default_93"; -"1881 linear_92_scale_0" -> "1884 dequantize_per_channel_default_93"; -"1882 linear_92_zero_point_0" -> "1883 quantize_per_channel_default_93"; -"1882 linear_92_zero_point_0" -> "1884 dequantize_per_channel_default_93"; -"1883 quantize_per_channel_default_93" -> "1884 dequantize_per_channel_default_93"; -"1884 dequantize_per_channel_default_93" -> "1886 linear_92"; -"1885 _param_constant251_0_0" -> "1886 linear_92"; -"1886 linear_92" -> "1887 relu__15"; -"1887 relu__15" -> "1893 linear_93"; -"1888 _param_constant252" -> "1891 quantize_per_channel_default_94"; -"1889 linear_93_scale_0" -> "1891 quantize_per_channel_default_94"; -"1889 linear_93_scale_0" -> "1892 dequantize_per_channel_default_94"; -"1890 linear_93_zero_point_0" -> "1891 quantize_per_channel_default_94"; -"1890 linear_93_zero_point_0" -> "1892 dequantize_per_channel_default_94"; -"1891 quantize_per_channel_default_94" -> "1892 dequantize_per_channel_default_94"; -"1892 dequantize_per_channel_default_94" -> "1893 linear_93"; -"1893 linear_93" -> "1894 view_81"; -"1894 view_81" -> "1896 index_15"; -"1895 _tensor_constant94" -> "1896 index_15"; -"1896 index_15" -> "1897 view_82"; -"1897 view_82" -> "1898 permute_68"; -"1898 permute_68" -> "1899 contiguous_28"; -"1899 contiguous_28" -> "1900 unsqueeze_43"; -"1900 unsqueeze_43" -> "1901 sigmoid_15"; -"1901 sigmoid_15" -> "1902 mul_30"; -"1902 mul_30" -> "1940 add_52"; -"1903 pad_17" -> "1904 roll_14"; -"1904 roll_14" -> "1905 view_83"; -"1905 view_83" -> "1906 permute_69"; -"1906 permute_69" -> "1907 reshape_67"; -"1907 reshape_67" -> "1909 quantize_per_tensor_default_94"; -"1907 reshape_67" -> "1941 new_zeros_7"; -"1908 _param_constant254" -> "1913 quantize_per_channel_default_95"; -"1909 quantize_per_tensor_default_94" -> "1910 dequantize_per_tensor_default_94"; -"1910 dequantize_per_tensor_default_94" -> "1916 linear_94"; -"1911 linear_94_scale_0" -> "1913 quantize_per_channel_default_95"; -"1911 linear_94_scale_0" -> "1914 dequantize_per_channel_default_95"; -"1912 linear_94_zero_point_0" -> "1913 quantize_per_channel_default_95"; -"1912 linear_94_zero_point_0" -> "1914 dequantize_per_channel_default_95"; -"1913 quantize_per_channel_default_95" -> "1914 dequantize_per_channel_default_95"; -"1914 dequantize_per_channel_default_95" -> "1916 linear_94"; -"1915 _param_constant253_0_0" -> "1916 linear_94"; -"1916 linear_94" -> "1917 reshape_68"; -"1917 reshape_68" -> "1918 permute_70"; -"1918 permute_70" -> "1919 select_45"; -"1918 permute_70" -> "1920 select_46"; -"1918 permute_70" -> "1921 select_47"; -"1919 select_45" -> "1922 linalg_vector_norm_30"; -"1919 select_45" -> "1924 expand_as_30"; -"1919 select_45" -> "1925 div_30"; -"1920 select_46" -> "1928 linalg_vector_norm_31"; -"1920 select_46" -> "1930 expand_as_31"; -"1920 select_46" -> "1931 div_31"; -"1921 select_47" -> "1959 matmul_31"; -"1922 linalg_vector_norm_30" -> "1923 clamp_min_30"; -"1923 clamp_min_30" -> "1924 expand_as_30"; -"1924 expand_as_30" -> "1925 div_30"; -"1925 div_30" -> "1926 quantize_per_tensor_default_95"; -"1926 quantize_per_tensor_default_95" -> "1927 dequantize_per_tensor_default_95"; -"1927 dequantize_per_tensor_default_95" -> "1935 matmul_30"; -"1928 linalg_vector_norm_31" -> "1929 clamp_min_31"; -"1929 clamp_min_31" -> "1930 expand_as_31"; -"1930 expand_as_31" -> "1931 div_31"; -"1931 div_31" -> "1932 quantize_per_tensor_default_96"; -"1932 quantize_per_tensor_default_96" -> "1933 dequantize_per_tensor_default_96"; -"1933 dequantize_per_tensor_default_96" -> "1934 transpose_30"; -"1934 transpose_30" -> "1935 matmul_30"; -"1935 matmul_30" -> "1939 mul_31"; -"1936 _param_constant255" -> "1937 clamp_15"; -"1937 clamp_15" -> "1938 exp_15"; -"1938 exp_15" -> "1939 mul_31"; -"1939 mul_31" -> "1940 add_52"; -"1940 add_52" -> "1952 view_85"; -"1941 new_zeros_7" -> "1942 view_84"; -"1942 view_84" -> "1943 permute_71"; -"1943 permute_71" -> "1944 reshape_69"; -"1944 reshape_69" -> "1945 unsqueeze_44"; -"1944 reshape_69" -> "1946 unsqueeze_45"; -"1945 unsqueeze_44" -> "1947 sub_7"; -"1946 unsqueeze_45" -> "1947 sub_7"; -"1947 sub_7" -> "1948 ne_7"; -"1947 sub_7" -> "1949 masked_fill_14"; -"1947 sub_7" -> "1950 eq_7"; -"1948 ne_7" -> "1949 masked_fill_14"; -"1949 masked_fill_14" -> "1951 masked_fill_15"; -"1950 eq_7" -> "1951 masked_fill_15"; -"1951 masked_fill_15" -> "1953 unsqueeze_46"; -"1952 view_85" -> "1955 add_53"; -"1953 unsqueeze_46" -> "1954 unsqueeze_47"; -"1954 unsqueeze_47" -> "1955 add_53"; -"1955 add_53" -> "1956 view_86"; -"1956 view_86" -> "1957 softmax_15"; -"1957 softmax_15" -> "1958 dropout_60"; -"1958 dropout_60" -> "1959 matmul_31"; -"1959 matmul_31" -> "1960 quantize_per_tensor_default_97"; -"1960 quantize_per_tensor_default_97" -> "1961 dequantize_per_tensor_default_97"; -"1961 dequantize_per_tensor_default_97" -> "1962 transpose_31"; -"1962 transpose_31" -> "1963 reshape_70"; -"1963 reshape_70" -> "1970 linear_95"; -"1964 _param_constant256" -> "1967 quantize_per_channel_default_96"; -"1965 linear_95_scale_0" -> "1967 quantize_per_channel_default_96"; -"1965 linear_95_scale_0" -> "1968 dequantize_per_channel_default_96"; -"1966 linear_95_zero_point_0" -> "1967 quantize_per_channel_default_96"; -"1966 linear_95_zero_point_0" -> "1968 dequantize_per_channel_default_96"; -"1967 quantize_per_channel_default_96" -> "1968 dequantize_per_channel_default_96"; -"1968 dequantize_per_channel_default_96" -> "1970 linear_95"; -"1969 _param_constant257_0_0" -> "1970 linear_95"; -"1970 linear_95" -> "1971 dropout_61"; -"1971 dropout_61" -> "1972 view_87"; -"1972 view_87" -> "1973 permute_72"; -"1973 permute_72" -> "1974 reshape_71"; -"1974 reshape_71" -> "1975 roll_15"; -"1975 roll_15" -> "1976 slice_241"; -"1976 slice_241" -> "1977 slice_242"; -"1977 slice_242" -> "1978 slice_243"; -"1978 slice_243" -> "1979 slice_244"; -"1979 slice_244" -> "1980 contiguous_29"; -"1980 contiguous_29" -> "1983 layer_norm_33"; -"1981 _param_constant258" -> "1983 layer_norm_33"; -"1982 _param_constant259" -> "1983 layer_norm_33"; -"1983 layer_norm_33" -> "1984 add_54"; -"1984 add_54" -> "1986 quantize_per_tensor_default_98"; -"1984 add_54" -> "2009 add_55"; -"1985 _param_constant260" -> "1990 quantize_per_channel_default_97"; -"1986 quantize_per_tensor_default_98" -> "1987 dequantize_per_tensor_default_98"; -"1987 dequantize_per_tensor_default_98" -> "1993 linear_96"; -"1988 linear_96_scale_0" -> "1990 quantize_per_channel_default_97"; -"1988 linear_96_scale_0" -> "1991 dequantize_per_channel_default_97"; -"1989 linear_96_zero_point_0" -> "1990 quantize_per_channel_default_97"; -"1989 linear_96_zero_point_0" -> "1991 dequantize_per_channel_default_97"; -"1990 quantize_per_channel_default_97" -> "1991 dequantize_per_channel_default_97"; -"1991 dequantize_per_channel_default_97" -> "1993 linear_96"; -"1992 _param_constant261_0_0" -> "1993 linear_96"; -"1993 linear_96" -> "1994 gelu_15"; -"1994 gelu_15" -> "1995 quantize_per_tensor_default_99"; -"1995 quantize_per_tensor_default_99" -> "1996 dequantize_per_tensor_default_99"; -"1996 dequantize_per_tensor_default_99" -> "1997 dropout_62"; -"1997 dropout_62" -> "2004 linear_97"; -"1998 _param_constant262" -> "2001 quantize_per_channel_default_98"; -"1999 linear_97_scale_0" -> "2001 quantize_per_channel_default_98"; -"1999 linear_97_scale_0" -> "2002 dequantize_per_channel_default_98"; -"2000 linear_97_zero_point_0" -> "2001 quantize_per_channel_default_98"; -"2000 linear_97_zero_point_0" -> "2002 dequantize_per_channel_default_98"; -"2001 quantize_per_channel_default_98" -> "2002 dequantize_per_channel_default_98"; -"2002 dequantize_per_channel_default_98" -> "2004 linear_97"; -"2003 _param_constant263_0_0" -> "2004 linear_97"; -"2004 linear_97" -> "2005 dropout_63"; -"2005 dropout_63" -> "2008 layer_norm_34"; -"2006 _param_constant264" -> "2008 layer_norm_34"; -"2007 _param_constant265" -> "2008 layer_norm_34"; -"2008 layer_norm_34" -> "2009 add_55"; -"2009 add_55" -> "2034 quantize_per_tensor_default_100"; -"2009 add_55" -> "2097 add_57"; -"2010 _tensor_constant104" -> "2017 linear_98"; -"2011 _param_constant266" -> "2014 quantize_per_channel_default_99"; -"2012 linear_98_scale_0" -> "2014 quantize_per_channel_default_99"; -"2012 linear_98_scale_0" -> "2015 dequantize_per_channel_default_99"; -"2013 linear_98_zero_point_0" -> "2014 quantize_per_channel_default_99"; -"2013 linear_98_zero_point_0" -> "2015 dequantize_per_channel_default_99"; -"2014 quantize_per_channel_default_99" -> "2015 dequantize_per_channel_default_99"; -"2015 dequantize_per_channel_default_99" -> "2017 linear_98"; -"2016 _param_constant267_0_0" -> "2017 linear_98"; -"2017 linear_98" -> "2018 relu__16"; -"2018 relu__16" -> "2024 linear_99"; -"2019 _param_constant268" -> "2022 quantize_per_channel_default_100"; -"2020 linear_99_scale_0" -> "2022 quantize_per_channel_default_100"; -"2020 linear_99_scale_0" -> "2023 dequantize_per_channel_default_100"; -"2021 linear_99_zero_point_0" -> "2022 quantize_per_channel_default_100"; -"2021 linear_99_zero_point_0" -> "2023 dequantize_per_channel_default_100"; -"2022 quantize_per_channel_default_100" -> "2023 dequantize_per_channel_default_100"; -"2023 dequantize_per_channel_default_100" -> "2024 linear_99"; -"2024 linear_99" -> "2025 view_88"; -"2025 view_88" -> "2027 index_16"; -"2026 _tensor_constant105" -> "2027 index_16"; -"2027 index_16" -> "2028 view_89"; -"2028 view_89" -> "2029 permute_73"; -"2029 permute_73" -> "2030 contiguous_30"; -"2030 contiguous_30" -> "2031 unsqueeze_48"; -"2031 unsqueeze_48" -> "2032 sigmoid_16"; -"2032 sigmoid_16" -> "2033 mul_32"; -"2033 mul_32" -> "2070 add_56"; -"2034 quantize_per_tensor_default_100" -> "2035 dequantize_per_tensor_default_100"; -"2035 dequantize_per_tensor_default_100" -> "2036 pad_18"; -"2036 pad_18" -> "2037 view_90"; -"2037 view_90" -> "2038 permute_74"; -"2038 permute_74" -> "2039 reshape_72"; -"2039 reshape_72" -> "2046 linear_100"; -"2040 _param_constant270" -> "2043 quantize_per_channel_default_101"; -"2041 linear_100_scale_0" -> "2043 quantize_per_channel_default_101"; -"2041 linear_100_scale_0" -> "2044 dequantize_per_channel_default_101"; -"2042 linear_100_zero_point_0" -> "2043 quantize_per_channel_default_101"; -"2042 linear_100_zero_point_0" -> "2044 dequantize_per_channel_default_101"; -"2043 quantize_per_channel_default_101" -> "2044 dequantize_per_channel_default_101"; -"2044 dequantize_per_channel_default_101" -> "2046 linear_100"; -"2045 _param_constant269_0_0" -> "2046 linear_100"; -"2046 linear_100" -> "2047 reshape_73"; -"2047 reshape_73" -> "2048 permute_75"; -"2048 permute_75" -> "2049 select_48"; -"2048 permute_75" -> "2050 select_49"; -"2048 permute_75" -> "2051 select_50"; -"2049 select_48" -> "2052 linalg_vector_norm_32"; -"2049 select_48" -> "2054 expand_as_32"; -"2049 select_48" -> "2055 div_32"; -"2050 select_49" -> "2058 linalg_vector_norm_33"; -"2050 select_49" -> "2060 expand_as_33"; -"2050 select_49" -> "2061 div_33"; -"2051 select_50" -> "2073 matmul_33"; -"2052 linalg_vector_norm_32" -> "2053 clamp_min_32"; -"2053 clamp_min_32" -> "2054 expand_as_32"; -"2054 expand_as_32" -> "2055 div_32"; -"2055 div_32" -> "2056 quantize_per_tensor_default_101"; -"2056 quantize_per_tensor_default_101" -> "2057 dequantize_per_tensor_default_101"; -"2057 dequantize_per_tensor_default_101" -> "2065 matmul_32"; -"2058 linalg_vector_norm_33" -> "2059 clamp_min_33"; -"2059 clamp_min_33" -> "2060 expand_as_33"; -"2060 expand_as_33" -> "2061 div_33"; -"2061 div_33" -> "2062 quantize_per_tensor_default_102"; -"2062 quantize_per_tensor_default_102" -> "2063 dequantize_per_tensor_default_102"; -"2063 dequantize_per_tensor_default_102" -> "2064 transpose_32"; -"2064 transpose_32" -> "2065 matmul_32"; -"2065 matmul_32" -> "2069 mul_33"; -"2066 _param_constant271" -> "2067 clamp_16"; -"2067 clamp_16" -> "2068 exp_16"; -"2068 exp_16" -> "2069 mul_33"; -"2069 mul_33" -> "2070 add_56"; -"2070 add_56" -> "2071 softmax_16"; -"2071 softmax_16" -> "2072 dropout_64"; -"2072 dropout_64" -> "2073 matmul_33"; -"2073 matmul_33" -> "2074 quantize_per_tensor_default_103"; -"2074 quantize_per_tensor_default_103" -> "2075 dequantize_per_tensor_default_103"; -"2075 dequantize_per_tensor_default_103" -> "2076 transpose_33"; -"2076 transpose_33" -> "2077 reshape_74"; -"2077 reshape_74" -> "2084 linear_101"; -"2078 _param_constant272" -> "2081 quantize_per_channel_default_102"; -"2079 linear_101_scale_0" -> "2081 quantize_per_channel_default_102"; -"2079 linear_101_scale_0" -> "2082 dequantize_per_channel_default_102"; -"2080 linear_101_zero_point_0" -> "2081 quantize_per_channel_default_102"; -"2080 linear_101_zero_point_0" -> "2082 dequantize_per_channel_default_102"; -"2081 quantize_per_channel_default_102" -> "2082 dequantize_per_channel_default_102"; -"2082 dequantize_per_channel_default_102" -> "2084 linear_101"; -"2083 _param_constant273_0_0" -> "2084 linear_101"; -"2084 linear_101" -> "2085 dropout_65"; -"2085 dropout_65" -> "2086 view_91"; -"2086 view_91" -> "2087 permute_76"; -"2087 permute_76" -> "2088 reshape_75"; -"2088 reshape_75" -> "2089 slice_246"; -"2089 slice_246" -> "2090 slice_247"; -"2090 slice_247" -> "2091 slice_248"; -"2091 slice_248" -> "2092 slice_249"; -"2092 slice_249" -> "2093 contiguous_31"; -"2093 contiguous_31" -> "2096 layer_norm_35"; -"2094 _param_constant274" -> "2096 layer_norm_35"; -"2095 _param_constant275" -> "2096 layer_norm_35"; -"2096 layer_norm_35" -> "2097 add_57"; -"2097 add_57" -> "2099 quantize_per_tensor_default_104"; -"2097 add_57" -> "2122 add_58"; -"2098 _param_constant276" -> "2103 quantize_per_channel_default_103"; -"2099 quantize_per_tensor_default_104" -> "2100 dequantize_per_tensor_default_104"; -"2100 dequantize_per_tensor_default_104" -> "2106 linear_102"; -"2101 linear_102_scale_0" -> "2103 quantize_per_channel_default_103"; -"2101 linear_102_scale_0" -> "2104 dequantize_per_channel_default_103"; -"2102 linear_102_zero_point_0" -> "2103 quantize_per_channel_default_103"; -"2102 linear_102_zero_point_0" -> "2104 dequantize_per_channel_default_103"; -"2103 quantize_per_channel_default_103" -> "2104 dequantize_per_channel_default_103"; -"2104 dequantize_per_channel_default_103" -> "2106 linear_102"; -"2105 _param_constant277_0_0" -> "2106 linear_102"; -"2106 linear_102" -> "2107 gelu_16"; -"2107 gelu_16" -> "2108 quantize_per_tensor_default_105"; -"2108 quantize_per_tensor_default_105" -> "2109 dequantize_per_tensor_default_105"; -"2109 dequantize_per_tensor_default_105" -> "2110 dropout_66"; -"2110 dropout_66" -> "2117 linear_103"; -"2111 _param_constant278" -> "2114 quantize_per_channel_default_104"; -"2112 linear_103_scale_0" -> "2114 quantize_per_channel_default_104"; -"2112 linear_103_scale_0" -> "2115 dequantize_per_channel_default_104"; -"2113 linear_103_zero_point_0" -> "2114 quantize_per_channel_default_104"; -"2113 linear_103_zero_point_0" -> "2115 dequantize_per_channel_default_104"; -"2114 quantize_per_channel_default_104" -> "2115 dequantize_per_channel_default_104"; -"2115 dequantize_per_channel_default_104" -> "2117 linear_103"; -"2116 _param_constant279_0_0" -> "2117 linear_103"; -"2117 linear_103" -> "2118 dropout_67"; -"2118 dropout_67" -> "2121 layer_norm_36"; -"2119 _param_constant280" -> "2121 layer_norm_36"; -"2120 _param_constant281" -> "2121 layer_norm_36"; -"2121 layer_norm_36" -> "2122 add_58"; -"2122 add_58" -> "2147 pad_19"; -"2122 add_58" -> "2228 add_61"; -"2123 _tensor_constant106" -> "2130 linear_104"; -"2124 _param_constant282" -> "2127 quantize_per_channel_default_105"; -"2125 linear_104_scale_0" -> "2127 quantize_per_channel_default_105"; -"2125 linear_104_scale_0" -> "2128 dequantize_per_channel_default_105"; -"2126 linear_104_zero_point_0" -> "2127 quantize_per_channel_default_105"; -"2126 linear_104_zero_point_0" -> "2128 dequantize_per_channel_default_105"; -"2127 quantize_per_channel_default_105" -> "2128 dequantize_per_channel_default_105"; -"2128 dequantize_per_channel_default_105" -> "2130 linear_104"; -"2129 _param_constant283_0_0" -> "2130 linear_104"; -"2130 linear_104" -> "2131 relu__17"; -"2131 relu__17" -> "2137 linear_105"; -"2132 _param_constant284" -> "2135 quantize_per_channel_default_106"; -"2133 linear_105_scale_0" -> "2135 quantize_per_channel_default_106"; -"2133 linear_105_scale_0" -> "2136 dequantize_per_channel_default_106"; -"2134 linear_105_zero_point_0" -> "2135 quantize_per_channel_default_106"; -"2134 linear_105_zero_point_0" -> "2136 dequantize_per_channel_default_106"; -"2135 quantize_per_channel_default_106" -> "2136 dequantize_per_channel_default_106"; -"2136 dequantize_per_channel_default_106" -> "2137 linear_105"; -"2137 linear_105" -> "2138 view_92"; -"2138 view_92" -> "2140 index_17"; -"2139 _tensor_constant107" -> "2140 index_17"; -"2140 index_17" -> "2141 view_93"; -"2141 view_93" -> "2142 permute_77"; -"2142 permute_77" -> "2143 contiguous_32"; -"2143 contiguous_32" -> "2144 unsqueeze_49"; -"2144 unsqueeze_49" -> "2145 sigmoid_17"; -"2145 sigmoid_17" -> "2146 mul_34"; -"2146 mul_34" -> "2184 add_59"; -"2147 pad_19" -> "2148 roll_16"; -"2148 roll_16" -> "2149 view_94"; -"2149 view_94" -> "2150 permute_78"; -"2150 permute_78" -> "2151 reshape_76"; -"2151 reshape_76" -> "2153 quantize_per_tensor_default_106"; -"2151 reshape_76" -> "2185 new_zeros_8"; -"2152 _param_constant286" -> "2157 quantize_per_channel_default_107"; -"2153 quantize_per_tensor_default_106" -> "2154 dequantize_per_tensor_default_106"; -"2154 dequantize_per_tensor_default_106" -> "2160 linear_106"; -"2155 linear_106_scale_0" -> "2157 quantize_per_channel_default_107"; -"2155 linear_106_scale_0" -> "2158 dequantize_per_channel_default_107"; -"2156 linear_106_zero_point_0" -> "2157 quantize_per_channel_default_107"; -"2156 linear_106_zero_point_0" -> "2158 dequantize_per_channel_default_107"; -"2157 quantize_per_channel_default_107" -> "2158 dequantize_per_channel_default_107"; -"2158 dequantize_per_channel_default_107" -> "2160 linear_106"; -"2159 _param_constant285_0_0" -> "2160 linear_106"; -"2160 linear_106" -> "2161 reshape_77"; -"2161 reshape_77" -> "2162 permute_79"; -"2162 permute_79" -> "2163 select_51"; -"2162 permute_79" -> "2164 select_52"; -"2162 permute_79" -> "2165 select_53"; -"2163 select_51" -> "2166 linalg_vector_norm_34"; -"2163 select_51" -> "2168 expand_as_34"; -"2163 select_51" -> "2169 div_34"; -"2164 select_52" -> "2172 linalg_vector_norm_35"; -"2164 select_52" -> "2174 expand_as_35"; -"2164 select_52" -> "2175 div_35"; -"2165 select_53" -> "2203 matmul_35"; -"2166 linalg_vector_norm_34" -> "2167 clamp_min_34"; -"2167 clamp_min_34" -> "2168 expand_as_34"; -"2168 expand_as_34" -> "2169 div_34"; -"2169 div_34" -> "2170 quantize_per_tensor_default_107"; -"2170 quantize_per_tensor_default_107" -> "2171 dequantize_per_tensor_default_107"; -"2171 dequantize_per_tensor_default_107" -> "2179 matmul_34"; -"2172 linalg_vector_norm_35" -> "2173 clamp_min_35"; -"2173 clamp_min_35" -> "2174 expand_as_35"; -"2174 expand_as_35" -> "2175 div_35"; -"2175 div_35" -> "2176 quantize_per_tensor_default_108"; -"2176 quantize_per_tensor_default_108" -> "2177 dequantize_per_tensor_default_108"; -"2177 dequantize_per_tensor_default_108" -> "2178 transpose_34"; -"2178 transpose_34" -> "2179 matmul_34"; -"2179 matmul_34" -> "2183 mul_35"; -"2180 _param_constant287" -> "2181 clamp_17"; -"2181 clamp_17" -> "2182 exp_17"; -"2182 exp_17" -> "2183 mul_35"; -"2183 mul_35" -> "2184 add_59"; -"2184 add_59" -> "2196 view_96"; -"2185 new_zeros_8" -> "2186 view_95"; -"2186 view_95" -> "2187 permute_80"; -"2187 permute_80" -> "2188 reshape_78"; -"2188 reshape_78" -> "2189 unsqueeze_50"; -"2188 reshape_78" -> "2190 unsqueeze_51"; -"2189 unsqueeze_50" -> "2191 sub_8"; -"2190 unsqueeze_51" -> "2191 sub_8"; -"2191 sub_8" -> "2192 ne_8"; -"2191 sub_8" -> "2193 masked_fill_16"; -"2191 sub_8" -> "2194 eq_8"; -"2192 ne_8" -> "2193 masked_fill_16"; -"2193 masked_fill_16" -> "2195 masked_fill_17"; -"2194 eq_8" -> "2195 masked_fill_17"; -"2195 masked_fill_17" -> "2197 unsqueeze_52"; -"2196 view_96" -> "2199 add_60"; -"2197 unsqueeze_52" -> "2198 unsqueeze_53"; -"2198 unsqueeze_53" -> "2199 add_60"; -"2199 add_60" -> "2200 view_97"; -"2200 view_97" -> "2201 softmax_17"; -"2201 softmax_17" -> "2202 dropout_68"; -"2202 dropout_68" -> "2203 matmul_35"; -"2203 matmul_35" -> "2204 quantize_per_tensor_default_109"; -"2204 quantize_per_tensor_default_109" -> "2205 dequantize_per_tensor_default_109"; -"2205 dequantize_per_tensor_default_109" -> "2206 transpose_35"; -"2206 transpose_35" -> "2207 reshape_79"; -"2207 reshape_79" -> "2214 linear_107"; -"2208 _param_constant288" -> "2211 quantize_per_channel_default_108"; -"2209 linear_107_scale_0" -> "2211 quantize_per_channel_default_108"; -"2209 linear_107_scale_0" -> "2212 dequantize_per_channel_default_108"; -"2210 linear_107_zero_point_0" -> "2211 quantize_per_channel_default_108"; -"2210 linear_107_zero_point_0" -> "2212 dequantize_per_channel_default_108"; -"2211 quantize_per_channel_default_108" -> "2212 dequantize_per_channel_default_108"; -"2212 dequantize_per_channel_default_108" -> "2214 linear_107"; -"2213 _param_constant289_0_0" -> "2214 linear_107"; -"2214 linear_107" -> "2215 dropout_69"; -"2215 dropout_69" -> "2216 view_98"; -"2216 view_98" -> "2217 permute_81"; -"2217 permute_81" -> "2218 reshape_80"; -"2218 reshape_80" -> "2219 roll_17"; -"2219 roll_17" -> "2220 slice_269"; -"2220 slice_269" -> "2221 slice_270"; -"2221 slice_270" -> "2222 slice_271"; -"2222 slice_271" -> "2223 slice_272"; -"2223 slice_272" -> "2224 contiguous_33"; -"2224 contiguous_33" -> "2227 layer_norm_37"; -"2225 _param_constant290" -> "2227 layer_norm_37"; -"2226 _param_constant291" -> "2227 layer_norm_37"; -"2227 layer_norm_37" -> "2228 add_61"; -"2228 add_61" -> "2230 quantize_per_tensor_default_110"; -"2228 add_61" -> "2253 add_62"; -"2229 _param_constant292" -> "2234 quantize_per_channel_default_109"; -"2230 quantize_per_tensor_default_110" -> "2231 dequantize_per_tensor_default_110"; -"2231 dequantize_per_tensor_default_110" -> "2237 linear_108"; -"2232 linear_108_scale_0" -> "2234 quantize_per_channel_default_109"; -"2232 linear_108_scale_0" -> "2235 dequantize_per_channel_default_109"; -"2233 linear_108_zero_point_0" -> "2234 quantize_per_channel_default_109"; -"2233 linear_108_zero_point_0" -> "2235 dequantize_per_channel_default_109"; -"2234 quantize_per_channel_default_109" -> "2235 dequantize_per_channel_default_109"; -"2235 dequantize_per_channel_default_109" -> "2237 linear_108"; -"2236 _param_constant293_0_0" -> "2237 linear_108"; -"2237 linear_108" -> "2238 gelu_17"; -"2238 gelu_17" -> "2239 quantize_per_tensor_default_111"; -"2239 quantize_per_tensor_default_111" -> "2240 dequantize_per_tensor_default_111"; -"2240 dequantize_per_tensor_default_111" -> "2241 dropout_70"; -"2241 dropout_70" -> "2248 linear_109"; -"2242 _param_constant294" -> "2245 quantize_per_channel_default_110"; -"2243 linear_109_scale_0" -> "2245 quantize_per_channel_default_110"; -"2243 linear_109_scale_0" -> "2246 dequantize_per_channel_default_110"; -"2244 linear_109_zero_point_0" -> "2245 quantize_per_channel_default_110"; -"2244 linear_109_zero_point_0" -> "2246 dequantize_per_channel_default_110"; -"2245 quantize_per_channel_default_110" -> "2246 dequantize_per_channel_default_110"; -"2246 dequantize_per_channel_default_110" -> "2248 linear_109"; -"2247 _param_constant295_0_0" -> "2248 linear_109"; -"2248 linear_109" -> "2249 dropout_71"; -"2249 dropout_71" -> "2252 layer_norm_38"; -"2250 _param_constant296" -> "2252 layer_norm_38"; -"2251 _param_constant297" -> "2252 layer_norm_38"; -"2252 layer_norm_38" -> "2253 add_62"; -"2253 add_62" -> "2278 quantize_per_tensor_default_112"; -"2253 add_62" -> "2341 add_64"; -"2254 _tensor_constant117" -> "2261 linear_110"; -"2255 _param_constant298" -> "2258 quantize_per_channel_default_111"; -"2256 linear_110_scale_0" -> "2258 quantize_per_channel_default_111"; -"2256 linear_110_scale_0" -> "2259 dequantize_per_channel_default_111"; -"2257 linear_110_zero_point_0" -> "2258 quantize_per_channel_default_111"; -"2257 linear_110_zero_point_0" -> "2259 dequantize_per_channel_default_111"; -"2258 quantize_per_channel_default_111" -> "2259 dequantize_per_channel_default_111"; -"2259 dequantize_per_channel_default_111" -> "2261 linear_110"; -"2260 _param_constant299_0_0" -> "2261 linear_110"; -"2261 linear_110" -> "2262 relu__18"; -"2262 relu__18" -> "2268 linear_111"; -"2263 _param_constant300" -> "2266 quantize_per_channel_default_112"; -"2264 linear_111_scale_0" -> "2266 quantize_per_channel_default_112"; -"2264 linear_111_scale_0" -> "2267 dequantize_per_channel_default_112"; -"2265 linear_111_zero_point_0" -> "2266 quantize_per_channel_default_112"; -"2265 linear_111_zero_point_0" -> "2267 dequantize_per_channel_default_112"; -"2266 quantize_per_channel_default_112" -> "2267 dequantize_per_channel_default_112"; -"2267 dequantize_per_channel_default_112" -> "2268 linear_111"; -"2268 linear_111" -> "2269 view_99"; -"2269 view_99" -> "2271 index_18"; -"2270 _tensor_constant118" -> "2271 index_18"; -"2271 index_18" -> "2272 view_100"; -"2272 view_100" -> "2273 permute_82"; -"2273 permute_82" -> "2274 contiguous_34"; -"2274 contiguous_34" -> "2275 unsqueeze_54"; -"2275 unsqueeze_54" -> "2276 sigmoid_18"; -"2276 sigmoid_18" -> "2277 mul_36"; -"2277 mul_36" -> "2314 add_63"; -"2278 quantize_per_tensor_default_112" -> "2279 dequantize_per_tensor_default_112"; -"2279 dequantize_per_tensor_default_112" -> "2280 pad_20"; -"2280 pad_20" -> "2281 view_101"; -"2281 view_101" -> "2282 permute_83"; -"2282 permute_83" -> "2283 reshape_81"; -"2283 reshape_81" -> "2290 linear_112"; -"2284 _param_constant302" -> "2287 quantize_per_channel_default_113"; -"2285 linear_112_scale_0" -> "2287 quantize_per_channel_default_113"; -"2285 linear_112_scale_0" -> "2288 dequantize_per_channel_default_113"; -"2286 linear_112_zero_point_0" -> "2287 quantize_per_channel_default_113"; -"2286 linear_112_zero_point_0" -> "2288 dequantize_per_channel_default_113"; -"2287 quantize_per_channel_default_113" -> "2288 dequantize_per_channel_default_113"; -"2288 dequantize_per_channel_default_113" -> "2290 linear_112"; -"2289 _param_constant301_0_0" -> "2290 linear_112"; -"2290 linear_112" -> "2291 reshape_82"; -"2291 reshape_82" -> "2292 permute_84"; -"2292 permute_84" -> "2293 select_54"; -"2292 permute_84" -> "2294 select_55"; -"2292 permute_84" -> "2295 select_56"; -"2293 select_54" -> "2296 linalg_vector_norm_36"; -"2293 select_54" -> "2298 expand_as_36"; -"2293 select_54" -> "2299 div_36"; -"2294 select_55" -> "2302 linalg_vector_norm_37"; -"2294 select_55" -> "2304 expand_as_37"; -"2294 select_55" -> "2305 div_37"; -"2295 select_56" -> "2317 matmul_37"; -"2296 linalg_vector_norm_36" -> "2297 clamp_min_36"; -"2297 clamp_min_36" -> "2298 expand_as_36"; -"2298 expand_as_36" -> "2299 div_36"; -"2299 div_36" -> "2300 quantize_per_tensor_default_113"; -"2300 quantize_per_tensor_default_113" -> "2301 dequantize_per_tensor_default_113"; -"2301 dequantize_per_tensor_default_113" -> "2309 matmul_36"; -"2302 linalg_vector_norm_37" -> "2303 clamp_min_37"; -"2303 clamp_min_37" -> "2304 expand_as_37"; -"2304 expand_as_37" -> "2305 div_37"; -"2305 div_37" -> "2306 quantize_per_tensor_default_114"; -"2306 quantize_per_tensor_default_114" -> "2307 dequantize_per_tensor_default_114"; -"2307 dequantize_per_tensor_default_114" -> "2308 transpose_36"; -"2308 transpose_36" -> "2309 matmul_36"; -"2309 matmul_36" -> "2313 mul_37"; -"2310 _param_constant303" -> "2311 clamp_18"; -"2311 clamp_18" -> "2312 exp_18"; -"2312 exp_18" -> "2313 mul_37"; -"2313 mul_37" -> "2314 add_63"; -"2314 add_63" -> "2315 softmax_18"; -"2315 softmax_18" -> "2316 dropout_72"; -"2316 dropout_72" -> "2317 matmul_37"; -"2317 matmul_37" -> "2318 quantize_per_tensor_default_115"; -"2318 quantize_per_tensor_default_115" -> "2319 dequantize_per_tensor_default_115"; -"2319 dequantize_per_tensor_default_115" -> "2320 transpose_37"; -"2320 transpose_37" -> "2321 reshape_83"; -"2321 reshape_83" -> "2328 linear_113"; -"2322 _param_constant304" -> "2325 quantize_per_channel_default_114"; -"2323 linear_113_scale_0" -> "2325 quantize_per_channel_default_114"; -"2323 linear_113_scale_0" -> "2326 dequantize_per_channel_default_114"; -"2324 linear_113_zero_point_0" -> "2325 quantize_per_channel_default_114"; -"2324 linear_113_zero_point_0" -> "2326 dequantize_per_channel_default_114"; -"2325 quantize_per_channel_default_114" -> "2326 dequantize_per_channel_default_114"; -"2326 dequantize_per_channel_default_114" -> "2328 linear_113"; -"2327 _param_constant305_0_0" -> "2328 linear_113"; -"2328 linear_113" -> "2329 dropout_73"; -"2329 dropout_73" -> "2330 view_102"; -"2330 view_102" -> "2331 permute_85"; -"2331 permute_85" -> "2332 reshape_84"; -"2332 reshape_84" -> "2333 slice_274"; -"2333 slice_274" -> "2334 slice_275"; -"2334 slice_275" -> "2335 slice_276"; -"2335 slice_276" -> "2336 slice_277"; -"2336 slice_277" -> "2337 contiguous_35"; -"2337 contiguous_35" -> "2340 layer_norm_39"; -"2338 _param_constant306" -> "2340 layer_norm_39"; -"2339 _param_constant307" -> "2340 layer_norm_39"; -"2340 layer_norm_39" -> "2341 add_64"; -"2341 add_64" -> "2343 quantize_per_tensor_default_116"; -"2341 add_64" -> "2366 add_65"; -"2342 _param_constant308" -> "2347 quantize_per_channel_default_115"; -"2343 quantize_per_tensor_default_116" -> "2344 dequantize_per_tensor_default_116"; -"2344 dequantize_per_tensor_default_116" -> "2350 linear_114"; -"2345 linear_114_scale_0" -> "2347 quantize_per_channel_default_115"; -"2345 linear_114_scale_0" -> "2348 dequantize_per_channel_default_115"; -"2346 linear_114_zero_point_0" -> "2347 quantize_per_channel_default_115"; -"2346 linear_114_zero_point_0" -> "2348 dequantize_per_channel_default_115"; -"2347 quantize_per_channel_default_115" -> "2348 dequantize_per_channel_default_115"; -"2348 dequantize_per_channel_default_115" -> "2350 linear_114"; -"2349 _param_constant309_0_0" -> "2350 linear_114"; -"2350 linear_114" -> "2351 gelu_18"; -"2351 gelu_18" -> "2352 quantize_per_tensor_default_117"; -"2352 quantize_per_tensor_default_117" -> "2353 dequantize_per_tensor_default_117"; -"2353 dequantize_per_tensor_default_117" -> "2354 dropout_74"; -"2354 dropout_74" -> "2361 linear_115"; -"2355 _param_constant310" -> "2358 quantize_per_channel_default_116"; -"2356 linear_115_scale_0" -> "2358 quantize_per_channel_default_116"; -"2356 linear_115_scale_0" -> "2359 dequantize_per_channel_default_116"; -"2357 linear_115_zero_point_0" -> "2358 quantize_per_channel_default_116"; -"2357 linear_115_zero_point_0" -> "2359 dequantize_per_channel_default_116"; -"2358 quantize_per_channel_default_116" -> "2359 dequantize_per_channel_default_116"; -"2359 dequantize_per_channel_default_116" -> "2361 linear_115"; -"2360 _param_constant311_0_0" -> "2361 linear_115"; -"2361 linear_115" -> "2362 dropout_75"; -"2362 dropout_75" -> "2365 layer_norm_40"; -"2363 _param_constant312" -> "2365 layer_norm_40"; -"2364 _param_constant313" -> "2365 layer_norm_40"; -"2365 layer_norm_40" -> "2366 add_65"; -"2366 add_65" -> "2391 pad_21"; -"2366 add_65" -> "2472 add_68"; -"2367 _tensor_constant119" -> "2374 linear_116"; -"2368 _param_constant314" -> "2371 quantize_per_channel_default_117"; -"2369 linear_116_scale_0" -> "2371 quantize_per_channel_default_117"; -"2369 linear_116_scale_0" -> "2372 dequantize_per_channel_default_117"; -"2370 linear_116_zero_point_0" -> "2371 quantize_per_channel_default_117"; -"2370 linear_116_zero_point_0" -> "2372 dequantize_per_channel_default_117"; -"2371 quantize_per_channel_default_117" -> "2372 dequantize_per_channel_default_117"; -"2372 dequantize_per_channel_default_117" -> "2374 linear_116"; -"2373 _param_constant315_0_0" -> "2374 linear_116"; -"2374 linear_116" -> "2375 relu__19"; -"2375 relu__19" -> "2381 linear_117"; -"2376 _param_constant316" -> "2379 quantize_per_channel_default_118"; -"2377 linear_117_scale_0" -> "2379 quantize_per_channel_default_118"; -"2377 linear_117_scale_0" -> "2380 dequantize_per_channel_default_118"; -"2378 linear_117_zero_point_0" -> "2379 quantize_per_channel_default_118"; -"2378 linear_117_zero_point_0" -> "2380 dequantize_per_channel_default_118"; -"2379 quantize_per_channel_default_118" -> "2380 dequantize_per_channel_default_118"; -"2380 dequantize_per_channel_default_118" -> "2381 linear_117"; -"2381 linear_117" -> "2382 view_103"; -"2382 view_103" -> "2384 index_19"; -"2383 _tensor_constant120" -> "2384 index_19"; -"2384 index_19" -> "2385 view_104"; -"2385 view_104" -> "2386 permute_86"; -"2386 permute_86" -> "2387 contiguous_36"; -"2387 contiguous_36" -> "2388 unsqueeze_55"; -"2388 unsqueeze_55" -> "2389 sigmoid_19"; -"2389 sigmoid_19" -> "2390 mul_38"; -"2390 mul_38" -> "2428 add_66"; -"2391 pad_21" -> "2392 roll_18"; -"2392 roll_18" -> "2393 view_105"; -"2393 view_105" -> "2394 permute_87"; -"2394 permute_87" -> "2395 reshape_85"; -"2395 reshape_85" -> "2397 quantize_per_tensor_default_118"; -"2395 reshape_85" -> "2429 new_zeros_9"; -"2396 _param_constant318" -> "2401 quantize_per_channel_default_119"; -"2397 quantize_per_tensor_default_118" -> "2398 dequantize_per_tensor_default_118"; -"2398 dequantize_per_tensor_default_118" -> "2404 linear_118"; -"2399 linear_118_scale_0" -> "2401 quantize_per_channel_default_119"; -"2399 linear_118_scale_0" -> "2402 dequantize_per_channel_default_119"; -"2400 linear_118_zero_point_0" -> "2401 quantize_per_channel_default_119"; -"2400 linear_118_zero_point_0" -> "2402 dequantize_per_channel_default_119"; -"2401 quantize_per_channel_default_119" -> "2402 dequantize_per_channel_default_119"; -"2402 dequantize_per_channel_default_119" -> "2404 linear_118"; -"2403 _param_constant317_0_0" -> "2404 linear_118"; -"2404 linear_118" -> "2405 reshape_86"; -"2405 reshape_86" -> "2406 permute_88"; -"2406 permute_88" -> "2407 select_57"; -"2406 permute_88" -> "2408 select_58"; -"2406 permute_88" -> "2409 select_59"; -"2407 select_57" -> "2410 linalg_vector_norm_38"; -"2407 select_57" -> "2412 expand_as_38"; -"2407 select_57" -> "2413 div_38"; -"2408 select_58" -> "2416 linalg_vector_norm_39"; -"2408 select_58" -> "2418 expand_as_39"; -"2408 select_58" -> "2419 div_39"; -"2409 select_59" -> "2447 matmul_39"; -"2410 linalg_vector_norm_38" -> "2411 clamp_min_38"; -"2411 clamp_min_38" -> "2412 expand_as_38"; -"2412 expand_as_38" -> "2413 div_38"; -"2413 div_38" -> "2414 quantize_per_tensor_default_119"; -"2414 quantize_per_tensor_default_119" -> "2415 dequantize_per_tensor_default_119"; -"2415 dequantize_per_tensor_default_119" -> "2423 matmul_38"; -"2416 linalg_vector_norm_39" -> "2417 clamp_min_39"; -"2417 clamp_min_39" -> "2418 expand_as_39"; -"2418 expand_as_39" -> "2419 div_39"; -"2419 div_39" -> "2420 quantize_per_tensor_default_120"; -"2420 quantize_per_tensor_default_120" -> "2421 dequantize_per_tensor_default_120"; -"2421 dequantize_per_tensor_default_120" -> "2422 transpose_38"; -"2422 transpose_38" -> "2423 matmul_38"; -"2423 matmul_38" -> "2427 mul_39"; -"2424 _param_constant319" -> "2425 clamp_19"; -"2425 clamp_19" -> "2426 exp_19"; -"2426 exp_19" -> "2427 mul_39"; -"2427 mul_39" -> "2428 add_66"; -"2428 add_66" -> "2440 view_107"; -"2429 new_zeros_9" -> "2430 view_106"; -"2430 view_106" -> "2431 permute_89"; -"2431 permute_89" -> "2432 reshape_87"; -"2432 reshape_87" -> "2433 unsqueeze_56"; -"2432 reshape_87" -> "2434 unsqueeze_57"; -"2433 unsqueeze_56" -> "2435 sub_9"; -"2434 unsqueeze_57" -> "2435 sub_9"; -"2435 sub_9" -> "2436 ne_9"; -"2435 sub_9" -> "2437 masked_fill_18"; -"2435 sub_9" -> "2438 eq_9"; -"2436 ne_9" -> "2437 masked_fill_18"; -"2437 masked_fill_18" -> "2439 masked_fill_19"; -"2438 eq_9" -> "2439 masked_fill_19"; -"2439 masked_fill_19" -> "2441 unsqueeze_58"; -"2440 view_107" -> "2443 add_67"; -"2441 unsqueeze_58" -> "2442 unsqueeze_59"; -"2442 unsqueeze_59" -> "2443 add_67"; -"2443 add_67" -> "2444 view_108"; -"2444 view_108" -> "2445 softmax_19"; -"2445 softmax_19" -> "2446 dropout_76"; -"2446 dropout_76" -> "2447 matmul_39"; -"2447 matmul_39" -> "2448 quantize_per_tensor_default_121"; -"2448 quantize_per_tensor_default_121" -> "2449 dequantize_per_tensor_default_121"; -"2449 dequantize_per_tensor_default_121" -> "2450 transpose_39"; -"2450 transpose_39" -> "2451 reshape_88"; -"2451 reshape_88" -> "2458 linear_119"; -"2452 _param_constant320" -> "2455 quantize_per_channel_default_120"; -"2453 linear_119_scale_0" -> "2455 quantize_per_channel_default_120"; -"2453 linear_119_scale_0" -> "2456 dequantize_per_channel_default_120"; -"2454 linear_119_zero_point_0" -> "2455 quantize_per_channel_default_120"; -"2454 linear_119_zero_point_0" -> "2456 dequantize_per_channel_default_120"; -"2455 quantize_per_channel_default_120" -> "2456 dequantize_per_channel_default_120"; -"2456 dequantize_per_channel_default_120" -> "2458 linear_119"; -"2457 _param_constant321_0_0" -> "2458 linear_119"; -"2458 linear_119" -> "2459 dropout_77"; -"2459 dropout_77" -> "2460 view_109"; -"2460 view_109" -> "2461 permute_90"; -"2461 permute_90" -> "2462 reshape_89"; -"2462 reshape_89" -> "2463 roll_19"; -"2463 roll_19" -> "2464 slice_297"; -"2464 slice_297" -> "2465 slice_298"; -"2465 slice_298" -> "2466 slice_299"; -"2466 slice_299" -> "2467 slice_300"; -"2467 slice_300" -> "2468 contiguous_37"; -"2468 contiguous_37" -> "2471 layer_norm_41"; -"2469 _param_constant322" -> "2471 layer_norm_41"; -"2470 _param_constant323" -> "2471 layer_norm_41"; -"2471 layer_norm_41" -> "2472 add_68"; -"2472 add_68" -> "2474 quantize_per_tensor_default_122"; -"2472 add_68" -> "2497 add_69"; -"2473 _param_constant324" -> "2478 quantize_per_channel_default_121"; -"2474 quantize_per_tensor_default_122" -> "2475 dequantize_per_tensor_default_122"; -"2475 dequantize_per_tensor_default_122" -> "2481 linear_120"; -"2476 linear_120_scale_0" -> "2478 quantize_per_channel_default_121"; -"2476 linear_120_scale_0" -> "2479 dequantize_per_channel_default_121"; -"2477 linear_120_zero_point_0" -> "2478 quantize_per_channel_default_121"; -"2477 linear_120_zero_point_0" -> "2479 dequantize_per_channel_default_121"; -"2478 quantize_per_channel_default_121" -> "2479 dequantize_per_channel_default_121"; -"2479 dequantize_per_channel_default_121" -> "2481 linear_120"; -"2480 _param_constant325_0_0" -> "2481 linear_120"; -"2481 linear_120" -> "2482 gelu_19"; -"2482 gelu_19" -> "2483 quantize_per_tensor_default_123"; -"2483 quantize_per_tensor_default_123" -> "2484 dequantize_per_tensor_default_123"; -"2484 dequantize_per_tensor_default_123" -> "2485 dropout_78"; -"2485 dropout_78" -> "2492 linear_121"; -"2486 _param_constant326" -> "2489 quantize_per_channel_default_122"; -"2487 linear_121_scale_0" -> "2489 quantize_per_channel_default_122"; -"2487 linear_121_scale_0" -> "2490 dequantize_per_channel_default_122"; -"2488 linear_121_zero_point_0" -> "2489 quantize_per_channel_default_122"; -"2488 linear_121_zero_point_0" -> "2490 dequantize_per_channel_default_122"; -"2489 quantize_per_channel_default_122" -> "2490 dequantize_per_channel_default_122"; -"2490 dequantize_per_channel_default_122" -> "2492 linear_121"; -"2491 _param_constant327_0_0" -> "2492 linear_121"; -"2492 linear_121" -> "2493 dropout_79"; -"2493 dropout_79" -> "2496 layer_norm_42"; -"2494 _param_constant328" -> "2496 layer_norm_42"; -"2495 _param_constant329" -> "2496 layer_norm_42"; -"2496 layer_norm_42" -> "2497 add_69"; -"2497 add_69" -> "2522 quantize_per_tensor_default_124"; -"2497 add_69" -> "2585 add_71"; -"2498 _tensor_constant130" -> "2505 linear_122"; -"2499 _param_constant330" -> "2502 quantize_per_channel_default_123"; -"2500 linear_122_scale_0" -> "2502 quantize_per_channel_default_123"; -"2500 linear_122_scale_0" -> "2503 dequantize_per_channel_default_123"; -"2501 linear_122_zero_point_0" -> "2502 quantize_per_channel_default_123"; -"2501 linear_122_zero_point_0" -> "2503 dequantize_per_channel_default_123"; -"2502 quantize_per_channel_default_123" -> "2503 dequantize_per_channel_default_123"; -"2503 dequantize_per_channel_default_123" -> "2505 linear_122"; -"2504 _param_constant331_0_0" -> "2505 linear_122"; -"2505 linear_122" -> "2506 relu__20"; -"2506 relu__20" -> "2512 linear_123"; -"2507 _param_constant332" -> "2510 quantize_per_channel_default_124"; -"2508 linear_123_scale_0" -> "2510 quantize_per_channel_default_124"; -"2508 linear_123_scale_0" -> "2511 dequantize_per_channel_default_124"; -"2509 linear_123_zero_point_0" -> "2510 quantize_per_channel_default_124"; -"2509 linear_123_zero_point_0" -> "2511 dequantize_per_channel_default_124"; -"2510 quantize_per_channel_default_124" -> "2511 dequantize_per_channel_default_124"; -"2511 dequantize_per_channel_default_124" -> "2512 linear_123"; -"2512 linear_123" -> "2513 view_110"; -"2513 view_110" -> "2515 index_20"; -"2514 _tensor_constant131" -> "2515 index_20"; -"2515 index_20" -> "2516 view_111"; -"2516 view_111" -> "2517 permute_91"; -"2517 permute_91" -> "2518 contiguous_38"; -"2518 contiguous_38" -> "2519 unsqueeze_60"; -"2519 unsqueeze_60" -> "2520 sigmoid_20"; -"2520 sigmoid_20" -> "2521 mul_40"; -"2521 mul_40" -> "2558 add_70"; -"2522 quantize_per_tensor_default_124" -> "2523 dequantize_per_tensor_default_124"; -"2523 dequantize_per_tensor_default_124" -> "2524 pad_22"; -"2524 pad_22" -> "2525 view_112"; -"2525 view_112" -> "2526 permute_92"; -"2526 permute_92" -> "2527 reshape_90"; -"2527 reshape_90" -> "2534 linear_124"; -"2528 _param_constant334" -> "2531 quantize_per_channel_default_125"; -"2529 linear_124_scale_0" -> "2531 quantize_per_channel_default_125"; -"2529 linear_124_scale_0" -> "2532 dequantize_per_channel_default_125"; -"2530 linear_124_zero_point_0" -> "2531 quantize_per_channel_default_125"; -"2530 linear_124_zero_point_0" -> "2532 dequantize_per_channel_default_125"; -"2531 quantize_per_channel_default_125" -> "2532 dequantize_per_channel_default_125"; -"2532 dequantize_per_channel_default_125" -> "2534 linear_124"; -"2533 _param_constant333_0_0" -> "2534 linear_124"; -"2534 linear_124" -> "2535 reshape_91"; -"2535 reshape_91" -> "2536 permute_93"; -"2536 permute_93" -> "2537 select_60"; -"2536 permute_93" -> "2538 select_61"; -"2536 permute_93" -> "2539 select_62"; -"2537 select_60" -> "2540 linalg_vector_norm_40"; -"2537 select_60" -> "2542 expand_as_40"; -"2537 select_60" -> "2543 div_40"; -"2538 select_61" -> "2546 linalg_vector_norm_41"; -"2538 select_61" -> "2548 expand_as_41"; -"2538 select_61" -> "2549 div_41"; -"2539 select_62" -> "2561 matmul_41"; -"2540 linalg_vector_norm_40" -> "2541 clamp_min_40"; -"2541 clamp_min_40" -> "2542 expand_as_40"; -"2542 expand_as_40" -> "2543 div_40"; -"2543 div_40" -> "2544 quantize_per_tensor_default_125"; -"2544 quantize_per_tensor_default_125" -> "2545 dequantize_per_tensor_default_125"; -"2545 dequantize_per_tensor_default_125" -> "2553 matmul_40"; -"2546 linalg_vector_norm_41" -> "2547 clamp_min_41"; -"2547 clamp_min_41" -> "2548 expand_as_41"; -"2548 expand_as_41" -> "2549 div_41"; -"2549 div_41" -> "2550 quantize_per_tensor_default_126"; -"2550 quantize_per_tensor_default_126" -> "2551 dequantize_per_tensor_default_126"; -"2551 dequantize_per_tensor_default_126" -> "2552 transpose_40"; -"2552 transpose_40" -> "2553 matmul_40"; -"2553 matmul_40" -> "2557 mul_41"; -"2554 _param_constant335" -> "2555 clamp_20"; -"2555 clamp_20" -> "2556 exp_20"; -"2556 exp_20" -> "2557 mul_41"; -"2557 mul_41" -> "2558 add_70"; -"2558 add_70" -> "2559 softmax_20"; -"2559 softmax_20" -> "2560 dropout_80"; -"2560 dropout_80" -> "2561 matmul_41"; -"2561 matmul_41" -> "2562 quantize_per_tensor_default_127"; -"2562 quantize_per_tensor_default_127" -> "2563 dequantize_per_tensor_default_127"; -"2563 dequantize_per_tensor_default_127" -> "2564 transpose_41"; -"2564 transpose_41" -> "2565 reshape_92"; -"2565 reshape_92" -> "2572 linear_125"; -"2566 _param_constant336" -> "2569 quantize_per_channel_default_126"; -"2567 linear_125_scale_0" -> "2569 quantize_per_channel_default_126"; -"2567 linear_125_scale_0" -> "2570 dequantize_per_channel_default_126"; -"2568 linear_125_zero_point_0" -> "2569 quantize_per_channel_default_126"; -"2568 linear_125_zero_point_0" -> "2570 dequantize_per_channel_default_126"; -"2569 quantize_per_channel_default_126" -> "2570 dequantize_per_channel_default_126"; -"2570 dequantize_per_channel_default_126" -> "2572 linear_125"; -"2571 _param_constant337_0_0" -> "2572 linear_125"; -"2572 linear_125" -> "2573 dropout_81"; -"2573 dropout_81" -> "2574 view_113"; -"2574 view_113" -> "2575 permute_94"; -"2575 permute_94" -> "2576 reshape_93"; -"2576 reshape_93" -> "2577 slice_302"; -"2577 slice_302" -> "2578 slice_303"; -"2578 slice_303" -> "2579 slice_304"; -"2579 slice_304" -> "2580 slice_305"; -"2580 slice_305" -> "2581 contiguous_39"; -"2581 contiguous_39" -> "2584 layer_norm_43"; -"2582 _param_constant338" -> "2584 layer_norm_43"; -"2583 _param_constant339" -> "2584 layer_norm_43"; -"2584 layer_norm_43" -> "2585 add_71"; -"2585 add_71" -> "2587 quantize_per_tensor_default_128"; -"2585 add_71" -> "2610 add_72"; -"2586 _param_constant340" -> "2591 quantize_per_channel_default_127"; -"2587 quantize_per_tensor_default_128" -> "2588 dequantize_per_tensor_default_128"; -"2588 dequantize_per_tensor_default_128" -> "2594 linear_126"; -"2589 linear_126_scale_0" -> "2591 quantize_per_channel_default_127"; -"2589 linear_126_scale_0" -> "2592 dequantize_per_channel_default_127"; -"2590 linear_126_zero_point_0" -> "2591 quantize_per_channel_default_127"; -"2590 linear_126_zero_point_0" -> "2592 dequantize_per_channel_default_127"; -"2591 quantize_per_channel_default_127" -> "2592 dequantize_per_channel_default_127"; -"2592 dequantize_per_channel_default_127" -> "2594 linear_126"; -"2593 _param_constant341_0_0" -> "2594 linear_126"; -"2594 linear_126" -> "2595 gelu_20"; -"2595 gelu_20" -> "2596 quantize_per_tensor_default_129"; -"2596 quantize_per_tensor_default_129" -> "2597 dequantize_per_tensor_default_129"; -"2597 dequantize_per_tensor_default_129" -> "2598 dropout_82"; -"2598 dropout_82" -> "2605 linear_127"; -"2599 _param_constant342" -> "2602 quantize_per_channel_default_128"; -"2600 linear_127_scale_0" -> "2602 quantize_per_channel_default_128"; -"2600 linear_127_scale_0" -> "2603 dequantize_per_channel_default_128"; -"2601 linear_127_zero_point_0" -> "2602 quantize_per_channel_default_128"; -"2601 linear_127_zero_point_0" -> "2603 dequantize_per_channel_default_128"; -"2602 quantize_per_channel_default_128" -> "2603 dequantize_per_channel_default_128"; -"2603 dequantize_per_channel_default_128" -> "2605 linear_127"; -"2604 _param_constant343_0_0" -> "2605 linear_127"; -"2605 linear_127" -> "2606 dropout_83"; -"2606 dropout_83" -> "2609 layer_norm_44"; -"2607 _param_constant344" -> "2609 layer_norm_44"; -"2608 _param_constant345" -> "2609 layer_norm_44"; -"2609 layer_norm_44" -> "2610 add_72"; -"2610 add_72" -> "2635 pad_23"; -"2610 add_72" -> "2716 add_75"; -"2611 _tensor_constant132" -> "2618 linear_128"; -"2612 _param_constant346" -> "2615 quantize_per_channel_default_129"; -"2613 linear_128_scale_0" -> "2615 quantize_per_channel_default_129"; -"2613 linear_128_scale_0" -> "2616 dequantize_per_channel_default_129"; -"2614 linear_128_zero_point_0" -> "2615 quantize_per_channel_default_129"; -"2614 linear_128_zero_point_0" -> "2616 dequantize_per_channel_default_129"; -"2615 quantize_per_channel_default_129" -> "2616 dequantize_per_channel_default_129"; -"2616 dequantize_per_channel_default_129" -> "2618 linear_128"; -"2617 _param_constant347_0_0" -> "2618 linear_128"; -"2618 linear_128" -> "2619 relu__21"; -"2619 relu__21" -> "2625 linear_129"; -"2620 _param_constant348" -> "2623 quantize_per_channel_default_130"; -"2621 linear_129_scale_0" -> "2623 quantize_per_channel_default_130"; -"2621 linear_129_scale_0" -> "2624 dequantize_per_channel_default_130"; -"2622 linear_129_zero_point_0" -> "2623 quantize_per_channel_default_130"; -"2622 linear_129_zero_point_0" -> "2624 dequantize_per_channel_default_130"; -"2623 quantize_per_channel_default_130" -> "2624 dequantize_per_channel_default_130"; -"2624 dequantize_per_channel_default_130" -> "2625 linear_129"; -"2625 linear_129" -> "2626 view_114"; -"2626 view_114" -> "2628 index_21"; -"2627 _tensor_constant133" -> "2628 index_21"; -"2628 index_21" -> "2629 view_115"; -"2629 view_115" -> "2630 permute_95"; -"2630 permute_95" -> "2631 contiguous_40"; -"2631 contiguous_40" -> "2632 unsqueeze_61"; -"2632 unsqueeze_61" -> "2633 sigmoid_21"; -"2633 sigmoid_21" -> "2634 mul_42"; -"2634 mul_42" -> "2672 add_73"; -"2635 pad_23" -> "2636 roll_20"; -"2636 roll_20" -> "2637 view_116"; -"2637 view_116" -> "2638 permute_96"; -"2638 permute_96" -> "2639 reshape_94"; -"2639 reshape_94" -> "2641 quantize_per_tensor_default_130"; -"2639 reshape_94" -> "2673 new_zeros_10"; -"2640 _param_constant350" -> "2645 quantize_per_channel_default_131"; -"2641 quantize_per_tensor_default_130" -> "2642 dequantize_per_tensor_default_130"; -"2642 dequantize_per_tensor_default_130" -> "2648 linear_130"; -"2643 linear_130_scale_0" -> "2645 quantize_per_channel_default_131"; -"2643 linear_130_scale_0" -> "2646 dequantize_per_channel_default_131"; -"2644 linear_130_zero_point_0" -> "2645 quantize_per_channel_default_131"; -"2644 linear_130_zero_point_0" -> "2646 dequantize_per_channel_default_131"; -"2645 quantize_per_channel_default_131" -> "2646 dequantize_per_channel_default_131"; -"2646 dequantize_per_channel_default_131" -> "2648 linear_130"; -"2647 _param_constant349_0_0" -> "2648 linear_130"; -"2648 linear_130" -> "2649 reshape_95"; -"2649 reshape_95" -> "2650 permute_97"; -"2650 permute_97" -> "2651 select_63"; -"2650 permute_97" -> "2652 select_64"; -"2650 permute_97" -> "2653 select_65"; -"2651 select_63" -> "2654 linalg_vector_norm_42"; -"2651 select_63" -> "2656 expand_as_42"; -"2651 select_63" -> "2657 div_42"; -"2652 select_64" -> "2660 linalg_vector_norm_43"; -"2652 select_64" -> "2662 expand_as_43"; -"2652 select_64" -> "2663 div_43"; -"2653 select_65" -> "2691 matmul_43"; -"2654 linalg_vector_norm_42" -> "2655 clamp_min_42"; -"2655 clamp_min_42" -> "2656 expand_as_42"; -"2656 expand_as_42" -> "2657 div_42"; -"2657 div_42" -> "2658 quantize_per_tensor_default_131"; -"2658 quantize_per_tensor_default_131" -> "2659 dequantize_per_tensor_default_131"; -"2659 dequantize_per_tensor_default_131" -> "2667 matmul_42"; -"2660 linalg_vector_norm_43" -> "2661 clamp_min_43"; -"2661 clamp_min_43" -> "2662 expand_as_43"; -"2662 expand_as_43" -> "2663 div_43"; -"2663 div_43" -> "2664 quantize_per_tensor_default_132"; -"2664 quantize_per_tensor_default_132" -> "2665 dequantize_per_tensor_default_132"; -"2665 dequantize_per_tensor_default_132" -> "2666 transpose_42"; -"2666 transpose_42" -> "2667 matmul_42"; -"2667 matmul_42" -> "2671 mul_43"; -"2668 _param_constant351" -> "2669 clamp_21"; -"2669 clamp_21" -> "2670 exp_21"; -"2670 exp_21" -> "2671 mul_43"; -"2671 mul_43" -> "2672 add_73"; -"2672 add_73" -> "2684 view_118"; -"2673 new_zeros_10" -> "2674 view_117"; -"2674 view_117" -> "2675 permute_98"; -"2675 permute_98" -> "2676 reshape_96"; -"2676 reshape_96" -> "2677 unsqueeze_62"; -"2676 reshape_96" -> "2678 unsqueeze_63"; -"2677 unsqueeze_62" -> "2679 sub_10"; -"2678 unsqueeze_63" -> "2679 sub_10"; -"2679 sub_10" -> "2680 ne_10"; -"2679 sub_10" -> "2681 masked_fill_20"; -"2679 sub_10" -> "2682 eq_10"; -"2680 ne_10" -> "2681 masked_fill_20"; -"2681 masked_fill_20" -> "2683 masked_fill_21"; -"2682 eq_10" -> "2683 masked_fill_21"; -"2683 masked_fill_21" -> "2685 unsqueeze_64"; -"2684 view_118" -> "2687 add_74"; -"2685 unsqueeze_64" -> "2686 unsqueeze_65"; -"2686 unsqueeze_65" -> "2687 add_74"; -"2687 add_74" -> "2688 view_119"; -"2688 view_119" -> "2689 softmax_21"; -"2689 softmax_21" -> "2690 dropout_84"; -"2690 dropout_84" -> "2691 matmul_43"; -"2691 matmul_43" -> "2692 quantize_per_tensor_default_133"; -"2692 quantize_per_tensor_default_133" -> "2693 dequantize_per_tensor_default_133"; -"2693 dequantize_per_tensor_default_133" -> "2694 transpose_43"; -"2694 transpose_43" -> "2695 reshape_97"; -"2695 reshape_97" -> "2702 linear_131"; -"2696 _param_constant352" -> "2699 quantize_per_channel_default_132"; -"2697 linear_131_scale_0" -> "2699 quantize_per_channel_default_132"; -"2697 linear_131_scale_0" -> "2700 dequantize_per_channel_default_132"; -"2698 linear_131_zero_point_0" -> "2699 quantize_per_channel_default_132"; -"2698 linear_131_zero_point_0" -> "2700 dequantize_per_channel_default_132"; -"2699 quantize_per_channel_default_132" -> "2700 dequantize_per_channel_default_132"; -"2700 dequantize_per_channel_default_132" -> "2702 linear_131"; -"2701 _param_constant353_0_0" -> "2702 linear_131"; -"2702 linear_131" -> "2703 dropout_85"; -"2703 dropout_85" -> "2704 view_120"; -"2704 view_120" -> "2705 permute_99"; -"2705 permute_99" -> "2706 reshape_98"; -"2706 reshape_98" -> "2707 roll_21"; -"2707 roll_21" -> "2708 slice_325"; -"2708 slice_325" -> "2709 slice_326"; -"2709 slice_326" -> "2710 slice_327"; -"2710 slice_327" -> "2711 slice_328"; -"2711 slice_328" -> "2712 contiguous_41"; -"2712 contiguous_41" -> "2715 layer_norm_45"; -"2713 _param_constant354" -> "2715 layer_norm_45"; -"2714 _param_constant355" -> "2715 layer_norm_45"; -"2715 layer_norm_45" -> "2716 add_75"; -"2716 add_75" -> "2718 quantize_per_tensor_default_134"; -"2716 add_75" -> "2741 add_76"; -"2717 _param_constant356" -> "2722 quantize_per_channel_default_133"; -"2718 quantize_per_tensor_default_134" -> "2719 dequantize_per_tensor_default_134"; -"2719 dequantize_per_tensor_default_134" -> "2725 linear_132"; -"2720 linear_132_scale_0" -> "2722 quantize_per_channel_default_133"; -"2720 linear_132_scale_0" -> "2723 dequantize_per_channel_default_133"; -"2721 linear_132_zero_point_0" -> "2722 quantize_per_channel_default_133"; -"2721 linear_132_zero_point_0" -> "2723 dequantize_per_channel_default_133"; -"2722 quantize_per_channel_default_133" -> "2723 dequantize_per_channel_default_133"; -"2723 dequantize_per_channel_default_133" -> "2725 linear_132"; -"2724 _param_constant357_0_0" -> "2725 linear_132"; -"2725 linear_132" -> "2726 gelu_21"; -"2726 gelu_21" -> "2727 quantize_per_tensor_default_135"; -"2727 quantize_per_tensor_default_135" -> "2728 dequantize_per_tensor_default_135"; -"2728 dequantize_per_tensor_default_135" -> "2729 dropout_86"; -"2729 dropout_86" -> "2736 linear_133"; -"2730 _param_constant358" -> "2733 quantize_per_channel_default_134"; -"2731 linear_133_scale_0" -> "2733 quantize_per_channel_default_134"; -"2731 linear_133_scale_0" -> "2734 dequantize_per_channel_default_134"; -"2732 linear_133_zero_point_0" -> "2733 quantize_per_channel_default_134"; -"2732 linear_133_zero_point_0" -> "2734 dequantize_per_channel_default_134"; -"2733 quantize_per_channel_default_134" -> "2734 dequantize_per_channel_default_134"; -"2734 dequantize_per_channel_default_134" -> "2736 linear_133"; -"2735 _param_constant359_0_0" -> "2736 linear_133"; -"2736 linear_133" -> "2737 dropout_87"; -"2737 dropout_87" -> "2740 layer_norm_46"; -"2738 _param_constant360" -> "2740 layer_norm_46"; -"2739 _param_constant361" -> "2740 layer_norm_46"; -"2740 layer_norm_46" -> "2741 add_76"; -"2741 add_76" -> "2742 quantize_per_tensor_default_2"; -"2742 quantize_per_tensor_default_2" -> "2743 dequantize_per_tensor_default_2"; -"2743 dequantize_per_tensor_default_2" -> "2744 pad_24"; -"2744 pad_24" -> "2745 slice_329"; -"2744 pad_24" -> "2748 slice_332"; -"2744 pad_24" -> "2751 slice_335"; -"2744 pad_24" -> "2754 slice_338"; -"2745 slice_329" -> "2746 slice_330"; -"2746 slice_330" -> "2747 slice_331"; -"2747 slice_331" -> "2757 cat_2"; -"2748 slice_332" -> "2749 slice_333"; -"2749 slice_333" -> "2750 slice_334"; -"2750 slice_334" -> "2757 cat_2"; -"2751 slice_335" -> "2752 slice_336"; -"2752 slice_336" -> "2753 slice_337"; -"2753 slice_337" -> "2757 cat_2"; -"2754 slice_338" -> "2755 slice_339"; -"2755 slice_339" -> "2756 slice_340"; -"2756 slice_340" -> "2757 cat_2"; -"2757 cat_2" -> "2763 linear_134"; -"2758 _param_constant362" -> "2761 quantize_per_channel_default_135"; -"2759 linear_134_scale_0" -> "2761 quantize_per_channel_default_135"; -"2759 linear_134_scale_0" -> "2762 dequantize_per_channel_default_135"; -"2760 linear_134_zero_point_0" -> "2761 quantize_per_channel_default_135"; -"2760 linear_134_zero_point_0" -> "2762 dequantize_per_channel_default_135"; -"2761 quantize_per_channel_default_135" -> "2762 dequantize_per_channel_default_135"; -"2762 dequantize_per_channel_default_135" -> "2763 linear_134"; -"2763 linear_134" -> "2766 layer_norm_47"; -"2764 _param_constant363" -> "2766 layer_norm_47"; -"2765 _param_constant364" -> "2766 layer_norm_47"; -"2766 layer_norm_47" -> "2791 quantize_per_tensor_default_136"; -"2766 layer_norm_47" -> "2854 add_78"; -"2767 _tensor_constant143" -> "2774 linear_135"; -"2768 _param_constant365" -> "2771 quantize_per_channel_default_136"; -"2769 linear_135_scale_0" -> "2771 quantize_per_channel_default_136"; -"2769 linear_135_scale_0" -> "2772 dequantize_per_channel_default_136"; -"2770 linear_135_zero_point_0" -> "2771 quantize_per_channel_default_136"; -"2770 linear_135_zero_point_0" -> "2772 dequantize_per_channel_default_136"; -"2771 quantize_per_channel_default_136" -> "2772 dequantize_per_channel_default_136"; -"2772 dequantize_per_channel_default_136" -> "2774 linear_135"; -"2773 _param_constant366_0_0" -> "2774 linear_135"; -"2774 linear_135" -> "2775 relu__22"; -"2775 relu__22" -> "2781 linear_136"; -"2776 _param_constant367" -> "2779 quantize_per_channel_default_137"; -"2777 linear_136_scale_0" -> "2779 quantize_per_channel_default_137"; -"2777 linear_136_scale_0" -> "2780 dequantize_per_channel_default_137"; -"2778 linear_136_zero_point_0" -> "2779 quantize_per_channel_default_137"; -"2778 linear_136_zero_point_0" -> "2780 dequantize_per_channel_default_137"; -"2779 quantize_per_channel_default_137" -> "2780 dequantize_per_channel_default_137"; -"2780 dequantize_per_channel_default_137" -> "2781 linear_136"; -"2781 linear_136" -> "2782 view_121"; -"2782 view_121" -> "2784 index_22"; -"2783 _tensor_constant144" -> "2784 index_22"; -"2784 index_22" -> "2785 view_122"; -"2785 view_122" -> "2786 permute_100"; -"2786 permute_100" -> "2787 contiguous_42"; -"2787 contiguous_42" -> "2788 unsqueeze_66"; -"2788 unsqueeze_66" -> "2789 sigmoid_22"; -"2789 sigmoid_22" -> "2790 mul_44"; -"2790 mul_44" -> "2827 add_77"; -"2791 quantize_per_tensor_default_136" -> "2792 dequantize_per_tensor_default_136"; -"2792 dequantize_per_tensor_default_136" -> "2793 pad_25"; -"2793 pad_25" -> "2794 view_123"; -"2794 view_123" -> "2795 permute_101"; -"2795 permute_101" -> "2796 reshape_99"; -"2796 reshape_99" -> "2803 linear_137"; -"2797 _param_constant369" -> "2800 quantize_per_channel_default_138"; -"2798 linear_137_scale_0" -> "2800 quantize_per_channel_default_138"; -"2798 linear_137_scale_0" -> "2801 dequantize_per_channel_default_138"; -"2799 linear_137_zero_point_0" -> "2800 quantize_per_channel_default_138"; -"2799 linear_137_zero_point_0" -> "2801 dequantize_per_channel_default_138"; -"2800 quantize_per_channel_default_138" -> "2801 dequantize_per_channel_default_138"; -"2801 dequantize_per_channel_default_138" -> "2803 linear_137"; -"2802 _param_constant368_0_0" -> "2803 linear_137"; -"2803 linear_137" -> "2804 reshape_100"; -"2804 reshape_100" -> "2805 permute_102"; -"2805 permute_102" -> "2806 select_66"; -"2805 permute_102" -> "2807 select_67"; -"2805 permute_102" -> "2808 select_68"; -"2806 select_66" -> "2809 linalg_vector_norm_44"; -"2806 select_66" -> "2811 expand_as_44"; -"2806 select_66" -> "2812 div_44"; -"2807 select_67" -> "2815 linalg_vector_norm_45"; -"2807 select_67" -> "2817 expand_as_45"; -"2807 select_67" -> "2818 div_45"; -"2808 select_68" -> "2830 matmul_45"; -"2809 linalg_vector_norm_44" -> "2810 clamp_min_44"; -"2810 clamp_min_44" -> "2811 expand_as_44"; -"2811 expand_as_44" -> "2812 div_44"; -"2812 div_44" -> "2813 quantize_per_tensor_default_137"; -"2813 quantize_per_tensor_default_137" -> "2814 dequantize_per_tensor_default_137"; -"2814 dequantize_per_tensor_default_137" -> "2822 matmul_44"; -"2815 linalg_vector_norm_45" -> "2816 clamp_min_45"; -"2816 clamp_min_45" -> "2817 expand_as_45"; -"2817 expand_as_45" -> "2818 div_45"; -"2818 div_45" -> "2819 quantize_per_tensor_default_138"; -"2819 quantize_per_tensor_default_138" -> "2820 dequantize_per_tensor_default_138"; -"2820 dequantize_per_tensor_default_138" -> "2821 transpose_44"; -"2821 transpose_44" -> "2822 matmul_44"; -"2822 matmul_44" -> "2826 mul_45"; -"2823 _param_constant370" -> "2824 clamp_22"; -"2824 clamp_22" -> "2825 exp_22"; -"2825 exp_22" -> "2826 mul_45"; -"2826 mul_45" -> "2827 add_77"; -"2827 add_77" -> "2828 softmax_22"; -"2828 softmax_22" -> "2829 dropout_88"; -"2829 dropout_88" -> "2830 matmul_45"; -"2830 matmul_45" -> "2831 quantize_per_tensor_default_139"; -"2831 quantize_per_tensor_default_139" -> "2832 dequantize_per_tensor_default_139"; -"2832 dequantize_per_tensor_default_139" -> "2833 transpose_45"; -"2833 transpose_45" -> "2834 reshape_101"; -"2834 reshape_101" -> "2841 linear_138"; -"2835 _param_constant371" -> "2838 quantize_per_channel_default_139"; -"2836 linear_138_scale_0" -> "2838 quantize_per_channel_default_139"; -"2836 linear_138_scale_0" -> "2839 dequantize_per_channel_default_139"; -"2837 linear_138_zero_point_0" -> "2838 quantize_per_channel_default_139"; -"2837 linear_138_zero_point_0" -> "2839 dequantize_per_channel_default_139"; -"2838 quantize_per_channel_default_139" -> "2839 dequantize_per_channel_default_139"; -"2839 dequantize_per_channel_default_139" -> "2841 linear_138"; -"2840 _param_constant372_0_0" -> "2841 linear_138"; -"2841 linear_138" -> "2842 dropout_89"; -"2842 dropout_89" -> "2843 view_124"; -"2843 view_124" -> "2844 permute_103"; -"2844 permute_103" -> "2845 reshape_102"; -"2845 reshape_102" -> "2846 slice_342"; -"2846 slice_342" -> "2847 slice_343"; -"2847 slice_343" -> "2848 slice_344"; -"2848 slice_344" -> "2849 slice_345"; -"2849 slice_345" -> "2850 contiguous_43"; -"2850 contiguous_43" -> "2853 layer_norm_48"; -"2851 _param_constant373" -> "2853 layer_norm_48"; -"2852 _param_constant374" -> "2853 layer_norm_48"; -"2853 layer_norm_48" -> "2854 add_78"; -"2854 add_78" -> "2856 quantize_per_tensor_default_140"; -"2854 add_78" -> "2879 add_79"; -"2855 _param_constant375" -> "2860 quantize_per_channel_default_140"; -"2856 quantize_per_tensor_default_140" -> "2857 dequantize_per_tensor_default_140"; -"2857 dequantize_per_tensor_default_140" -> "2863 linear_139"; -"2858 linear_139_scale_0" -> "2860 quantize_per_channel_default_140"; -"2858 linear_139_scale_0" -> "2861 dequantize_per_channel_default_140"; -"2859 linear_139_zero_point_0" -> "2860 quantize_per_channel_default_140"; -"2859 linear_139_zero_point_0" -> "2861 dequantize_per_channel_default_140"; -"2860 quantize_per_channel_default_140" -> "2861 dequantize_per_channel_default_140"; -"2861 dequantize_per_channel_default_140" -> "2863 linear_139"; -"2862 _param_constant376_0_0" -> "2863 linear_139"; -"2863 linear_139" -> "2864 gelu_22"; -"2864 gelu_22" -> "2865 quantize_per_tensor_default_141"; -"2865 quantize_per_tensor_default_141" -> "2866 dequantize_per_tensor_default_141"; -"2866 dequantize_per_tensor_default_141" -> "2867 dropout_90"; -"2867 dropout_90" -> "2874 linear_140"; -"2868 _param_constant377" -> "2871 quantize_per_channel_default_141"; -"2869 linear_140_scale_0" -> "2871 quantize_per_channel_default_141"; -"2869 linear_140_scale_0" -> "2872 dequantize_per_channel_default_141"; -"2870 linear_140_zero_point_0" -> "2871 quantize_per_channel_default_141"; -"2870 linear_140_zero_point_0" -> "2872 dequantize_per_channel_default_141"; -"2871 quantize_per_channel_default_141" -> "2872 dequantize_per_channel_default_141"; -"2872 dequantize_per_channel_default_141" -> "2874 linear_140"; -"2873 _param_constant378_0_0" -> "2874 linear_140"; -"2874 linear_140" -> "2875 dropout_91"; -"2875 dropout_91" -> "2878 layer_norm_49"; -"2876 _param_constant379" -> "2878 layer_norm_49"; -"2877 _param_constant380" -> "2878 layer_norm_49"; -"2878 layer_norm_49" -> "2879 add_79"; -"2879 add_79" -> "2904 quantize_per_tensor_default_142"; -"2879 add_79" -> "2967 add_81"; -"2880 _tensor_constant145" -> "2887 linear_141"; -"2881 _param_constant381" -> "2884 quantize_per_channel_default_142"; -"2882 linear_141_scale_0" -> "2884 quantize_per_channel_default_142"; -"2882 linear_141_scale_0" -> "2885 dequantize_per_channel_default_142"; -"2883 linear_141_zero_point_0" -> "2884 quantize_per_channel_default_142"; -"2883 linear_141_zero_point_0" -> "2885 dequantize_per_channel_default_142"; -"2884 quantize_per_channel_default_142" -> "2885 dequantize_per_channel_default_142"; -"2885 dequantize_per_channel_default_142" -> "2887 linear_141"; -"2886 _param_constant382_0_0" -> "2887 linear_141"; -"2887 linear_141" -> "2888 relu__23"; -"2888 relu__23" -> "2894 linear_142"; -"2889 _param_constant383" -> "2892 quantize_per_channel_default_143"; -"2890 linear_142_scale_0" -> "2892 quantize_per_channel_default_143"; -"2890 linear_142_scale_0" -> "2893 dequantize_per_channel_default_143"; -"2891 linear_142_zero_point_0" -> "2892 quantize_per_channel_default_143"; -"2891 linear_142_zero_point_0" -> "2893 dequantize_per_channel_default_143"; -"2892 quantize_per_channel_default_143" -> "2893 dequantize_per_channel_default_143"; -"2893 dequantize_per_channel_default_143" -> "2894 linear_142"; -"2894 linear_142" -> "2895 view_125"; -"2895 view_125" -> "2897 index_23"; -"2896 _tensor_constant146" -> "2897 index_23"; -"2897 index_23" -> "2898 view_126"; -"2898 view_126" -> "2899 permute_104"; -"2899 permute_104" -> "2900 contiguous_44"; -"2900 contiguous_44" -> "2901 unsqueeze_67"; -"2901 unsqueeze_67" -> "2902 sigmoid_23"; -"2902 sigmoid_23" -> "2903 mul_46"; -"2903 mul_46" -> "2940 add_80"; -"2904 quantize_per_tensor_default_142" -> "2905 dequantize_per_tensor_default_142"; -"2905 dequantize_per_tensor_default_142" -> "2906 pad_26"; -"2906 pad_26" -> "2907 view_127"; -"2907 view_127" -> "2908 permute_105"; -"2908 permute_105" -> "2909 reshape_103"; -"2909 reshape_103" -> "2916 linear_143"; -"2910 _param_constant385" -> "2913 quantize_per_channel_default_144"; -"2911 linear_143_scale_0" -> "2913 quantize_per_channel_default_144"; -"2911 linear_143_scale_0" -> "2914 dequantize_per_channel_default_144"; -"2912 linear_143_zero_point_0" -> "2913 quantize_per_channel_default_144"; -"2912 linear_143_zero_point_0" -> "2914 dequantize_per_channel_default_144"; -"2913 quantize_per_channel_default_144" -> "2914 dequantize_per_channel_default_144"; -"2914 dequantize_per_channel_default_144" -> "2916 linear_143"; -"2915 _param_constant384_0_0" -> "2916 linear_143"; -"2916 linear_143" -> "2917 reshape_104"; -"2917 reshape_104" -> "2918 permute_106"; -"2918 permute_106" -> "2919 select_69"; -"2918 permute_106" -> "2920 select_70"; -"2918 permute_106" -> "2921 select_71"; -"2919 select_69" -> "2922 linalg_vector_norm_46"; -"2919 select_69" -> "2924 expand_as_46"; -"2919 select_69" -> "2925 div_46"; -"2920 select_70" -> "2928 linalg_vector_norm_47"; -"2920 select_70" -> "2930 expand_as_47"; -"2920 select_70" -> "2931 div_47"; -"2921 select_71" -> "2943 matmul_47"; -"2922 linalg_vector_norm_46" -> "2923 clamp_min_46"; -"2923 clamp_min_46" -> "2924 expand_as_46"; -"2924 expand_as_46" -> "2925 div_46"; -"2925 div_46" -> "2926 quantize_per_tensor_default_143"; -"2926 quantize_per_tensor_default_143" -> "2927 dequantize_per_tensor_default_143"; -"2927 dequantize_per_tensor_default_143" -> "2935 matmul_46"; -"2928 linalg_vector_norm_47" -> "2929 clamp_min_47"; -"2929 clamp_min_47" -> "2930 expand_as_47"; -"2930 expand_as_47" -> "2931 div_47"; -"2931 div_47" -> "2932 quantize_per_tensor_default_144"; -"2932 quantize_per_tensor_default_144" -> "2933 dequantize_per_tensor_default_144"; -"2933 dequantize_per_tensor_default_144" -> "2934 transpose_46"; -"2934 transpose_46" -> "2935 matmul_46"; -"2935 matmul_46" -> "2939 mul_47"; -"2936 _param_constant386" -> "2937 clamp_23"; -"2937 clamp_23" -> "2938 exp_23"; -"2938 exp_23" -> "2939 mul_47"; -"2939 mul_47" -> "2940 add_80"; -"2940 add_80" -> "2941 softmax_23"; -"2941 softmax_23" -> "2942 dropout_92"; -"2942 dropout_92" -> "2943 matmul_47"; -"2943 matmul_47" -> "2944 quantize_per_tensor_default_145"; -"2944 quantize_per_tensor_default_145" -> "2945 dequantize_per_tensor_default_145"; -"2945 dequantize_per_tensor_default_145" -> "2946 transpose_47"; -"2946 transpose_47" -> "2947 reshape_105"; -"2947 reshape_105" -> "2954 linear_144"; -"2948 _param_constant387" -> "2951 quantize_per_channel_default_145"; -"2949 linear_144_scale_0" -> "2951 quantize_per_channel_default_145"; -"2949 linear_144_scale_0" -> "2952 dequantize_per_channel_default_145"; -"2950 linear_144_zero_point_0" -> "2951 quantize_per_channel_default_145"; -"2950 linear_144_zero_point_0" -> "2952 dequantize_per_channel_default_145"; -"2951 quantize_per_channel_default_145" -> "2952 dequantize_per_channel_default_145"; -"2952 dequantize_per_channel_default_145" -> "2954 linear_144"; -"2953 _param_constant388_0_0" -> "2954 linear_144"; -"2954 linear_144" -> "2955 dropout_93"; -"2955 dropout_93" -> "2956 view_128"; -"2956 view_128" -> "2957 permute_107"; -"2957 permute_107" -> "2958 reshape_106"; -"2958 reshape_106" -> "2959 slice_347"; -"2959 slice_347" -> "2960 slice_348"; -"2960 slice_348" -> "2961 slice_349"; -"2961 slice_349" -> "2962 slice_350"; -"2962 slice_350" -> "2963 contiguous_45"; -"2963 contiguous_45" -> "2966 layer_norm_50"; -"2964 _param_constant389" -> "2966 layer_norm_50"; -"2965 _param_constant390" -> "2966 layer_norm_50"; -"2966 layer_norm_50" -> "2967 add_81"; -"2967 add_81" -> "2969 quantize_per_tensor_default_146"; -"2967 add_81" -> "2992 add_82"; -"2968 _param_constant391" -> "2973 quantize_per_channel_default_146"; -"2969 quantize_per_tensor_default_146" -> "2970 dequantize_per_tensor_default_146"; -"2970 dequantize_per_tensor_default_146" -> "2976 linear_145"; -"2971 linear_145_scale_0" -> "2973 quantize_per_channel_default_146"; -"2971 linear_145_scale_0" -> "2974 dequantize_per_channel_default_146"; -"2972 linear_145_zero_point_0" -> "2973 quantize_per_channel_default_146"; -"2972 linear_145_zero_point_0" -> "2974 dequantize_per_channel_default_146"; -"2973 quantize_per_channel_default_146" -> "2974 dequantize_per_channel_default_146"; -"2974 dequantize_per_channel_default_146" -> "2976 linear_145"; -"2975 _param_constant392_0_0" -> "2976 linear_145"; -"2976 linear_145" -> "2977 gelu_23"; -"2977 gelu_23" -> "2978 quantize_per_tensor_default_147"; -"2978 quantize_per_tensor_default_147" -> "2979 dequantize_per_tensor_default_147"; -"2979 dequantize_per_tensor_default_147" -> "2980 dropout_94"; -"2980 dropout_94" -> "2987 linear_146"; -"2981 _param_constant393" -> "2984 quantize_per_channel_default_147"; -"2982 linear_146_scale_0" -> "2984 quantize_per_channel_default_147"; -"2982 linear_146_scale_0" -> "2985 dequantize_per_channel_default_147"; -"2983 linear_146_zero_point_0" -> "2984 quantize_per_channel_default_147"; -"2983 linear_146_zero_point_0" -> "2985 dequantize_per_channel_default_147"; -"2984 quantize_per_channel_default_147" -> "2985 dequantize_per_channel_default_147"; -"2985 dequantize_per_channel_default_147" -> "2987 linear_146"; -"2986 _param_constant394_0_0" -> "2987 linear_146"; -"2987 linear_146" -> "2988 dropout_95"; -"2988 dropout_95" -> "2991 layer_norm_51"; -"2989 _param_constant395" -> "2991 layer_norm_51"; -"2990 _param_constant396" -> "2991 layer_norm_51"; -"2991 layer_norm_51" -> "2992 add_82"; -"2992 add_82" -> "2995 layer_norm_52"; -"2993 _param_constant397" -> "2995 layer_norm_52"; -"2994 _param_constant398" -> "2995 layer_norm_52"; -"2995 layer_norm_52" -> "2996 permute_108"; -"2996 permute_108" -> "2997 adaptive_avg_pool2d"; -"2997 adaptive_avg_pool2d" -> "2998 quantize_per_tensor_default_148"; -"2998 quantize_per_tensor_default_148" -> "2999 dequantize_per_tensor_default_148"; -"2999 dequantize_per_tensor_default_148" -> "3000 flatten"; -"3000 flatten" -> "3007 linear_147"; -"3001 _param_constant399" -> "3004 quantize_per_channel_default_148"; -"3002 linear_147_scale_0" -> "3004 quantize_per_channel_default_148"; -"3002 linear_147_scale_0" -> "3005 dequantize_per_channel_default_148"; -"3003 linear_147_zero_point_0" -> "3004 quantize_per_channel_default_148"; -"3003 linear_147_zero_point_0" -> "3005 dequantize_per_channel_default_148"; -"3004 quantize_per_channel_default_148" -> "3005 dequantize_per_channel_default_148"; -"3005 dequantize_per_channel_default_148" -> "3007 linear_147"; -"3006 _param_constant400_0_0" -> "3007 linear_147"; -"3007 linear_147" -> "3008 output"; +"43 reshape" -> "45 reshape_0_0_nncf_smooth_quant_0"; +"44 linear_2_updated_constant0" -> "50 quantize_per_channel_default_3"; +"45 reshape_0_0_nncf_smooth_quant_0" -> "46 quantize_per_tensor_default_1"; +"46 quantize_per_tensor_default_1" -> "47 dequantize_per_tensor_default_1"; +"47 dequantize_per_tensor_default_1" -> "53 linear_2"; +"48 linear_2_scale_0" -> "50 quantize_per_channel_default_3"; +"48 linear_2_scale_0" -> "51 dequantize_per_channel_default_3"; +"49 linear_2_zero_point_0" -> "50 quantize_per_channel_default_3"; +"49 linear_2_zero_point_0" -> "51 dequantize_per_channel_default_3"; +"50 quantize_per_channel_default_3" -> "51 dequantize_per_channel_default_3"; +"51 dequantize_per_channel_default_3" -> "53 linear_2"; +"52 _param_constant7_0_0" -> "53 linear_2"; +"53 linear_2" -> "54 reshape_1"; +"54 reshape_1" -> "55 permute_3"; +"55 permute_3" -> "56 select"; +"55 permute_3" -> "57 select_1"; +"55 permute_3" -> "58 select_2"; +"56 select" -> "59 linalg_vector_norm"; +"56 select" -> "61 expand_as"; +"56 select" -> "62 div"; +"57 select_1" -> "65 linalg_vector_norm_1"; +"57 select_1" -> "67 expand_as_1"; +"57 select_1" -> "68 div_1"; +"58 select_2" -> "80 matmul_1"; +"59 linalg_vector_norm" -> "60 clamp_min"; +"60 clamp_min" -> "61 expand_as"; +"61 expand_as" -> "62 div"; +"62 div" -> "63 quantize_per_tensor_default_2"; +"63 quantize_per_tensor_default_2" -> "64 dequantize_per_tensor_default_2"; +"64 dequantize_per_tensor_default_2" -> "72 matmul"; +"65 linalg_vector_norm_1" -> "66 clamp_min_1"; +"66 clamp_min_1" -> "67 expand_as_1"; +"67 expand_as_1" -> "68 div_1"; +"68 div_1" -> "69 quantize_per_tensor_default_3"; +"69 quantize_per_tensor_default_3" -> "70 dequantize_per_tensor_default_3"; +"70 dequantize_per_tensor_default_3" -> "71 transpose"; +"71 transpose" -> "72 matmul"; +"72 matmul" -> "76 mul_1"; +"73 _param_constant9" -> "74 clamp"; +"74 clamp" -> "75 exp"; +"75 exp" -> "76 mul_1"; +"76 mul_1" -> "77 add"; +"77 add" -> "78 softmax"; +"78 softmax" -> "79 dropout"; +"79 dropout" -> "80 matmul_1"; +"80 matmul_1" -> "81 transpose_1"; +"81 transpose_1" -> "82 reshape_2"; +"82 reshape_2" -> "84 reshape_2_0_0_nncf_smooth_quant_0"; +"83 linear_3_updated_constant0" -> "89 quantize_per_channel_default_4"; +"84 reshape_2_0_0_nncf_smooth_quant_0" -> "85 quantize_per_tensor_default_4"; +"85 quantize_per_tensor_default_4" -> "86 dequantize_per_tensor_default_4"; +"86 dequantize_per_tensor_default_4" -> "92 linear_3"; +"87 linear_3_scale_0" -> "89 quantize_per_channel_default_4"; +"87 linear_3_scale_0" -> "90 dequantize_per_channel_default_4"; +"88 linear_3_zero_point_0" -> "89 quantize_per_channel_default_4"; +"88 linear_3_zero_point_0" -> "90 dequantize_per_channel_default_4"; +"89 quantize_per_channel_default_4" -> "90 dequantize_per_channel_default_4"; +"90 dequantize_per_channel_default_4" -> "92 linear_3"; +"91 _param_constant11_0_0" -> "92 linear_3"; +"92 linear_3" -> "93 dropout_1"; +"93 dropout_1" -> "94 view_3"; +"94 view_3" -> "95 permute_4"; +"95 permute_4" -> "96 reshape_3"; +"96 reshape_3" -> "97 slice_2"; +"97 slice_2" -> "98 slice_3"; +"98 slice_3" -> "101 layer_norm_1"; +"99 _param_constant12" -> "101 layer_norm_1"; +"100 _param_constant13" -> "101 layer_norm_1"; +"101 layer_norm_1" -> "102 add_1"; +"102 add_1" -> "104 add_1_0_0_nncf_smooth_quant_0"; +"102 add_1" -> "129 add_2"; +"103 linear_4_updated_constant0" -> "109 quantize_per_channel_default_5"; +"104 add_1_0_0_nncf_smooth_quant_0" -> "105 quantize_per_tensor_default_5"; +"105 quantize_per_tensor_default_5" -> "106 dequantize_per_tensor_default_5"; +"106 dequantize_per_tensor_default_5" -> "112 linear_4"; +"107 linear_4_scale_0" -> "109 quantize_per_channel_default_5"; +"107 linear_4_scale_0" -> "110 dequantize_per_channel_default_5"; +"108 linear_4_zero_point_0" -> "109 quantize_per_channel_default_5"; +"108 linear_4_zero_point_0" -> "110 dequantize_per_channel_default_5"; +"109 quantize_per_channel_default_5" -> "110 dequantize_per_channel_default_5"; +"110 dequantize_per_channel_default_5" -> "112 linear_4"; +"111 _param_constant15_0_0" -> "112 linear_4"; +"112 linear_4" -> "113 gelu"; +"113 gelu" -> "114 dropout_2"; +"114 dropout_2" -> "116 dropout_2_0_0_nncf_smooth_quant_0"; +"115 linear_5_updated_constant0" -> "121 quantize_per_channel_default_6"; +"116 dropout_2_0_0_nncf_smooth_quant_0" -> "117 quantize_per_tensor_default_6"; +"117 quantize_per_tensor_default_6" -> "118 dequantize_per_tensor_default_6"; +"118 dequantize_per_tensor_default_6" -> "124 linear_5"; +"119 linear_5_scale_0" -> "121 quantize_per_channel_default_6"; +"119 linear_5_scale_0" -> "122 dequantize_per_channel_default_6"; +"120 linear_5_zero_point_0" -> "121 quantize_per_channel_default_6"; +"120 linear_5_zero_point_0" -> "122 dequantize_per_channel_default_6"; +"121 quantize_per_channel_default_6" -> "122 dequantize_per_channel_default_6"; +"122 dequantize_per_channel_default_6" -> "124 linear_5"; +"123 _param_constant17_0_0" -> "124 linear_5"; +"124 linear_5" -> "125 dropout_3"; +"125 dropout_3" -> "128 layer_norm_2"; +"126 _param_constant18" -> "128 layer_norm_2"; +"127 _param_constant19" -> "128 layer_norm_2"; +"128 layer_norm_2" -> "129 add_2"; +"129 add_2" -> "156 pad_1"; +"129 add_2" -> "236 add_5"; +"130 _tensor_constant2" -> "132 _tensor_constant2_0_0_nncf_smooth_quant_0"; +"131 linear_6_updated_constant0" -> "135 quantize_per_channel_default_7"; +"132 _tensor_constant2_0_0_nncf_smooth_quant_0" -> "138 linear_6"; +"133 linear_6_scale_0" -> "135 quantize_per_channel_default_7"; +"133 linear_6_scale_0" -> "136 dequantize_per_channel_default_7"; +"134 linear_6_zero_point_0" -> "135 quantize_per_channel_default_7"; +"134 linear_6_zero_point_0" -> "136 dequantize_per_channel_default_7"; +"135 quantize_per_channel_default_7" -> "136 dequantize_per_channel_default_7"; +"136 dequantize_per_channel_default_7" -> "138 linear_6"; +"137 _param_constant21_0_0" -> "138 linear_6"; +"138 linear_6" -> "139 relu__1"; +"139 relu__1" -> "141 relu__1_0_0_nncf_smooth_quant_0"; +"140 linear_7_updated_constant0" -> "144 quantize_per_channel_default_8"; +"141 relu__1_0_0_nncf_smooth_quant_0" -> "146 linear_7"; +"142 linear_7_scale_0" -> "144 quantize_per_channel_default_8"; +"142 linear_7_scale_0" -> "145 dequantize_per_channel_default_8"; +"143 linear_7_zero_point_0" -> "144 quantize_per_channel_default_8"; +"143 linear_7_zero_point_0" -> "145 dequantize_per_channel_default_8"; +"144 quantize_per_channel_default_8" -> "145 dequantize_per_channel_default_8"; +"145 dequantize_per_channel_default_8" -> "146 linear_7"; +"146 linear_7" -> "147 view_4"; +"147 view_4" -> "149 index_1"; +"148 _tensor_constant3" -> "149 index_1"; +"149 index_1" -> "150 view_5"; +"150 view_5" -> "151 permute_5"; +"151 permute_5" -> "152 contiguous_1"; +"152 contiguous_1" -> "153 unsqueeze_1"; +"153 unsqueeze_1" -> "154 sigmoid_1"; +"154 sigmoid_1" -> "155 mul_2"; +"155 mul_2" -> "194 add_3"; +"156 pad_1" -> "157 roll"; +"157 roll" -> "158 view_6"; +"158 view_6" -> "159 permute_6"; +"159 permute_6" -> "160 reshape_4"; +"160 reshape_4" -> "162 reshape_4_0_0_nncf_smooth_quant_0"; +"160 reshape_4" -> "195 new_zeros"; +"161 linear_8_updated_constant0" -> "167 quantize_per_channel_default_9"; +"162 reshape_4_0_0_nncf_smooth_quant_0" -> "163 quantize_per_tensor_default_7"; +"163 quantize_per_tensor_default_7" -> "164 dequantize_per_tensor_default_7"; +"164 dequantize_per_tensor_default_7" -> "170 linear_8"; +"165 linear_8_scale_0" -> "167 quantize_per_channel_default_9"; +"165 linear_8_scale_0" -> "168 dequantize_per_channel_default_9"; +"166 linear_8_zero_point_0" -> "167 quantize_per_channel_default_9"; +"166 linear_8_zero_point_0" -> "168 dequantize_per_channel_default_9"; +"167 quantize_per_channel_default_9" -> "168 dequantize_per_channel_default_9"; +"168 dequantize_per_channel_default_9" -> "170 linear_8"; +"169 _param_constant23_0_0" -> "170 linear_8"; +"170 linear_8" -> "171 reshape_5"; +"171 reshape_5" -> "172 permute_7"; +"172 permute_7" -> "173 select_3"; +"172 permute_7" -> "174 select_4"; +"172 permute_7" -> "175 select_5"; +"173 select_3" -> "176 linalg_vector_norm_2"; +"173 select_3" -> "178 expand_as_2"; +"173 select_3" -> "179 div_2"; +"174 select_4" -> "182 linalg_vector_norm_3"; +"174 select_4" -> "184 expand_as_3"; +"174 select_4" -> "185 div_3"; +"175 select_5" -> "213 matmul_3"; +"176 linalg_vector_norm_2" -> "177 clamp_min_2"; +"177 clamp_min_2" -> "178 expand_as_2"; +"178 expand_as_2" -> "179 div_2"; +"179 div_2" -> "180 quantize_per_tensor_default_8"; +"180 quantize_per_tensor_default_8" -> "181 dequantize_per_tensor_default_8"; +"181 dequantize_per_tensor_default_8" -> "189 matmul_2"; +"182 linalg_vector_norm_3" -> "183 clamp_min_3"; +"183 clamp_min_3" -> "184 expand_as_3"; +"184 expand_as_3" -> "185 div_3"; +"185 div_3" -> "186 quantize_per_tensor_default_9"; +"186 quantize_per_tensor_default_9" -> "187 dequantize_per_tensor_default_9"; +"187 dequantize_per_tensor_default_9" -> "188 transpose_2"; +"188 transpose_2" -> "189 matmul_2"; +"189 matmul_2" -> "193 mul_3"; +"190 _param_constant25" -> "191 clamp_1"; +"191 clamp_1" -> "192 exp_1"; +"192 exp_1" -> "193 mul_3"; +"193 mul_3" -> "194 add_3"; +"194 add_3" -> "206 view_8"; +"195 new_zeros" -> "196 view_7"; +"196 view_7" -> "197 permute_8"; +"197 permute_8" -> "198 reshape_6"; +"198 reshape_6" -> "199 unsqueeze_2"; +"198 reshape_6" -> "200 unsqueeze_3"; +"199 unsqueeze_2" -> "201 sub"; +"200 unsqueeze_3" -> "201 sub"; +"201 sub" -> "202 ne"; +"201 sub" -> "203 masked_fill"; +"201 sub" -> "204 eq"; +"202 ne" -> "203 masked_fill"; +"203 masked_fill" -> "205 masked_fill_1"; +"204 eq" -> "205 masked_fill_1"; +"205 masked_fill_1" -> "207 unsqueeze_4"; +"206 view_8" -> "209 add_4"; +"207 unsqueeze_4" -> "208 unsqueeze_5"; +"208 unsqueeze_5" -> "209 add_4"; +"209 add_4" -> "210 view_9"; +"210 view_9" -> "211 softmax_1"; +"211 softmax_1" -> "212 dropout_4"; +"212 dropout_4" -> "213 matmul_3"; +"213 matmul_3" -> "214 transpose_3"; +"214 transpose_3" -> "215 reshape_7"; +"215 reshape_7" -> "217 reshape_7_0_0_nncf_smooth_quant_0"; +"216 linear_9_updated_constant0" -> "222 quantize_per_channel_default_10"; +"217 reshape_7_0_0_nncf_smooth_quant_0" -> "218 quantize_per_tensor_default_10"; +"218 quantize_per_tensor_default_10" -> "219 dequantize_per_tensor_default_10"; +"219 dequantize_per_tensor_default_10" -> "225 linear_9"; +"220 linear_9_scale_0" -> "222 quantize_per_channel_default_10"; +"220 linear_9_scale_0" -> "223 dequantize_per_channel_default_10"; +"221 linear_9_zero_point_0" -> "222 quantize_per_channel_default_10"; +"221 linear_9_zero_point_0" -> "223 dequantize_per_channel_default_10"; +"222 quantize_per_channel_default_10" -> "223 dequantize_per_channel_default_10"; +"223 dequantize_per_channel_default_10" -> "225 linear_9"; +"224 _param_constant27_0_0" -> "225 linear_9"; +"225 linear_9" -> "226 dropout_5"; +"226 dropout_5" -> "227 view_10"; +"227 view_10" -> "228 permute_9"; +"228 permute_9" -> "229 reshape_8"; +"229 reshape_8" -> "230 roll_1"; +"230 roll_1" -> "231 slice_23"; +"231 slice_23" -> "232 slice_24"; +"232 slice_24" -> "235 layer_norm_3"; +"233 _param_constant28" -> "235 layer_norm_3"; +"234 _param_constant29" -> "235 layer_norm_3"; +"235 layer_norm_3" -> "236 add_5"; +"236 add_5" -> "238 add_5_0_0_nncf_smooth_quant_0"; +"236 add_5" -> "263 add_6"; +"237 linear_10_updated_constant0" -> "243 quantize_per_channel_default_11"; +"238 add_5_0_0_nncf_smooth_quant_0" -> "239 quantize_per_tensor_default_11"; +"239 quantize_per_tensor_default_11" -> "240 dequantize_per_tensor_default_11"; +"240 dequantize_per_tensor_default_11" -> "246 linear_10"; +"241 linear_10_scale_0" -> "243 quantize_per_channel_default_11"; +"241 linear_10_scale_0" -> "244 dequantize_per_channel_default_11"; +"242 linear_10_zero_point_0" -> "243 quantize_per_channel_default_11"; +"242 linear_10_zero_point_0" -> "244 dequantize_per_channel_default_11"; +"243 quantize_per_channel_default_11" -> "244 dequantize_per_channel_default_11"; +"244 dequantize_per_channel_default_11" -> "246 linear_10"; +"245 _param_constant31_0_0" -> "246 linear_10"; +"246 linear_10" -> "247 gelu_1"; +"247 gelu_1" -> "248 dropout_6"; +"248 dropout_6" -> "250 dropout_6_0_0_nncf_smooth_quant_0"; +"249 linear_11_updated_constant0" -> "255 quantize_per_channel_default_12"; +"250 dropout_6_0_0_nncf_smooth_quant_0" -> "251 quantize_per_tensor_default_12"; +"251 quantize_per_tensor_default_12" -> "252 dequantize_per_tensor_default_12"; +"252 dequantize_per_tensor_default_12" -> "258 linear_11"; +"253 linear_11_scale_0" -> "255 quantize_per_channel_default_12"; +"253 linear_11_scale_0" -> "256 dequantize_per_channel_default_12"; +"254 linear_11_zero_point_0" -> "255 quantize_per_channel_default_12"; +"254 linear_11_zero_point_0" -> "256 dequantize_per_channel_default_12"; +"255 quantize_per_channel_default_12" -> "256 dequantize_per_channel_default_12"; +"256 dequantize_per_channel_default_12" -> "258 linear_11"; +"257 _param_constant33_0_0" -> "258 linear_11"; +"258 linear_11" -> "259 dropout_7"; +"259 dropout_7" -> "262 layer_norm_4"; +"260 _param_constant34" -> "262 layer_norm_4"; +"261 _param_constant35" -> "262 layer_norm_4"; +"262 layer_norm_4" -> "263 add_6"; +"263 add_6" -> "264 pad_2"; +"264 pad_2" -> "265 slice_25"; +"264 pad_2" -> "268 slice_28"; +"264 pad_2" -> "271 slice_31"; +"264 pad_2" -> "274 slice_34"; +"265 slice_25" -> "266 slice_26"; +"266 slice_26" -> "267 slice_27"; +"267 slice_27" -> "277 cat"; +"268 slice_28" -> "269 slice_29"; +"269 slice_29" -> "270 slice_30"; +"270 slice_30" -> "277 cat"; +"271 slice_31" -> "272 slice_32"; +"272 slice_32" -> "273 slice_33"; +"273 slice_33" -> "277 cat"; +"274 slice_34" -> "275 slice_35"; +"275 slice_35" -> "276 slice_36"; +"276 slice_36" -> "277 cat"; +"277 cat" -> "279 cat_0_0_nncf_smooth_quant_0"; +"278 linear_12_updated_constant0" -> "284 quantize_per_channel_default_13"; +"279 cat_0_0_nncf_smooth_quant_0" -> "280 quantize_per_tensor_default_13"; +"280 quantize_per_tensor_default_13" -> "281 dequantize_per_tensor_default_13"; +"281 dequantize_per_tensor_default_13" -> "286 linear_12"; +"282 linear_12_scale_0" -> "284 quantize_per_channel_default_13"; +"282 linear_12_scale_0" -> "285 dequantize_per_channel_default_13"; +"283 linear_12_zero_point_0" -> "284 quantize_per_channel_default_13"; +"283 linear_12_zero_point_0" -> "285 dequantize_per_channel_default_13"; +"284 quantize_per_channel_default_13" -> "285 dequantize_per_channel_default_13"; +"285 dequantize_per_channel_default_13" -> "286 linear_12"; +"286 linear_12" -> "289 layer_norm_5"; +"287 _param_constant37" -> "289 layer_norm_5"; +"288 _param_constant38" -> "289 layer_norm_5"; +"289 layer_norm_5" -> "316 pad_3"; +"289 layer_norm_5" -> "381 add_8"; +"290 _tensor_constant13" -> "292 _tensor_constant13_0_0_nncf_smooth_quant_0"; +"291 linear_13_updated_constant0" -> "295 quantize_per_channel_default_14"; +"292 _tensor_constant13_0_0_nncf_smooth_quant_0" -> "298 linear_13"; +"293 linear_13_scale_0" -> "295 quantize_per_channel_default_14"; +"293 linear_13_scale_0" -> "296 dequantize_per_channel_default_14"; +"294 linear_13_zero_point_0" -> "295 quantize_per_channel_default_14"; +"294 linear_13_zero_point_0" -> "296 dequantize_per_channel_default_14"; +"295 quantize_per_channel_default_14" -> "296 dequantize_per_channel_default_14"; +"296 dequantize_per_channel_default_14" -> "298 linear_13"; +"297 _param_constant40_0_0" -> "298 linear_13"; +"298 linear_13" -> "299 relu__2"; +"299 relu__2" -> "301 relu__2_0_0_nncf_smooth_quant_0"; +"300 linear_14_updated_constant0" -> "304 quantize_per_channel_default_15"; +"301 relu__2_0_0_nncf_smooth_quant_0" -> "306 linear_14"; +"302 linear_14_scale_0" -> "304 quantize_per_channel_default_15"; +"302 linear_14_scale_0" -> "305 dequantize_per_channel_default_15"; +"303 linear_14_zero_point_0" -> "304 quantize_per_channel_default_15"; +"303 linear_14_zero_point_0" -> "305 dequantize_per_channel_default_15"; +"304 quantize_per_channel_default_15" -> "305 dequantize_per_channel_default_15"; +"305 dequantize_per_channel_default_15" -> "306 linear_14"; +"306 linear_14" -> "307 view_11"; +"307 view_11" -> "309 index_2"; +"308 _tensor_constant14" -> "309 index_2"; +"309 index_2" -> "310 view_12"; +"310 view_12" -> "311 permute_10"; +"311 permute_10" -> "312 contiguous_2"; +"312 contiguous_2" -> "313 unsqueeze_6"; +"313 unsqueeze_6" -> "314 sigmoid_2"; +"314 sigmoid_2" -> "315 mul_4"; +"315 mul_4" -> "353 add_7"; +"316 pad_3" -> "317 view_13"; +"317 view_13" -> "318 permute_11"; +"318 permute_11" -> "319 reshape_9"; +"319 reshape_9" -> "321 reshape_9_0_0_nncf_smooth_quant_0"; +"320 linear_15_updated_constant0" -> "326 quantize_per_channel_default_16"; +"321 reshape_9_0_0_nncf_smooth_quant_0" -> "322 quantize_per_tensor_default_14"; +"322 quantize_per_tensor_default_14" -> "323 dequantize_per_tensor_default_14"; +"323 dequantize_per_tensor_default_14" -> "329 linear_15"; +"324 linear_15_scale_0" -> "326 quantize_per_channel_default_16"; +"324 linear_15_scale_0" -> "327 dequantize_per_channel_default_16"; +"325 linear_15_zero_point_0" -> "326 quantize_per_channel_default_16"; +"325 linear_15_zero_point_0" -> "327 dequantize_per_channel_default_16"; +"326 quantize_per_channel_default_16" -> "327 dequantize_per_channel_default_16"; +"327 dequantize_per_channel_default_16" -> "329 linear_15"; +"328 _param_constant42_0_0" -> "329 linear_15"; +"329 linear_15" -> "330 reshape_10"; +"330 reshape_10" -> "331 permute_12"; +"331 permute_12" -> "332 select_6"; +"331 permute_12" -> "333 select_7"; +"331 permute_12" -> "334 select_8"; +"332 select_6" -> "335 linalg_vector_norm_4"; +"332 select_6" -> "337 expand_as_4"; +"332 select_6" -> "338 div_4"; +"333 select_7" -> "341 linalg_vector_norm_5"; +"333 select_7" -> "343 expand_as_5"; +"333 select_7" -> "344 div_5"; +"334 select_8" -> "356 matmul_5"; +"335 linalg_vector_norm_4" -> "336 clamp_min_4"; +"336 clamp_min_4" -> "337 expand_as_4"; +"337 expand_as_4" -> "338 div_4"; +"338 div_4" -> "339 quantize_per_tensor_default_15"; +"339 quantize_per_tensor_default_15" -> "340 dequantize_per_tensor_default_15"; +"340 dequantize_per_tensor_default_15" -> "348 matmul_4"; +"341 linalg_vector_norm_5" -> "342 clamp_min_5"; +"342 clamp_min_5" -> "343 expand_as_5"; +"343 expand_as_5" -> "344 div_5"; +"344 div_5" -> "345 quantize_per_tensor_default_16"; +"345 quantize_per_tensor_default_16" -> "346 dequantize_per_tensor_default_16"; +"346 dequantize_per_tensor_default_16" -> "347 transpose_4"; +"347 transpose_4" -> "348 matmul_4"; +"348 matmul_4" -> "352 mul_5"; +"349 _param_constant44" -> "350 clamp_2"; +"350 clamp_2" -> "351 exp_2"; +"351 exp_2" -> "352 mul_5"; +"352 mul_5" -> "353 add_7"; +"353 add_7" -> "354 softmax_2"; +"354 softmax_2" -> "355 dropout_8"; +"355 dropout_8" -> "356 matmul_5"; +"356 matmul_5" -> "357 transpose_5"; +"357 transpose_5" -> "358 reshape_11"; +"358 reshape_11" -> "360 reshape_11_0_0_nncf_smooth_quant_0"; +"359 linear_16_updated_constant0" -> "365 quantize_per_channel_default_17"; +"360 reshape_11_0_0_nncf_smooth_quant_0" -> "361 quantize_per_tensor_default_17"; +"361 quantize_per_tensor_default_17" -> "362 dequantize_per_tensor_default_17"; +"362 dequantize_per_tensor_default_17" -> "368 linear_16"; +"363 linear_16_scale_0" -> "365 quantize_per_channel_default_17"; +"363 linear_16_scale_0" -> "366 dequantize_per_channel_default_17"; +"364 linear_16_zero_point_0" -> "365 quantize_per_channel_default_17"; +"364 linear_16_zero_point_0" -> "366 dequantize_per_channel_default_17"; +"365 quantize_per_channel_default_17" -> "366 dequantize_per_channel_default_17"; +"366 dequantize_per_channel_default_17" -> "368 linear_16"; +"367 _param_constant46_0_0" -> "368 linear_16"; +"368 linear_16" -> "369 dropout_9"; +"369 dropout_9" -> "370 view_14"; +"370 view_14" -> "371 permute_13"; +"371 permute_13" -> "372 reshape_12"; +"372 reshape_12" -> "373 slice_38"; +"373 slice_38" -> "374 slice_39"; +"374 slice_39" -> "375 slice_40"; +"375 slice_40" -> "376 slice_41"; +"376 slice_41" -> "377 contiguous_3"; +"377 contiguous_3" -> "380 layer_norm_6"; +"378 _param_constant47" -> "380 layer_norm_6"; +"379 _param_constant48" -> "380 layer_norm_6"; +"380 layer_norm_6" -> "381 add_8"; +"381 add_8" -> "383 add_8_0_0_nncf_smooth_quant_0"; +"381 add_8" -> "408 add_9"; +"382 linear_17_updated_constant0" -> "388 quantize_per_channel_default_18"; +"383 add_8_0_0_nncf_smooth_quant_0" -> "384 quantize_per_tensor_default_18"; +"384 quantize_per_tensor_default_18" -> "385 dequantize_per_tensor_default_18"; +"385 dequantize_per_tensor_default_18" -> "391 linear_17"; +"386 linear_17_scale_0" -> "388 quantize_per_channel_default_18"; +"386 linear_17_scale_0" -> "389 dequantize_per_channel_default_18"; +"387 linear_17_zero_point_0" -> "388 quantize_per_channel_default_18"; +"387 linear_17_zero_point_0" -> "389 dequantize_per_channel_default_18"; +"388 quantize_per_channel_default_18" -> "389 dequantize_per_channel_default_18"; +"389 dequantize_per_channel_default_18" -> "391 linear_17"; +"390 _param_constant50_0_0" -> "391 linear_17"; +"391 linear_17" -> "392 gelu_2"; +"392 gelu_2" -> "393 dropout_10"; +"393 dropout_10" -> "395 dropout_10_0_0_nncf_smooth_quant_0"; +"394 linear_18_updated_constant0" -> "400 quantize_per_channel_default_19"; +"395 dropout_10_0_0_nncf_smooth_quant_0" -> "396 quantize_per_tensor_default_19"; +"396 quantize_per_tensor_default_19" -> "397 dequantize_per_tensor_default_19"; +"397 dequantize_per_tensor_default_19" -> "403 linear_18"; +"398 linear_18_scale_0" -> "400 quantize_per_channel_default_19"; +"398 linear_18_scale_0" -> "401 dequantize_per_channel_default_19"; +"399 linear_18_zero_point_0" -> "400 quantize_per_channel_default_19"; +"399 linear_18_zero_point_0" -> "401 dequantize_per_channel_default_19"; +"400 quantize_per_channel_default_19" -> "401 dequantize_per_channel_default_19"; +"401 dequantize_per_channel_default_19" -> "403 linear_18"; +"402 _param_constant52_0_0" -> "403 linear_18"; +"403 linear_18" -> "404 dropout_11"; +"404 dropout_11" -> "407 layer_norm_7"; +"405 _param_constant53" -> "407 layer_norm_7"; +"406 _param_constant54" -> "407 layer_norm_7"; +"407 layer_norm_7" -> "408 add_9"; +"408 add_9" -> "435 pad_4"; +"408 add_9" -> "518 add_12"; +"409 _tensor_constant15" -> "411 _tensor_constant15_0_0_nncf_smooth_quant_0"; +"410 linear_19_updated_constant0" -> "414 quantize_per_channel_default_20"; +"411 _tensor_constant15_0_0_nncf_smooth_quant_0" -> "417 linear_19"; +"412 linear_19_scale_0" -> "414 quantize_per_channel_default_20"; +"412 linear_19_scale_0" -> "415 dequantize_per_channel_default_20"; +"413 linear_19_zero_point_0" -> "414 quantize_per_channel_default_20"; +"413 linear_19_zero_point_0" -> "415 dequantize_per_channel_default_20"; +"414 quantize_per_channel_default_20" -> "415 dequantize_per_channel_default_20"; +"415 dequantize_per_channel_default_20" -> "417 linear_19"; +"416 _param_constant56_0_0" -> "417 linear_19"; +"417 linear_19" -> "418 relu__3"; +"418 relu__3" -> "420 relu__3_0_0_nncf_smooth_quant_0"; +"419 linear_20_updated_constant0" -> "423 quantize_per_channel_default_21"; +"420 relu__3_0_0_nncf_smooth_quant_0" -> "425 linear_20"; +"421 linear_20_scale_0" -> "423 quantize_per_channel_default_21"; +"421 linear_20_scale_0" -> "424 dequantize_per_channel_default_21"; +"422 linear_20_zero_point_0" -> "423 quantize_per_channel_default_21"; +"422 linear_20_zero_point_0" -> "424 dequantize_per_channel_default_21"; +"423 quantize_per_channel_default_21" -> "424 dequantize_per_channel_default_21"; +"424 dequantize_per_channel_default_21" -> "425 linear_20"; +"425 linear_20" -> "426 view_15"; +"426 view_15" -> "428 index_3"; +"427 _tensor_constant16" -> "428 index_3"; +"428 index_3" -> "429 view_16"; +"429 view_16" -> "430 permute_14"; +"430 permute_14" -> "431 contiguous_4"; +"431 contiguous_4" -> "432 unsqueeze_7"; +"432 unsqueeze_7" -> "433 sigmoid_3"; +"433 sigmoid_3" -> "434 mul_6"; +"434 mul_6" -> "473 add_10"; +"435 pad_4" -> "436 roll_2"; +"436 roll_2" -> "437 view_17"; +"437 view_17" -> "438 permute_15"; +"438 permute_15" -> "439 reshape_13"; +"439 reshape_13" -> "441 reshape_13_0_0_nncf_smooth_quant_0"; +"439 reshape_13" -> "474 new_zeros_1"; +"440 linear_21_updated_constant0" -> "446 quantize_per_channel_default_22"; +"441 reshape_13_0_0_nncf_smooth_quant_0" -> "442 quantize_per_tensor_default_20"; +"442 quantize_per_tensor_default_20" -> "443 dequantize_per_tensor_default_20"; +"443 dequantize_per_tensor_default_20" -> "449 linear_21"; +"444 linear_21_scale_0" -> "446 quantize_per_channel_default_22"; +"444 linear_21_scale_0" -> "447 dequantize_per_channel_default_22"; +"445 linear_21_zero_point_0" -> "446 quantize_per_channel_default_22"; +"445 linear_21_zero_point_0" -> "447 dequantize_per_channel_default_22"; +"446 quantize_per_channel_default_22" -> "447 dequantize_per_channel_default_22"; +"447 dequantize_per_channel_default_22" -> "449 linear_21"; +"448 _param_constant58_0_0" -> "449 linear_21"; +"449 linear_21" -> "450 reshape_14"; +"450 reshape_14" -> "451 permute_16"; +"451 permute_16" -> "452 select_9"; +"451 permute_16" -> "453 select_10"; +"451 permute_16" -> "454 select_11"; +"452 select_9" -> "455 linalg_vector_norm_6"; +"452 select_9" -> "457 expand_as_6"; +"452 select_9" -> "458 div_6"; +"453 select_10" -> "461 linalg_vector_norm_7"; +"453 select_10" -> "463 expand_as_7"; +"453 select_10" -> "464 div_7"; +"454 select_11" -> "492 matmul_7"; +"455 linalg_vector_norm_6" -> "456 clamp_min_6"; +"456 clamp_min_6" -> "457 expand_as_6"; +"457 expand_as_6" -> "458 div_6"; +"458 div_6" -> "459 quantize_per_tensor_default_21"; +"459 quantize_per_tensor_default_21" -> "460 dequantize_per_tensor_default_21"; +"460 dequantize_per_tensor_default_21" -> "468 matmul_6"; +"461 linalg_vector_norm_7" -> "462 clamp_min_7"; +"462 clamp_min_7" -> "463 expand_as_7"; +"463 expand_as_7" -> "464 div_7"; +"464 div_7" -> "465 quantize_per_tensor_default_22"; +"465 quantize_per_tensor_default_22" -> "466 dequantize_per_tensor_default_22"; +"466 dequantize_per_tensor_default_22" -> "467 transpose_6"; +"467 transpose_6" -> "468 matmul_6"; +"468 matmul_6" -> "472 mul_7"; +"469 _param_constant60" -> "470 clamp_3"; +"470 clamp_3" -> "471 exp_3"; +"471 exp_3" -> "472 mul_7"; +"472 mul_7" -> "473 add_10"; +"473 add_10" -> "485 view_19"; +"474 new_zeros_1" -> "475 view_18"; +"475 view_18" -> "476 permute_17"; +"476 permute_17" -> "477 reshape_15"; +"477 reshape_15" -> "478 unsqueeze_8"; +"477 reshape_15" -> "479 unsqueeze_9"; +"478 unsqueeze_8" -> "480 sub_1"; +"479 unsqueeze_9" -> "480 sub_1"; +"480 sub_1" -> "481 ne_1"; +"480 sub_1" -> "482 masked_fill_2"; +"480 sub_1" -> "483 eq_1"; +"481 ne_1" -> "482 masked_fill_2"; +"482 masked_fill_2" -> "484 masked_fill_3"; +"483 eq_1" -> "484 masked_fill_3"; +"484 masked_fill_3" -> "486 unsqueeze_10"; +"485 view_19" -> "488 add_11"; +"486 unsqueeze_10" -> "487 unsqueeze_11"; +"487 unsqueeze_11" -> "488 add_11"; +"488 add_11" -> "489 view_20"; +"489 view_20" -> "490 softmax_3"; +"490 softmax_3" -> "491 dropout_12"; +"491 dropout_12" -> "492 matmul_7"; +"492 matmul_7" -> "493 transpose_7"; +"493 transpose_7" -> "494 reshape_16"; +"494 reshape_16" -> "496 reshape_16_0_0_nncf_smooth_quant_0"; +"495 linear_22_updated_constant0" -> "501 quantize_per_channel_default_23"; +"496 reshape_16_0_0_nncf_smooth_quant_0" -> "497 quantize_per_tensor_default_23"; +"497 quantize_per_tensor_default_23" -> "498 dequantize_per_tensor_default_23"; +"498 dequantize_per_tensor_default_23" -> "504 linear_22"; +"499 linear_22_scale_0" -> "501 quantize_per_channel_default_23"; +"499 linear_22_scale_0" -> "502 dequantize_per_channel_default_23"; +"500 linear_22_zero_point_0" -> "501 quantize_per_channel_default_23"; +"500 linear_22_zero_point_0" -> "502 dequantize_per_channel_default_23"; +"501 quantize_per_channel_default_23" -> "502 dequantize_per_channel_default_23"; +"502 dequantize_per_channel_default_23" -> "504 linear_22"; +"503 _param_constant62_0_0" -> "504 linear_22"; +"504 linear_22" -> "505 dropout_13"; +"505 dropout_13" -> "506 view_21"; +"506 view_21" -> "507 permute_18"; +"507 permute_18" -> "508 reshape_17"; +"508 reshape_17" -> "509 roll_3"; +"509 roll_3" -> "510 slice_61"; +"510 slice_61" -> "511 slice_62"; +"511 slice_62" -> "512 slice_63"; +"512 slice_63" -> "513 slice_64"; +"513 slice_64" -> "514 contiguous_5"; +"514 contiguous_5" -> "517 layer_norm_8"; +"515 _param_constant63" -> "517 layer_norm_8"; +"516 _param_constant64" -> "517 layer_norm_8"; +"517 layer_norm_8" -> "518 add_12"; +"518 add_12" -> "520 add_12_0_0_nncf_smooth_quant_0"; +"518 add_12" -> "545 add_13"; +"519 linear_23_updated_constant0" -> "525 quantize_per_channel_default_24"; +"520 add_12_0_0_nncf_smooth_quant_0" -> "521 quantize_per_tensor_default_24"; +"521 quantize_per_tensor_default_24" -> "522 dequantize_per_tensor_default_24"; +"522 dequantize_per_tensor_default_24" -> "528 linear_23"; +"523 linear_23_scale_0" -> "525 quantize_per_channel_default_24"; +"523 linear_23_scale_0" -> "526 dequantize_per_channel_default_24"; +"524 linear_23_zero_point_0" -> "525 quantize_per_channel_default_24"; +"524 linear_23_zero_point_0" -> "526 dequantize_per_channel_default_24"; +"525 quantize_per_channel_default_24" -> "526 dequantize_per_channel_default_24"; +"526 dequantize_per_channel_default_24" -> "528 linear_23"; +"527 _param_constant66_0_0" -> "528 linear_23"; +"528 linear_23" -> "529 gelu_3"; +"529 gelu_3" -> "530 dropout_14"; +"530 dropout_14" -> "532 dropout_14_0_0_nncf_smooth_quant_0"; +"531 linear_24_updated_constant0" -> "537 quantize_per_channel_default_25"; +"532 dropout_14_0_0_nncf_smooth_quant_0" -> "533 quantize_per_tensor_default_25"; +"533 quantize_per_tensor_default_25" -> "534 dequantize_per_tensor_default_25"; +"534 dequantize_per_tensor_default_25" -> "540 linear_24"; +"535 linear_24_scale_0" -> "537 quantize_per_channel_default_25"; +"535 linear_24_scale_0" -> "538 dequantize_per_channel_default_25"; +"536 linear_24_zero_point_0" -> "537 quantize_per_channel_default_25"; +"536 linear_24_zero_point_0" -> "538 dequantize_per_channel_default_25"; +"537 quantize_per_channel_default_25" -> "538 dequantize_per_channel_default_25"; +"538 dequantize_per_channel_default_25" -> "540 linear_24"; +"539 _param_constant68_0_0" -> "540 linear_24"; +"540 linear_24" -> "541 dropout_15"; +"541 dropout_15" -> "544 layer_norm_9"; +"542 _param_constant69" -> "544 layer_norm_9"; +"543 _param_constant70" -> "544 layer_norm_9"; +"544 layer_norm_9" -> "545 add_13"; +"545 add_13" -> "546 pad_5"; +"546 pad_5" -> "547 slice_65"; +"546 pad_5" -> "550 slice_68"; +"546 pad_5" -> "553 slice_71"; +"546 pad_5" -> "556 slice_74"; +"547 slice_65" -> "548 slice_66"; +"548 slice_66" -> "549 slice_67"; +"549 slice_67" -> "559 cat_1"; +"550 slice_68" -> "551 slice_69"; +"551 slice_69" -> "552 slice_70"; +"552 slice_70" -> "559 cat_1"; +"553 slice_71" -> "554 slice_72"; +"554 slice_72" -> "555 slice_73"; +"555 slice_73" -> "559 cat_1"; +"556 slice_74" -> "557 slice_75"; +"557 slice_75" -> "558 slice_76"; +"558 slice_76" -> "559 cat_1"; +"559 cat_1" -> "561 cat_1_0_0_nncf_smooth_quant_0"; +"560 linear_25_updated_constant0" -> "566 quantize_per_channel_default_26"; +"561 cat_1_0_0_nncf_smooth_quant_0" -> "562 quantize_per_tensor_default_26"; +"562 quantize_per_tensor_default_26" -> "563 dequantize_per_tensor_default_26"; +"563 dequantize_per_tensor_default_26" -> "568 linear_25"; +"564 linear_25_scale_0" -> "566 quantize_per_channel_default_26"; +"564 linear_25_scale_0" -> "567 dequantize_per_channel_default_26"; +"565 linear_25_zero_point_0" -> "566 quantize_per_channel_default_26"; +"565 linear_25_zero_point_0" -> "567 dequantize_per_channel_default_26"; +"566 quantize_per_channel_default_26" -> "567 dequantize_per_channel_default_26"; +"567 dequantize_per_channel_default_26" -> "568 linear_25"; +"568 linear_25" -> "571 layer_norm_10"; +"569 _param_constant72" -> "571 layer_norm_10"; +"570 _param_constant73" -> "571 layer_norm_10"; +"571 layer_norm_10" -> "598 pad_6"; +"571 layer_norm_10" -> "663 add_15"; +"572 _tensor_constant26" -> "574 _tensor_constant26_0_0_nncf_smooth_quant_0"; +"573 linear_26_updated_constant0" -> "577 quantize_per_channel_default_27"; +"574 _tensor_constant26_0_0_nncf_smooth_quant_0" -> "580 linear_26"; +"575 linear_26_scale_0" -> "577 quantize_per_channel_default_27"; +"575 linear_26_scale_0" -> "578 dequantize_per_channel_default_27"; +"576 linear_26_zero_point_0" -> "577 quantize_per_channel_default_27"; +"576 linear_26_zero_point_0" -> "578 dequantize_per_channel_default_27"; +"577 quantize_per_channel_default_27" -> "578 dequantize_per_channel_default_27"; +"578 dequantize_per_channel_default_27" -> "580 linear_26"; +"579 _param_constant75_0_0" -> "580 linear_26"; +"580 linear_26" -> "581 relu__4"; +"581 relu__4" -> "583 relu__4_0_0_nncf_smooth_quant_0"; +"582 linear_27_updated_constant0" -> "586 quantize_per_channel_default_28"; +"583 relu__4_0_0_nncf_smooth_quant_0" -> "588 linear_27"; +"584 linear_27_scale_0" -> "586 quantize_per_channel_default_28"; +"584 linear_27_scale_0" -> "587 dequantize_per_channel_default_28"; +"585 linear_27_zero_point_0" -> "586 quantize_per_channel_default_28"; +"585 linear_27_zero_point_0" -> "587 dequantize_per_channel_default_28"; +"586 quantize_per_channel_default_28" -> "587 dequantize_per_channel_default_28"; +"587 dequantize_per_channel_default_28" -> "588 linear_27"; +"588 linear_27" -> "589 view_22"; +"589 view_22" -> "591 index_4"; +"590 _tensor_constant27" -> "591 index_4"; +"591 index_4" -> "592 view_23"; +"592 view_23" -> "593 permute_19"; +"593 permute_19" -> "594 contiguous_6"; +"594 contiguous_6" -> "595 unsqueeze_12"; +"595 unsqueeze_12" -> "596 sigmoid_4"; +"596 sigmoid_4" -> "597 mul_8"; +"597 mul_8" -> "635 add_14"; +"598 pad_6" -> "599 view_24"; +"599 view_24" -> "600 permute_20"; +"600 permute_20" -> "601 reshape_18"; +"601 reshape_18" -> "603 reshape_18_0_0_nncf_smooth_quant_0"; +"602 linear_28_updated_constant0" -> "608 quantize_per_channel_default_29"; +"603 reshape_18_0_0_nncf_smooth_quant_0" -> "604 quantize_per_tensor_default_27"; +"604 quantize_per_tensor_default_27" -> "605 dequantize_per_tensor_default_27"; +"605 dequantize_per_tensor_default_27" -> "611 linear_28"; +"606 linear_28_scale_0" -> "608 quantize_per_channel_default_29"; +"606 linear_28_scale_0" -> "609 dequantize_per_channel_default_29"; +"607 linear_28_zero_point_0" -> "608 quantize_per_channel_default_29"; +"607 linear_28_zero_point_0" -> "609 dequantize_per_channel_default_29"; +"608 quantize_per_channel_default_29" -> "609 dequantize_per_channel_default_29"; +"609 dequantize_per_channel_default_29" -> "611 linear_28"; +"610 _param_constant77_0_0" -> "611 linear_28"; +"611 linear_28" -> "612 reshape_19"; +"612 reshape_19" -> "613 permute_21"; +"613 permute_21" -> "614 select_12"; +"613 permute_21" -> "615 select_13"; +"613 permute_21" -> "616 select_14"; +"614 select_12" -> "617 linalg_vector_norm_8"; +"614 select_12" -> "619 expand_as_8"; +"614 select_12" -> "620 div_8"; +"615 select_13" -> "623 linalg_vector_norm_9"; +"615 select_13" -> "625 expand_as_9"; +"615 select_13" -> "626 div_9"; +"616 select_14" -> "638 matmul_9"; +"617 linalg_vector_norm_8" -> "618 clamp_min_8"; +"618 clamp_min_8" -> "619 expand_as_8"; +"619 expand_as_8" -> "620 div_8"; +"620 div_8" -> "621 quantize_per_tensor_default_28"; +"621 quantize_per_tensor_default_28" -> "622 dequantize_per_tensor_default_28"; +"622 dequantize_per_tensor_default_28" -> "630 matmul_8"; +"623 linalg_vector_norm_9" -> "624 clamp_min_9"; +"624 clamp_min_9" -> "625 expand_as_9"; +"625 expand_as_9" -> "626 div_9"; +"626 div_9" -> "627 quantize_per_tensor_default_29"; +"627 quantize_per_tensor_default_29" -> "628 dequantize_per_tensor_default_29"; +"628 dequantize_per_tensor_default_29" -> "629 transpose_8"; +"629 transpose_8" -> "630 matmul_8"; +"630 matmul_8" -> "634 mul_9"; +"631 _param_constant79" -> "632 clamp_4"; +"632 clamp_4" -> "633 exp_4"; +"633 exp_4" -> "634 mul_9"; +"634 mul_9" -> "635 add_14"; +"635 add_14" -> "636 softmax_4"; +"636 softmax_4" -> "637 dropout_16"; +"637 dropout_16" -> "638 matmul_9"; +"638 matmul_9" -> "639 transpose_9"; +"639 transpose_9" -> "640 reshape_20"; +"640 reshape_20" -> "642 reshape_20_0_0_nncf_smooth_quant_0"; +"641 linear_29_updated_constant0" -> "647 quantize_per_channel_default_30"; +"642 reshape_20_0_0_nncf_smooth_quant_0" -> "643 quantize_per_tensor_default_30"; +"643 quantize_per_tensor_default_30" -> "644 dequantize_per_tensor_default_30"; +"644 dequantize_per_tensor_default_30" -> "650 linear_29"; +"645 linear_29_scale_0" -> "647 quantize_per_channel_default_30"; +"645 linear_29_scale_0" -> "648 dequantize_per_channel_default_30"; +"646 linear_29_zero_point_0" -> "647 quantize_per_channel_default_30"; +"646 linear_29_zero_point_0" -> "648 dequantize_per_channel_default_30"; +"647 quantize_per_channel_default_30" -> "648 dequantize_per_channel_default_30"; +"648 dequantize_per_channel_default_30" -> "650 linear_29"; +"649 _param_constant81_0_0" -> "650 linear_29"; +"650 linear_29" -> "651 dropout_17"; +"651 dropout_17" -> "652 view_25"; +"652 view_25" -> "653 permute_22"; +"653 permute_22" -> "654 reshape_21"; +"654 reshape_21" -> "655 slice_78"; +"655 slice_78" -> "656 slice_79"; +"656 slice_79" -> "657 slice_80"; +"657 slice_80" -> "658 slice_81"; +"658 slice_81" -> "659 contiguous_7"; +"659 contiguous_7" -> "662 layer_norm_11"; +"660 _param_constant82" -> "662 layer_norm_11"; +"661 _param_constant83" -> "662 layer_norm_11"; +"662 layer_norm_11" -> "663 add_15"; +"663 add_15" -> "665 add_15_0_0_nncf_smooth_quant_0"; +"663 add_15" -> "690 add_16"; +"664 linear_30_updated_constant0" -> "670 quantize_per_channel_default_31"; +"665 add_15_0_0_nncf_smooth_quant_0" -> "666 quantize_per_tensor_default_31"; +"666 quantize_per_tensor_default_31" -> "667 dequantize_per_tensor_default_31"; +"667 dequantize_per_tensor_default_31" -> "673 linear_30"; +"668 linear_30_scale_0" -> "670 quantize_per_channel_default_31"; +"668 linear_30_scale_0" -> "671 dequantize_per_channel_default_31"; +"669 linear_30_zero_point_0" -> "670 quantize_per_channel_default_31"; +"669 linear_30_zero_point_0" -> "671 dequantize_per_channel_default_31"; +"670 quantize_per_channel_default_31" -> "671 dequantize_per_channel_default_31"; +"671 dequantize_per_channel_default_31" -> "673 linear_30"; +"672 _param_constant85_0_0" -> "673 linear_30"; +"673 linear_30" -> "674 gelu_4"; +"674 gelu_4" -> "675 dropout_18"; +"675 dropout_18" -> "677 dropout_18_0_0_nncf_smooth_quant_0"; +"676 linear_31_updated_constant0" -> "682 quantize_per_channel_default_32"; +"677 dropout_18_0_0_nncf_smooth_quant_0" -> "678 quantize_per_tensor_default_32"; +"678 quantize_per_tensor_default_32" -> "679 dequantize_per_tensor_default_32"; +"679 dequantize_per_tensor_default_32" -> "685 linear_31"; +"680 linear_31_scale_0" -> "682 quantize_per_channel_default_32"; +"680 linear_31_scale_0" -> "683 dequantize_per_channel_default_32"; +"681 linear_31_zero_point_0" -> "682 quantize_per_channel_default_32"; +"681 linear_31_zero_point_0" -> "683 dequantize_per_channel_default_32"; +"682 quantize_per_channel_default_32" -> "683 dequantize_per_channel_default_32"; +"683 dequantize_per_channel_default_32" -> "685 linear_31"; +"684 _param_constant87_0_0" -> "685 linear_31"; +"685 linear_31" -> "686 dropout_19"; +"686 dropout_19" -> "689 layer_norm_12"; +"687 _param_constant88" -> "689 layer_norm_12"; +"688 _param_constant89" -> "689 layer_norm_12"; +"689 layer_norm_12" -> "690 add_16"; +"690 add_16" -> "717 pad_7"; +"690 add_16" -> "800 add_19"; +"691 _tensor_constant28" -> "693 _tensor_constant28_0_0_nncf_smooth_quant_0"; +"692 linear_32_updated_constant0" -> "696 quantize_per_channel_default_33"; +"693 _tensor_constant28_0_0_nncf_smooth_quant_0" -> "699 linear_32"; +"694 linear_32_scale_0" -> "696 quantize_per_channel_default_33"; +"694 linear_32_scale_0" -> "697 dequantize_per_channel_default_33"; +"695 linear_32_zero_point_0" -> "696 quantize_per_channel_default_33"; +"695 linear_32_zero_point_0" -> "697 dequantize_per_channel_default_33"; +"696 quantize_per_channel_default_33" -> "697 dequantize_per_channel_default_33"; +"697 dequantize_per_channel_default_33" -> "699 linear_32"; +"698 _param_constant91_0_0" -> "699 linear_32"; +"699 linear_32" -> "700 relu__5"; +"700 relu__5" -> "702 relu__5_0_0_nncf_smooth_quant_0"; +"701 linear_33_updated_constant0" -> "705 quantize_per_channel_default_34"; +"702 relu__5_0_0_nncf_smooth_quant_0" -> "707 linear_33"; +"703 linear_33_scale_0" -> "705 quantize_per_channel_default_34"; +"703 linear_33_scale_0" -> "706 dequantize_per_channel_default_34"; +"704 linear_33_zero_point_0" -> "705 quantize_per_channel_default_34"; +"704 linear_33_zero_point_0" -> "706 dequantize_per_channel_default_34"; +"705 quantize_per_channel_default_34" -> "706 dequantize_per_channel_default_34"; +"706 dequantize_per_channel_default_34" -> "707 linear_33"; +"707 linear_33" -> "708 view_26"; +"708 view_26" -> "710 index_5"; +"709 _tensor_constant29" -> "710 index_5"; +"710 index_5" -> "711 view_27"; +"711 view_27" -> "712 permute_23"; +"712 permute_23" -> "713 contiguous_8"; +"713 contiguous_8" -> "714 unsqueeze_13"; +"714 unsqueeze_13" -> "715 sigmoid_5"; +"715 sigmoid_5" -> "716 mul_10"; +"716 mul_10" -> "755 add_17"; +"717 pad_7" -> "718 roll_4"; +"718 roll_4" -> "719 view_28"; +"719 view_28" -> "720 permute_24"; +"720 permute_24" -> "721 reshape_22"; +"721 reshape_22" -> "723 reshape_22_0_0_nncf_smooth_quant_0"; +"721 reshape_22" -> "756 new_zeros_2"; +"722 linear_34_updated_constant0" -> "728 quantize_per_channel_default_35"; +"723 reshape_22_0_0_nncf_smooth_quant_0" -> "724 quantize_per_tensor_default_33"; +"724 quantize_per_tensor_default_33" -> "725 dequantize_per_tensor_default_33"; +"725 dequantize_per_tensor_default_33" -> "731 linear_34"; +"726 linear_34_scale_0" -> "728 quantize_per_channel_default_35"; +"726 linear_34_scale_0" -> "729 dequantize_per_channel_default_35"; +"727 linear_34_zero_point_0" -> "728 quantize_per_channel_default_35"; +"727 linear_34_zero_point_0" -> "729 dequantize_per_channel_default_35"; +"728 quantize_per_channel_default_35" -> "729 dequantize_per_channel_default_35"; +"729 dequantize_per_channel_default_35" -> "731 linear_34"; +"730 _param_constant93_0_0" -> "731 linear_34"; +"731 linear_34" -> "732 reshape_23"; +"732 reshape_23" -> "733 permute_25"; +"733 permute_25" -> "734 select_15"; +"733 permute_25" -> "735 select_16"; +"733 permute_25" -> "736 select_17"; +"734 select_15" -> "737 linalg_vector_norm_10"; +"734 select_15" -> "739 expand_as_10"; +"734 select_15" -> "740 div_10"; +"735 select_16" -> "743 linalg_vector_norm_11"; +"735 select_16" -> "745 expand_as_11"; +"735 select_16" -> "746 div_11"; +"736 select_17" -> "774 matmul_11"; +"737 linalg_vector_norm_10" -> "738 clamp_min_10"; +"738 clamp_min_10" -> "739 expand_as_10"; +"739 expand_as_10" -> "740 div_10"; +"740 div_10" -> "741 quantize_per_tensor_default_34"; +"741 quantize_per_tensor_default_34" -> "742 dequantize_per_tensor_default_34"; +"742 dequantize_per_tensor_default_34" -> "750 matmul_10"; +"743 linalg_vector_norm_11" -> "744 clamp_min_11"; +"744 clamp_min_11" -> "745 expand_as_11"; +"745 expand_as_11" -> "746 div_11"; +"746 div_11" -> "747 quantize_per_tensor_default_35"; +"747 quantize_per_tensor_default_35" -> "748 dequantize_per_tensor_default_35"; +"748 dequantize_per_tensor_default_35" -> "749 transpose_10"; +"749 transpose_10" -> "750 matmul_10"; +"750 matmul_10" -> "754 mul_11"; +"751 _param_constant95" -> "752 clamp_5"; +"752 clamp_5" -> "753 exp_5"; +"753 exp_5" -> "754 mul_11"; +"754 mul_11" -> "755 add_17"; +"755 add_17" -> "767 view_30"; +"756 new_zeros_2" -> "757 view_29"; +"757 view_29" -> "758 permute_26"; +"758 permute_26" -> "759 reshape_24"; +"759 reshape_24" -> "760 unsqueeze_14"; +"759 reshape_24" -> "761 unsqueeze_15"; +"760 unsqueeze_14" -> "762 sub_2"; +"761 unsqueeze_15" -> "762 sub_2"; +"762 sub_2" -> "763 ne_2"; +"762 sub_2" -> "764 masked_fill_4"; +"762 sub_2" -> "765 eq_2"; +"763 ne_2" -> "764 masked_fill_4"; +"764 masked_fill_4" -> "766 masked_fill_5"; +"765 eq_2" -> "766 masked_fill_5"; +"766 masked_fill_5" -> "768 unsqueeze_16"; +"767 view_30" -> "770 add_18"; +"768 unsqueeze_16" -> "769 unsqueeze_17"; +"769 unsqueeze_17" -> "770 add_18"; +"770 add_18" -> "771 view_31"; +"771 view_31" -> "772 softmax_5"; +"772 softmax_5" -> "773 dropout_20"; +"773 dropout_20" -> "774 matmul_11"; +"774 matmul_11" -> "775 transpose_11"; +"775 transpose_11" -> "776 reshape_25"; +"776 reshape_25" -> "778 reshape_25_0_0_nncf_smooth_quant_0"; +"777 linear_35_updated_constant0" -> "783 quantize_per_channel_default_36"; +"778 reshape_25_0_0_nncf_smooth_quant_0" -> "779 quantize_per_tensor_default_36"; +"779 quantize_per_tensor_default_36" -> "780 dequantize_per_tensor_default_36"; +"780 dequantize_per_tensor_default_36" -> "786 linear_35"; +"781 linear_35_scale_0" -> "783 quantize_per_channel_default_36"; +"781 linear_35_scale_0" -> "784 dequantize_per_channel_default_36"; +"782 linear_35_zero_point_0" -> "783 quantize_per_channel_default_36"; +"782 linear_35_zero_point_0" -> "784 dequantize_per_channel_default_36"; +"783 quantize_per_channel_default_36" -> "784 dequantize_per_channel_default_36"; +"784 dequantize_per_channel_default_36" -> "786 linear_35"; +"785 _param_constant97_0_0" -> "786 linear_35"; +"786 linear_35" -> "787 dropout_21"; +"787 dropout_21" -> "788 view_32"; +"788 view_32" -> "789 permute_27"; +"789 permute_27" -> "790 reshape_26"; +"790 reshape_26" -> "791 roll_5"; +"791 roll_5" -> "792 slice_101"; +"792 slice_101" -> "793 slice_102"; +"793 slice_102" -> "794 slice_103"; +"794 slice_103" -> "795 slice_104"; +"795 slice_104" -> "796 contiguous_9"; +"796 contiguous_9" -> "799 layer_norm_13"; +"797 _param_constant98" -> "799 layer_norm_13"; +"798 _param_constant99" -> "799 layer_norm_13"; +"799 layer_norm_13" -> "800 add_19"; +"800 add_19" -> "802 add_19_0_0_nncf_smooth_quant_0"; +"800 add_19" -> "827 add_20"; +"801 linear_36_updated_constant0" -> "807 quantize_per_channel_default_37"; +"802 add_19_0_0_nncf_smooth_quant_0" -> "803 quantize_per_tensor_default_37"; +"803 quantize_per_tensor_default_37" -> "804 dequantize_per_tensor_default_37"; +"804 dequantize_per_tensor_default_37" -> "810 linear_36"; +"805 linear_36_scale_0" -> "807 quantize_per_channel_default_37"; +"805 linear_36_scale_0" -> "808 dequantize_per_channel_default_37"; +"806 linear_36_zero_point_0" -> "807 quantize_per_channel_default_37"; +"806 linear_36_zero_point_0" -> "808 dequantize_per_channel_default_37"; +"807 quantize_per_channel_default_37" -> "808 dequantize_per_channel_default_37"; +"808 dequantize_per_channel_default_37" -> "810 linear_36"; +"809 _param_constant101_0_0" -> "810 linear_36"; +"810 linear_36" -> "811 gelu_5"; +"811 gelu_5" -> "812 dropout_22"; +"812 dropout_22" -> "814 dropout_22_0_0_nncf_smooth_quant_0"; +"813 linear_37_updated_constant0" -> "819 quantize_per_channel_default_38"; +"814 dropout_22_0_0_nncf_smooth_quant_0" -> "815 quantize_per_tensor_default_38"; +"815 quantize_per_tensor_default_38" -> "816 dequantize_per_tensor_default_38"; +"816 dequantize_per_tensor_default_38" -> "822 linear_37"; +"817 linear_37_scale_0" -> "819 quantize_per_channel_default_38"; +"817 linear_37_scale_0" -> "820 dequantize_per_channel_default_38"; +"818 linear_37_zero_point_0" -> "819 quantize_per_channel_default_38"; +"818 linear_37_zero_point_0" -> "820 dequantize_per_channel_default_38"; +"819 quantize_per_channel_default_38" -> "820 dequantize_per_channel_default_38"; +"820 dequantize_per_channel_default_38" -> "822 linear_37"; +"821 _param_constant103_0_0" -> "822 linear_37"; +"822 linear_37" -> "823 dropout_23"; +"823 dropout_23" -> "826 layer_norm_14"; +"824 _param_constant104" -> "826 layer_norm_14"; +"825 _param_constant105" -> "826 layer_norm_14"; +"826 layer_norm_14" -> "827 add_20"; +"827 add_20" -> "854 pad_8"; +"827 add_20" -> "919 add_22"; +"828 _tensor_constant39" -> "830 _tensor_constant39_0_0_nncf_smooth_quant_0"; +"829 linear_38_updated_constant0" -> "833 quantize_per_channel_default_39"; +"830 _tensor_constant39_0_0_nncf_smooth_quant_0" -> "836 linear_38"; +"831 linear_38_scale_0" -> "833 quantize_per_channel_default_39"; +"831 linear_38_scale_0" -> "834 dequantize_per_channel_default_39"; +"832 linear_38_zero_point_0" -> "833 quantize_per_channel_default_39"; +"832 linear_38_zero_point_0" -> "834 dequantize_per_channel_default_39"; +"833 quantize_per_channel_default_39" -> "834 dequantize_per_channel_default_39"; +"834 dequantize_per_channel_default_39" -> "836 linear_38"; +"835 _param_constant107_0_0" -> "836 linear_38"; +"836 linear_38" -> "837 relu__6"; +"837 relu__6" -> "839 relu__6_0_0_nncf_smooth_quant_0"; +"838 linear_39_updated_constant0" -> "842 quantize_per_channel_default_40"; +"839 relu__6_0_0_nncf_smooth_quant_0" -> "844 linear_39"; +"840 linear_39_scale_0" -> "842 quantize_per_channel_default_40"; +"840 linear_39_scale_0" -> "843 dequantize_per_channel_default_40"; +"841 linear_39_zero_point_0" -> "842 quantize_per_channel_default_40"; +"841 linear_39_zero_point_0" -> "843 dequantize_per_channel_default_40"; +"842 quantize_per_channel_default_40" -> "843 dequantize_per_channel_default_40"; +"843 dequantize_per_channel_default_40" -> "844 linear_39"; +"844 linear_39" -> "845 view_33"; +"845 view_33" -> "847 index_6"; +"846 _tensor_constant40" -> "847 index_6"; +"847 index_6" -> "848 view_34"; +"848 view_34" -> "849 permute_28"; +"849 permute_28" -> "850 contiguous_10"; +"850 contiguous_10" -> "851 unsqueeze_18"; +"851 unsqueeze_18" -> "852 sigmoid_6"; +"852 sigmoid_6" -> "853 mul_12"; +"853 mul_12" -> "891 add_21"; +"854 pad_8" -> "855 view_35"; +"855 view_35" -> "856 permute_29"; +"856 permute_29" -> "857 reshape_27"; +"857 reshape_27" -> "859 reshape_27_0_0_nncf_smooth_quant_0"; +"858 linear_40_updated_constant0" -> "864 quantize_per_channel_default_41"; +"859 reshape_27_0_0_nncf_smooth_quant_0" -> "860 quantize_per_tensor_default_39"; +"860 quantize_per_tensor_default_39" -> "861 dequantize_per_tensor_default_39"; +"861 dequantize_per_tensor_default_39" -> "867 linear_40"; +"862 linear_40_scale_0" -> "864 quantize_per_channel_default_41"; +"862 linear_40_scale_0" -> "865 dequantize_per_channel_default_41"; +"863 linear_40_zero_point_0" -> "864 quantize_per_channel_default_41"; +"863 linear_40_zero_point_0" -> "865 dequantize_per_channel_default_41"; +"864 quantize_per_channel_default_41" -> "865 dequantize_per_channel_default_41"; +"865 dequantize_per_channel_default_41" -> "867 linear_40"; +"866 _param_constant109_0_0" -> "867 linear_40"; +"867 linear_40" -> "868 reshape_28"; +"868 reshape_28" -> "869 permute_30"; +"869 permute_30" -> "870 select_18"; +"869 permute_30" -> "871 select_19"; +"869 permute_30" -> "872 select_20"; +"870 select_18" -> "873 linalg_vector_norm_12"; +"870 select_18" -> "875 expand_as_12"; +"870 select_18" -> "876 div_12"; +"871 select_19" -> "879 linalg_vector_norm_13"; +"871 select_19" -> "881 expand_as_13"; +"871 select_19" -> "882 div_13"; +"872 select_20" -> "894 matmul_13"; +"873 linalg_vector_norm_12" -> "874 clamp_min_12"; +"874 clamp_min_12" -> "875 expand_as_12"; +"875 expand_as_12" -> "876 div_12"; +"876 div_12" -> "877 quantize_per_tensor_default_40"; +"877 quantize_per_tensor_default_40" -> "878 dequantize_per_tensor_default_40"; +"878 dequantize_per_tensor_default_40" -> "886 matmul_12"; +"879 linalg_vector_norm_13" -> "880 clamp_min_13"; +"880 clamp_min_13" -> "881 expand_as_13"; +"881 expand_as_13" -> "882 div_13"; +"882 div_13" -> "883 quantize_per_tensor_default_41"; +"883 quantize_per_tensor_default_41" -> "884 dequantize_per_tensor_default_41"; +"884 dequantize_per_tensor_default_41" -> "885 transpose_12"; +"885 transpose_12" -> "886 matmul_12"; +"886 matmul_12" -> "890 mul_13"; +"887 _param_constant111" -> "888 clamp_6"; +"888 clamp_6" -> "889 exp_6"; +"889 exp_6" -> "890 mul_13"; +"890 mul_13" -> "891 add_21"; +"891 add_21" -> "892 softmax_6"; +"892 softmax_6" -> "893 dropout_24"; +"893 dropout_24" -> "894 matmul_13"; +"894 matmul_13" -> "895 transpose_13"; +"895 transpose_13" -> "896 reshape_29"; +"896 reshape_29" -> "898 reshape_29_0_0_nncf_smooth_quant_0"; +"897 linear_41_updated_constant0" -> "903 quantize_per_channel_default_42"; +"898 reshape_29_0_0_nncf_smooth_quant_0" -> "899 quantize_per_tensor_default_42"; +"899 quantize_per_tensor_default_42" -> "900 dequantize_per_tensor_default_42"; +"900 dequantize_per_tensor_default_42" -> "906 linear_41"; +"901 linear_41_scale_0" -> "903 quantize_per_channel_default_42"; +"901 linear_41_scale_0" -> "904 dequantize_per_channel_default_42"; +"902 linear_41_zero_point_0" -> "903 quantize_per_channel_default_42"; +"902 linear_41_zero_point_0" -> "904 dequantize_per_channel_default_42"; +"903 quantize_per_channel_default_42" -> "904 dequantize_per_channel_default_42"; +"904 dequantize_per_channel_default_42" -> "906 linear_41"; +"905 _param_constant113_0_0" -> "906 linear_41"; +"906 linear_41" -> "907 dropout_25"; +"907 dropout_25" -> "908 view_36"; +"908 view_36" -> "909 permute_31"; +"909 permute_31" -> "910 reshape_30"; +"910 reshape_30" -> "911 slice_106"; +"911 slice_106" -> "912 slice_107"; +"912 slice_107" -> "913 slice_108"; +"913 slice_108" -> "914 slice_109"; +"914 slice_109" -> "915 contiguous_11"; +"915 contiguous_11" -> "918 layer_norm_15"; +"916 _param_constant114" -> "918 layer_norm_15"; +"917 _param_constant115" -> "918 layer_norm_15"; +"918 layer_norm_15" -> "919 add_22"; +"919 add_22" -> "921 add_22_0_0_nncf_smooth_quant_0"; +"919 add_22" -> "946 add_23"; +"920 linear_42_updated_constant0" -> "926 quantize_per_channel_default_43"; +"921 add_22_0_0_nncf_smooth_quant_0" -> "922 quantize_per_tensor_default_43"; +"922 quantize_per_tensor_default_43" -> "923 dequantize_per_tensor_default_43"; +"923 dequantize_per_tensor_default_43" -> "929 linear_42"; +"924 linear_42_scale_0" -> "926 quantize_per_channel_default_43"; +"924 linear_42_scale_0" -> "927 dequantize_per_channel_default_43"; +"925 linear_42_zero_point_0" -> "926 quantize_per_channel_default_43"; +"925 linear_42_zero_point_0" -> "927 dequantize_per_channel_default_43"; +"926 quantize_per_channel_default_43" -> "927 dequantize_per_channel_default_43"; +"927 dequantize_per_channel_default_43" -> "929 linear_42"; +"928 _param_constant117_0_0" -> "929 linear_42"; +"929 linear_42" -> "930 gelu_6"; +"930 gelu_6" -> "931 dropout_26"; +"931 dropout_26" -> "933 dropout_26_0_0_nncf_smooth_quant_0"; +"932 linear_43_updated_constant0" -> "938 quantize_per_channel_default_44"; +"933 dropout_26_0_0_nncf_smooth_quant_0" -> "934 quantize_per_tensor_default_44"; +"934 quantize_per_tensor_default_44" -> "935 dequantize_per_tensor_default_44"; +"935 dequantize_per_tensor_default_44" -> "941 linear_43"; +"936 linear_43_scale_0" -> "938 quantize_per_channel_default_44"; +"936 linear_43_scale_0" -> "939 dequantize_per_channel_default_44"; +"937 linear_43_zero_point_0" -> "938 quantize_per_channel_default_44"; +"937 linear_43_zero_point_0" -> "939 dequantize_per_channel_default_44"; +"938 quantize_per_channel_default_44" -> "939 dequantize_per_channel_default_44"; +"939 dequantize_per_channel_default_44" -> "941 linear_43"; +"940 _param_constant119_0_0" -> "941 linear_43"; +"941 linear_43" -> "942 dropout_27"; +"942 dropout_27" -> "945 layer_norm_16"; +"943 _param_constant120" -> "945 layer_norm_16"; +"944 _param_constant121" -> "945 layer_norm_16"; +"945 layer_norm_16" -> "946 add_23"; +"946 add_23" -> "973 pad_9"; +"946 add_23" -> "1056 add_26"; +"947 _tensor_constant41" -> "949 _tensor_constant41_0_0_nncf_smooth_quant_0"; +"948 linear_44_updated_constant0" -> "952 quantize_per_channel_default_45"; +"949 _tensor_constant41_0_0_nncf_smooth_quant_0" -> "955 linear_44"; +"950 linear_44_scale_0" -> "952 quantize_per_channel_default_45"; +"950 linear_44_scale_0" -> "953 dequantize_per_channel_default_45"; +"951 linear_44_zero_point_0" -> "952 quantize_per_channel_default_45"; +"951 linear_44_zero_point_0" -> "953 dequantize_per_channel_default_45"; +"952 quantize_per_channel_default_45" -> "953 dequantize_per_channel_default_45"; +"953 dequantize_per_channel_default_45" -> "955 linear_44"; +"954 _param_constant123_0_0" -> "955 linear_44"; +"955 linear_44" -> "956 relu__7"; +"956 relu__7" -> "958 relu__7_0_0_nncf_smooth_quant_0"; +"957 linear_45_updated_constant0" -> "961 quantize_per_channel_default_46"; +"958 relu__7_0_0_nncf_smooth_quant_0" -> "963 linear_45"; +"959 linear_45_scale_0" -> "961 quantize_per_channel_default_46"; +"959 linear_45_scale_0" -> "962 dequantize_per_channel_default_46"; +"960 linear_45_zero_point_0" -> "961 quantize_per_channel_default_46"; +"960 linear_45_zero_point_0" -> "962 dequantize_per_channel_default_46"; +"961 quantize_per_channel_default_46" -> "962 dequantize_per_channel_default_46"; +"962 dequantize_per_channel_default_46" -> "963 linear_45"; +"963 linear_45" -> "964 view_37"; +"964 view_37" -> "966 index_7"; +"965 _tensor_constant42" -> "966 index_7"; +"966 index_7" -> "967 view_38"; +"967 view_38" -> "968 permute_32"; +"968 permute_32" -> "969 contiguous_12"; +"969 contiguous_12" -> "970 unsqueeze_19"; +"970 unsqueeze_19" -> "971 sigmoid_7"; +"971 sigmoid_7" -> "972 mul_14"; +"972 mul_14" -> "1011 add_24"; +"973 pad_9" -> "974 roll_6"; +"974 roll_6" -> "975 view_39"; +"975 view_39" -> "976 permute_33"; +"976 permute_33" -> "977 reshape_31"; +"977 reshape_31" -> "979 reshape_31_0_0_nncf_smooth_quant_0"; +"977 reshape_31" -> "1012 new_zeros_3"; +"978 linear_46_updated_constant0" -> "984 quantize_per_channel_default_47"; +"979 reshape_31_0_0_nncf_smooth_quant_0" -> "980 quantize_per_tensor_default_45"; +"980 quantize_per_tensor_default_45" -> "981 dequantize_per_tensor_default_45"; +"981 dequantize_per_tensor_default_45" -> "987 linear_46"; +"982 linear_46_scale_0" -> "984 quantize_per_channel_default_47"; +"982 linear_46_scale_0" -> "985 dequantize_per_channel_default_47"; +"983 linear_46_zero_point_0" -> "984 quantize_per_channel_default_47"; +"983 linear_46_zero_point_0" -> "985 dequantize_per_channel_default_47"; +"984 quantize_per_channel_default_47" -> "985 dequantize_per_channel_default_47"; +"985 dequantize_per_channel_default_47" -> "987 linear_46"; +"986 _param_constant125_0_0" -> "987 linear_46"; +"987 linear_46" -> "988 reshape_32"; +"988 reshape_32" -> "989 permute_34"; +"989 permute_34" -> "990 select_21"; +"989 permute_34" -> "991 select_22"; +"989 permute_34" -> "992 select_23"; +"990 select_21" -> "993 linalg_vector_norm_14"; +"990 select_21" -> "995 expand_as_14"; +"990 select_21" -> "996 div_14"; +"991 select_22" -> "999 linalg_vector_norm_15"; +"991 select_22" -> "1001 expand_as_15"; +"991 select_22" -> "1002 div_15"; +"992 select_23" -> "1030 matmul_15"; +"993 linalg_vector_norm_14" -> "994 clamp_min_14"; +"994 clamp_min_14" -> "995 expand_as_14"; +"995 expand_as_14" -> "996 div_14"; +"996 div_14" -> "997 quantize_per_tensor_default_46"; +"997 quantize_per_tensor_default_46" -> "998 dequantize_per_tensor_default_46"; +"998 dequantize_per_tensor_default_46" -> "1006 matmul_14"; +"999 linalg_vector_norm_15" -> "1000 clamp_min_15"; +"1000 clamp_min_15" -> "1001 expand_as_15"; +"1001 expand_as_15" -> "1002 div_15"; +"1002 div_15" -> "1003 quantize_per_tensor_default_47"; +"1003 quantize_per_tensor_default_47" -> "1004 dequantize_per_tensor_default_47"; +"1004 dequantize_per_tensor_default_47" -> "1005 transpose_14"; +"1005 transpose_14" -> "1006 matmul_14"; +"1006 matmul_14" -> "1010 mul_15"; +"1007 _param_constant127" -> "1008 clamp_7"; +"1008 clamp_7" -> "1009 exp_7"; +"1009 exp_7" -> "1010 mul_15"; +"1010 mul_15" -> "1011 add_24"; +"1011 add_24" -> "1023 view_41"; +"1012 new_zeros_3" -> "1013 view_40"; +"1013 view_40" -> "1014 permute_35"; +"1014 permute_35" -> "1015 reshape_33"; +"1015 reshape_33" -> "1016 unsqueeze_20"; +"1015 reshape_33" -> "1017 unsqueeze_21"; +"1016 unsqueeze_20" -> "1018 sub_3"; +"1017 unsqueeze_21" -> "1018 sub_3"; +"1018 sub_3" -> "1019 ne_3"; +"1018 sub_3" -> "1020 masked_fill_6"; +"1018 sub_3" -> "1021 eq_3"; +"1019 ne_3" -> "1020 masked_fill_6"; +"1020 masked_fill_6" -> "1022 masked_fill_7"; +"1021 eq_3" -> "1022 masked_fill_7"; +"1022 masked_fill_7" -> "1024 unsqueeze_22"; +"1023 view_41" -> "1026 add_25"; +"1024 unsqueeze_22" -> "1025 unsqueeze_23"; +"1025 unsqueeze_23" -> "1026 add_25"; +"1026 add_25" -> "1027 view_42"; +"1027 view_42" -> "1028 softmax_7"; +"1028 softmax_7" -> "1029 dropout_28"; +"1029 dropout_28" -> "1030 matmul_15"; +"1030 matmul_15" -> "1031 transpose_15"; +"1031 transpose_15" -> "1032 reshape_34"; +"1032 reshape_34" -> "1034 reshape_34_0_0_nncf_smooth_quant_0"; +"1033 linear_47_updated_constant0" -> "1039 quantize_per_channel_default_48"; +"1034 reshape_34_0_0_nncf_smooth_quant_0" -> "1035 quantize_per_tensor_default_48"; +"1035 quantize_per_tensor_default_48" -> "1036 dequantize_per_tensor_default_48"; +"1036 dequantize_per_tensor_default_48" -> "1042 linear_47"; +"1037 linear_47_scale_0" -> "1039 quantize_per_channel_default_48"; +"1037 linear_47_scale_0" -> "1040 dequantize_per_channel_default_48"; +"1038 linear_47_zero_point_0" -> "1039 quantize_per_channel_default_48"; +"1038 linear_47_zero_point_0" -> "1040 dequantize_per_channel_default_48"; +"1039 quantize_per_channel_default_48" -> "1040 dequantize_per_channel_default_48"; +"1040 dequantize_per_channel_default_48" -> "1042 linear_47"; +"1041 _param_constant129_0_0" -> "1042 linear_47"; +"1042 linear_47" -> "1043 dropout_29"; +"1043 dropout_29" -> "1044 view_43"; +"1044 view_43" -> "1045 permute_36"; +"1045 permute_36" -> "1046 reshape_35"; +"1046 reshape_35" -> "1047 roll_7"; +"1047 roll_7" -> "1048 slice_129"; +"1048 slice_129" -> "1049 slice_130"; +"1049 slice_130" -> "1050 slice_131"; +"1050 slice_131" -> "1051 slice_132"; +"1051 slice_132" -> "1052 contiguous_13"; +"1052 contiguous_13" -> "1055 layer_norm_17"; +"1053 _param_constant130" -> "1055 layer_norm_17"; +"1054 _param_constant131" -> "1055 layer_norm_17"; +"1055 layer_norm_17" -> "1056 add_26"; +"1056 add_26" -> "1058 add_26_0_0_nncf_smooth_quant_0"; +"1056 add_26" -> "1083 add_27"; +"1057 linear_48_updated_constant0" -> "1063 quantize_per_channel_default_49"; +"1058 add_26_0_0_nncf_smooth_quant_0" -> "1059 quantize_per_tensor_default_49"; +"1059 quantize_per_tensor_default_49" -> "1060 dequantize_per_tensor_default_49"; +"1060 dequantize_per_tensor_default_49" -> "1066 linear_48"; +"1061 linear_48_scale_0" -> "1063 quantize_per_channel_default_49"; +"1061 linear_48_scale_0" -> "1064 dequantize_per_channel_default_49"; +"1062 linear_48_zero_point_0" -> "1063 quantize_per_channel_default_49"; +"1062 linear_48_zero_point_0" -> "1064 dequantize_per_channel_default_49"; +"1063 quantize_per_channel_default_49" -> "1064 dequantize_per_channel_default_49"; +"1064 dequantize_per_channel_default_49" -> "1066 linear_48"; +"1065 _param_constant133_0_0" -> "1066 linear_48"; +"1066 linear_48" -> "1067 gelu_7"; +"1067 gelu_7" -> "1068 dropout_30"; +"1068 dropout_30" -> "1070 dropout_30_0_0_nncf_smooth_quant_0"; +"1069 linear_49_updated_constant0" -> "1075 quantize_per_channel_default_50"; +"1070 dropout_30_0_0_nncf_smooth_quant_0" -> "1071 quantize_per_tensor_default_50"; +"1071 quantize_per_tensor_default_50" -> "1072 dequantize_per_tensor_default_50"; +"1072 dequantize_per_tensor_default_50" -> "1078 linear_49"; +"1073 linear_49_scale_0" -> "1075 quantize_per_channel_default_50"; +"1073 linear_49_scale_0" -> "1076 dequantize_per_channel_default_50"; +"1074 linear_49_zero_point_0" -> "1075 quantize_per_channel_default_50"; +"1074 linear_49_zero_point_0" -> "1076 dequantize_per_channel_default_50"; +"1075 quantize_per_channel_default_50" -> "1076 dequantize_per_channel_default_50"; +"1076 dequantize_per_channel_default_50" -> "1078 linear_49"; +"1077 _param_constant135_0_0" -> "1078 linear_49"; +"1078 linear_49" -> "1079 dropout_31"; +"1079 dropout_31" -> "1082 layer_norm_18"; +"1080 _param_constant136" -> "1082 layer_norm_18"; +"1081 _param_constant137" -> "1082 layer_norm_18"; +"1082 layer_norm_18" -> "1083 add_27"; +"1083 add_27" -> "1110 pad_10"; +"1083 add_27" -> "1175 add_29"; +"1084 _tensor_constant52" -> "1086 _tensor_constant52_0_0_nncf_smooth_quant_0"; +"1085 linear_50_updated_constant0" -> "1089 quantize_per_channel_default_51"; +"1086 _tensor_constant52_0_0_nncf_smooth_quant_0" -> "1092 linear_50"; +"1087 linear_50_scale_0" -> "1089 quantize_per_channel_default_51"; +"1087 linear_50_scale_0" -> "1090 dequantize_per_channel_default_51"; +"1088 linear_50_zero_point_0" -> "1089 quantize_per_channel_default_51"; +"1088 linear_50_zero_point_0" -> "1090 dequantize_per_channel_default_51"; +"1089 quantize_per_channel_default_51" -> "1090 dequantize_per_channel_default_51"; +"1090 dequantize_per_channel_default_51" -> "1092 linear_50"; +"1091 _param_constant139_0_0" -> "1092 linear_50"; +"1092 linear_50" -> "1093 relu__8"; +"1093 relu__8" -> "1095 relu__8_0_0_nncf_smooth_quant_0"; +"1094 linear_51_updated_constant0" -> "1098 quantize_per_channel_default_52"; +"1095 relu__8_0_0_nncf_smooth_quant_0" -> "1100 linear_51"; +"1096 linear_51_scale_0" -> "1098 quantize_per_channel_default_52"; +"1096 linear_51_scale_0" -> "1099 dequantize_per_channel_default_52"; +"1097 linear_51_zero_point_0" -> "1098 quantize_per_channel_default_52"; +"1097 linear_51_zero_point_0" -> "1099 dequantize_per_channel_default_52"; +"1098 quantize_per_channel_default_52" -> "1099 dequantize_per_channel_default_52"; +"1099 dequantize_per_channel_default_52" -> "1100 linear_51"; +"1100 linear_51" -> "1101 view_44"; +"1101 view_44" -> "1103 index_8"; +"1102 _tensor_constant53" -> "1103 index_8"; +"1103 index_8" -> "1104 view_45"; +"1104 view_45" -> "1105 permute_37"; +"1105 permute_37" -> "1106 contiguous_14"; +"1106 contiguous_14" -> "1107 unsqueeze_24"; +"1107 unsqueeze_24" -> "1108 sigmoid_8"; +"1108 sigmoid_8" -> "1109 mul_16"; +"1109 mul_16" -> "1147 add_28"; +"1110 pad_10" -> "1111 view_46"; +"1111 view_46" -> "1112 permute_38"; +"1112 permute_38" -> "1113 reshape_36"; +"1113 reshape_36" -> "1115 reshape_36_0_0_nncf_smooth_quant_0"; +"1114 linear_52_updated_constant0" -> "1120 quantize_per_channel_default_53"; +"1115 reshape_36_0_0_nncf_smooth_quant_0" -> "1116 quantize_per_tensor_default_51"; +"1116 quantize_per_tensor_default_51" -> "1117 dequantize_per_tensor_default_51"; +"1117 dequantize_per_tensor_default_51" -> "1123 linear_52"; +"1118 linear_52_scale_0" -> "1120 quantize_per_channel_default_53"; +"1118 linear_52_scale_0" -> "1121 dequantize_per_channel_default_53"; +"1119 linear_52_zero_point_0" -> "1120 quantize_per_channel_default_53"; +"1119 linear_52_zero_point_0" -> "1121 dequantize_per_channel_default_53"; +"1120 quantize_per_channel_default_53" -> "1121 dequantize_per_channel_default_53"; +"1121 dequantize_per_channel_default_53" -> "1123 linear_52"; +"1122 _param_constant141_0_0" -> "1123 linear_52"; +"1123 linear_52" -> "1124 reshape_37"; +"1124 reshape_37" -> "1125 permute_39"; +"1125 permute_39" -> "1126 select_24"; +"1125 permute_39" -> "1127 select_25"; +"1125 permute_39" -> "1128 select_26"; +"1126 select_24" -> "1129 linalg_vector_norm_16"; +"1126 select_24" -> "1131 expand_as_16"; +"1126 select_24" -> "1132 div_16"; +"1127 select_25" -> "1135 linalg_vector_norm_17"; +"1127 select_25" -> "1137 expand_as_17"; +"1127 select_25" -> "1138 div_17"; +"1128 select_26" -> "1150 matmul_17"; +"1129 linalg_vector_norm_16" -> "1130 clamp_min_16"; +"1130 clamp_min_16" -> "1131 expand_as_16"; +"1131 expand_as_16" -> "1132 div_16"; +"1132 div_16" -> "1133 quantize_per_tensor_default_52"; +"1133 quantize_per_tensor_default_52" -> "1134 dequantize_per_tensor_default_52"; +"1134 dequantize_per_tensor_default_52" -> "1142 matmul_16"; +"1135 linalg_vector_norm_17" -> "1136 clamp_min_17"; +"1136 clamp_min_17" -> "1137 expand_as_17"; +"1137 expand_as_17" -> "1138 div_17"; +"1138 div_17" -> "1139 quantize_per_tensor_default_53"; +"1139 quantize_per_tensor_default_53" -> "1140 dequantize_per_tensor_default_53"; +"1140 dequantize_per_tensor_default_53" -> "1141 transpose_16"; +"1141 transpose_16" -> "1142 matmul_16"; +"1142 matmul_16" -> "1146 mul_17"; +"1143 _param_constant143" -> "1144 clamp_8"; +"1144 clamp_8" -> "1145 exp_8"; +"1145 exp_8" -> "1146 mul_17"; +"1146 mul_17" -> "1147 add_28"; +"1147 add_28" -> "1148 softmax_8"; +"1148 softmax_8" -> "1149 dropout_32"; +"1149 dropout_32" -> "1150 matmul_17"; +"1150 matmul_17" -> "1151 transpose_17"; +"1151 transpose_17" -> "1152 reshape_38"; +"1152 reshape_38" -> "1154 reshape_38_0_0_nncf_smooth_quant_0"; +"1153 linear_53_updated_constant0" -> "1159 quantize_per_channel_default_54"; +"1154 reshape_38_0_0_nncf_smooth_quant_0" -> "1155 quantize_per_tensor_default_54"; +"1155 quantize_per_tensor_default_54" -> "1156 dequantize_per_tensor_default_54"; +"1156 dequantize_per_tensor_default_54" -> "1162 linear_53"; +"1157 linear_53_scale_0" -> "1159 quantize_per_channel_default_54"; +"1157 linear_53_scale_0" -> "1160 dequantize_per_channel_default_54"; +"1158 linear_53_zero_point_0" -> "1159 quantize_per_channel_default_54"; +"1158 linear_53_zero_point_0" -> "1160 dequantize_per_channel_default_54"; +"1159 quantize_per_channel_default_54" -> "1160 dequantize_per_channel_default_54"; +"1160 dequantize_per_channel_default_54" -> "1162 linear_53"; +"1161 _param_constant145_0_0" -> "1162 linear_53"; +"1162 linear_53" -> "1163 dropout_33"; +"1163 dropout_33" -> "1164 view_47"; +"1164 view_47" -> "1165 permute_40"; +"1165 permute_40" -> "1166 reshape_39"; +"1166 reshape_39" -> "1167 slice_134"; +"1167 slice_134" -> "1168 slice_135"; +"1168 slice_135" -> "1169 slice_136"; +"1169 slice_136" -> "1170 slice_137"; +"1170 slice_137" -> "1171 contiguous_15"; +"1171 contiguous_15" -> "1174 layer_norm_19"; +"1172 _param_constant146" -> "1174 layer_norm_19"; +"1173 _param_constant147" -> "1174 layer_norm_19"; +"1174 layer_norm_19" -> "1175 add_29"; +"1175 add_29" -> "1177 add_29_0_0_nncf_smooth_quant_0"; +"1175 add_29" -> "1202 add_30"; +"1176 linear_54_updated_constant0" -> "1182 quantize_per_channel_default_55"; +"1177 add_29_0_0_nncf_smooth_quant_0" -> "1178 quantize_per_tensor_default_55"; +"1178 quantize_per_tensor_default_55" -> "1179 dequantize_per_tensor_default_55"; +"1179 dequantize_per_tensor_default_55" -> "1185 linear_54"; +"1180 linear_54_scale_0" -> "1182 quantize_per_channel_default_55"; +"1180 linear_54_scale_0" -> "1183 dequantize_per_channel_default_55"; +"1181 linear_54_zero_point_0" -> "1182 quantize_per_channel_default_55"; +"1181 linear_54_zero_point_0" -> "1183 dequantize_per_channel_default_55"; +"1182 quantize_per_channel_default_55" -> "1183 dequantize_per_channel_default_55"; +"1183 dequantize_per_channel_default_55" -> "1185 linear_54"; +"1184 _param_constant149_0_0" -> "1185 linear_54"; +"1185 linear_54" -> "1186 gelu_8"; +"1186 gelu_8" -> "1187 dropout_34"; +"1187 dropout_34" -> "1189 dropout_34_0_0_nncf_smooth_quant_0"; +"1188 linear_55_updated_constant0" -> "1194 quantize_per_channel_default_56"; +"1189 dropout_34_0_0_nncf_smooth_quant_0" -> "1190 quantize_per_tensor_default_56"; +"1190 quantize_per_tensor_default_56" -> "1191 dequantize_per_tensor_default_56"; +"1191 dequantize_per_tensor_default_56" -> "1197 linear_55"; +"1192 linear_55_scale_0" -> "1194 quantize_per_channel_default_56"; +"1192 linear_55_scale_0" -> "1195 dequantize_per_channel_default_56"; +"1193 linear_55_zero_point_0" -> "1194 quantize_per_channel_default_56"; +"1193 linear_55_zero_point_0" -> "1195 dequantize_per_channel_default_56"; +"1194 quantize_per_channel_default_56" -> "1195 dequantize_per_channel_default_56"; +"1195 dequantize_per_channel_default_56" -> "1197 linear_55"; +"1196 _param_constant151_0_0" -> "1197 linear_55"; +"1197 linear_55" -> "1198 dropout_35"; +"1198 dropout_35" -> "1201 layer_norm_20"; +"1199 _param_constant152" -> "1201 layer_norm_20"; +"1200 _param_constant153" -> "1201 layer_norm_20"; +"1201 layer_norm_20" -> "1202 add_30"; +"1202 add_30" -> "1229 pad_11"; +"1202 add_30" -> "1312 add_33"; +"1203 _tensor_constant54" -> "1205 _tensor_constant54_0_0_nncf_smooth_quant_0"; +"1204 linear_56_updated_constant0" -> "1208 quantize_per_channel_default_57"; +"1205 _tensor_constant54_0_0_nncf_smooth_quant_0" -> "1211 linear_56"; +"1206 linear_56_scale_0" -> "1208 quantize_per_channel_default_57"; +"1206 linear_56_scale_0" -> "1209 dequantize_per_channel_default_57"; +"1207 linear_56_zero_point_0" -> "1208 quantize_per_channel_default_57"; +"1207 linear_56_zero_point_0" -> "1209 dequantize_per_channel_default_57"; +"1208 quantize_per_channel_default_57" -> "1209 dequantize_per_channel_default_57"; +"1209 dequantize_per_channel_default_57" -> "1211 linear_56"; +"1210 _param_constant155_0_0" -> "1211 linear_56"; +"1211 linear_56" -> "1212 relu__9"; +"1212 relu__9" -> "1214 relu__9_0_0_nncf_smooth_quant_0"; +"1213 linear_57_updated_constant0" -> "1217 quantize_per_channel_default_58"; +"1214 relu__9_0_0_nncf_smooth_quant_0" -> "1219 linear_57"; +"1215 linear_57_scale_0" -> "1217 quantize_per_channel_default_58"; +"1215 linear_57_scale_0" -> "1218 dequantize_per_channel_default_58"; +"1216 linear_57_zero_point_0" -> "1217 quantize_per_channel_default_58"; +"1216 linear_57_zero_point_0" -> "1218 dequantize_per_channel_default_58"; +"1217 quantize_per_channel_default_58" -> "1218 dequantize_per_channel_default_58"; +"1218 dequantize_per_channel_default_58" -> "1219 linear_57"; +"1219 linear_57" -> "1220 view_48"; +"1220 view_48" -> "1222 index_9"; +"1221 _tensor_constant55" -> "1222 index_9"; +"1222 index_9" -> "1223 view_49"; +"1223 view_49" -> "1224 permute_41"; +"1224 permute_41" -> "1225 contiguous_16"; +"1225 contiguous_16" -> "1226 unsqueeze_25"; +"1226 unsqueeze_25" -> "1227 sigmoid_9"; +"1227 sigmoid_9" -> "1228 mul_18"; +"1228 mul_18" -> "1267 add_31"; +"1229 pad_11" -> "1230 roll_8"; +"1230 roll_8" -> "1231 view_50"; +"1231 view_50" -> "1232 permute_42"; +"1232 permute_42" -> "1233 reshape_40"; +"1233 reshape_40" -> "1235 reshape_40_0_0_nncf_smooth_quant_0"; +"1233 reshape_40" -> "1268 new_zeros_4"; +"1234 linear_58_updated_constant0" -> "1240 quantize_per_channel_default_59"; +"1235 reshape_40_0_0_nncf_smooth_quant_0" -> "1236 quantize_per_tensor_default_57"; +"1236 quantize_per_tensor_default_57" -> "1237 dequantize_per_tensor_default_57"; +"1237 dequantize_per_tensor_default_57" -> "1243 linear_58"; +"1238 linear_58_scale_0" -> "1240 quantize_per_channel_default_59"; +"1238 linear_58_scale_0" -> "1241 dequantize_per_channel_default_59"; +"1239 linear_58_zero_point_0" -> "1240 quantize_per_channel_default_59"; +"1239 linear_58_zero_point_0" -> "1241 dequantize_per_channel_default_59"; +"1240 quantize_per_channel_default_59" -> "1241 dequantize_per_channel_default_59"; +"1241 dequantize_per_channel_default_59" -> "1243 linear_58"; +"1242 _param_constant157_0_0" -> "1243 linear_58"; +"1243 linear_58" -> "1244 reshape_41"; +"1244 reshape_41" -> "1245 permute_43"; +"1245 permute_43" -> "1246 select_27"; +"1245 permute_43" -> "1247 select_28"; +"1245 permute_43" -> "1248 select_29"; +"1246 select_27" -> "1249 linalg_vector_norm_18"; +"1246 select_27" -> "1251 expand_as_18"; +"1246 select_27" -> "1252 div_18"; +"1247 select_28" -> "1255 linalg_vector_norm_19"; +"1247 select_28" -> "1257 expand_as_19"; +"1247 select_28" -> "1258 div_19"; +"1248 select_29" -> "1286 matmul_19"; +"1249 linalg_vector_norm_18" -> "1250 clamp_min_18"; +"1250 clamp_min_18" -> "1251 expand_as_18"; +"1251 expand_as_18" -> "1252 div_18"; +"1252 div_18" -> "1253 quantize_per_tensor_default_58"; +"1253 quantize_per_tensor_default_58" -> "1254 dequantize_per_tensor_default_58"; +"1254 dequantize_per_tensor_default_58" -> "1262 matmul_18"; +"1255 linalg_vector_norm_19" -> "1256 clamp_min_19"; +"1256 clamp_min_19" -> "1257 expand_as_19"; +"1257 expand_as_19" -> "1258 div_19"; +"1258 div_19" -> "1259 quantize_per_tensor_default_59"; +"1259 quantize_per_tensor_default_59" -> "1260 dequantize_per_tensor_default_59"; +"1260 dequantize_per_tensor_default_59" -> "1261 transpose_18"; +"1261 transpose_18" -> "1262 matmul_18"; +"1262 matmul_18" -> "1266 mul_19"; +"1263 _param_constant159" -> "1264 clamp_9"; +"1264 clamp_9" -> "1265 exp_9"; +"1265 exp_9" -> "1266 mul_19"; +"1266 mul_19" -> "1267 add_31"; +"1267 add_31" -> "1279 view_52"; +"1268 new_zeros_4" -> "1269 view_51"; +"1269 view_51" -> "1270 permute_44"; +"1270 permute_44" -> "1271 reshape_42"; +"1271 reshape_42" -> "1272 unsqueeze_26"; +"1271 reshape_42" -> "1273 unsqueeze_27"; +"1272 unsqueeze_26" -> "1274 sub_4"; +"1273 unsqueeze_27" -> "1274 sub_4"; +"1274 sub_4" -> "1275 ne_4"; +"1274 sub_4" -> "1276 masked_fill_8"; +"1274 sub_4" -> "1277 eq_4"; +"1275 ne_4" -> "1276 masked_fill_8"; +"1276 masked_fill_8" -> "1278 masked_fill_9"; +"1277 eq_4" -> "1278 masked_fill_9"; +"1278 masked_fill_9" -> "1280 unsqueeze_28"; +"1279 view_52" -> "1282 add_32"; +"1280 unsqueeze_28" -> "1281 unsqueeze_29"; +"1281 unsqueeze_29" -> "1282 add_32"; +"1282 add_32" -> "1283 view_53"; +"1283 view_53" -> "1284 softmax_9"; +"1284 softmax_9" -> "1285 dropout_36"; +"1285 dropout_36" -> "1286 matmul_19"; +"1286 matmul_19" -> "1287 transpose_19"; +"1287 transpose_19" -> "1288 reshape_43"; +"1288 reshape_43" -> "1290 reshape_43_0_0_nncf_smooth_quant_0"; +"1289 linear_59_updated_constant0" -> "1295 quantize_per_channel_default_60"; +"1290 reshape_43_0_0_nncf_smooth_quant_0" -> "1291 quantize_per_tensor_default_60"; +"1291 quantize_per_tensor_default_60" -> "1292 dequantize_per_tensor_default_60"; +"1292 dequantize_per_tensor_default_60" -> "1298 linear_59"; +"1293 linear_59_scale_0" -> "1295 quantize_per_channel_default_60"; +"1293 linear_59_scale_0" -> "1296 dequantize_per_channel_default_60"; +"1294 linear_59_zero_point_0" -> "1295 quantize_per_channel_default_60"; +"1294 linear_59_zero_point_0" -> "1296 dequantize_per_channel_default_60"; +"1295 quantize_per_channel_default_60" -> "1296 dequantize_per_channel_default_60"; +"1296 dequantize_per_channel_default_60" -> "1298 linear_59"; +"1297 _param_constant161_0_0" -> "1298 linear_59"; +"1298 linear_59" -> "1299 dropout_37"; +"1299 dropout_37" -> "1300 view_54"; +"1300 view_54" -> "1301 permute_45"; +"1301 permute_45" -> "1302 reshape_44"; +"1302 reshape_44" -> "1303 roll_9"; +"1303 roll_9" -> "1304 slice_157"; +"1304 slice_157" -> "1305 slice_158"; +"1305 slice_158" -> "1306 slice_159"; +"1306 slice_159" -> "1307 slice_160"; +"1307 slice_160" -> "1308 contiguous_17"; +"1308 contiguous_17" -> "1311 layer_norm_21"; +"1309 _param_constant162" -> "1311 layer_norm_21"; +"1310 _param_constant163" -> "1311 layer_norm_21"; +"1311 layer_norm_21" -> "1312 add_33"; +"1312 add_33" -> "1314 add_33_0_0_nncf_smooth_quant_0"; +"1312 add_33" -> "1339 add_34"; +"1313 linear_60_updated_constant0" -> "1319 quantize_per_channel_default_61"; +"1314 add_33_0_0_nncf_smooth_quant_0" -> "1315 quantize_per_tensor_default_61"; +"1315 quantize_per_tensor_default_61" -> "1316 dequantize_per_tensor_default_61"; +"1316 dequantize_per_tensor_default_61" -> "1322 linear_60"; +"1317 linear_60_scale_0" -> "1319 quantize_per_channel_default_61"; +"1317 linear_60_scale_0" -> "1320 dequantize_per_channel_default_61"; +"1318 linear_60_zero_point_0" -> "1319 quantize_per_channel_default_61"; +"1318 linear_60_zero_point_0" -> "1320 dequantize_per_channel_default_61"; +"1319 quantize_per_channel_default_61" -> "1320 dequantize_per_channel_default_61"; +"1320 dequantize_per_channel_default_61" -> "1322 linear_60"; +"1321 _param_constant165_0_0" -> "1322 linear_60"; +"1322 linear_60" -> "1323 gelu_9"; +"1323 gelu_9" -> "1324 dropout_38"; +"1324 dropout_38" -> "1326 dropout_38_0_0_nncf_smooth_quant_0"; +"1325 linear_61_updated_constant0" -> "1331 quantize_per_channel_default_62"; +"1326 dropout_38_0_0_nncf_smooth_quant_0" -> "1327 quantize_per_tensor_default_62"; +"1327 quantize_per_tensor_default_62" -> "1328 dequantize_per_tensor_default_62"; +"1328 dequantize_per_tensor_default_62" -> "1334 linear_61"; +"1329 linear_61_scale_0" -> "1331 quantize_per_channel_default_62"; +"1329 linear_61_scale_0" -> "1332 dequantize_per_channel_default_62"; +"1330 linear_61_zero_point_0" -> "1331 quantize_per_channel_default_62"; +"1330 linear_61_zero_point_0" -> "1332 dequantize_per_channel_default_62"; +"1331 quantize_per_channel_default_62" -> "1332 dequantize_per_channel_default_62"; +"1332 dequantize_per_channel_default_62" -> "1334 linear_61"; +"1333 _param_constant167_0_0" -> "1334 linear_61"; +"1334 linear_61" -> "1335 dropout_39"; +"1335 dropout_39" -> "1338 layer_norm_22"; +"1336 _param_constant168" -> "1338 layer_norm_22"; +"1337 _param_constant169" -> "1338 layer_norm_22"; +"1338 layer_norm_22" -> "1339 add_34"; +"1339 add_34" -> "1366 pad_12"; +"1339 add_34" -> "1431 add_36"; +"1340 _tensor_constant65" -> "1342 _tensor_constant65_0_0_nncf_smooth_quant_0"; +"1341 linear_62_updated_constant0" -> "1345 quantize_per_channel_default_63"; +"1342 _tensor_constant65_0_0_nncf_smooth_quant_0" -> "1348 linear_62"; +"1343 linear_62_scale_0" -> "1345 quantize_per_channel_default_63"; +"1343 linear_62_scale_0" -> "1346 dequantize_per_channel_default_63"; +"1344 linear_62_zero_point_0" -> "1345 quantize_per_channel_default_63"; +"1344 linear_62_zero_point_0" -> "1346 dequantize_per_channel_default_63"; +"1345 quantize_per_channel_default_63" -> "1346 dequantize_per_channel_default_63"; +"1346 dequantize_per_channel_default_63" -> "1348 linear_62"; +"1347 _param_constant171_0_0" -> "1348 linear_62"; +"1348 linear_62" -> "1349 relu__10"; +"1349 relu__10" -> "1351 relu__10_0_0_nncf_smooth_quant_0"; +"1350 linear_63_updated_constant0" -> "1354 quantize_per_channel_default_64"; +"1351 relu__10_0_0_nncf_smooth_quant_0" -> "1356 linear_63"; +"1352 linear_63_scale_0" -> "1354 quantize_per_channel_default_64"; +"1352 linear_63_scale_0" -> "1355 dequantize_per_channel_default_64"; +"1353 linear_63_zero_point_0" -> "1354 quantize_per_channel_default_64"; +"1353 linear_63_zero_point_0" -> "1355 dequantize_per_channel_default_64"; +"1354 quantize_per_channel_default_64" -> "1355 dequantize_per_channel_default_64"; +"1355 dequantize_per_channel_default_64" -> "1356 linear_63"; +"1356 linear_63" -> "1357 view_55"; +"1357 view_55" -> "1359 index_10"; +"1358 _tensor_constant66" -> "1359 index_10"; +"1359 index_10" -> "1360 view_56"; +"1360 view_56" -> "1361 permute_46"; +"1361 permute_46" -> "1362 contiguous_18"; +"1362 contiguous_18" -> "1363 unsqueeze_30"; +"1363 unsqueeze_30" -> "1364 sigmoid_10"; +"1364 sigmoid_10" -> "1365 mul_20"; +"1365 mul_20" -> "1403 add_35"; +"1366 pad_12" -> "1367 view_57"; +"1367 view_57" -> "1368 permute_47"; +"1368 permute_47" -> "1369 reshape_45"; +"1369 reshape_45" -> "1371 reshape_45_0_0_nncf_smooth_quant_0"; +"1370 linear_64_updated_constant0" -> "1376 quantize_per_channel_default_65"; +"1371 reshape_45_0_0_nncf_smooth_quant_0" -> "1372 quantize_per_tensor_default_63"; +"1372 quantize_per_tensor_default_63" -> "1373 dequantize_per_tensor_default_63"; +"1373 dequantize_per_tensor_default_63" -> "1379 linear_64"; +"1374 linear_64_scale_0" -> "1376 quantize_per_channel_default_65"; +"1374 linear_64_scale_0" -> "1377 dequantize_per_channel_default_65"; +"1375 linear_64_zero_point_0" -> "1376 quantize_per_channel_default_65"; +"1375 linear_64_zero_point_0" -> "1377 dequantize_per_channel_default_65"; +"1376 quantize_per_channel_default_65" -> "1377 dequantize_per_channel_default_65"; +"1377 dequantize_per_channel_default_65" -> "1379 linear_64"; +"1378 _param_constant173_0_0" -> "1379 linear_64"; +"1379 linear_64" -> "1380 reshape_46"; +"1380 reshape_46" -> "1381 permute_48"; +"1381 permute_48" -> "1382 select_30"; +"1381 permute_48" -> "1383 select_31"; +"1381 permute_48" -> "1384 select_32"; +"1382 select_30" -> "1385 linalg_vector_norm_20"; +"1382 select_30" -> "1387 expand_as_20"; +"1382 select_30" -> "1388 div_20"; +"1383 select_31" -> "1391 linalg_vector_norm_21"; +"1383 select_31" -> "1393 expand_as_21"; +"1383 select_31" -> "1394 div_21"; +"1384 select_32" -> "1406 matmul_21"; +"1385 linalg_vector_norm_20" -> "1386 clamp_min_20"; +"1386 clamp_min_20" -> "1387 expand_as_20"; +"1387 expand_as_20" -> "1388 div_20"; +"1388 div_20" -> "1389 quantize_per_tensor_default_64"; +"1389 quantize_per_tensor_default_64" -> "1390 dequantize_per_tensor_default_64"; +"1390 dequantize_per_tensor_default_64" -> "1398 matmul_20"; +"1391 linalg_vector_norm_21" -> "1392 clamp_min_21"; +"1392 clamp_min_21" -> "1393 expand_as_21"; +"1393 expand_as_21" -> "1394 div_21"; +"1394 div_21" -> "1395 quantize_per_tensor_default_65"; +"1395 quantize_per_tensor_default_65" -> "1396 dequantize_per_tensor_default_65"; +"1396 dequantize_per_tensor_default_65" -> "1397 transpose_20"; +"1397 transpose_20" -> "1398 matmul_20"; +"1398 matmul_20" -> "1402 mul_21"; +"1399 _param_constant175" -> "1400 clamp_10"; +"1400 clamp_10" -> "1401 exp_10"; +"1401 exp_10" -> "1402 mul_21"; +"1402 mul_21" -> "1403 add_35"; +"1403 add_35" -> "1404 softmax_10"; +"1404 softmax_10" -> "1405 dropout_40"; +"1405 dropout_40" -> "1406 matmul_21"; +"1406 matmul_21" -> "1407 transpose_21"; +"1407 transpose_21" -> "1408 reshape_47"; +"1408 reshape_47" -> "1410 reshape_47_0_0_nncf_smooth_quant_0"; +"1409 linear_65_updated_constant0" -> "1415 quantize_per_channel_default_66"; +"1410 reshape_47_0_0_nncf_smooth_quant_0" -> "1411 quantize_per_tensor_default_66"; +"1411 quantize_per_tensor_default_66" -> "1412 dequantize_per_tensor_default_66"; +"1412 dequantize_per_tensor_default_66" -> "1418 linear_65"; +"1413 linear_65_scale_0" -> "1415 quantize_per_channel_default_66"; +"1413 linear_65_scale_0" -> "1416 dequantize_per_channel_default_66"; +"1414 linear_65_zero_point_0" -> "1415 quantize_per_channel_default_66"; +"1414 linear_65_zero_point_0" -> "1416 dequantize_per_channel_default_66"; +"1415 quantize_per_channel_default_66" -> "1416 dequantize_per_channel_default_66"; +"1416 dequantize_per_channel_default_66" -> "1418 linear_65"; +"1417 _param_constant177_0_0" -> "1418 linear_65"; +"1418 linear_65" -> "1419 dropout_41"; +"1419 dropout_41" -> "1420 view_58"; +"1420 view_58" -> "1421 permute_49"; +"1421 permute_49" -> "1422 reshape_48"; +"1422 reshape_48" -> "1423 slice_162"; +"1423 slice_162" -> "1424 slice_163"; +"1424 slice_163" -> "1425 slice_164"; +"1425 slice_164" -> "1426 slice_165"; +"1426 slice_165" -> "1427 contiguous_19"; +"1427 contiguous_19" -> "1430 layer_norm_23"; +"1428 _param_constant178" -> "1430 layer_norm_23"; +"1429 _param_constant179" -> "1430 layer_norm_23"; +"1430 layer_norm_23" -> "1431 add_36"; +"1431 add_36" -> "1433 add_36_0_0_nncf_smooth_quant_0"; +"1431 add_36" -> "1458 add_37"; +"1432 linear_66_updated_constant0" -> "1438 quantize_per_channel_default_67"; +"1433 add_36_0_0_nncf_smooth_quant_0" -> "1434 quantize_per_tensor_default_67"; +"1434 quantize_per_tensor_default_67" -> "1435 dequantize_per_tensor_default_67"; +"1435 dequantize_per_tensor_default_67" -> "1441 linear_66"; +"1436 linear_66_scale_0" -> "1438 quantize_per_channel_default_67"; +"1436 linear_66_scale_0" -> "1439 dequantize_per_channel_default_67"; +"1437 linear_66_zero_point_0" -> "1438 quantize_per_channel_default_67"; +"1437 linear_66_zero_point_0" -> "1439 dequantize_per_channel_default_67"; +"1438 quantize_per_channel_default_67" -> "1439 dequantize_per_channel_default_67"; +"1439 dequantize_per_channel_default_67" -> "1441 linear_66"; +"1440 _param_constant181_0_0" -> "1441 linear_66"; +"1441 linear_66" -> "1442 gelu_10"; +"1442 gelu_10" -> "1443 dropout_42"; +"1443 dropout_42" -> "1445 dropout_42_0_0_nncf_smooth_quant_0"; +"1444 linear_67_updated_constant0" -> "1450 quantize_per_channel_default_68"; +"1445 dropout_42_0_0_nncf_smooth_quant_0" -> "1446 quantize_per_tensor_default_68"; +"1446 quantize_per_tensor_default_68" -> "1447 dequantize_per_tensor_default_68"; +"1447 dequantize_per_tensor_default_68" -> "1453 linear_67"; +"1448 linear_67_scale_0" -> "1450 quantize_per_channel_default_68"; +"1448 linear_67_scale_0" -> "1451 dequantize_per_channel_default_68"; +"1449 linear_67_zero_point_0" -> "1450 quantize_per_channel_default_68"; +"1449 linear_67_zero_point_0" -> "1451 dequantize_per_channel_default_68"; +"1450 quantize_per_channel_default_68" -> "1451 dequantize_per_channel_default_68"; +"1451 dequantize_per_channel_default_68" -> "1453 linear_67"; +"1452 _param_constant183_0_0" -> "1453 linear_67"; +"1453 linear_67" -> "1454 dropout_43"; +"1454 dropout_43" -> "1457 layer_norm_24"; +"1455 _param_constant184" -> "1457 layer_norm_24"; +"1456 _param_constant185" -> "1457 layer_norm_24"; +"1457 layer_norm_24" -> "1458 add_37"; +"1458 add_37" -> "1485 pad_13"; +"1458 add_37" -> "1568 add_40"; +"1459 _tensor_constant67" -> "1461 _tensor_constant67_0_0_nncf_smooth_quant_0"; +"1460 linear_68_updated_constant0" -> "1464 quantize_per_channel_default_69"; +"1461 _tensor_constant67_0_0_nncf_smooth_quant_0" -> "1467 linear_68"; +"1462 linear_68_scale_0" -> "1464 quantize_per_channel_default_69"; +"1462 linear_68_scale_0" -> "1465 dequantize_per_channel_default_69"; +"1463 linear_68_zero_point_0" -> "1464 quantize_per_channel_default_69"; +"1463 linear_68_zero_point_0" -> "1465 dequantize_per_channel_default_69"; +"1464 quantize_per_channel_default_69" -> "1465 dequantize_per_channel_default_69"; +"1465 dequantize_per_channel_default_69" -> "1467 linear_68"; +"1466 _param_constant187_0_0" -> "1467 linear_68"; +"1467 linear_68" -> "1468 relu__11"; +"1468 relu__11" -> "1470 relu__11_0_0_nncf_smooth_quant_0"; +"1469 linear_69_updated_constant0" -> "1473 quantize_per_channel_default_70"; +"1470 relu__11_0_0_nncf_smooth_quant_0" -> "1475 linear_69"; +"1471 linear_69_scale_0" -> "1473 quantize_per_channel_default_70"; +"1471 linear_69_scale_0" -> "1474 dequantize_per_channel_default_70"; +"1472 linear_69_zero_point_0" -> "1473 quantize_per_channel_default_70"; +"1472 linear_69_zero_point_0" -> "1474 dequantize_per_channel_default_70"; +"1473 quantize_per_channel_default_70" -> "1474 dequantize_per_channel_default_70"; +"1474 dequantize_per_channel_default_70" -> "1475 linear_69"; +"1475 linear_69" -> "1476 view_59"; +"1476 view_59" -> "1478 index_11"; +"1477 _tensor_constant68" -> "1478 index_11"; +"1478 index_11" -> "1479 view_60"; +"1479 view_60" -> "1480 permute_50"; +"1480 permute_50" -> "1481 contiguous_20"; +"1481 contiguous_20" -> "1482 unsqueeze_31"; +"1482 unsqueeze_31" -> "1483 sigmoid_11"; +"1483 sigmoid_11" -> "1484 mul_22"; +"1484 mul_22" -> "1523 add_38"; +"1485 pad_13" -> "1486 roll_10"; +"1486 roll_10" -> "1487 view_61"; +"1487 view_61" -> "1488 permute_51"; +"1488 permute_51" -> "1489 reshape_49"; +"1489 reshape_49" -> "1491 reshape_49_0_0_nncf_smooth_quant_0"; +"1489 reshape_49" -> "1524 new_zeros_5"; +"1490 linear_70_updated_constant0" -> "1496 quantize_per_channel_default_71"; +"1491 reshape_49_0_0_nncf_smooth_quant_0" -> "1492 quantize_per_tensor_default_69"; +"1492 quantize_per_tensor_default_69" -> "1493 dequantize_per_tensor_default_69"; +"1493 dequantize_per_tensor_default_69" -> "1499 linear_70"; +"1494 linear_70_scale_0" -> "1496 quantize_per_channel_default_71"; +"1494 linear_70_scale_0" -> "1497 dequantize_per_channel_default_71"; +"1495 linear_70_zero_point_0" -> "1496 quantize_per_channel_default_71"; +"1495 linear_70_zero_point_0" -> "1497 dequantize_per_channel_default_71"; +"1496 quantize_per_channel_default_71" -> "1497 dequantize_per_channel_default_71"; +"1497 dequantize_per_channel_default_71" -> "1499 linear_70"; +"1498 _param_constant189_0_0" -> "1499 linear_70"; +"1499 linear_70" -> "1500 reshape_50"; +"1500 reshape_50" -> "1501 permute_52"; +"1501 permute_52" -> "1502 select_33"; +"1501 permute_52" -> "1503 select_34"; +"1501 permute_52" -> "1504 select_35"; +"1502 select_33" -> "1505 linalg_vector_norm_22"; +"1502 select_33" -> "1507 expand_as_22"; +"1502 select_33" -> "1508 div_22"; +"1503 select_34" -> "1511 linalg_vector_norm_23"; +"1503 select_34" -> "1513 expand_as_23"; +"1503 select_34" -> "1514 div_23"; +"1504 select_35" -> "1542 matmul_23"; +"1505 linalg_vector_norm_22" -> "1506 clamp_min_22"; +"1506 clamp_min_22" -> "1507 expand_as_22"; +"1507 expand_as_22" -> "1508 div_22"; +"1508 div_22" -> "1509 quantize_per_tensor_default_70"; +"1509 quantize_per_tensor_default_70" -> "1510 dequantize_per_tensor_default_70"; +"1510 dequantize_per_tensor_default_70" -> "1518 matmul_22"; +"1511 linalg_vector_norm_23" -> "1512 clamp_min_23"; +"1512 clamp_min_23" -> "1513 expand_as_23"; +"1513 expand_as_23" -> "1514 div_23"; +"1514 div_23" -> "1515 quantize_per_tensor_default_71"; +"1515 quantize_per_tensor_default_71" -> "1516 dequantize_per_tensor_default_71"; +"1516 dequantize_per_tensor_default_71" -> "1517 transpose_22"; +"1517 transpose_22" -> "1518 matmul_22"; +"1518 matmul_22" -> "1522 mul_23"; +"1519 _param_constant191" -> "1520 clamp_11"; +"1520 clamp_11" -> "1521 exp_11"; +"1521 exp_11" -> "1522 mul_23"; +"1522 mul_23" -> "1523 add_38"; +"1523 add_38" -> "1535 view_63"; +"1524 new_zeros_5" -> "1525 view_62"; +"1525 view_62" -> "1526 permute_53"; +"1526 permute_53" -> "1527 reshape_51"; +"1527 reshape_51" -> "1528 unsqueeze_32"; +"1527 reshape_51" -> "1529 unsqueeze_33"; +"1528 unsqueeze_32" -> "1530 sub_5"; +"1529 unsqueeze_33" -> "1530 sub_5"; +"1530 sub_5" -> "1531 ne_5"; +"1530 sub_5" -> "1532 masked_fill_10"; +"1530 sub_5" -> "1533 eq_5"; +"1531 ne_5" -> "1532 masked_fill_10"; +"1532 masked_fill_10" -> "1534 masked_fill_11"; +"1533 eq_5" -> "1534 masked_fill_11"; +"1534 masked_fill_11" -> "1536 unsqueeze_34"; +"1535 view_63" -> "1538 add_39"; +"1536 unsqueeze_34" -> "1537 unsqueeze_35"; +"1537 unsqueeze_35" -> "1538 add_39"; +"1538 add_39" -> "1539 view_64"; +"1539 view_64" -> "1540 softmax_11"; +"1540 softmax_11" -> "1541 dropout_44"; +"1541 dropout_44" -> "1542 matmul_23"; +"1542 matmul_23" -> "1543 transpose_23"; +"1543 transpose_23" -> "1544 reshape_52"; +"1544 reshape_52" -> "1546 reshape_52_0_0_nncf_smooth_quant_0"; +"1545 linear_71_updated_constant0" -> "1551 quantize_per_channel_default_72"; +"1546 reshape_52_0_0_nncf_smooth_quant_0" -> "1547 quantize_per_tensor_default_72"; +"1547 quantize_per_tensor_default_72" -> "1548 dequantize_per_tensor_default_72"; +"1548 dequantize_per_tensor_default_72" -> "1554 linear_71"; +"1549 linear_71_scale_0" -> "1551 quantize_per_channel_default_72"; +"1549 linear_71_scale_0" -> "1552 dequantize_per_channel_default_72"; +"1550 linear_71_zero_point_0" -> "1551 quantize_per_channel_default_72"; +"1550 linear_71_zero_point_0" -> "1552 dequantize_per_channel_default_72"; +"1551 quantize_per_channel_default_72" -> "1552 dequantize_per_channel_default_72"; +"1552 dequantize_per_channel_default_72" -> "1554 linear_71"; +"1553 _param_constant193_0_0" -> "1554 linear_71"; +"1554 linear_71" -> "1555 dropout_45"; +"1555 dropout_45" -> "1556 view_65"; +"1556 view_65" -> "1557 permute_54"; +"1557 permute_54" -> "1558 reshape_53"; +"1558 reshape_53" -> "1559 roll_11"; +"1559 roll_11" -> "1560 slice_185"; +"1560 slice_185" -> "1561 slice_186"; +"1561 slice_186" -> "1562 slice_187"; +"1562 slice_187" -> "1563 slice_188"; +"1563 slice_188" -> "1564 contiguous_21"; +"1564 contiguous_21" -> "1567 layer_norm_25"; +"1565 _param_constant194" -> "1567 layer_norm_25"; +"1566 _param_constant195" -> "1567 layer_norm_25"; +"1567 layer_norm_25" -> "1568 add_40"; +"1568 add_40" -> "1570 add_40_0_0_nncf_smooth_quant_0"; +"1568 add_40" -> "1595 add_41"; +"1569 linear_72_updated_constant0" -> "1575 quantize_per_channel_default_73"; +"1570 add_40_0_0_nncf_smooth_quant_0" -> "1571 quantize_per_tensor_default_73"; +"1571 quantize_per_tensor_default_73" -> "1572 dequantize_per_tensor_default_73"; +"1572 dequantize_per_tensor_default_73" -> "1578 linear_72"; +"1573 linear_72_scale_0" -> "1575 quantize_per_channel_default_73"; +"1573 linear_72_scale_0" -> "1576 dequantize_per_channel_default_73"; +"1574 linear_72_zero_point_0" -> "1575 quantize_per_channel_default_73"; +"1574 linear_72_zero_point_0" -> "1576 dequantize_per_channel_default_73"; +"1575 quantize_per_channel_default_73" -> "1576 dequantize_per_channel_default_73"; +"1576 dequantize_per_channel_default_73" -> "1578 linear_72"; +"1577 _param_constant197_0_0" -> "1578 linear_72"; +"1578 linear_72" -> "1579 gelu_11"; +"1579 gelu_11" -> "1580 dropout_46"; +"1580 dropout_46" -> "1582 dropout_46_0_0_nncf_smooth_quant_0"; +"1581 linear_73_updated_constant0" -> "1587 quantize_per_channel_default_74"; +"1582 dropout_46_0_0_nncf_smooth_quant_0" -> "1583 quantize_per_tensor_default_74"; +"1583 quantize_per_tensor_default_74" -> "1584 dequantize_per_tensor_default_74"; +"1584 dequantize_per_tensor_default_74" -> "1590 linear_73"; +"1585 linear_73_scale_0" -> "1587 quantize_per_channel_default_74"; +"1585 linear_73_scale_0" -> "1588 dequantize_per_channel_default_74"; +"1586 linear_73_zero_point_0" -> "1587 quantize_per_channel_default_74"; +"1586 linear_73_zero_point_0" -> "1588 dequantize_per_channel_default_74"; +"1587 quantize_per_channel_default_74" -> "1588 dequantize_per_channel_default_74"; +"1588 dequantize_per_channel_default_74" -> "1590 linear_73"; +"1589 _param_constant199_0_0" -> "1590 linear_73"; +"1590 linear_73" -> "1591 dropout_47"; +"1591 dropout_47" -> "1594 layer_norm_26"; +"1592 _param_constant200" -> "1594 layer_norm_26"; +"1593 _param_constant201" -> "1594 layer_norm_26"; +"1594 layer_norm_26" -> "1595 add_41"; +"1595 add_41" -> "1622 pad_14"; +"1595 add_41" -> "1687 add_43"; +"1596 _tensor_constant78" -> "1598 _tensor_constant78_0_0_nncf_smooth_quant_0"; +"1597 linear_74_updated_constant0" -> "1601 quantize_per_channel_default_75"; +"1598 _tensor_constant78_0_0_nncf_smooth_quant_0" -> "1604 linear_74"; +"1599 linear_74_scale_0" -> "1601 quantize_per_channel_default_75"; +"1599 linear_74_scale_0" -> "1602 dequantize_per_channel_default_75"; +"1600 linear_74_zero_point_0" -> "1601 quantize_per_channel_default_75"; +"1600 linear_74_zero_point_0" -> "1602 dequantize_per_channel_default_75"; +"1601 quantize_per_channel_default_75" -> "1602 dequantize_per_channel_default_75"; +"1602 dequantize_per_channel_default_75" -> "1604 linear_74"; +"1603 _param_constant203_0_0" -> "1604 linear_74"; +"1604 linear_74" -> "1605 relu__12"; +"1605 relu__12" -> "1607 relu__12_0_0_nncf_smooth_quant_0"; +"1606 linear_75_updated_constant0" -> "1610 quantize_per_channel_default_76"; +"1607 relu__12_0_0_nncf_smooth_quant_0" -> "1612 linear_75"; +"1608 linear_75_scale_0" -> "1610 quantize_per_channel_default_76"; +"1608 linear_75_scale_0" -> "1611 dequantize_per_channel_default_76"; +"1609 linear_75_zero_point_0" -> "1610 quantize_per_channel_default_76"; +"1609 linear_75_zero_point_0" -> "1611 dequantize_per_channel_default_76"; +"1610 quantize_per_channel_default_76" -> "1611 dequantize_per_channel_default_76"; +"1611 dequantize_per_channel_default_76" -> "1612 linear_75"; +"1612 linear_75" -> "1613 view_66"; +"1613 view_66" -> "1615 index_12"; +"1614 _tensor_constant79" -> "1615 index_12"; +"1615 index_12" -> "1616 view_67"; +"1616 view_67" -> "1617 permute_55"; +"1617 permute_55" -> "1618 contiguous_22"; +"1618 contiguous_22" -> "1619 unsqueeze_36"; +"1619 unsqueeze_36" -> "1620 sigmoid_12"; +"1620 sigmoid_12" -> "1621 mul_24"; +"1621 mul_24" -> "1659 add_42"; +"1622 pad_14" -> "1623 view_68"; +"1623 view_68" -> "1624 permute_56"; +"1624 permute_56" -> "1625 reshape_54"; +"1625 reshape_54" -> "1627 reshape_54_0_0_nncf_smooth_quant_0"; +"1626 linear_76_updated_constant0" -> "1632 quantize_per_channel_default_77"; +"1627 reshape_54_0_0_nncf_smooth_quant_0" -> "1628 quantize_per_tensor_default_75"; +"1628 quantize_per_tensor_default_75" -> "1629 dequantize_per_tensor_default_75"; +"1629 dequantize_per_tensor_default_75" -> "1635 linear_76"; +"1630 linear_76_scale_0" -> "1632 quantize_per_channel_default_77"; +"1630 linear_76_scale_0" -> "1633 dequantize_per_channel_default_77"; +"1631 linear_76_zero_point_0" -> "1632 quantize_per_channel_default_77"; +"1631 linear_76_zero_point_0" -> "1633 dequantize_per_channel_default_77"; +"1632 quantize_per_channel_default_77" -> "1633 dequantize_per_channel_default_77"; +"1633 dequantize_per_channel_default_77" -> "1635 linear_76"; +"1634 _param_constant205_0_0" -> "1635 linear_76"; +"1635 linear_76" -> "1636 reshape_55"; +"1636 reshape_55" -> "1637 permute_57"; +"1637 permute_57" -> "1638 select_36"; +"1637 permute_57" -> "1639 select_37"; +"1637 permute_57" -> "1640 select_38"; +"1638 select_36" -> "1641 linalg_vector_norm_24"; +"1638 select_36" -> "1643 expand_as_24"; +"1638 select_36" -> "1644 div_24"; +"1639 select_37" -> "1647 linalg_vector_norm_25"; +"1639 select_37" -> "1649 expand_as_25"; +"1639 select_37" -> "1650 div_25"; +"1640 select_38" -> "1662 matmul_25"; +"1641 linalg_vector_norm_24" -> "1642 clamp_min_24"; +"1642 clamp_min_24" -> "1643 expand_as_24"; +"1643 expand_as_24" -> "1644 div_24"; +"1644 div_24" -> "1645 quantize_per_tensor_default_76"; +"1645 quantize_per_tensor_default_76" -> "1646 dequantize_per_tensor_default_76"; +"1646 dequantize_per_tensor_default_76" -> "1654 matmul_24"; +"1647 linalg_vector_norm_25" -> "1648 clamp_min_25"; +"1648 clamp_min_25" -> "1649 expand_as_25"; +"1649 expand_as_25" -> "1650 div_25"; +"1650 div_25" -> "1651 quantize_per_tensor_default_77"; +"1651 quantize_per_tensor_default_77" -> "1652 dequantize_per_tensor_default_77"; +"1652 dequantize_per_tensor_default_77" -> "1653 transpose_24"; +"1653 transpose_24" -> "1654 matmul_24"; +"1654 matmul_24" -> "1658 mul_25"; +"1655 _param_constant207" -> "1656 clamp_12"; +"1656 clamp_12" -> "1657 exp_12"; +"1657 exp_12" -> "1658 mul_25"; +"1658 mul_25" -> "1659 add_42"; +"1659 add_42" -> "1660 softmax_12"; +"1660 softmax_12" -> "1661 dropout_48"; +"1661 dropout_48" -> "1662 matmul_25"; +"1662 matmul_25" -> "1663 transpose_25"; +"1663 transpose_25" -> "1664 reshape_56"; +"1664 reshape_56" -> "1666 reshape_56_0_0_nncf_smooth_quant_0"; +"1665 linear_77_updated_constant0" -> "1671 quantize_per_channel_default_78"; +"1666 reshape_56_0_0_nncf_smooth_quant_0" -> "1667 quantize_per_tensor_default_78"; +"1667 quantize_per_tensor_default_78" -> "1668 dequantize_per_tensor_default_78"; +"1668 dequantize_per_tensor_default_78" -> "1674 linear_77"; +"1669 linear_77_scale_0" -> "1671 quantize_per_channel_default_78"; +"1669 linear_77_scale_0" -> "1672 dequantize_per_channel_default_78"; +"1670 linear_77_zero_point_0" -> "1671 quantize_per_channel_default_78"; +"1670 linear_77_zero_point_0" -> "1672 dequantize_per_channel_default_78"; +"1671 quantize_per_channel_default_78" -> "1672 dequantize_per_channel_default_78"; +"1672 dequantize_per_channel_default_78" -> "1674 linear_77"; +"1673 _param_constant209_0_0" -> "1674 linear_77"; +"1674 linear_77" -> "1675 dropout_49"; +"1675 dropout_49" -> "1676 view_69"; +"1676 view_69" -> "1677 permute_58"; +"1677 permute_58" -> "1678 reshape_57"; +"1678 reshape_57" -> "1679 slice_190"; +"1679 slice_190" -> "1680 slice_191"; +"1680 slice_191" -> "1681 slice_192"; +"1681 slice_192" -> "1682 slice_193"; +"1682 slice_193" -> "1683 contiguous_23"; +"1683 contiguous_23" -> "1686 layer_norm_27"; +"1684 _param_constant210" -> "1686 layer_norm_27"; +"1685 _param_constant211" -> "1686 layer_norm_27"; +"1686 layer_norm_27" -> "1687 add_43"; +"1687 add_43" -> "1689 add_43_0_0_nncf_smooth_quant_0"; +"1687 add_43" -> "1714 add_44"; +"1688 linear_78_updated_constant0" -> "1694 quantize_per_channel_default_79"; +"1689 add_43_0_0_nncf_smooth_quant_0" -> "1690 quantize_per_tensor_default_79"; +"1690 quantize_per_tensor_default_79" -> "1691 dequantize_per_tensor_default_79"; +"1691 dequantize_per_tensor_default_79" -> "1697 linear_78"; +"1692 linear_78_scale_0" -> "1694 quantize_per_channel_default_79"; +"1692 linear_78_scale_0" -> "1695 dequantize_per_channel_default_79"; +"1693 linear_78_zero_point_0" -> "1694 quantize_per_channel_default_79"; +"1693 linear_78_zero_point_0" -> "1695 dequantize_per_channel_default_79"; +"1694 quantize_per_channel_default_79" -> "1695 dequantize_per_channel_default_79"; +"1695 dequantize_per_channel_default_79" -> "1697 linear_78"; +"1696 _param_constant213_0_0" -> "1697 linear_78"; +"1697 linear_78" -> "1698 gelu_12"; +"1698 gelu_12" -> "1699 dropout_50"; +"1699 dropout_50" -> "1701 dropout_50_0_0_nncf_smooth_quant_0"; +"1700 linear_79_updated_constant0" -> "1706 quantize_per_channel_default_80"; +"1701 dropout_50_0_0_nncf_smooth_quant_0" -> "1702 quantize_per_tensor_default_80"; +"1702 quantize_per_tensor_default_80" -> "1703 dequantize_per_tensor_default_80"; +"1703 dequantize_per_tensor_default_80" -> "1709 linear_79"; +"1704 linear_79_scale_0" -> "1706 quantize_per_channel_default_80"; +"1704 linear_79_scale_0" -> "1707 dequantize_per_channel_default_80"; +"1705 linear_79_zero_point_0" -> "1706 quantize_per_channel_default_80"; +"1705 linear_79_zero_point_0" -> "1707 dequantize_per_channel_default_80"; +"1706 quantize_per_channel_default_80" -> "1707 dequantize_per_channel_default_80"; +"1707 dequantize_per_channel_default_80" -> "1709 linear_79"; +"1708 _param_constant215_0_0" -> "1709 linear_79"; +"1709 linear_79" -> "1710 dropout_51"; +"1710 dropout_51" -> "1713 layer_norm_28"; +"1711 _param_constant216" -> "1713 layer_norm_28"; +"1712 _param_constant217" -> "1713 layer_norm_28"; +"1713 layer_norm_28" -> "1714 add_44"; +"1714 add_44" -> "1741 pad_15"; +"1714 add_44" -> "1824 add_47"; +"1715 _tensor_constant80" -> "1717 _tensor_constant80_0_0_nncf_smooth_quant_0"; +"1716 linear_80_updated_constant0" -> "1720 quantize_per_channel_default_81"; +"1717 _tensor_constant80_0_0_nncf_smooth_quant_0" -> "1723 linear_80"; +"1718 linear_80_scale_0" -> "1720 quantize_per_channel_default_81"; +"1718 linear_80_scale_0" -> "1721 dequantize_per_channel_default_81"; +"1719 linear_80_zero_point_0" -> "1720 quantize_per_channel_default_81"; +"1719 linear_80_zero_point_0" -> "1721 dequantize_per_channel_default_81"; +"1720 quantize_per_channel_default_81" -> "1721 dequantize_per_channel_default_81"; +"1721 dequantize_per_channel_default_81" -> "1723 linear_80"; +"1722 _param_constant219_0_0" -> "1723 linear_80"; +"1723 linear_80" -> "1724 relu__13"; +"1724 relu__13" -> "1726 relu__13_0_0_nncf_smooth_quant_0"; +"1725 linear_81_updated_constant0" -> "1729 quantize_per_channel_default_82"; +"1726 relu__13_0_0_nncf_smooth_quant_0" -> "1731 linear_81"; +"1727 linear_81_scale_0" -> "1729 quantize_per_channel_default_82"; +"1727 linear_81_scale_0" -> "1730 dequantize_per_channel_default_82"; +"1728 linear_81_zero_point_0" -> "1729 quantize_per_channel_default_82"; +"1728 linear_81_zero_point_0" -> "1730 dequantize_per_channel_default_82"; +"1729 quantize_per_channel_default_82" -> "1730 dequantize_per_channel_default_82"; +"1730 dequantize_per_channel_default_82" -> "1731 linear_81"; +"1731 linear_81" -> "1732 view_70"; +"1732 view_70" -> "1734 index_13"; +"1733 _tensor_constant81" -> "1734 index_13"; +"1734 index_13" -> "1735 view_71"; +"1735 view_71" -> "1736 permute_59"; +"1736 permute_59" -> "1737 contiguous_24"; +"1737 contiguous_24" -> "1738 unsqueeze_37"; +"1738 unsqueeze_37" -> "1739 sigmoid_13"; +"1739 sigmoid_13" -> "1740 mul_26"; +"1740 mul_26" -> "1779 add_45"; +"1741 pad_15" -> "1742 roll_12"; +"1742 roll_12" -> "1743 view_72"; +"1743 view_72" -> "1744 permute_60"; +"1744 permute_60" -> "1745 reshape_58"; +"1745 reshape_58" -> "1747 reshape_58_0_0_nncf_smooth_quant_0"; +"1745 reshape_58" -> "1780 new_zeros_6"; +"1746 linear_82_updated_constant0" -> "1752 quantize_per_channel_default_83"; +"1747 reshape_58_0_0_nncf_smooth_quant_0" -> "1748 quantize_per_tensor_default_81"; +"1748 quantize_per_tensor_default_81" -> "1749 dequantize_per_tensor_default_81"; +"1749 dequantize_per_tensor_default_81" -> "1755 linear_82"; +"1750 linear_82_scale_0" -> "1752 quantize_per_channel_default_83"; +"1750 linear_82_scale_0" -> "1753 dequantize_per_channel_default_83"; +"1751 linear_82_zero_point_0" -> "1752 quantize_per_channel_default_83"; +"1751 linear_82_zero_point_0" -> "1753 dequantize_per_channel_default_83"; +"1752 quantize_per_channel_default_83" -> "1753 dequantize_per_channel_default_83"; +"1753 dequantize_per_channel_default_83" -> "1755 linear_82"; +"1754 _param_constant221_0_0" -> "1755 linear_82"; +"1755 linear_82" -> "1756 reshape_59"; +"1756 reshape_59" -> "1757 permute_61"; +"1757 permute_61" -> "1758 select_39"; +"1757 permute_61" -> "1759 select_40"; +"1757 permute_61" -> "1760 select_41"; +"1758 select_39" -> "1761 linalg_vector_norm_26"; +"1758 select_39" -> "1763 expand_as_26"; +"1758 select_39" -> "1764 div_26"; +"1759 select_40" -> "1767 linalg_vector_norm_27"; +"1759 select_40" -> "1769 expand_as_27"; +"1759 select_40" -> "1770 div_27"; +"1760 select_41" -> "1798 matmul_27"; +"1761 linalg_vector_norm_26" -> "1762 clamp_min_26"; +"1762 clamp_min_26" -> "1763 expand_as_26"; +"1763 expand_as_26" -> "1764 div_26"; +"1764 div_26" -> "1765 quantize_per_tensor_default_82"; +"1765 quantize_per_tensor_default_82" -> "1766 dequantize_per_tensor_default_82"; +"1766 dequantize_per_tensor_default_82" -> "1774 matmul_26"; +"1767 linalg_vector_norm_27" -> "1768 clamp_min_27"; +"1768 clamp_min_27" -> "1769 expand_as_27"; +"1769 expand_as_27" -> "1770 div_27"; +"1770 div_27" -> "1771 quantize_per_tensor_default_83"; +"1771 quantize_per_tensor_default_83" -> "1772 dequantize_per_tensor_default_83"; +"1772 dequantize_per_tensor_default_83" -> "1773 transpose_26"; +"1773 transpose_26" -> "1774 matmul_26"; +"1774 matmul_26" -> "1778 mul_27"; +"1775 _param_constant223" -> "1776 clamp_13"; +"1776 clamp_13" -> "1777 exp_13"; +"1777 exp_13" -> "1778 mul_27"; +"1778 mul_27" -> "1779 add_45"; +"1779 add_45" -> "1791 view_74"; +"1780 new_zeros_6" -> "1781 view_73"; +"1781 view_73" -> "1782 permute_62"; +"1782 permute_62" -> "1783 reshape_60"; +"1783 reshape_60" -> "1784 unsqueeze_38"; +"1783 reshape_60" -> "1785 unsqueeze_39"; +"1784 unsqueeze_38" -> "1786 sub_6"; +"1785 unsqueeze_39" -> "1786 sub_6"; +"1786 sub_6" -> "1787 ne_6"; +"1786 sub_6" -> "1788 masked_fill_12"; +"1786 sub_6" -> "1789 eq_6"; +"1787 ne_6" -> "1788 masked_fill_12"; +"1788 masked_fill_12" -> "1790 masked_fill_13"; +"1789 eq_6" -> "1790 masked_fill_13"; +"1790 masked_fill_13" -> "1792 unsqueeze_40"; +"1791 view_74" -> "1794 add_46"; +"1792 unsqueeze_40" -> "1793 unsqueeze_41"; +"1793 unsqueeze_41" -> "1794 add_46"; +"1794 add_46" -> "1795 view_75"; +"1795 view_75" -> "1796 softmax_13"; +"1796 softmax_13" -> "1797 dropout_52"; +"1797 dropout_52" -> "1798 matmul_27"; +"1798 matmul_27" -> "1799 transpose_27"; +"1799 transpose_27" -> "1800 reshape_61"; +"1800 reshape_61" -> "1802 reshape_61_0_0_nncf_smooth_quant_0"; +"1801 linear_83_updated_constant0" -> "1807 quantize_per_channel_default_84"; +"1802 reshape_61_0_0_nncf_smooth_quant_0" -> "1803 quantize_per_tensor_default_84"; +"1803 quantize_per_tensor_default_84" -> "1804 dequantize_per_tensor_default_84"; +"1804 dequantize_per_tensor_default_84" -> "1810 linear_83"; +"1805 linear_83_scale_0" -> "1807 quantize_per_channel_default_84"; +"1805 linear_83_scale_0" -> "1808 dequantize_per_channel_default_84"; +"1806 linear_83_zero_point_0" -> "1807 quantize_per_channel_default_84"; +"1806 linear_83_zero_point_0" -> "1808 dequantize_per_channel_default_84"; +"1807 quantize_per_channel_default_84" -> "1808 dequantize_per_channel_default_84"; +"1808 dequantize_per_channel_default_84" -> "1810 linear_83"; +"1809 _param_constant225_0_0" -> "1810 linear_83"; +"1810 linear_83" -> "1811 dropout_53"; +"1811 dropout_53" -> "1812 view_76"; +"1812 view_76" -> "1813 permute_63"; +"1813 permute_63" -> "1814 reshape_62"; +"1814 reshape_62" -> "1815 roll_13"; +"1815 roll_13" -> "1816 slice_213"; +"1816 slice_213" -> "1817 slice_214"; +"1817 slice_214" -> "1818 slice_215"; +"1818 slice_215" -> "1819 slice_216"; +"1819 slice_216" -> "1820 contiguous_25"; +"1820 contiguous_25" -> "1823 layer_norm_29"; +"1821 _param_constant226" -> "1823 layer_norm_29"; +"1822 _param_constant227" -> "1823 layer_norm_29"; +"1823 layer_norm_29" -> "1824 add_47"; +"1824 add_47" -> "1826 add_47_0_0_nncf_smooth_quant_0"; +"1824 add_47" -> "1851 add_48"; +"1825 linear_84_updated_constant0" -> "1831 quantize_per_channel_default_85"; +"1826 add_47_0_0_nncf_smooth_quant_0" -> "1827 quantize_per_tensor_default_85"; +"1827 quantize_per_tensor_default_85" -> "1828 dequantize_per_tensor_default_85"; +"1828 dequantize_per_tensor_default_85" -> "1834 linear_84"; +"1829 linear_84_scale_0" -> "1831 quantize_per_channel_default_85"; +"1829 linear_84_scale_0" -> "1832 dequantize_per_channel_default_85"; +"1830 linear_84_zero_point_0" -> "1831 quantize_per_channel_default_85"; +"1830 linear_84_zero_point_0" -> "1832 dequantize_per_channel_default_85"; +"1831 quantize_per_channel_default_85" -> "1832 dequantize_per_channel_default_85"; +"1832 dequantize_per_channel_default_85" -> "1834 linear_84"; +"1833 _param_constant229_0_0" -> "1834 linear_84"; +"1834 linear_84" -> "1835 gelu_13"; +"1835 gelu_13" -> "1836 dropout_54"; +"1836 dropout_54" -> "1838 dropout_54_0_0_nncf_smooth_quant_0"; +"1837 linear_85_updated_constant0" -> "1843 quantize_per_channel_default_86"; +"1838 dropout_54_0_0_nncf_smooth_quant_0" -> "1839 quantize_per_tensor_default_86"; +"1839 quantize_per_tensor_default_86" -> "1840 dequantize_per_tensor_default_86"; +"1840 dequantize_per_tensor_default_86" -> "1846 linear_85"; +"1841 linear_85_scale_0" -> "1843 quantize_per_channel_default_86"; +"1841 linear_85_scale_0" -> "1844 dequantize_per_channel_default_86"; +"1842 linear_85_zero_point_0" -> "1843 quantize_per_channel_default_86"; +"1842 linear_85_zero_point_0" -> "1844 dequantize_per_channel_default_86"; +"1843 quantize_per_channel_default_86" -> "1844 dequantize_per_channel_default_86"; +"1844 dequantize_per_channel_default_86" -> "1846 linear_85"; +"1845 _param_constant231_0_0" -> "1846 linear_85"; +"1846 linear_85" -> "1847 dropout_55"; +"1847 dropout_55" -> "1850 layer_norm_30"; +"1848 _param_constant232" -> "1850 layer_norm_30"; +"1849 _param_constant233" -> "1850 layer_norm_30"; +"1850 layer_norm_30" -> "1851 add_48"; +"1851 add_48" -> "1878 pad_16"; +"1851 add_48" -> "1943 add_50"; +"1852 _tensor_constant91" -> "1854 _tensor_constant91_0_0_nncf_smooth_quant_0"; +"1853 linear_86_updated_constant0" -> "1857 quantize_per_channel_default_87"; +"1854 _tensor_constant91_0_0_nncf_smooth_quant_0" -> "1860 linear_86"; +"1855 linear_86_scale_0" -> "1857 quantize_per_channel_default_87"; +"1855 linear_86_scale_0" -> "1858 dequantize_per_channel_default_87"; +"1856 linear_86_zero_point_0" -> "1857 quantize_per_channel_default_87"; +"1856 linear_86_zero_point_0" -> "1858 dequantize_per_channel_default_87"; +"1857 quantize_per_channel_default_87" -> "1858 dequantize_per_channel_default_87"; +"1858 dequantize_per_channel_default_87" -> "1860 linear_86"; +"1859 _param_constant235_0_0" -> "1860 linear_86"; +"1860 linear_86" -> "1861 relu__14"; +"1861 relu__14" -> "1863 relu__14_0_0_nncf_smooth_quant_0"; +"1862 linear_87_updated_constant0" -> "1866 quantize_per_channel_default_88"; +"1863 relu__14_0_0_nncf_smooth_quant_0" -> "1868 linear_87"; +"1864 linear_87_scale_0" -> "1866 quantize_per_channel_default_88"; +"1864 linear_87_scale_0" -> "1867 dequantize_per_channel_default_88"; +"1865 linear_87_zero_point_0" -> "1866 quantize_per_channel_default_88"; +"1865 linear_87_zero_point_0" -> "1867 dequantize_per_channel_default_88"; +"1866 quantize_per_channel_default_88" -> "1867 dequantize_per_channel_default_88"; +"1867 dequantize_per_channel_default_88" -> "1868 linear_87"; +"1868 linear_87" -> "1869 view_77"; +"1869 view_77" -> "1871 index_14"; +"1870 _tensor_constant92" -> "1871 index_14"; +"1871 index_14" -> "1872 view_78"; +"1872 view_78" -> "1873 permute_64"; +"1873 permute_64" -> "1874 contiguous_26"; +"1874 contiguous_26" -> "1875 unsqueeze_42"; +"1875 unsqueeze_42" -> "1876 sigmoid_14"; +"1876 sigmoid_14" -> "1877 mul_28"; +"1877 mul_28" -> "1915 add_49"; +"1878 pad_16" -> "1879 view_79"; +"1879 view_79" -> "1880 permute_65"; +"1880 permute_65" -> "1881 reshape_63"; +"1881 reshape_63" -> "1883 reshape_63_0_0_nncf_smooth_quant_0"; +"1882 linear_88_updated_constant0" -> "1888 quantize_per_channel_default_89"; +"1883 reshape_63_0_0_nncf_smooth_quant_0" -> "1884 quantize_per_tensor_default_87"; +"1884 quantize_per_tensor_default_87" -> "1885 dequantize_per_tensor_default_87"; +"1885 dequantize_per_tensor_default_87" -> "1891 linear_88"; +"1886 linear_88_scale_0" -> "1888 quantize_per_channel_default_89"; +"1886 linear_88_scale_0" -> "1889 dequantize_per_channel_default_89"; +"1887 linear_88_zero_point_0" -> "1888 quantize_per_channel_default_89"; +"1887 linear_88_zero_point_0" -> "1889 dequantize_per_channel_default_89"; +"1888 quantize_per_channel_default_89" -> "1889 dequantize_per_channel_default_89"; +"1889 dequantize_per_channel_default_89" -> "1891 linear_88"; +"1890 _param_constant237_0_0" -> "1891 linear_88"; +"1891 linear_88" -> "1892 reshape_64"; +"1892 reshape_64" -> "1893 permute_66"; +"1893 permute_66" -> "1894 select_42"; +"1893 permute_66" -> "1895 select_43"; +"1893 permute_66" -> "1896 select_44"; +"1894 select_42" -> "1897 linalg_vector_norm_28"; +"1894 select_42" -> "1899 expand_as_28"; +"1894 select_42" -> "1900 div_28"; +"1895 select_43" -> "1903 linalg_vector_norm_29"; +"1895 select_43" -> "1905 expand_as_29"; +"1895 select_43" -> "1906 div_29"; +"1896 select_44" -> "1918 matmul_29"; +"1897 linalg_vector_norm_28" -> "1898 clamp_min_28"; +"1898 clamp_min_28" -> "1899 expand_as_28"; +"1899 expand_as_28" -> "1900 div_28"; +"1900 div_28" -> "1901 quantize_per_tensor_default_88"; +"1901 quantize_per_tensor_default_88" -> "1902 dequantize_per_tensor_default_88"; +"1902 dequantize_per_tensor_default_88" -> "1910 matmul_28"; +"1903 linalg_vector_norm_29" -> "1904 clamp_min_29"; +"1904 clamp_min_29" -> "1905 expand_as_29"; +"1905 expand_as_29" -> "1906 div_29"; +"1906 div_29" -> "1907 quantize_per_tensor_default_89"; +"1907 quantize_per_tensor_default_89" -> "1908 dequantize_per_tensor_default_89"; +"1908 dequantize_per_tensor_default_89" -> "1909 transpose_28"; +"1909 transpose_28" -> "1910 matmul_28"; +"1910 matmul_28" -> "1914 mul_29"; +"1911 _param_constant239" -> "1912 clamp_14"; +"1912 clamp_14" -> "1913 exp_14"; +"1913 exp_14" -> "1914 mul_29"; +"1914 mul_29" -> "1915 add_49"; +"1915 add_49" -> "1916 softmax_14"; +"1916 softmax_14" -> "1917 dropout_56"; +"1917 dropout_56" -> "1918 matmul_29"; +"1918 matmul_29" -> "1919 transpose_29"; +"1919 transpose_29" -> "1920 reshape_65"; +"1920 reshape_65" -> "1922 reshape_65_0_0_nncf_smooth_quant_0"; +"1921 linear_89_updated_constant0" -> "1927 quantize_per_channel_default_90"; +"1922 reshape_65_0_0_nncf_smooth_quant_0" -> "1923 quantize_per_tensor_default_90"; +"1923 quantize_per_tensor_default_90" -> "1924 dequantize_per_tensor_default_90"; +"1924 dequantize_per_tensor_default_90" -> "1930 linear_89"; +"1925 linear_89_scale_0" -> "1927 quantize_per_channel_default_90"; +"1925 linear_89_scale_0" -> "1928 dequantize_per_channel_default_90"; +"1926 linear_89_zero_point_0" -> "1927 quantize_per_channel_default_90"; +"1926 linear_89_zero_point_0" -> "1928 dequantize_per_channel_default_90"; +"1927 quantize_per_channel_default_90" -> "1928 dequantize_per_channel_default_90"; +"1928 dequantize_per_channel_default_90" -> "1930 linear_89"; +"1929 _param_constant241_0_0" -> "1930 linear_89"; +"1930 linear_89" -> "1931 dropout_57"; +"1931 dropout_57" -> "1932 view_80"; +"1932 view_80" -> "1933 permute_67"; +"1933 permute_67" -> "1934 reshape_66"; +"1934 reshape_66" -> "1935 slice_218"; +"1935 slice_218" -> "1936 slice_219"; +"1936 slice_219" -> "1937 slice_220"; +"1937 slice_220" -> "1938 slice_221"; +"1938 slice_221" -> "1939 contiguous_27"; +"1939 contiguous_27" -> "1942 layer_norm_31"; +"1940 _param_constant242" -> "1942 layer_norm_31"; +"1941 _param_constant243" -> "1942 layer_norm_31"; +"1942 layer_norm_31" -> "1943 add_50"; +"1943 add_50" -> "1945 add_50_0_0_nncf_smooth_quant_0"; +"1943 add_50" -> "1970 add_51"; +"1944 linear_90_updated_constant0" -> "1950 quantize_per_channel_default_91"; +"1945 add_50_0_0_nncf_smooth_quant_0" -> "1946 quantize_per_tensor_default_91"; +"1946 quantize_per_tensor_default_91" -> "1947 dequantize_per_tensor_default_91"; +"1947 dequantize_per_tensor_default_91" -> "1953 linear_90"; +"1948 linear_90_scale_0" -> "1950 quantize_per_channel_default_91"; +"1948 linear_90_scale_0" -> "1951 dequantize_per_channel_default_91"; +"1949 linear_90_zero_point_0" -> "1950 quantize_per_channel_default_91"; +"1949 linear_90_zero_point_0" -> "1951 dequantize_per_channel_default_91"; +"1950 quantize_per_channel_default_91" -> "1951 dequantize_per_channel_default_91"; +"1951 dequantize_per_channel_default_91" -> "1953 linear_90"; +"1952 _param_constant245_0_0" -> "1953 linear_90"; +"1953 linear_90" -> "1954 gelu_14"; +"1954 gelu_14" -> "1955 dropout_58"; +"1955 dropout_58" -> "1957 dropout_58_0_0_nncf_smooth_quant_0"; +"1956 linear_91_updated_constant0" -> "1962 quantize_per_channel_default_92"; +"1957 dropout_58_0_0_nncf_smooth_quant_0" -> "1958 quantize_per_tensor_default_92"; +"1958 quantize_per_tensor_default_92" -> "1959 dequantize_per_tensor_default_92"; +"1959 dequantize_per_tensor_default_92" -> "1965 linear_91"; +"1960 linear_91_scale_0" -> "1962 quantize_per_channel_default_92"; +"1960 linear_91_scale_0" -> "1963 dequantize_per_channel_default_92"; +"1961 linear_91_zero_point_0" -> "1962 quantize_per_channel_default_92"; +"1961 linear_91_zero_point_0" -> "1963 dequantize_per_channel_default_92"; +"1962 quantize_per_channel_default_92" -> "1963 dequantize_per_channel_default_92"; +"1963 dequantize_per_channel_default_92" -> "1965 linear_91"; +"1964 _param_constant247_0_0" -> "1965 linear_91"; +"1965 linear_91" -> "1966 dropout_59"; +"1966 dropout_59" -> "1969 layer_norm_32"; +"1967 _param_constant248" -> "1969 layer_norm_32"; +"1968 _param_constant249" -> "1969 layer_norm_32"; +"1969 layer_norm_32" -> "1970 add_51"; +"1970 add_51" -> "1997 pad_17"; +"1970 add_51" -> "2080 add_54"; +"1971 _tensor_constant93" -> "1973 _tensor_constant93_0_0_nncf_smooth_quant_0"; +"1972 linear_92_updated_constant0" -> "1976 quantize_per_channel_default_93"; +"1973 _tensor_constant93_0_0_nncf_smooth_quant_0" -> "1979 linear_92"; +"1974 linear_92_scale_0" -> "1976 quantize_per_channel_default_93"; +"1974 linear_92_scale_0" -> "1977 dequantize_per_channel_default_93"; +"1975 linear_92_zero_point_0" -> "1976 quantize_per_channel_default_93"; +"1975 linear_92_zero_point_0" -> "1977 dequantize_per_channel_default_93"; +"1976 quantize_per_channel_default_93" -> "1977 dequantize_per_channel_default_93"; +"1977 dequantize_per_channel_default_93" -> "1979 linear_92"; +"1978 _param_constant251_0_0" -> "1979 linear_92"; +"1979 linear_92" -> "1980 relu__15"; +"1980 relu__15" -> "1982 relu__15_0_0_nncf_smooth_quant_0"; +"1981 linear_93_updated_constant0" -> "1985 quantize_per_channel_default_94"; +"1982 relu__15_0_0_nncf_smooth_quant_0" -> "1987 linear_93"; +"1983 linear_93_scale_0" -> "1985 quantize_per_channel_default_94"; +"1983 linear_93_scale_0" -> "1986 dequantize_per_channel_default_94"; +"1984 linear_93_zero_point_0" -> "1985 quantize_per_channel_default_94"; +"1984 linear_93_zero_point_0" -> "1986 dequantize_per_channel_default_94"; +"1985 quantize_per_channel_default_94" -> "1986 dequantize_per_channel_default_94"; +"1986 dequantize_per_channel_default_94" -> "1987 linear_93"; +"1987 linear_93" -> "1988 view_81"; +"1988 view_81" -> "1990 index_15"; +"1989 _tensor_constant94" -> "1990 index_15"; +"1990 index_15" -> "1991 view_82"; +"1991 view_82" -> "1992 permute_68"; +"1992 permute_68" -> "1993 contiguous_28"; +"1993 contiguous_28" -> "1994 unsqueeze_43"; +"1994 unsqueeze_43" -> "1995 sigmoid_15"; +"1995 sigmoid_15" -> "1996 mul_30"; +"1996 mul_30" -> "2035 add_52"; +"1997 pad_17" -> "1998 roll_14"; +"1998 roll_14" -> "1999 view_83"; +"1999 view_83" -> "2000 permute_69"; +"2000 permute_69" -> "2001 reshape_67"; +"2001 reshape_67" -> "2003 reshape_67_0_0_nncf_smooth_quant_0"; +"2001 reshape_67" -> "2036 new_zeros_7"; +"2002 linear_94_updated_constant0" -> "2008 quantize_per_channel_default_95"; +"2003 reshape_67_0_0_nncf_smooth_quant_0" -> "2004 quantize_per_tensor_default_93"; +"2004 quantize_per_tensor_default_93" -> "2005 dequantize_per_tensor_default_93"; +"2005 dequantize_per_tensor_default_93" -> "2011 linear_94"; +"2006 linear_94_scale_0" -> "2008 quantize_per_channel_default_95"; +"2006 linear_94_scale_0" -> "2009 dequantize_per_channel_default_95"; +"2007 linear_94_zero_point_0" -> "2008 quantize_per_channel_default_95"; +"2007 linear_94_zero_point_0" -> "2009 dequantize_per_channel_default_95"; +"2008 quantize_per_channel_default_95" -> "2009 dequantize_per_channel_default_95"; +"2009 dequantize_per_channel_default_95" -> "2011 linear_94"; +"2010 _param_constant253_0_0" -> "2011 linear_94"; +"2011 linear_94" -> "2012 reshape_68"; +"2012 reshape_68" -> "2013 permute_70"; +"2013 permute_70" -> "2014 select_45"; +"2013 permute_70" -> "2015 select_46"; +"2013 permute_70" -> "2016 select_47"; +"2014 select_45" -> "2017 linalg_vector_norm_30"; +"2014 select_45" -> "2019 expand_as_30"; +"2014 select_45" -> "2020 div_30"; +"2015 select_46" -> "2023 linalg_vector_norm_31"; +"2015 select_46" -> "2025 expand_as_31"; +"2015 select_46" -> "2026 div_31"; +"2016 select_47" -> "2054 matmul_31"; +"2017 linalg_vector_norm_30" -> "2018 clamp_min_30"; +"2018 clamp_min_30" -> "2019 expand_as_30"; +"2019 expand_as_30" -> "2020 div_30"; +"2020 div_30" -> "2021 quantize_per_tensor_default_94"; +"2021 quantize_per_tensor_default_94" -> "2022 dequantize_per_tensor_default_94"; +"2022 dequantize_per_tensor_default_94" -> "2030 matmul_30"; +"2023 linalg_vector_norm_31" -> "2024 clamp_min_31"; +"2024 clamp_min_31" -> "2025 expand_as_31"; +"2025 expand_as_31" -> "2026 div_31"; +"2026 div_31" -> "2027 quantize_per_tensor_default_95"; +"2027 quantize_per_tensor_default_95" -> "2028 dequantize_per_tensor_default_95"; +"2028 dequantize_per_tensor_default_95" -> "2029 transpose_30"; +"2029 transpose_30" -> "2030 matmul_30"; +"2030 matmul_30" -> "2034 mul_31"; +"2031 _param_constant255" -> "2032 clamp_15"; +"2032 clamp_15" -> "2033 exp_15"; +"2033 exp_15" -> "2034 mul_31"; +"2034 mul_31" -> "2035 add_52"; +"2035 add_52" -> "2047 view_85"; +"2036 new_zeros_7" -> "2037 view_84"; +"2037 view_84" -> "2038 permute_71"; +"2038 permute_71" -> "2039 reshape_69"; +"2039 reshape_69" -> "2040 unsqueeze_44"; +"2039 reshape_69" -> "2041 unsqueeze_45"; +"2040 unsqueeze_44" -> "2042 sub_7"; +"2041 unsqueeze_45" -> "2042 sub_7"; +"2042 sub_7" -> "2043 ne_7"; +"2042 sub_7" -> "2044 masked_fill_14"; +"2042 sub_7" -> "2045 eq_7"; +"2043 ne_7" -> "2044 masked_fill_14"; +"2044 masked_fill_14" -> "2046 masked_fill_15"; +"2045 eq_7" -> "2046 masked_fill_15"; +"2046 masked_fill_15" -> "2048 unsqueeze_46"; +"2047 view_85" -> "2050 add_53"; +"2048 unsqueeze_46" -> "2049 unsqueeze_47"; +"2049 unsqueeze_47" -> "2050 add_53"; +"2050 add_53" -> "2051 view_86"; +"2051 view_86" -> "2052 softmax_15"; +"2052 softmax_15" -> "2053 dropout_60"; +"2053 dropout_60" -> "2054 matmul_31"; +"2054 matmul_31" -> "2055 transpose_31"; +"2055 transpose_31" -> "2056 reshape_70"; +"2056 reshape_70" -> "2058 reshape_70_0_0_nncf_smooth_quant_0"; +"2057 linear_95_updated_constant0" -> "2063 quantize_per_channel_default_96"; +"2058 reshape_70_0_0_nncf_smooth_quant_0" -> "2059 quantize_per_tensor_default_96"; +"2059 quantize_per_tensor_default_96" -> "2060 dequantize_per_tensor_default_96"; +"2060 dequantize_per_tensor_default_96" -> "2066 linear_95"; +"2061 linear_95_scale_0" -> "2063 quantize_per_channel_default_96"; +"2061 linear_95_scale_0" -> "2064 dequantize_per_channel_default_96"; +"2062 linear_95_zero_point_0" -> "2063 quantize_per_channel_default_96"; +"2062 linear_95_zero_point_0" -> "2064 dequantize_per_channel_default_96"; +"2063 quantize_per_channel_default_96" -> "2064 dequantize_per_channel_default_96"; +"2064 dequantize_per_channel_default_96" -> "2066 linear_95"; +"2065 _param_constant257_0_0" -> "2066 linear_95"; +"2066 linear_95" -> "2067 dropout_61"; +"2067 dropout_61" -> "2068 view_87"; +"2068 view_87" -> "2069 permute_72"; +"2069 permute_72" -> "2070 reshape_71"; +"2070 reshape_71" -> "2071 roll_15"; +"2071 roll_15" -> "2072 slice_241"; +"2072 slice_241" -> "2073 slice_242"; +"2073 slice_242" -> "2074 slice_243"; +"2074 slice_243" -> "2075 slice_244"; +"2075 slice_244" -> "2076 contiguous_29"; +"2076 contiguous_29" -> "2079 layer_norm_33"; +"2077 _param_constant258" -> "2079 layer_norm_33"; +"2078 _param_constant259" -> "2079 layer_norm_33"; +"2079 layer_norm_33" -> "2080 add_54"; +"2080 add_54" -> "2082 add_54_0_0_nncf_smooth_quant_0"; +"2080 add_54" -> "2107 add_55"; +"2081 linear_96_updated_constant0" -> "2087 quantize_per_channel_default_97"; +"2082 add_54_0_0_nncf_smooth_quant_0" -> "2083 quantize_per_tensor_default_97"; +"2083 quantize_per_tensor_default_97" -> "2084 dequantize_per_tensor_default_97"; +"2084 dequantize_per_tensor_default_97" -> "2090 linear_96"; +"2085 linear_96_scale_0" -> "2087 quantize_per_channel_default_97"; +"2085 linear_96_scale_0" -> "2088 dequantize_per_channel_default_97"; +"2086 linear_96_zero_point_0" -> "2087 quantize_per_channel_default_97"; +"2086 linear_96_zero_point_0" -> "2088 dequantize_per_channel_default_97"; +"2087 quantize_per_channel_default_97" -> "2088 dequantize_per_channel_default_97"; +"2088 dequantize_per_channel_default_97" -> "2090 linear_96"; +"2089 _param_constant261_0_0" -> "2090 linear_96"; +"2090 linear_96" -> "2091 gelu_15"; +"2091 gelu_15" -> "2092 dropout_62"; +"2092 dropout_62" -> "2094 dropout_62_0_0_nncf_smooth_quant_0"; +"2093 linear_97_updated_constant0" -> "2099 quantize_per_channel_default_98"; +"2094 dropout_62_0_0_nncf_smooth_quant_0" -> "2095 quantize_per_tensor_default_98"; +"2095 quantize_per_tensor_default_98" -> "2096 dequantize_per_tensor_default_98"; +"2096 dequantize_per_tensor_default_98" -> "2102 linear_97"; +"2097 linear_97_scale_0" -> "2099 quantize_per_channel_default_98"; +"2097 linear_97_scale_0" -> "2100 dequantize_per_channel_default_98"; +"2098 linear_97_zero_point_0" -> "2099 quantize_per_channel_default_98"; +"2098 linear_97_zero_point_0" -> "2100 dequantize_per_channel_default_98"; +"2099 quantize_per_channel_default_98" -> "2100 dequantize_per_channel_default_98"; +"2100 dequantize_per_channel_default_98" -> "2102 linear_97"; +"2101 _param_constant263_0_0" -> "2102 linear_97"; +"2102 linear_97" -> "2103 dropout_63"; +"2103 dropout_63" -> "2106 layer_norm_34"; +"2104 _param_constant264" -> "2106 layer_norm_34"; +"2105 _param_constant265" -> "2106 layer_norm_34"; +"2106 layer_norm_34" -> "2107 add_55"; +"2107 add_55" -> "2134 pad_18"; +"2107 add_55" -> "2199 add_57"; +"2108 _tensor_constant104" -> "2110 _tensor_constant104_0_0_nncf_smooth_quant_0"; +"2109 linear_98_updated_constant0" -> "2113 quantize_per_channel_default_99"; +"2110 _tensor_constant104_0_0_nncf_smooth_quant_0" -> "2116 linear_98"; +"2111 linear_98_scale_0" -> "2113 quantize_per_channel_default_99"; +"2111 linear_98_scale_0" -> "2114 dequantize_per_channel_default_99"; +"2112 linear_98_zero_point_0" -> "2113 quantize_per_channel_default_99"; +"2112 linear_98_zero_point_0" -> "2114 dequantize_per_channel_default_99"; +"2113 quantize_per_channel_default_99" -> "2114 dequantize_per_channel_default_99"; +"2114 dequantize_per_channel_default_99" -> "2116 linear_98"; +"2115 _param_constant267_0_0" -> "2116 linear_98"; +"2116 linear_98" -> "2117 relu__16"; +"2117 relu__16" -> "2119 relu__16_0_0_nncf_smooth_quant_0"; +"2118 linear_99_updated_constant0" -> "2122 quantize_per_channel_default_100"; +"2119 relu__16_0_0_nncf_smooth_quant_0" -> "2124 linear_99"; +"2120 linear_99_scale_0" -> "2122 quantize_per_channel_default_100"; +"2120 linear_99_scale_0" -> "2123 dequantize_per_channel_default_100"; +"2121 linear_99_zero_point_0" -> "2122 quantize_per_channel_default_100"; +"2121 linear_99_zero_point_0" -> "2123 dequantize_per_channel_default_100"; +"2122 quantize_per_channel_default_100" -> "2123 dequantize_per_channel_default_100"; +"2123 dequantize_per_channel_default_100" -> "2124 linear_99"; +"2124 linear_99" -> "2125 view_88"; +"2125 view_88" -> "2127 index_16"; +"2126 _tensor_constant105" -> "2127 index_16"; +"2127 index_16" -> "2128 view_89"; +"2128 view_89" -> "2129 permute_73"; +"2129 permute_73" -> "2130 contiguous_30"; +"2130 contiguous_30" -> "2131 unsqueeze_48"; +"2131 unsqueeze_48" -> "2132 sigmoid_16"; +"2132 sigmoid_16" -> "2133 mul_32"; +"2133 mul_32" -> "2171 add_56"; +"2134 pad_18" -> "2135 view_90"; +"2135 view_90" -> "2136 permute_74"; +"2136 permute_74" -> "2137 reshape_72"; +"2137 reshape_72" -> "2139 reshape_72_0_0_nncf_smooth_quant_0"; +"2138 linear_100_updated_constant0" -> "2144 quantize_per_channel_default_101"; +"2139 reshape_72_0_0_nncf_smooth_quant_0" -> "2140 quantize_per_tensor_default_99"; +"2140 quantize_per_tensor_default_99" -> "2141 dequantize_per_tensor_default_99"; +"2141 dequantize_per_tensor_default_99" -> "2147 linear_100"; +"2142 linear_100_scale_0" -> "2144 quantize_per_channel_default_101"; +"2142 linear_100_scale_0" -> "2145 dequantize_per_channel_default_101"; +"2143 linear_100_zero_point_0" -> "2144 quantize_per_channel_default_101"; +"2143 linear_100_zero_point_0" -> "2145 dequantize_per_channel_default_101"; +"2144 quantize_per_channel_default_101" -> "2145 dequantize_per_channel_default_101"; +"2145 dequantize_per_channel_default_101" -> "2147 linear_100"; +"2146 _param_constant269_0_0" -> "2147 linear_100"; +"2147 linear_100" -> "2148 reshape_73"; +"2148 reshape_73" -> "2149 permute_75"; +"2149 permute_75" -> "2150 select_48"; +"2149 permute_75" -> "2151 select_49"; +"2149 permute_75" -> "2152 select_50"; +"2150 select_48" -> "2153 linalg_vector_norm_32"; +"2150 select_48" -> "2155 expand_as_32"; +"2150 select_48" -> "2156 div_32"; +"2151 select_49" -> "2159 linalg_vector_norm_33"; +"2151 select_49" -> "2161 expand_as_33"; +"2151 select_49" -> "2162 div_33"; +"2152 select_50" -> "2174 matmul_33"; +"2153 linalg_vector_norm_32" -> "2154 clamp_min_32"; +"2154 clamp_min_32" -> "2155 expand_as_32"; +"2155 expand_as_32" -> "2156 div_32"; +"2156 div_32" -> "2157 quantize_per_tensor_default_100"; +"2157 quantize_per_tensor_default_100" -> "2158 dequantize_per_tensor_default_100"; +"2158 dequantize_per_tensor_default_100" -> "2166 matmul_32"; +"2159 linalg_vector_norm_33" -> "2160 clamp_min_33"; +"2160 clamp_min_33" -> "2161 expand_as_33"; +"2161 expand_as_33" -> "2162 div_33"; +"2162 div_33" -> "2163 quantize_per_tensor_default_101"; +"2163 quantize_per_tensor_default_101" -> "2164 dequantize_per_tensor_default_101"; +"2164 dequantize_per_tensor_default_101" -> "2165 transpose_32"; +"2165 transpose_32" -> "2166 matmul_32"; +"2166 matmul_32" -> "2170 mul_33"; +"2167 _param_constant271" -> "2168 clamp_16"; +"2168 clamp_16" -> "2169 exp_16"; +"2169 exp_16" -> "2170 mul_33"; +"2170 mul_33" -> "2171 add_56"; +"2171 add_56" -> "2172 softmax_16"; +"2172 softmax_16" -> "2173 dropout_64"; +"2173 dropout_64" -> "2174 matmul_33"; +"2174 matmul_33" -> "2175 transpose_33"; +"2175 transpose_33" -> "2176 reshape_74"; +"2176 reshape_74" -> "2178 reshape_74_0_0_nncf_smooth_quant_0"; +"2177 linear_101_updated_constant0" -> "2183 quantize_per_channel_default_102"; +"2178 reshape_74_0_0_nncf_smooth_quant_0" -> "2179 quantize_per_tensor_default_102"; +"2179 quantize_per_tensor_default_102" -> "2180 dequantize_per_tensor_default_102"; +"2180 dequantize_per_tensor_default_102" -> "2186 linear_101"; +"2181 linear_101_scale_0" -> "2183 quantize_per_channel_default_102"; +"2181 linear_101_scale_0" -> "2184 dequantize_per_channel_default_102"; +"2182 linear_101_zero_point_0" -> "2183 quantize_per_channel_default_102"; +"2182 linear_101_zero_point_0" -> "2184 dequantize_per_channel_default_102"; +"2183 quantize_per_channel_default_102" -> "2184 dequantize_per_channel_default_102"; +"2184 dequantize_per_channel_default_102" -> "2186 linear_101"; +"2185 _param_constant273_0_0" -> "2186 linear_101"; +"2186 linear_101" -> "2187 dropout_65"; +"2187 dropout_65" -> "2188 view_91"; +"2188 view_91" -> "2189 permute_76"; +"2189 permute_76" -> "2190 reshape_75"; +"2190 reshape_75" -> "2191 slice_246"; +"2191 slice_246" -> "2192 slice_247"; +"2192 slice_247" -> "2193 slice_248"; +"2193 slice_248" -> "2194 slice_249"; +"2194 slice_249" -> "2195 contiguous_31"; +"2195 contiguous_31" -> "2198 layer_norm_35"; +"2196 _param_constant274" -> "2198 layer_norm_35"; +"2197 _param_constant275" -> "2198 layer_norm_35"; +"2198 layer_norm_35" -> "2199 add_57"; +"2199 add_57" -> "2201 add_57_0_0_nncf_smooth_quant_0"; +"2199 add_57" -> "2226 add_58"; +"2200 linear_102_updated_constant0" -> "2206 quantize_per_channel_default_103"; +"2201 add_57_0_0_nncf_smooth_quant_0" -> "2202 quantize_per_tensor_default_103"; +"2202 quantize_per_tensor_default_103" -> "2203 dequantize_per_tensor_default_103"; +"2203 dequantize_per_tensor_default_103" -> "2209 linear_102"; +"2204 linear_102_scale_0" -> "2206 quantize_per_channel_default_103"; +"2204 linear_102_scale_0" -> "2207 dequantize_per_channel_default_103"; +"2205 linear_102_zero_point_0" -> "2206 quantize_per_channel_default_103"; +"2205 linear_102_zero_point_0" -> "2207 dequantize_per_channel_default_103"; +"2206 quantize_per_channel_default_103" -> "2207 dequantize_per_channel_default_103"; +"2207 dequantize_per_channel_default_103" -> "2209 linear_102"; +"2208 _param_constant277_0_0" -> "2209 linear_102"; +"2209 linear_102" -> "2210 gelu_16"; +"2210 gelu_16" -> "2211 dropout_66"; +"2211 dropout_66" -> "2213 dropout_66_0_0_nncf_smooth_quant_0"; +"2212 linear_103_updated_constant0" -> "2218 quantize_per_channel_default_104"; +"2213 dropout_66_0_0_nncf_smooth_quant_0" -> "2214 quantize_per_tensor_default_104"; +"2214 quantize_per_tensor_default_104" -> "2215 dequantize_per_tensor_default_104"; +"2215 dequantize_per_tensor_default_104" -> "2221 linear_103"; +"2216 linear_103_scale_0" -> "2218 quantize_per_channel_default_104"; +"2216 linear_103_scale_0" -> "2219 dequantize_per_channel_default_104"; +"2217 linear_103_zero_point_0" -> "2218 quantize_per_channel_default_104"; +"2217 linear_103_zero_point_0" -> "2219 dequantize_per_channel_default_104"; +"2218 quantize_per_channel_default_104" -> "2219 dequantize_per_channel_default_104"; +"2219 dequantize_per_channel_default_104" -> "2221 linear_103"; +"2220 _param_constant279_0_0" -> "2221 linear_103"; +"2221 linear_103" -> "2222 dropout_67"; +"2222 dropout_67" -> "2225 layer_norm_36"; +"2223 _param_constant280" -> "2225 layer_norm_36"; +"2224 _param_constant281" -> "2225 layer_norm_36"; +"2225 layer_norm_36" -> "2226 add_58"; +"2226 add_58" -> "2253 pad_19"; +"2226 add_58" -> "2336 add_61"; +"2227 _tensor_constant106" -> "2229 _tensor_constant106_0_0_nncf_smooth_quant_0"; +"2228 linear_104_updated_constant0" -> "2232 quantize_per_channel_default_105"; +"2229 _tensor_constant106_0_0_nncf_smooth_quant_0" -> "2235 linear_104"; +"2230 linear_104_scale_0" -> "2232 quantize_per_channel_default_105"; +"2230 linear_104_scale_0" -> "2233 dequantize_per_channel_default_105"; +"2231 linear_104_zero_point_0" -> "2232 quantize_per_channel_default_105"; +"2231 linear_104_zero_point_0" -> "2233 dequantize_per_channel_default_105"; +"2232 quantize_per_channel_default_105" -> "2233 dequantize_per_channel_default_105"; +"2233 dequantize_per_channel_default_105" -> "2235 linear_104"; +"2234 _param_constant283_0_0" -> "2235 linear_104"; +"2235 linear_104" -> "2236 relu__17"; +"2236 relu__17" -> "2238 relu__17_0_0_nncf_smooth_quant_0"; +"2237 linear_105_updated_constant0" -> "2241 quantize_per_channel_default_106"; +"2238 relu__17_0_0_nncf_smooth_quant_0" -> "2243 linear_105"; +"2239 linear_105_scale_0" -> "2241 quantize_per_channel_default_106"; +"2239 linear_105_scale_0" -> "2242 dequantize_per_channel_default_106"; +"2240 linear_105_zero_point_0" -> "2241 quantize_per_channel_default_106"; +"2240 linear_105_zero_point_0" -> "2242 dequantize_per_channel_default_106"; +"2241 quantize_per_channel_default_106" -> "2242 dequantize_per_channel_default_106"; +"2242 dequantize_per_channel_default_106" -> "2243 linear_105"; +"2243 linear_105" -> "2244 view_92"; +"2244 view_92" -> "2246 index_17"; +"2245 _tensor_constant107" -> "2246 index_17"; +"2246 index_17" -> "2247 view_93"; +"2247 view_93" -> "2248 permute_77"; +"2248 permute_77" -> "2249 contiguous_32"; +"2249 contiguous_32" -> "2250 unsqueeze_49"; +"2250 unsqueeze_49" -> "2251 sigmoid_17"; +"2251 sigmoid_17" -> "2252 mul_34"; +"2252 mul_34" -> "2291 add_59"; +"2253 pad_19" -> "2254 roll_16"; +"2254 roll_16" -> "2255 view_94"; +"2255 view_94" -> "2256 permute_78"; +"2256 permute_78" -> "2257 reshape_76"; +"2257 reshape_76" -> "2259 reshape_76_0_0_nncf_smooth_quant_0"; +"2257 reshape_76" -> "2292 new_zeros_8"; +"2258 linear_106_updated_constant0" -> "2264 quantize_per_channel_default_107"; +"2259 reshape_76_0_0_nncf_smooth_quant_0" -> "2260 quantize_per_tensor_default_105"; +"2260 quantize_per_tensor_default_105" -> "2261 dequantize_per_tensor_default_105"; +"2261 dequantize_per_tensor_default_105" -> "2267 linear_106"; +"2262 linear_106_scale_0" -> "2264 quantize_per_channel_default_107"; +"2262 linear_106_scale_0" -> "2265 dequantize_per_channel_default_107"; +"2263 linear_106_zero_point_0" -> "2264 quantize_per_channel_default_107"; +"2263 linear_106_zero_point_0" -> "2265 dequantize_per_channel_default_107"; +"2264 quantize_per_channel_default_107" -> "2265 dequantize_per_channel_default_107"; +"2265 dequantize_per_channel_default_107" -> "2267 linear_106"; +"2266 _param_constant285_0_0" -> "2267 linear_106"; +"2267 linear_106" -> "2268 reshape_77"; +"2268 reshape_77" -> "2269 permute_79"; +"2269 permute_79" -> "2270 select_51"; +"2269 permute_79" -> "2271 select_52"; +"2269 permute_79" -> "2272 select_53"; +"2270 select_51" -> "2273 linalg_vector_norm_34"; +"2270 select_51" -> "2275 expand_as_34"; +"2270 select_51" -> "2276 div_34"; +"2271 select_52" -> "2279 linalg_vector_norm_35"; +"2271 select_52" -> "2281 expand_as_35"; +"2271 select_52" -> "2282 div_35"; +"2272 select_53" -> "2310 matmul_35"; +"2273 linalg_vector_norm_34" -> "2274 clamp_min_34"; +"2274 clamp_min_34" -> "2275 expand_as_34"; +"2275 expand_as_34" -> "2276 div_34"; +"2276 div_34" -> "2277 quantize_per_tensor_default_106"; +"2277 quantize_per_tensor_default_106" -> "2278 dequantize_per_tensor_default_106"; +"2278 dequantize_per_tensor_default_106" -> "2286 matmul_34"; +"2279 linalg_vector_norm_35" -> "2280 clamp_min_35"; +"2280 clamp_min_35" -> "2281 expand_as_35"; +"2281 expand_as_35" -> "2282 div_35"; +"2282 div_35" -> "2283 quantize_per_tensor_default_107"; +"2283 quantize_per_tensor_default_107" -> "2284 dequantize_per_tensor_default_107"; +"2284 dequantize_per_tensor_default_107" -> "2285 transpose_34"; +"2285 transpose_34" -> "2286 matmul_34"; +"2286 matmul_34" -> "2290 mul_35"; +"2287 _param_constant287" -> "2288 clamp_17"; +"2288 clamp_17" -> "2289 exp_17"; +"2289 exp_17" -> "2290 mul_35"; +"2290 mul_35" -> "2291 add_59"; +"2291 add_59" -> "2303 view_96"; +"2292 new_zeros_8" -> "2293 view_95"; +"2293 view_95" -> "2294 permute_80"; +"2294 permute_80" -> "2295 reshape_78"; +"2295 reshape_78" -> "2296 unsqueeze_50"; +"2295 reshape_78" -> "2297 unsqueeze_51"; +"2296 unsqueeze_50" -> "2298 sub_8"; +"2297 unsqueeze_51" -> "2298 sub_8"; +"2298 sub_8" -> "2299 ne_8"; +"2298 sub_8" -> "2300 masked_fill_16"; +"2298 sub_8" -> "2301 eq_8"; +"2299 ne_8" -> "2300 masked_fill_16"; +"2300 masked_fill_16" -> "2302 masked_fill_17"; +"2301 eq_8" -> "2302 masked_fill_17"; +"2302 masked_fill_17" -> "2304 unsqueeze_52"; +"2303 view_96" -> "2306 add_60"; +"2304 unsqueeze_52" -> "2305 unsqueeze_53"; +"2305 unsqueeze_53" -> "2306 add_60"; +"2306 add_60" -> "2307 view_97"; +"2307 view_97" -> "2308 softmax_17"; +"2308 softmax_17" -> "2309 dropout_68"; +"2309 dropout_68" -> "2310 matmul_35"; +"2310 matmul_35" -> "2311 transpose_35"; +"2311 transpose_35" -> "2312 reshape_79"; +"2312 reshape_79" -> "2314 reshape_79_0_0_nncf_smooth_quant_0"; +"2313 linear_107_updated_constant0" -> "2319 quantize_per_channel_default_108"; +"2314 reshape_79_0_0_nncf_smooth_quant_0" -> "2315 quantize_per_tensor_default_108"; +"2315 quantize_per_tensor_default_108" -> "2316 dequantize_per_tensor_default_108"; +"2316 dequantize_per_tensor_default_108" -> "2322 linear_107"; +"2317 linear_107_scale_0" -> "2319 quantize_per_channel_default_108"; +"2317 linear_107_scale_0" -> "2320 dequantize_per_channel_default_108"; +"2318 linear_107_zero_point_0" -> "2319 quantize_per_channel_default_108"; +"2318 linear_107_zero_point_0" -> "2320 dequantize_per_channel_default_108"; +"2319 quantize_per_channel_default_108" -> "2320 dequantize_per_channel_default_108"; +"2320 dequantize_per_channel_default_108" -> "2322 linear_107"; +"2321 _param_constant289_0_0" -> "2322 linear_107"; +"2322 linear_107" -> "2323 dropout_69"; +"2323 dropout_69" -> "2324 view_98"; +"2324 view_98" -> "2325 permute_81"; +"2325 permute_81" -> "2326 reshape_80"; +"2326 reshape_80" -> "2327 roll_17"; +"2327 roll_17" -> "2328 slice_269"; +"2328 slice_269" -> "2329 slice_270"; +"2329 slice_270" -> "2330 slice_271"; +"2330 slice_271" -> "2331 slice_272"; +"2331 slice_272" -> "2332 contiguous_33"; +"2332 contiguous_33" -> "2335 layer_norm_37"; +"2333 _param_constant290" -> "2335 layer_norm_37"; +"2334 _param_constant291" -> "2335 layer_norm_37"; +"2335 layer_norm_37" -> "2336 add_61"; +"2336 add_61" -> "2338 add_61_0_0_nncf_smooth_quant_0"; +"2336 add_61" -> "2363 add_62"; +"2337 linear_108_updated_constant0" -> "2343 quantize_per_channel_default_109"; +"2338 add_61_0_0_nncf_smooth_quant_0" -> "2339 quantize_per_tensor_default_109"; +"2339 quantize_per_tensor_default_109" -> "2340 dequantize_per_tensor_default_109"; +"2340 dequantize_per_tensor_default_109" -> "2346 linear_108"; +"2341 linear_108_scale_0" -> "2343 quantize_per_channel_default_109"; +"2341 linear_108_scale_0" -> "2344 dequantize_per_channel_default_109"; +"2342 linear_108_zero_point_0" -> "2343 quantize_per_channel_default_109"; +"2342 linear_108_zero_point_0" -> "2344 dequantize_per_channel_default_109"; +"2343 quantize_per_channel_default_109" -> "2344 dequantize_per_channel_default_109"; +"2344 dequantize_per_channel_default_109" -> "2346 linear_108"; +"2345 _param_constant293_0_0" -> "2346 linear_108"; +"2346 linear_108" -> "2347 gelu_17"; +"2347 gelu_17" -> "2348 dropout_70"; +"2348 dropout_70" -> "2350 dropout_70_0_0_nncf_smooth_quant_0"; +"2349 linear_109_updated_constant0" -> "2355 quantize_per_channel_default_110"; +"2350 dropout_70_0_0_nncf_smooth_quant_0" -> "2351 quantize_per_tensor_default_110"; +"2351 quantize_per_tensor_default_110" -> "2352 dequantize_per_tensor_default_110"; +"2352 dequantize_per_tensor_default_110" -> "2358 linear_109"; +"2353 linear_109_scale_0" -> "2355 quantize_per_channel_default_110"; +"2353 linear_109_scale_0" -> "2356 dequantize_per_channel_default_110"; +"2354 linear_109_zero_point_0" -> "2355 quantize_per_channel_default_110"; +"2354 linear_109_zero_point_0" -> "2356 dequantize_per_channel_default_110"; +"2355 quantize_per_channel_default_110" -> "2356 dequantize_per_channel_default_110"; +"2356 dequantize_per_channel_default_110" -> "2358 linear_109"; +"2357 _param_constant295_0_0" -> "2358 linear_109"; +"2358 linear_109" -> "2359 dropout_71"; +"2359 dropout_71" -> "2362 layer_norm_38"; +"2360 _param_constant296" -> "2362 layer_norm_38"; +"2361 _param_constant297" -> "2362 layer_norm_38"; +"2362 layer_norm_38" -> "2363 add_62"; +"2363 add_62" -> "2390 pad_20"; +"2363 add_62" -> "2455 add_64"; +"2364 _tensor_constant117" -> "2366 _tensor_constant117_0_0_nncf_smooth_quant_0"; +"2365 linear_110_updated_constant0" -> "2369 quantize_per_channel_default_111"; +"2366 _tensor_constant117_0_0_nncf_smooth_quant_0" -> "2372 linear_110"; +"2367 linear_110_scale_0" -> "2369 quantize_per_channel_default_111"; +"2367 linear_110_scale_0" -> "2370 dequantize_per_channel_default_111"; +"2368 linear_110_zero_point_0" -> "2369 quantize_per_channel_default_111"; +"2368 linear_110_zero_point_0" -> "2370 dequantize_per_channel_default_111"; +"2369 quantize_per_channel_default_111" -> "2370 dequantize_per_channel_default_111"; +"2370 dequantize_per_channel_default_111" -> "2372 linear_110"; +"2371 _param_constant299_0_0" -> "2372 linear_110"; +"2372 linear_110" -> "2373 relu__18"; +"2373 relu__18" -> "2375 relu__18_0_0_nncf_smooth_quant_0"; +"2374 linear_111_updated_constant0" -> "2378 quantize_per_channel_default_112"; +"2375 relu__18_0_0_nncf_smooth_quant_0" -> "2380 linear_111"; +"2376 linear_111_scale_0" -> "2378 quantize_per_channel_default_112"; +"2376 linear_111_scale_0" -> "2379 dequantize_per_channel_default_112"; +"2377 linear_111_zero_point_0" -> "2378 quantize_per_channel_default_112"; +"2377 linear_111_zero_point_0" -> "2379 dequantize_per_channel_default_112"; +"2378 quantize_per_channel_default_112" -> "2379 dequantize_per_channel_default_112"; +"2379 dequantize_per_channel_default_112" -> "2380 linear_111"; +"2380 linear_111" -> "2381 view_99"; +"2381 view_99" -> "2383 index_18"; +"2382 _tensor_constant118" -> "2383 index_18"; +"2383 index_18" -> "2384 view_100"; +"2384 view_100" -> "2385 permute_82"; +"2385 permute_82" -> "2386 contiguous_34"; +"2386 contiguous_34" -> "2387 unsqueeze_54"; +"2387 unsqueeze_54" -> "2388 sigmoid_18"; +"2388 sigmoid_18" -> "2389 mul_36"; +"2389 mul_36" -> "2427 add_63"; +"2390 pad_20" -> "2391 view_101"; +"2391 view_101" -> "2392 permute_83"; +"2392 permute_83" -> "2393 reshape_81"; +"2393 reshape_81" -> "2395 reshape_81_0_0_nncf_smooth_quant_0"; +"2394 linear_112_updated_constant0" -> "2400 quantize_per_channel_default_113"; +"2395 reshape_81_0_0_nncf_smooth_quant_0" -> "2396 quantize_per_tensor_default_111"; +"2396 quantize_per_tensor_default_111" -> "2397 dequantize_per_tensor_default_111"; +"2397 dequantize_per_tensor_default_111" -> "2403 linear_112"; +"2398 linear_112_scale_0" -> "2400 quantize_per_channel_default_113"; +"2398 linear_112_scale_0" -> "2401 dequantize_per_channel_default_113"; +"2399 linear_112_zero_point_0" -> "2400 quantize_per_channel_default_113"; +"2399 linear_112_zero_point_0" -> "2401 dequantize_per_channel_default_113"; +"2400 quantize_per_channel_default_113" -> "2401 dequantize_per_channel_default_113"; +"2401 dequantize_per_channel_default_113" -> "2403 linear_112"; +"2402 _param_constant301_0_0" -> "2403 linear_112"; +"2403 linear_112" -> "2404 reshape_82"; +"2404 reshape_82" -> "2405 permute_84"; +"2405 permute_84" -> "2406 select_54"; +"2405 permute_84" -> "2407 select_55"; +"2405 permute_84" -> "2408 select_56"; +"2406 select_54" -> "2409 linalg_vector_norm_36"; +"2406 select_54" -> "2411 expand_as_36"; +"2406 select_54" -> "2412 div_36"; +"2407 select_55" -> "2415 linalg_vector_norm_37"; +"2407 select_55" -> "2417 expand_as_37"; +"2407 select_55" -> "2418 div_37"; +"2408 select_56" -> "2430 matmul_37"; +"2409 linalg_vector_norm_36" -> "2410 clamp_min_36"; +"2410 clamp_min_36" -> "2411 expand_as_36"; +"2411 expand_as_36" -> "2412 div_36"; +"2412 div_36" -> "2413 quantize_per_tensor_default_112"; +"2413 quantize_per_tensor_default_112" -> "2414 dequantize_per_tensor_default_112"; +"2414 dequantize_per_tensor_default_112" -> "2422 matmul_36"; +"2415 linalg_vector_norm_37" -> "2416 clamp_min_37"; +"2416 clamp_min_37" -> "2417 expand_as_37"; +"2417 expand_as_37" -> "2418 div_37"; +"2418 div_37" -> "2419 quantize_per_tensor_default_113"; +"2419 quantize_per_tensor_default_113" -> "2420 dequantize_per_tensor_default_113"; +"2420 dequantize_per_tensor_default_113" -> "2421 transpose_36"; +"2421 transpose_36" -> "2422 matmul_36"; +"2422 matmul_36" -> "2426 mul_37"; +"2423 _param_constant303" -> "2424 clamp_18"; +"2424 clamp_18" -> "2425 exp_18"; +"2425 exp_18" -> "2426 mul_37"; +"2426 mul_37" -> "2427 add_63"; +"2427 add_63" -> "2428 softmax_18"; +"2428 softmax_18" -> "2429 dropout_72"; +"2429 dropout_72" -> "2430 matmul_37"; +"2430 matmul_37" -> "2431 transpose_37"; +"2431 transpose_37" -> "2432 reshape_83"; +"2432 reshape_83" -> "2434 reshape_83_0_0_nncf_smooth_quant_0"; +"2433 linear_113_updated_constant0" -> "2439 quantize_per_channel_default_114"; +"2434 reshape_83_0_0_nncf_smooth_quant_0" -> "2435 quantize_per_tensor_default_114"; +"2435 quantize_per_tensor_default_114" -> "2436 dequantize_per_tensor_default_114"; +"2436 dequantize_per_tensor_default_114" -> "2442 linear_113"; +"2437 linear_113_scale_0" -> "2439 quantize_per_channel_default_114"; +"2437 linear_113_scale_0" -> "2440 dequantize_per_channel_default_114"; +"2438 linear_113_zero_point_0" -> "2439 quantize_per_channel_default_114"; +"2438 linear_113_zero_point_0" -> "2440 dequantize_per_channel_default_114"; +"2439 quantize_per_channel_default_114" -> "2440 dequantize_per_channel_default_114"; +"2440 dequantize_per_channel_default_114" -> "2442 linear_113"; +"2441 _param_constant305_0_0" -> "2442 linear_113"; +"2442 linear_113" -> "2443 dropout_73"; +"2443 dropout_73" -> "2444 view_102"; +"2444 view_102" -> "2445 permute_85"; +"2445 permute_85" -> "2446 reshape_84"; +"2446 reshape_84" -> "2447 slice_274"; +"2447 slice_274" -> "2448 slice_275"; +"2448 slice_275" -> "2449 slice_276"; +"2449 slice_276" -> "2450 slice_277"; +"2450 slice_277" -> "2451 contiguous_35"; +"2451 contiguous_35" -> "2454 layer_norm_39"; +"2452 _param_constant306" -> "2454 layer_norm_39"; +"2453 _param_constant307" -> "2454 layer_norm_39"; +"2454 layer_norm_39" -> "2455 add_64"; +"2455 add_64" -> "2457 add_64_0_0_nncf_smooth_quant_0"; +"2455 add_64" -> "2482 add_65"; +"2456 linear_114_updated_constant0" -> "2462 quantize_per_channel_default_115"; +"2457 add_64_0_0_nncf_smooth_quant_0" -> "2458 quantize_per_tensor_default_115"; +"2458 quantize_per_tensor_default_115" -> "2459 dequantize_per_tensor_default_115"; +"2459 dequantize_per_tensor_default_115" -> "2465 linear_114"; +"2460 linear_114_scale_0" -> "2462 quantize_per_channel_default_115"; +"2460 linear_114_scale_0" -> "2463 dequantize_per_channel_default_115"; +"2461 linear_114_zero_point_0" -> "2462 quantize_per_channel_default_115"; +"2461 linear_114_zero_point_0" -> "2463 dequantize_per_channel_default_115"; +"2462 quantize_per_channel_default_115" -> "2463 dequantize_per_channel_default_115"; +"2463 dequantize_per_channel_default_115" -> "2465 linear_114"; +"2464 _param_constant309_0_0" -> "2465 linear_114"; +"2465 linear_114" -> "2466 gelu_18"; +"2466 gelu_18" -> "2467 dropout_74"; +"2467 dropout_74" -> "2469 dropout_74_0_0_nncf_smooth_quant_0"; +"2468 linear_115_updated_constant0" -> "2474 quantize_per_channel_default_116"; +"2469 dropout_74_0_0_nncf_smooth_quant_0" -> "2470 quantize_per_tensor_default_116"; +"2470 quantize_per_tensor_default_116" -> "2471 dequantize_per_tensor_default_116"; +"2471 dequantize_per_tensor_default_116" -> "2477 linear_115"; +"2472 linear_115_scale_0" -> "2474 quantize_per_channel_default_116"; +"2472 linear_115_scale_0" -> "2475 dequantize_per_channel_default_116"; +"2473 linear_115_zero_point_0" -> "2474 quantize_per_channel_default_116"; +"2473 linear_115_zero_point_0" -> "2475 dequantize_per_channel_default_116"; +"2474 quantize_per_channel_default_116" -> "2475 dequantize_per_channel_default_116"; +"2475 dequantize_per_channel_default_116" -> "2477 linear_115"; +"2476 _param_constant311_0_0" -> "2477 linear_115"; +"2477 linear_115" -> "2478 dropout_75"; +"2478 dropout_75" -> "2481 layer_norm_40"; +"2479 _param_constant312" -> "2481 layer_norm_40"; +"2480 _param_constant313" -> "2481 layer_norm_40"; +"2481 layer_norm_40" -> "2482 add_65"; +"2482 add_65" -> "2509 pad_21"; +"2482 add_65" -> "2592 add_68"; +"2483 _tensor_constant119" -> "2485 _tensor_constant119_0_0_nncf_smooth_quant_0"; +"2484 linear_116_updated_constant0" -> "2488 quantize_per_channel_default_117"; +"2485 _tensor_constant119_0_0_nncf_smooth_quant_0" -> "2491 linear_116"; +"2486 linear_116_scale_0" -> "2488 quantize_per_channel_default_117"; +"2486 linear_116_scale_0" -> "2489 dequantize_per_channel_default_117"; +"2487 linear_116_zero_point_0" -> "2488 quantize_per_channel_default_117"; +"2487 linear_116_zero_point_0" -> "2489 dequantize_per_channel_default_117"; +"2488 quantize_per_channel_default_117" -> "2489 dequantize_per_channel_default_117"; +"2489 dequantize_per_channel_default_117" -> "2491 linear_116"; +"2490 _param_constant315_0_0" -> "2491 linear_116"; +"2491 linear_116" -> "2492 relu__19"; +"2492 relu__19" -> "2494 relu__19_0_0_nncf_smooth_quant_0"; +"2493 linear_117_updated_constant0" -> "2497 quantize_per_channel_default_118"; +"2494 relu__19_0_0_nncf_smooth_quant_0" -> "2499 linear_117"; +"2495 linear_117_scale_0" -> "2497 quantize_per_channel_default_118"; +"2495 linear_117_scale_0" -> "2498 dequantize_per_channel_default_118"; +"2496 linear_117_zero_point_0" -> "2497 quantize_per_channel_default_118"; +"2496 linear_117_zero_point_0" -> "2498 dequantize_per_channel_default_118"; +"2497 quantize_per_channel_default_118" -> "2498 dequantize_per_channel_default_118"; +"2498 dequantize_per_channel_default_118" -> "2499 linear_117"; +"2499 linear_117" -> "2500 view_103"; +"2500 view_103" -> "2502 index_19"; +"2501 _tensor_constant120" -> "2502 index_19"; +"2502 index_19" -> "2503 view_104"; +"2503 view_104" -> "2504 permute_86"; +"2504 permute_86" -> "2505 contiguous_36"; +"2505 contiguous_36" -> "2506 unsqueeze_55"; +"2506 unsqueeze_55" -> "2507 sigmoid_19"; +"2507 sigmoid_19" -> "2508 mul_38"; +"2508 mul_38" -> "2547 add_66"; +"2509 pad_21" -> "2510 roll_18"; +"2510 roll_18" -> "2511 view_105"; +"2511 view_105" -> "2512 permute_87"; +"2512 permute_87" -> "2513 reshape_85"; +"2513 reshape_85" -> "2515 reshape_85_0_0_nncf_smooth_quant_0"; +"2513 reshape_85" -> "2548 new_zeros_9"; +"2514 linear_118_updated_constant0" -> "2520 quantize_per_channel_default_119"; +"2515 reshape_85_0_0_nncf_smooth_quant_0" -> "2516 quantize_per_tensor_default_117"; +"2516 quantize_per_tensor_default_117" -> "2517 dequantize_per_tensor_default_117"; +"2517 dequantize_per_tensor_default_117" -> "2523 linear_118"; +"2518 linear_118_scale_0" -> "2520 quantize_per_channel_default_119"; +"2518 linear_118_scale_0" -> "2521 dequantize_per_channel_default_119"; +"2519 linear_118_zero_point_0" -> "2520 quantize_per_channel_default_119"; +"2519 linear_118_zero_point_0" -> "2521 dequantize_per_channel_default_119"; +"2520 quantize_per_channel_default_119" -> "2521 dequantize_per_channel_default_119"; +"2521 dequantize_per_channel_default_119" -> "2523 linear_118"; +"2522 _param_constant317_0_0" -> "2523 linear_118"; +"2523 linear_118" -> "2524 reshape_86"; +"2524 reshape_86" -> "2525 permute_88"; +"2525 permute_88" -> "2526 select_57"; +"2525 permute_88" -> "2527 select_58"; +"2525 permute_88" -> "2528 select_59"; +"2526 select_57" -> "2529 linalg_vector_norm_38"; +"2526 select_57" -> "2531 expand_as_38"; +"2526 select_57" -> "2532 div_38"; +"2527 select_58" -> "2535 linalg_vector_norm_39"; +"2527 select_58" -> "2537 expand_as_39"; +"2527 select_58" -> "2538 div_39"; +"2528 select_59" -> "2566 matmul_39"; +"2529 linalg_vector_norm_38" -> "2530 clamp_min_38"; +"2530 clamp_min_38" -> "2531 expand_as_38"; +"2531 expand_as_38" -> "2532 div_38"; +"2532 div_38" -> "2533 quantize_per_tensor_default_118"; +"2533 quantize_per_tensor_default_118" -> "2534 dequantize_per_tensor_default_118"; +"2534 dequantize_per_tensor_default_118" -> "2542 matmul_38"; +"2535 linalg_vector_norm_39" -> "2536 clamp_min_39"; +"2536 clamp_min_39" -> "2537 expand_as_39"; +"2537 expand_as_39" -> "2538 div_39"; +"2538 div_39" -> "2539 quantize_per_tensor_default_119"; +"2539 quantize_per_tensor_default_119" -> "2540 dequantize_per_tensor_default_119"; +"2540 dequantize_per_tensor_default_119" -> "2541 transpose_38"; +"2541 transpose_38" -> "2542 matmul_38"; +"2542 matmul_38" -> "2546 mul_39"; +"2543 _param_constant319" -> "2544 clamp_19"; +"2544 clamp_19" -> "2545 exp_19"; +"2545 exp_19" -> "2546 mul_39"; +"2546 mul_39" -> "2547 add_66"; +"2547 add_66" -> "2559 view_107"; +"2548 new_zeros_9" -> "2549 view_106"; +"2549 view_106" -> "2550 permute_89"; +"2550 permute_89" -> "2551 reshape_87"; +"2551 reshape_87" -> "2552 unsqueeze_56"; +"2551 reshape_87" -> "2553 unsqueeze_57"; +"2552 unsqueeze_56" -> "2554 sub_9"; +"2553 unsqueeze_57" -> "2554 sub_9"; +"2554 sub_9" -> "2555 ne_9"; +"2554 sub_9" -> "2556 masked_fill_18"; +"2554 sub_9" -> "2557 eq_9"; +"2555 ne_9" -> "2556 masked_fill_18"; +"2556 masked_fill_18" -> "2558 masked_fill_19"; +"2557 eq_9" -> "2558 masked_fill_19"; +"2558 masked_fill_19" -> "2560 unsqueeze_58"; +"2559 view_107" -> "2562 add_67"; +"2560 unsqueeze_58" -> "2561 unsqueeze_59"; +"2561 unsqueeze_59" -> "2562 add_67"; +"2562 add_67" -> "2563 view_108"; +"2563 view_108" -> "2564 softmax_19"; +"2564 softmax_19" -> "2565 dropout_76"; +"2565 dropout_76" -> "2566 matmul_39"; +"2566 matmul_39" -> "2567 transpose_39"; +"2567 transpose_39" -> "2568 reshape_88"; +"2568 reshape_88" -> "2570 reshape_88_0_0_nncf_smooth_quant_0"; +"2569 linear_119_updated_constant0" -> "2575 quantize_per_channel_default_120"; +"2570 reshape_88_0_0_nncf_smooth_quant_0" -> "2571 quantize_per_tensor_default_120"; +"2571 quantize_per_tensor_default_120" -> "2572 dequantize_per_tensor_default_120"; +"2572 dequantize_per_tensor_default_120" -> "2578 linear_119"; +"2573 linear_119_scale_0" -> "2575 quantize_per_channel_default_120"; +"2573 linear_119_scale_0" -> "2576 dequantize_per_channel_default_120"; +"2574 linear_119_zero_point_0" -> "2575 quantize_per_channel_default_120"; +"2574 linear_119_zero_point_0" -> "2576 dequantize_per_channel_default_120"; +"2575 quantize_per_channel_default_120" -> "2576 dequantize_per_channel_default_120"; +"2576 dequantize_per_channel_default_120" -> "2578 linear_119"; +"2577 _param_constant321_0_0" -> "2578 linear_119"; +"2578 linear_119" -> "2579 dropout_77"; +"2579 dropout_77" -> "2580 view_109"; +"2580 view_109" -> "2581 permute_90"; +"2581 permute_90" -> "2582 reshape_89"; +"2582 reshape_89" -> "2583 roll_19"; +"2583 roll_19" -> "2584 slice_297"; +"2584 slice_297" -> "2585 slice_298"; +"2585 slice_298" -> "2586 slice_299"; +"2586 slice_299" -> "2587 slice_300"; +"2587 slice_300" -> "2588 contiguous_37"; +"2588 contiguous_37" -> "2591 layer_norm_41"; +"2589 _param_constant322" -> "2591 layer_norm_41"; +"2590 _param_constant323" -> "2591 layer_norm_41"; +"2591 layer_norm_41" -> "2592 add_68"; +"2592 add_68" -> "2594 add_68_0_0_nncf_smooth_quant_0"; +"2592 add_68" -> "2619 add_69"; +"2593 linear_120_updated_constant0" -> "2599 quantize_per_channel_default_121"; +"2594 add_68_0_0_nncf_smooth_quant_0" -> "2595 quantize_per_tensor_default_121"; +"2595 quantize_per_tensor_default_121" -> "2596 dequantize_per_tensor_default_121"; +"2596 dequantize_per_tensor_default_121" -> "2602 linear_120"; +"2597 linear_120_scale_0" -> "2599 quantize_per_channel_default_121"; +"2597 linear_120_scale_0" -> "2600 dequantize_per_channel_default_121"; +"2598 linear_120_zero_point_0" -> "2599 quantize_per_channel_default_121"; +"2598 linear_120_zero_point_0" -> "2600 dequantize_per_channel_default_121"; +"2599 quantize_per_channel_default_121" -> "2600 dequantize_per_channel_default_121"; +"2600 dequantize_per_channel_default_121" -> "2602 linear_120"; +"2601 _param_constant325_0_0" -> "2602 linear_120"; +"2602 linear_120" -> "2603 gelu_19"; +"2603 gelu_19" -> "2604 dropout_78"; +"2604 dropout_78" -> "2606 dropout_78_0_0_nncf_smooth_quant_0"; +"2605 linear_121_updated_constant0" -> "2611 quantize_per_channel_default_122"; +"2606 dropout_78_0_0_nncf_smooth_quant_0" -> "2607 quantize_per_tensor_default_122"; +"2607 quantize_per_tensor_default_122" -> "2608 dequantize_per_tensor_default_122"; +"2608 dequantize_per_tensor_default_122" -> "2614 linear_121"; +"2609 linear_121_scale_0" -> "2611 quantize_per_channel_default_122"; +"2609 linear_121_scale_0" -> "2612 dequantize_per_channel_default_122"; +"2610 linear_121_zero_point_0" -> "2611 quantize_per_channel_default_122"; +"2610 linear_121_zero_point_0" -> "2612 dequantize_per_channel_default_122"; +"2611 quantize_per_channel_default_122" -> "2612 dequantize_per_channel_default_122"; +"2612 dequantize_per_channel_default_122" -> "2614 linear_121"; +"2613 _param_constant327_0_0" -> "2614 linear_121"; +"2614 linear_121" -> "2615 dropout_79"; +"2615 dropout_79" -> "2618 layer_norm_42"; +"2616 _param_constant328" -> "2618 layer_norm_42"; +"2617 _param_constant329" -> "2618 layer_norm_42"; +"2618 layer_norm_42" -> "2619 add_69"; +"2619 add_69" -> "2646 pad_22"; +"2619 add_69" -> "2711 add_71"; +"2620 _tensor_constant130" -> "2622 _tensor_constant130_0_0_nncf_smooth_quant_0"; +"2621 linear_122_updated_constant0" -> "2625 quantize_per_channel_default_123"; +"2622 _tensor_constant130_0_0_nncf_smooth_quant_0" -> "2628 linear_122"; +"2623 linear_122_scale_0" -> "2625 quantize_per_channel_default_123"; +"2623 linear_122_scale_0" -> "2626 dequantize_per_channel_default_123"; +"2624 linear_122_zero_point_0" -> "2625 quantize_per_channel_default_123"; +"2624 linear_122_zero_point_0" -> "2626 dequantize_per_channel_default_123"; +"2625 quantize_per_channel_default_123" -> "2626 dequantize_per_channel_default_123"; +"2626 dequantize_per_channel_default_123" -> "2628 linear_122"; +"2627 _param_constant331_0_0" -> "2628 linear_122"; +"2628 linear_122" -> "2629 relu__20"; +"2629 relu__20" -> "2631 relu__20_0_0_nncf_smooth_quant_0"; +"2630 linear_123_updated_constant0" -> "2634 quantize_per_channel_default_124"; +"2631 relu__20_0_0_nncf_smooth_quant_0" -> "2636 linear_123"; +"2632 linear_123_scale_0" -> "2634 quantize_per_channel_default_124"; +"2632 linear_123_scale_0" -> "2635 dequantize_per_channel_default_124"; +"2633 linear_123_zero_point_0" -> "2634 quantize_per_channel_default_124"; +"2633 linear_123_zero_point_0" -> "2635 dequantize_per_channel_default_124"; +"2634 quantize_per_channel_default_124" -> "2635 dequantize_per_channel_default_124"; +"2635 dequantize_per_channel_default_124" -> "2636 linear_123"; +"2636 linear_123" -> "2637 view_110"; +"2637 view_110" -> "2639 index_20"; +"2638 _tensor_constant131" -> "2639 index_20"; +"2639 index_20" -> "2640 view_111"; +"2640 view_111" -> "2641 permute_91"; +"2641 permute_91" -> "2642 contiguous_38"; +"2642 contiguous_38" -> "2643 unsqueeze_60"; +"2643 unsqueeze_60" -> "2644 sigmoid_20"; +"2644 sigmoid_20" -> "2645 mul_40"; +"2645 mul_40" -> "2683 add_70"; +"2646 pad_22" -> "2647 view_112"; +"2647 view_112" -> "2648 permute_92"; +"2648 permute_92" -> "2649 reshape_90"; +"2649 reshape_90" -> "2651 reshape_90_0_0_nncf_smooth_quant_0"; +"2650 linear_124_updated_constant0" -> "2656 quantize_per_channel_default_125"; +"2651 reshape_90_0_0_nncf_smooth_quant_0" -> "2652 quantize_per_tensor_default_123"; +"2652 quantize_per_tensor_default_123" -> "2653 dequantize_per_tensor_default_123"; +"2653 dequantize_per_tensor_default_123" -> "2659 linear_124"; +"2654 linear_124_scale_0" -> "2656 quantize_per_channel_default_125"; +"2654 linear_124_scale_0" -> "2657 dequantize_per_channel_default_125"; +"2655 linear_124_zero_point_0" -> "2656 quantize_per_channel_default_125"; +"2655 linear_124_zero_point_0" -> "2657 dequantize_per_channel_default_125"; +"2656 quantize_per_channel_default_125" -> "2657 dequantize_per_channel_default_125"; +"2657 dequantize_per_channel_default_125" -> "2659 linear_124"; +"2658 _param_constant333_0_0" -> "2659 linear_124"; +"2659 linear_124" -> "2660 reshape_91"; +"2660 reshape_91" -> "2661 permute_93"; +"2661 permute_93" -> "2662 select_60"; +"2661 permute_93" -> "2663 select_61"; +"2661 permute_93" -> "2664 select_62"; +"2662 select_60" -> "2665 linalg_vector_norm_40"; +"2662 select_60" -> "2667 expand_as_40"; +"2662 select_60" -> "2668 div_40"; +"2663 select_61" -> "2671 linalg_vector_norm_41"; +"2663 select_61" -> "2673 expand_as_41"; +"2663 select_61" -> "2674 div_41"; +"2664 select_62" -> "2686 matmul_41"; +"2665 linalg_vector_norm_40" -> "2666 clamp_min_40"; +"2666 clamp_min_40" -> "2667 expand_as_40"; +"2667 expand_as_40" -> "2668 div_40"; +"2668 div_40" -> "2669 quantize_per_tensor_default_124"; +"2669 quantize_per_tensor_default_124" -> "2670 dequantize_per_tensor_default_124"; +"2670 dequantize_per_tensor_default_124" -> "2678 matmul_40"; +"2671 linalg_vector_norm_41" -> "2672 clamp_min_41"; +"2672 clamp_min_41" -> "2673 expand_as_41"; +"2673 expand_as_41" -> "2674 div_41"; +"2674 div_41" -> "2675 quantize_per_tensor_default_125"; +"2675 quantize_per_tensor_default_125" -> "2676 dequantize_per_tensor_default_125"; +"2676 dequantize_per_tensor_default_125" -> "2677 transpose_40"; +"2677 transpose_40" -> "2678 matmul_40"; +"2678 matmul_40" -> "2682 mul_41"; +"2679 _param_constant335" -> "2680 clamp_20"; +"2680 clamp_20" -> "2681 exp_20"; +"2681 exp_20" -> "2682 mul_41"; +"2682 mul_41" -> "2683 add_70"; +"2683 add_70" -> "2684 softmax_20"; +"2684 softmax_20" -> "2685 dropout_80"; +"2685 dropout_80" -> "2686 matmul_41"; +"2686 matmul_41" -> "2687 transpose_41"; +"2687 transpose_41" -> "2688 reshape_92"; +"2688 reshape_92" -> "2690 reshape_92_0_0_nncf_smooth_quant_0"; +"2689 linear_125_updated_constant0" -> "2695 quantize_per_channel_default_126"; +"2690 reshape_92_0_0_nncf_smooth_quant_0" -> "2691 quantize_per_tensor_default_126"; +"2691 quantize_per_tensor_default_126" -> "2692 dequantize_per_tensor_default_126"; +"2692 dequantize_per_tensor_default_126" -> "2698 linear_125"; +"2693 linear_125_scale_0" -> "2695 quantize_per_channel_default_126"; +"2693 linear_125_scale_0" -> "2696 dequantize_per_channel_default_126"; +"2694 linear_125_zero_point_0" -> "2695 quantize_per_channel_default_126"; +"2694 linear_125_zero_point_0" -> "2696 dequantize_per_channel_default_126"; +"2695 quantize_per_channel_default_126" -> "2696 dequantize_per_channel_default_126"; +"2696 dequantize_per_channel_default_126" -> "2698 linear_125"; +"2697 _param_constant337_0_0" -> "2698 linear_125"; +"2698 linear_125" -> "2699 dropout_81"; +"2699 dropout_81" -> "2700 view_113"; +"2700 view_113" -> "2701 permute_94"; +"2701 permute_94" -> "2702 reshape_93"; +"2702 reshape_93" -> "2703 slice_302"; +"2703 slice_302" -> "2704 slice_303"; +"2704 slice_303" -> "2705 slice_304"; +"2705 slice_304" -> "2706 slice_305"; +"2706 slice_305" -> "2707 contiguous_39"; +"2707 contiguous_39" -> "2710 layer_norm_43"; +"2708 _param_constant338" -> "2710 layer_norm_43"; +"2709 _param_constant339" -> "2710 layer_norm_43"; +"2710 layer_norm_43" -> "2711 add_71"; +"2711 add_71" -> "2713 add_71_0_0_nncf_smooth_quant_0"; +"2711 add_71" -> "2738 add_72"; +"2712 linear_126_updated_constant0" -> "2718 quantize_per_channel_default_127"; +"2713 add_71_0_0_nncf_smooth_quant_0" -> "2714 quantize_per_tensor_default_127"; +"2714 quantize_per_tensor_default_127" -> "2715 dequantize_per_tensor_default_127"; +"2715 dequantize_per_tensor_default_127" -> "2721 linear_126"; +"2716 linear_126_scale_0" -> "2718 quantize_per_channel_default_127"; +"2716 linear_126_scale_0" -> "2719 dequantize_per_channel_default_127"; +"2717 linear_126_zero_point_0" -> "2718 quantize_per_channel_default_127"; +"2717 linear_126_zero_point_0" -> "2719 dequantize_per_channel_default_127"; +"2718 quantize_per_channel_default_127" -> "2719 dequantize_per_channel_default_127"; +"2719 dequantize_per_channel_default_127" -> "2721 linear_126"; +"2720 _param_constant341_0_0" -> "2721 linear_126"; +"2721 linear_126" -> "2722 gelu_20"; +"2722 gelu_20" -> "2723 dropout_82"; +"2723 dropout_82" -> "2725 dropout_82_0_0_nncf_smooth_quant_0"; +"2724 linear_127_updated_constant0" -> "2730 quantize_per_channel_default_128"; +"2725 dropout_82_0_0_nncf_smooth_quant_0" -> "2726 quantize_per_tensor_default_128"; +"2726 quantize_per_tensor_default_128" -> "2727 dequantize_per_tensor_default_128"; +"2727 dequantize_per_tensor_default_128" -> "2733 linear_127"; +"2728 linear_127_scale_0" -> "2730 quantize_per_channel_default_128"; +"2728 linear_127_scale_0" -> "2731 dequantize_per_channel_default_128"; +"2729 linear_127_zero_point_0" -> "2730 quantize_per_channel_default_128"; +"2729 linear_127_zero_point_0" -> "2731 dequantize_per_channel_default_128"; +"2730 quantize_per_channel_default_128" -> "2731 dequantize_per_channel_default_128"; +"2731 dequantize_per_channel_default_128" -> "2733 linear_127"; +"2732 _param_constant343_0_0" -> "2733 linear_127"; +"2733 linear_127" -> "2734 dropout_83"; +"2734 dropout_83" -> "2737 layer_norm_44"; +"2735 _param_constant344" -> "2737 layer_norm_44"; +"2736 _param_constant345" -> "2737 layer_norm_44"; +"2737 layer_norm_44" -> "2738 add_72"; +"2738 add_72" -> "2765 pad_23"; +"2738 add_72" -> "2848 add_75"; +"2739 _tensor_constant132" -> "2741 _tensor_constant132_0_0_nncf_smooth_quant_0"; +"2740 linear_128_updated_constant0" -> "2744 quantize_per_channel_default_129"; +"2741 _tensor_constant132_0_0_nncf_smooth_quant_0" -> "2747 linear_128"; +"2742 linear_128_scale_0" -> "2744 quantize_per_channel_default_129"; +"2742 linear_128_scale_0" -> "2745 dequantize_per_channel_default_129"; +"2743 linear_128_zero_point_0" -> "2744 quantize_per_channel_default_129"; +"2743 linear_128_zero_point_0" -> "2745 dequantize_per_channel_default_129"; +"2744 quantize_per_channel_default_129" -> "2745 dequantize_per_channel_default_129"; +"2745 dequantize_per_channel_default_129" -> "2747 linear_128"; +"2746 _param_constant347_0_0" -> "2747 linear_128"; +"2747 linear_128" -> "2748 relu__21"; +"2748 relu__21" -> "2750 relu__21_0_0_nncf_smooth_quant_0"; +"2749 linear_129_updated_constant0" -> "2753 quantize_per_channel_default_130"; +"2750 relu__21_0_0_nncf_smooth_quant_0" -> "2755 linear_129"; +"2751 linear_129_scale_0" -> "2753 quantize_per_channel_default_130"; +"2751 linear_129_scale_0" -> "2754 dequantize_per_channel_default_130"; +"2752 linear_129_zero_point_0" -> "2753 quantize_per_channel_default_130"; +"2752 linear_129_zero_point_0" -> "2754 dequantize_per_channel_default_130"; +"2753 quantize_per_channel_default_130" -> "2754 dequantize_per_channel_default_130"; +"2754 dequantize_per_channel_default_130" -> "2755 linear_129"; +"2755 linear_129" -> "2756 view_114"; +"2756 view_114" -> "2758 index_21"; +"2757 _tensor_constant133" -> "2758 index_21"; +"2758 index_21" -> "2759 view_115"; +"2759 view_115" -> "2760 permute_95"; +"2760 permute_95" -> "2761 contiguous_40"; +"2761 contiguous_40" -> "2762 unsqueeze_61"; +"2762 unsqueeze_61" -> "2763 sigmoid_21"; +"2763 sigmoid_21" -> "2764 mul_42"; +"2764 mul_42" -> "2803 add_73"; +"2765 pad_23" -> "2766 roll_20"; +"2766 roll_20" -> "2767 view_116"; +"2767 view_116" -> "2768 permute_96"; +"2768 permute_96" -> "2769 reshape_94"; +"2769 reshape_94" -> "2771 reshape_94_0_0_nncf_smooth_quant_0"; +"2769 reshape_94" -> "2804 new_zeros_10"; +"2770 linear_130_updated_constant0" -> "2776 quantize_per_channel_default_131"; +"2771 reshape_94_0_0_nncf_smooth_quant_0" -> "2772 quantize_per_tensor_default_129"; +"2772 quantize_per_tensor_default_129" -> "2773 dequantize_per_tensor_default_129"; +"2773 dequantize_per_tensor_default_129" -> "2779 linear_130"; +"2774 linear_130_scale_0" -> "2776 quantize_per_channel_default_131"; +"2774 linear_130_scale_0" -> "2777 dequantize_per_channel_default_131"; +"2775 linear_130_zero_point_0" -> "2776 quantize_per_channel_default_131"; +"2775 linear_130_zero_point_0" -> "2777 dequantize_per_channel_default_131"; +"2776 quantize_per_channel_default_131" -> "2777 dequantize_per_channel_default_131"; +"2777 dequantize_per_channel_default_131" -> "2779 linear_130"; +"2778 _param_constant349_0_0" -> "2779 linear_130"; +"2779 linear_130" -> "2780 reshape_95"; +"2780 reshape_95" -> "2781 permute_97"; +"2781 permute_97" -> "2782 select_63"; +"2781 permute_97" -> "2783 select_64"; +"2781 permute_97" -> "2784 select_65"; +"2782 select_63" -> "2785 linalg_vector_norm_42"; +"2782 select_63" -> "2787 expand_as_42"; +"2782 select_63" -> "2788 div_42"; +"2783 select_64" -> "2791 linalg_vector_norm_43"; +"2783 select_64" -> "2793 expand_as_43"; +"2783 select_64" -> "2794 div_43"; +"2784 select_65" -> "2822 matmul_43"; +"2785 linalg_vector_norm_42" -> "2786 clamp_min_42"; +"2786 clamp_min_42" -> "2787 expand_as_42"; +"2787 expand_as_42" -> "2788 div_42"; +"2788 div_42" -> "2789 quantize_per_tensor_default_130"; +"2789 quantize_per_tensor_default_130" -> "2790 dequantize_per_tensor_default_130"; +"2790 dequantize_per_tensor_default_130" -> "2798 matmul_42"; +"2791 linalg_vector_norm_43" -> "2792 clamp_min_43"; +"2792 clamp_min_43" -> "2793 expand_as_43"; +"2793 expand_as_43" -> "2794 div_43"; +"2794 div_43" -> "2795 quantize_per_tensor_default_131"; +"2795 quantize_per_tensor_default_131" -> "2796 dequantize_per_tensor_default_131"; +"2796 dequantize_per_tensor_default_131" -> "2797 transpose_42"; +"2797 transpose_42" -> "2798 matmul_42"; +"2798 matmul_42" -> "2802 mul_43"; +"2799 _param_constant351" -> "2800 clamp_21"; +"2800 clamp_21" -> "2801 exp_21"; +"2801 exp_21" -> "2802 mul_43"; +"2802 mul_43" -> "2803 add_73"; +"2803 add_73" -> "2815 view_118"; +"2804 new_zeros_10" -> "2805 view_117"; +"2805 view_117" -> "2806 permute_98"; +"2806 permute_98" -> "2807 reshape_96"; +"2807 reshape_96" -> "2808 unsqueeze_62"; +"2807 reshape_96" -> "2809 unsqueeze_63"; +"2808 unsqueeze_62" -> "2810 sub_10"; +"2809 unsqueeze_63" -> "2810 sub_10"; +"2810 sub_10" -> "2811 ne_10"; +"2810 sub_10" -> "2812 masked_fill_20"; +"2810 sub_10" -> "2813 eq_10"; +"2811 ne_10" -> "2812 masked_fill_20"; +"2812 masked_fill_20" -> "2814 masked_fill_21"; +"2813 eq_10" -> "2814 masked_fill_21"; +"2814 masked_fill_21" -> "2816 unsqueeze_64"; +"2815 view_118" -> "2818 add_74"; +"2816 unsqueeze_64" -> "2817 unsqueeze_65"; +"2817 unsqueeze_65" -> "2818 add_74"; +"2818 add_74" -> "2819 view_119"; +"2819 view_119" -> "2820 softmax_21"; +"2820 softmax_21" -> "2821 dropout_84"; +"2821 dropout_84" -> "2822 matmul_43"; +"2822 matmul_43" -> "2823 transpose_43"; +"2823 transpose_43" -> "2824 reshape_97"; +"2824 reshape_97" -> "2826 reshape_97_0_0_nncf_smooth_quant_0"; +"2825 linear_131_updated_constant0" -> "2831 quantize_per_channel_default_132"; +"2826 reshape_97_0_0_nncf_smooth_quant_0" -> "2827 quantize_per_tensor_default_132"; +"2827 quantize_per_tensor_default_132" -> "2828 dequantize_per_tensor_default_132"; +"2828 dequantize_per_tensor_default_132" -> "2834 linear_131"; +"2829 linear_131_scale_0" -> "2831 quantize_per_channel_default_132"; +"2829 linear_131_scale_0" -> "2832 dequantize_per_channel_default_132"; +"2830 linear_131_zero_point_0" -> "2831 quantize_per_channel_default_132"; +"2830 linear_131_zero_point_0" -> "2832 dequantize_per_channel_default_132"; +"2831 quantize_per_channel_default_132" -> "2832 dequantize_per_channel_default_132"; +"2832 dequantize_per_channel_default_132" -> "2834 linear_131"; +"2833 _param_constant353_0_0" -> "2834 linear_131"; +"2834 linear_131" -> "2835 dropout_85"; +"2835 dropout_85" -> "2836 view_120"; +"2836 view_120" -> "2837 permute_99"; +"2837 permute_99" -> "2838 reshape_98"; +"2838 reshape_98" -> "2839 roll_21"; +"2839 roll_21" -> "2840 slice_325"; +"2840 slice_325" -> "2841 slice_326"; +"2841 slice_326" -> "2842 slice_327"; +"2842 slice_327" -> "2843 slice_328"; +"2843 slice_328" -> "2844 contiguous_41"; +"2844 contiguous_41" -> "2847 layer_norm_45"; +"2845 _param_constant354" -> "2847 layer_norm_45"; +"2846 _param_constant355" -> "2847 layer_norm_45"; +"2847 layer_norm_45" -> "2848 add_75"; +"2848 add_75" -> "2850 add_75_0_0_nncf_smooth_quant_0"; +"2848 add_75" -> "2875 add_76"; +"2849 linear_132_updated_constant0" -> "2855 quantize_per_channel_default_133"; +"2850 add_75_0_0_nncf_smooth_quant_0" -> "2851 quantize_per_tensor_default_133"; +"2851 quantize_per_tensor_default_133" -> "2852 dequantize_per_tensor_default_133"; +"2852 dequantize_per_tensor_default_133" -> "2858 linear_132"; +"2853 linear_132_scale_0" -> "2855 quantize_per_channel_default_133"; +"2853 linear_132_scale_0" -> "2856 dequantize_per_channel_default_133"; +"2854 linear_132_zero_point_0" -> "2855 quantize_per_channel_default_133"; +"2854 linear_132_zero_point_0" -> "2856 dequantize_per_channel_default_133"; +"2855 quantize_per_channel_default_133" -> "2856 dequantize_per_channel_default_133"; +"2856 dequantize_per_channel_default_133" -> "2858 linear_132"; +"2857 _param_constant357_0_0" -> "2858 linear_132"; +"2858 linear_132" -> "2859 gelu_21"; +"2859 gelu_21" -> "2860 dropout_86"; +"2860 dropout_86" -> "2862 dropout_86_0_0_nncf_smooth_quant_0"; +"2861 linear_133_updated_constant0" -> "2867 quantize_per_channel_default_134"; +"2862 dropout_86_0_0_nncf_smooth_quant_0" -> "2863 quantize_per_tensor_default_134"; +"2863 quantize_per_tensor_default_134" -> "2864 dequantize_per_tensor_default_134"; +"2864 dequantize_per_tensor_default_134" -> "2870 linear_133"; +"2865 linear_133_scale_0" -> "2867 quantize_per_channel_default_134"; +"2865 linear_133_scale_0" -> "2868 dequantize_per_channel_default_134"; +"2866 linear_133_zero_point_0" -> "2867 quantize_per_channel_default_134"; +"2866 linear_133_zero_point_0" -> "2868 dequantize_per_channel_default_134"; +"2867 quantize_per_channel_default_134" -> "2868 dequantize_per_channel_default_134"; +"2868 dequantize_per_channel_default_134" -> "2870 linear_133"; +"2869 _param_constant359_0_0" -> "2870 linear_133"; +"2870 linear_133" -> "2871 dropout_87"; +"2871 dropout_87" -> "2874 layer_norm_46"; +"2872 _param_constant360" -> "2874 layer_norm_46"; +"2873 _param_constant361" -> "2874 layer_norm_46"; +"2874 layer_norm_46" -> "2875 add_76"; +"2875 add_76" -> "2876 pad_24"; +"2876 pad_24" -> "2877 slice_329"; +"2876 pad_24" -> "2880 slice_332"; +"2876 pad_24" -> "2883 slice_335"; +"2876 pad_24" -> "2886 slice_338"; +"2877 slice_329" -> "2878 slice_330"; +"2878 slice_330" -> "2879 slice_331"; +"2879 slice_331" -> "2889 cat_2"; +"2880 slice_332" -> "2881 slice_333"; +"2881 slice_333" -> "2882 slice_334"; +"2882 slice_334" -> "2889 cat_2"; +"2883 slice_335" -> "2884 slice_336"; +"2884 slice_336" -> "2885 slice_337"; +"2885 slice_337" -> "2889 cat_2"; +"2886 slice_338" -> "2887 slice_339"; +"2887 slice_339" -> "2888 slice_340"; +"2888 slice_340" -> "2889 cat_2"; +"2889 cat_2" -> "2891 cat_2_0_0_nncf_smooth_quant_0"; +"2890 linear_134_updated_constant0" -> "2896 quantize_per_channel_default_135"; +"2891 cat_2_0_0_nncf_smooth_quant_0" -> "2892 quantize_per_tensor_default_135"; +"2892 quantize_per_tensor_default_135" -> "2893 dequantize_per_tensor_default_135"; +"2893 dequantize_per_tensor_default_135" -> "2898 linear_134"; +"2894 linear_134_scale_0" -> "2896 quantize_per_channel_default_135"; +"2894 linear_134_scale_0" -> "2897 dequantize_per_channel_default_135"; +"2895 linear_134_zero_point_0" -> "2896 quantize_per_channel_default_135"; +"2895 linear_134_zero_point_0" -> "2897 dequantize_per_channel_default_135"; +"2896 quantize_per_channel_default_135" -> "2897 dequantize_per_channel_default_135"; +"2897 dequantize_per_channel_default_135" -> "2898 linear_134"; +"2898 linear_134" -> "2901 layer_norm_47"; +"2899 _param_constant363" -> "2901 layer_norm_47"; +"2900 _param_constant364" -> "2901 layer_norm_47"; +"2901 layer_norm_47" -> "2928 pad_25"; +"2901 layer_norm_47" -> "2993 add_78"; +"2902 _tensor_constant143" -> "2904 _tensor_constant143_0_0_nncf_smooth_quant_0"; +"2903 linear_135_updated_constant0" -> "2907 quantize_per_channel_default_136"; +"2904 _tensor_constant143_0_0_nncf_smooth_quant_0" -> "2910 linear_135"; +"2905 linear_135_scale_0" -> "2907 quantize_per_channel_default_136"; +"2905 linear_135_scale_0" -> "2908 dequantize_per_channel_default_136"; +"2906 linear_135_zero_point_0" -> "2907 quantize_per_channel_default_136"; +"2906 linear_135_zero_point_0" -> "2908 dequantize_per_channel_default_136"; +"2907 quantize_per_channel_default_136" -> "2908 dequantize_per_channel_default_136"; +"2908 dequantize_per_channel_default_136" -> "2910 linear_135"; +"2909 _param_constant366_0_0" -> "2910 linear_135"; +"2910 linear_135" -> "2911 relu__22"; +"2911 relu__22" -> "2913 relu__22_0_0_nncf_smooth_quant_0"; +"2912 linear_136_updated_constant0" -> "2916 quantize_per_channel_default_137"; +"2913 relu__22_0_0_nncf_smooth_quant_0" -> "2918 linear_136"; +"2914 linear_136_scale_0" -> "2916 quantize_per_channel_default_137"; +"2914 linear_136_scale_0" -> "2917 dequantize_per_channel_default_137"; +"2915 linear_136_zero_point_0" -> "2916 quantize_per_channel_default_137"; +"2915 linear_136_zero_point_0" -> "2917 dequantize_per_channel_default_137"; +"2916 quantize_per_channel_default_137" -> "2917 dequantize_per_channel_default_137"; +"2917 dequantize_per_channel_default_137" -> "2918 linear_136"; +"2918 linear_136" -> "2919 view_121"; +"2919 view_121" -> "2921 index_22"; +"2920 _tensor_constant144" -> "2921 index_22"; +"2921 index_22" -> "2922 view_122"; +"2922 view_122" -> "2923 permute_100"; +"2923 permute_100" -> "2924 contiguous_42"; +"2924 contiguous_42" -> "2925 unsqueeze_66"; +"2925 unsqueeze_66" -> "2926 sigmoid_22"; +"2926 sigmoid_22" -> "2927 mul_44"; +"2927 mul_44" -> "2965 add_77"; +"2928 pad_25" -> "2929 view_123"; +"2929 view_123" -> "2930 permute_101"; +"2930 permute_101" -> "2931 reshape_99"; +"2931 reshape_99" -> "2933 reshape_99_0_0_nncf_smooth_quant_0"; +"2932 linear_137_updated_constant0" -> "2938 quantize_per_channel_default_138"; +"2933 reshape_99_0_0_nncf_smooth_quant_0" -> "2934 quantize_per_tensor_default_136"; +"2934 quantize_per_tensor_default_136" -> "2935 dequantize_per_tensor_default_136"; +"2935 dequantize_per_tensor_default_136" -> "2941 linear_137"; +"2936 linear_137_scale_0" -> "2938 quantize_per_channel_default_138"; +"2936 linear_137_scale_0" -> "2939 dequantize_per_channel_default_138"; +"2937 linear_137_zero_point_0" -> "2938 quantize_per_channel_default_138"; +"2937 linear_137_zero_point_0" -> "2939 dequantize_per_channel_default_138"; +"2938 quantize_per_channel_default_138" -> "2939 dequantize_per_channel_default_138"; +"2939 dequantize_per_channel_default_138" -> "2941 linear_137"; +"2940 _param_constant368_0_0" -> "2941 linear_137"; +"2941 linear_137" -> "2942 reshape_100"; +"2942 reshape_100" -> "2943 permute_102"; +"2943 permute_102" -> "2944 select_66"; +"2943 permute_102" -> "2945 select_67"; +"2943 permute_102" -> "2946 select_68"; +"2944 select_66" -> "2947 linalg_vector_norm_44"; +"2944 select_66" -> "2949 expand_as_44"; +"2944 select_66" -> "2950 div_44"; +"2945 select_67" -> "2953 linalg_vector_norm_45"; +"2945 select_67" -> "2955 expand_as_45"; +"2945 select_67" -> "2956 div_45"; +"2946 select_68" -> "2968 matmul_45"; +"2947 linalg_vector_norm_44" -> "2948 clamp_min_44"; +"2948 clamp_min_44" -> "2949 expand_as_44"; +"2949 expand_as_44" -> "2950 div_44"; +"2950 div_44" -> "2951 quantize_per_tensor_default_137"; +"2951 quantize_per_tensor_default_137" -> "2952 dequantize_per_tensor_default_137"; +"2952 dequantize_per_tensor_default_137" -> "2960 matmul_44"; +"2953 linalg_vector_norm_45" -> "2954 clamp_min_45"; +"2954 clamp_min_45" -> "2955 expand_as_45"; +"2955 expand_as_45" -> "2956 div_45"; +"2956 div_45" -> "2957 quantize_per_tensor_default_138"; +"2957 quantize_per_tensor_default_138" -> "2958 dequantize_per_tensor_default_138"; +"2958 dequantize_per_tensor_default_138" -> "2959 transpose_44"; +"2959 transpose_44" -> "2960 matmul_44"; +"2960 matmul_44" -> "2964 mul_45"; +"2961 _param_constant370" -> "2962 clamp_22"; +"2962 clamp_22" -> "2963 exp_22"; +"2963 exp_22" -> "2964 mul_45"; +"2964 mul_45" -> "2965 add_77"; +"2965 add_77" -> "2966 softmax_22"; +"2966 softmax_22" -> "2967 dropout_88"; +"2967 dropout_88" -> "2968 matmul_45"; +"2968 matmul_45" -> "2969 transpose_45"; +"2969 transpose_45" -> "2970 reshape_101"; +"2970 reshape_101" -> "2972 reshape_101_0_0_nncf_smooth_quant_0"; +"2971 linear_138_updated_constant0" -> "2977 quantize_per_channel_default_139"; +"2972 reshape_101_0_0_nncf_smooth_quant_0" -> "2973 quantize_per_tensor_default_139"; +"2973 quantize_per_tensor_default_139" -> "2974 dequantize_per_tensor_default_139"; +"2974 dequantize_per_tensor_default_139" -> "2980 linear_138"; +"2975 linear_138_scale_0" -> "2977 quantize_per_channel_default_139"; +"2975 linear_138_scale_0" -> "2978 dequantize_per_channel_default_139"; +"2976 linear_138_zero_point_0" -> "2977 quantize_per_channel_default_139"; +"2976 linear_138_zero_point_0" -> "2978 dequantize_per_channel_default_139"; +"2977 quantize_per_channel_default_139" -> "2978 dequantize_per_channel_default_139"; +"2978 dequantize_per_channel_default_139" -> "2980 linear_138"; +"2979 _param_constant372_0_0" -> "2980 linear_138"; +"2980 linear_138" -> "2981 dropout_89"; +"2981 dropout_89" -> "2982 view_124"; +"2982 view_124" -> "2983 permute_103"; +"2983 permute_103" -> "2984 reshape_102"; +"2984 reshape_102" -> "2985 slice_342"; +"2985 slice_342" -> "2986 slice_343"; +"2986 slice_343" -> "2987 slice_344"; +"2987 slice_344" -> "2988 slice_345"; +"2988 slice_345" -> "2989 contiguous_43"; +"2989 contiguous_43" -> "2992 layer_norm_48"; +"2990 _param_constant373" -> "2992 layer_norm_48"; +"2991 _param_constant374" -> "2992 layer_norm_48"; +"2992 layer_norm_48" -> "2993 add_78"; +"2993 add_78" -> "2995 add_78_0_0_nncf_smooth_quant_0"; +"2993 add_78" -> "3020 add_79"; +"2994 linear_139_updated_constant0" -> "3000 quantize_per_channel_default_140"; +"2995 add_78_0_0_nncf_smooth_quant_0" -> "2996 quantize_per_tensor_default_140"; +"2996 quantize_per_tensor_default_140" -> "2997 dequantize_per_tensor_default_140"; +"2997 dequantize_per_tensor_default_140" -> "3003 linear_139"; +"2998 linear_139_scale_0" -> "3000 quantize_per_channel_default_140"; +"2998 linear_139_scale_0" -> "3001 dequantize_per_channel_default_140"; +"2999 linear_139_zero_point_0" -> "3000 quantize_per_channel_default_140"; +"2999 linear_139_zero_point_0" -> "3001 dequantize_per_channel_default_140"; +"3000 quantize_per_channel_default_140" -> "3001 dequantize_per_channel_default_140"; +"3001 dequantize_per_channel_default_140" -> "3003 linear_139"; +"3002 _param_constant376_0_0" -> "3003 linear_139"; +"3003 linear_139" -> "3004 gelu_22"; +"3004 gelu_22" -> "3005 dropout_90"; +"3005 dropout_90" -> "3007 dropout_90_0_0_nncf_smooth_quant_0"; +"3006 linear_140_updated_constant0" -> "3012 quantize_per_channel_default_141"; +"3007 dropout_90_0_0_nncf_smooth_quant_0" -> "3008 quantize_per_tensor_default_141"; +"3008 quantize_per_tensor_default_141" -> "3009 dequantize_per_tensor_default_141"; +"3009 dequantize_per_tensor_default_141" -> "3015 linear_140"; +"3010 linear_140_scale_0" -> "3012 quantize_per_channel_default_141"; +"3010 linear_140_scale_0" -> "3013 dequantize_per_channel_default_141"; +"3011 linear_140_zero_point_0" -> "3012 quantize_per_channel_default_141"; +"3011 linear_140_zero_point_0" -> "3013 dequantize_per_channel_default_141"; +"3012 quantize_per_channel_default_141" -> "3013 dequantize_per_channel_default_141"; +"3013 dequantize_per_channel_default_141" -> "3015 linear_140"; +"3014 _param_constant378_0_0" -> "3015 linear_140"; +"3015 linear_140" -> "3016 dropout_91"; +"3016 dropout_91" -> "3019 layer_norm_49"; +"3017 _param_constant379" -> "3019 layer_norm_49"; +"3018 _param_constant380" -> "3019 layer_norm_49"; +"3019 layer_norm_49" -> "3020 add_79"; +"3020 add_79" -> "3047 pad_26"; +"3020 add_79" -> "3112 add_81"; +"3021 _tensor_constant145" -> "3023 _tensor_constant145_0_0_nncf_smooth_quant_0"; +"3022 linear_141_updated_constant0" -> "3026 quantize_per_channel_default_142"; +"3023 _tensor_constant145_0_0_nncf_smooth_quant_0" -> "3029 linear_141"; +"3024 linear_141_scale_0" -> "3026 quantize_per_channel_default_142"; +"3024 linear_141_scale_0" -> "3027 dequantize_per_channel_default_142"; +"3025 linear_141_zero_point_0" -> "3026 quantize_per_channel_default_142"; +"3025 linear_141_zero_point_0" -> "3027 dequantize_per_channel_default_142"; +"3026 quantize_per_channel_default_142" -> "3027 dequantize_per_channel_default_142"; +"3027 dequantize_per_channel_default_142" -> "3029 linear_141"; +"3028 _param_constant382_0_0" -> "3029 linear_141"; +"3029 linear_141" -> "3030 relu__23"; +"3030 relu__23" -> "3032 relu__23_0_0_nncf_smooth_quant_0"; +"3031 linear_142_updated_constant0" -> "3035 quantize_per_channel_default_143"; +"3032 relu__23_0_0_nncf_smooth_quant_0" -> "3037 linear_142"; +"3033 linear_142_scale_0" -> "3035 quantize_per_channel_default_143"; +"3033 linear_142_scale_0" -> "3036 dequantize_per_channel_default_143"; +"3034 linear_142_zero_point_0" -> "3035 quantize_per_channel_default_143"; +"3034 linear_142_zero_point_0" -> "3036 dequantize_per_channel_default_143"; +"3035 quantize_per_channel_default_143" -> "3036 dequantize_per_channel_default_143"; +"3036 dequantize_per_channel_default_143" -> "3037 linear_142"; +"3037 linear_142" -> "3038 view_125"; +"3038 view_125" -> "3040 index_23"; +"3039 _tensor_constant146" -> "3040 index_23"; +"3040 index_23" -> "3041 view_126"; +"3041 view_126" -> "3042 permute_104"; +"3042 permute_104" -> "3043 contiguous_44"; +"3043 contiguous_44" -> "3044 unsqueeze_67"; +"3044 unsqueeze_67" -> "3045 sigmoid_23"; +"3045 sigmoid_23" -> "3046 mul_46"; +"3046 mul_46" -> "3084 add_80"; +"3047 pad_26" -> "3048 view_127"; +"3048 view_127" -> "3049 permute_105"; +"3049 permute_105" -> "3050 reshape_103"; +"3050 reshape_103" -> "3052 reshape_103_0_0_nncf_smooth_quant_0"; +"3051 linear_143_updated_constant0" -> "3057 quantize_per_channel_default_144"; +"3052 reshape_103_0_0_nncf_smooth_quant_0" -> "3053 quantize_per_tensor_default_142"; +"3053 quantize_per_tensor_default_142" -> "3054 dequantize_per_tensor_default_142"; +"3054 dequantize_per_tensor_default_142" -> "3060 linear_143"; +"3055 linear_143_scale_0" -> "3057 quantize_per_channel_default_144"; +"3055 linear_143_scale_0" -> "3058 dequantize_per_channel_default_144"; +"3056 linear_143_zero_point_0" -> "3057 quantize_per_channel_default_144"; +"3056 linear_143_zero_point_0" -> "3058 dequantize_per_channel_default_144"; +"3057 quantize_per_channel_default_144" -> "3058 dequantize_per_channel_default_144"; +"3058 dequantize_per_channel_default_144" -> "3060 linear_143"; +"3059 _param_constant384_0_0" -> "3060 linear_143"; +"3060 linear_143" -> "3061 reshape_104"; +"3061 reshape_104" -> "3062 permute_106"; +"3062 permute_106" -> "3063 select_69"; +"3062 permute_106" -> "3064 select_70"; +"3062 permute_106" -> "3065 select_71"; +"3063 select_69" -> "3066 linalg_vector_norm_46"; +"3063 select_69" -> "3068 expand_as_46"; +"3063 select_69" -> "3069 div_46"; +"3064 select_70" -> "3072 linalg_vector_norm_47"; +"3064 select_70" -> "3074 expand_as_47"; +"3064 select_70" -> "3075 div_47"; +"3065 select_71" -> "3087 matmul_47"; +"3066 linalg_vector_norm_46" -> "3067 clamp_min_46"; +"3067 clamp_min_46" -> "3068 expand_as_46"; +"3068 expand_as_46" -> "3069 div_46"; +"3069 div_46" -> "3070 quantize_per_tensor_default_143"; +"3070 quantize_per_tensor_default_143" -> "3071 dequantize_per_tensor_default_143"; +"3071 dequantize_per_tensor_default_143" -> "3079 matmul_46"; +"3072 linalg_vector_norm_47" -> "3073 clamp_min_47"; +"3073 clamp_min_47" -> "3074 expand_as_47"; +"3074 expand_as_47" -> "3075 div_47"; +"3075 div_47" -> "3076 quantize_per_tensor_default_144"; +"3076 quantize_per_tensor_default_144" -> "3077 dequantize_per_tensor_default_144"; +"3077 dequantize_per_tensor_default_144" -> "3078 transpose_46"; +"3078 transpose_46" -> "3079 matmul_46"; +"3079 matmul_46" -> "3083 mul_47"; +"3080 _param_constant386" -> "3081 clamp_23"; +"3081 clamp_23" -> "3082 exp_23"; +"3082 exp_23" -> "3083 mul_47"; +"3083 mul_47" -> "3084 add_80"; +"3084 add_80" -> "3085 softmax_23"; +"3085 softmax_23" -> "3086 dropout_92"; +"3086 dropout_92" -> "3087 matmul_47"; +"3087 matmul_47" -> "3088 transpose_47"; +"3088 transpose_47" -> "3089 reshape_105"; +"3089 reshape_105" -> "3091 reshape_105_0_0_nncf_smooth_quant_0"; +"3090 linear_144_updated_constant0" -> "3096 quantize_per_channel_default_145"; +"3091 reshape_105_0_0_nncf_smooth_quant_0" -> "3092 quantize_per_tensor_default_145"; +"3092 quantize_per_tensor_default_145" -> "3093 dequantize_per_tensor_default_145"; +"3093 dequantize_per_tensor_default_145" -> "3099 linear_144"; +"3094 linear_144_scale_0" -> "3096 quantize_per_channel_default_145"; +"3094 linear_144_scale_0" -> "3097 dequantize_per_channel_default_145"; +"3095 linear_144_zero_point_0" -> "3096 quantize_per_channel_default_145"; +"3095 linear_144_zero_point_0" -> "3097 dequantize_per_channel_default_145"; +"3096 quantize_per_channel_default_145" -> "3097 dequantize_per_channel_default_145"; +"3097 dequantize_per_channel_default_145" -> "3099 linear_144"; +"3098 _param_constant388_0_0" -> "3099 linear_144"; +"3099 linear_144" -> "3100 dropout_93"; +"3100 dropout_93" -> "3101 view_128"; +"3101 view_128" -> "3102 permute_107"; +"3102 permute_107" -> "3103 reshape_106"; +"3103 reshape_106" -> "3104 slice_347"; +"3104 slice_347" -> "3105 slice_348"; +"3105 slice_348" -> "3106 slice_349"; +"3106 slice_349" -> "3107 slice_350"; +"3107 slice_350" -> "3108 contiguous_45"; +"3108 contiguous_45" -> "3111 layer_norm_50"; +"3109 _param_constant389" -> "3111 layer_norm_50"; +"3110 _param_constant390" -> "3111 layer_norm_50"; +"3111 layer_norm_50" -> "3112 add_81"; +"3112 add_81" -> "3114 add_81_0_0_nncf_smooth_quant_0"; +"3112 add_81" -> "3139 add_82"; +"3113 linear_145_updated_constant0" -> "3119 quantize_per_channel_default_146"; +"3114 add_81_0_0_nncf_smooth_quant_0" -> "3115 quantize_per_tensor_default_146"; +"3115 quantize_per_tensor_default_146" -> "3116 dequantize_per_tensor_default_146"; +"3116 dequantize_per_tensor_default_146" -> "3122 linear_145"; +"3117 linear_145_scale_0" -> "3119 quantize_per_channel_default_146"; +"3117 linear_145_scale_0" -> "3120 dequantize_per_channel_default_146"; +"3118 linear_145_zero_point_0" -> "3119 quantize_per_channel_default_146"; +"3118 linear_145_zero_point_0" -> "3120 dequantize_per_channel_default_146"; +"3119 quantize_per_channel_default_146" -> "3120 dequantize_per_channel_default_146"; +"3120 dequantize_per_channel_default_146" -> "3122 linear_145"; +"3121 _param_constant392_0_0" -> "3122 linear_145"; +"3122 linear_145" -> "3123 gelu_23"; +"3123 gelu_23" -> "3124 dropout_94"; +"3124 dropout_94" -> "3126 dropout_94_0_0_nncf_smooth_quant_0"; +"3125 linear_146_updated_constant0" -> "3131 quantize_per_channel_default_147"; +"3126 dropout_94_0_0_nncf_smooth_quant_0" -> "3127 quantize_per_tensor_default_147"; +"3127 quantize_per_tensor_default_147" -> "3128 dequantize_per_tensor_default_147"; +"3128 dequantize_per_tensor_default_147" -> "3134 linear_146"; +"3129 linear_146_scale_0" -> "3131 quantize_per_channel_default_147"; +"3129 linear_146_scale_0" -> "3132 dequantize_per_channel_default_147"; +"3130 linear_146_zero_point_0" -> "3131 quantize_per_channel_default_147"; +"3130 linear_146_zero_point_0" -> "3132 dequantize_per_channel_default_147"; +"3131 quantize_per_channel_default_147" -> "3132 dequantize_per_channel_default_147"; +"3132 dequantize_per_channel_default_147" -> "3134 linear_146"; +"3133 _param_constant394_0_0" -> "3134 linear_146"; +"3134 linear_146" -> "3135 dropout_95"; +"3135 dropout_95" -> "3138 layer_norm_51"; +"3136 _param_constant395" -> "3138 layer_norm_51"; +"3137 _param_constant396" -> "3138 layer_norm_51"; +"3138 layer_norm_51" -> "3139 add_82"; +"3139 add_82" -> "3142 layer_norm_52"; +"3140 _param_constant397" -> "3142 layer_norm_52"; +"3141 _param_constant398" -> "3142 layer_norm_52"; +"3142 layer_norm_52" -> "3143 permute_108"; +"3143 permute_108" -> "3144 adaptive_avg_pool2d"; +"3144 adaptive_avg_pool2d" -> "3145 flatten"; +"3145 flatten" -> "3147 flatten_0_0_nncf_smooth_quant_0"; +"3146 linear_147_updated_constant0" -> "3152 quantize_per_channel_default_148"; +"3147 flatten_0_0_nncf_smooth_quant_0" -> "3148 quantize_per_tensor_default_148"; +"3148 quantize_per_tensor_default_148" -> "3149 dequantize_per_tensor_default_148"; +"3149 dequantize_per_tensor_default_148" -> "3155 linear_147"; +"3150 linear_147_scale_0" -> "3152 quantize_per_channel_default_148"; +"3150 linear_147_scale_0" -> "3153 dequantize_per_channel_default_148"; +"3151 linear_147_zero_point_0" -> "3152 quantize_per_channel_default_148"; +"3151 linear_147_zero_point_0" -> "3153 dequantize_per_channel_default_148"; +"3152 quantize_per_channel_default_148" -> "3153 dequantize_per_channel_default_148"; +"3153 dequantize_per_channel_default_148" -> "3155 linear_147"; +"3154 _param_constant400_0_0" -> "3155 linear_147"; +"3155 linear_147" -> "3156 output"; } diff --git a/tests/torch/data/reference_graphs/fx/quantized/vit_b_16.dot b/tests/torch/data/reference_graphs/fx/quantized/vit_b_16.dot index 9bf83ed9888..340c0e0714a 100644 --- a/tests/torch/data/reference_graphs/fx/quantized/vit_b_16.dot +++ b/tests/torch/data/reference_graphs/fx/quantized/vit_b_16.dot @@ -20,918 +20,967 @@ strict digraph { "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 quantize_per_tensor_default_1" [id=21, type=quantize_per_tensor]; -"22 dequantize_per_tensor_default_1" [id=22, type=dequantize_per_tensor]; -"23 transpose" [id=23, type=transpose]; -"24 _param_constant6" [id=24, type=get_attr]; -"25 linear_scale_0" [id=25, type=get_attr]; -"26 linear_zero_point_0" [id=26, type=get_attr]; -"27 quantize_per_channel_default_1" [id=27, type=quantize_per_channel]; -"28 dequantize_per_channel_default_1" [id=28, type=dequantize_per_channel]; -"29 _param_constant7_0_0" [id=29, type=get_attr]; -"30 linear" [id=30, type=linear]; -"31 unflatten" [id=31, type=unflatten]; -"32 unsqueeze" [id=32, type=unsqueeze]; -"33 transpose_1" [id=33, type=transpose]; -"34 squeeze" [id=34, type=squeeze]; -"35 contiguous" [id=35, type=contiguous]; -"36 quantize_per_tensor_default_2" [id=36, type=quantize_per_tensor]; -"37 dequantize_per_tensor_default_2" [id=37, type=dequantize_per_tensor]; -"38 select" [id=38, type=select]; -"39 quantize_per_tensor_default_3" [id=39, type=quantize_per_tensor]; -"40 dequantize_per_tensor_default_3" [id=40, type=dequantize_per_tensor]; -"41 select_1" [id=41, type=select]; -"42 select_2" [id=42, type=select]; -"43 view" [id=43, type=view]; -"44 transpose_2" [id=44, type=transpose]; -"45 view_1" [id=45, type=view]; -"46 transpose_3" [id=46, type=transpose]; -"47 view_2" [id=47, type=view]; -"48 transpose_4" [id=48, type=transpose]; -"49 view_3" [id=49, type=view]; -"50 view_4" [id=50, type=view]; -"51 view_5" [id=51, type=view]; -"52 scaled_dot_product_attention" [id=52, type=scaled_dot_product_attention]; -"53 quantize_per_tensor_default_4" [id=53, type=quantize_per_tensor]; -"54 dequantize_per_tensor_default_4" [id=54, type=dequantize_per_tensor]; -"55 permute_1" [id=55, type=permute]; -"56 view_6" [id=56, type=view]; -"57 _param_constant8" [id=57, type=get_attr]; -"58 linear_1_scale_0" [id=58, type=get_attr]; -"59 linear_1_zero_point_0" [id=59, type=get_attr]; -"60 quantize_per_channel_default_2" [id=60, type=quantize_per_channel]; -"61 dequantize_per_channel_default_2" [id=61, type=dequantize_per_channel]; -"62 _param_constant9_0_0" [id=62, type=get_attr]; -"63 linear_1" [id=63, type=linear]; -"64 view_7" [id=64, type=view]; -"65 transpose_5" [id=65, type=transpose]; -"66 dropout_1" [id=66, type=dropout]; -"67 add_1" [id=67, type=add]; -"68 _param_constant10" [id=68, type=get_attr]; -"69 _param_constant11" [id=69, type=get_attr]; -"70 layer_norm_1" [id=70, type=layer_norm]; -"71 quantize_per_tensor_default_5" [id=71, type=quantize_per_tensor]; -"72 dequantize_per_tensor_default_5" [id=72, type=dequantize_per_tensor]; -"73 _param_constant12" [id=73, type=get_attr]; -"74 linear_2_scale_0" [id=74, type=get_attr]; -"75 linear_2_zero_point_0" [id=75, type=get_attr]; -"76 quantize_per_channel_default_3" [id=76, type=quantize_per_channel]; -"77 dequantize_per_channel_default_3" [id=77, type=dequantize_per_channel]; -"78 _param_constant13_0_0" [id=78, type=get_attr]; -"79 linear_2" [id=79, type=linear]; -"80 gelu" [id=80, type=gelu]; -"81 quantize_per_tensor_default_6" [id=81, type=quantize_per_tensor]; -"82 dequantize_per_tensor_default_6" [id=82, type=dequantize_per_tensor]; -"83 dropout_2" [id=83, type=dropout]; -"84 _param_constant14" [id=84, type=get_attr]; -"85 linear_3_scale_0" [id=85, type=get_attr]; -"86 linear_3_zero_point_0" [id=86, type=get_attr]; -"87 quantize_per_channel_default_4" [id=87, type=quantize_per_channel]; -"88 dequantize_per_channel_default_4" [id=88, type=dequantize_per_channel]; -"89 _param_constant15_0_0" [id=89, type=get_attr]; -"90 linear_3" [id=90, type=linear]; -"91 dropout_3" [id=91, type=dropout]; -"92 add_2" [id=92, type=add]; -"93 _param_constant16" [id=93, type=get_attr]; -"94 _param_constant17" [id=94, type=get_attr]; -"95 layer_norm_2" [id=95, type=layer_norm]; -"96 quantize_per_tensor_default_7" [id=96, type=quantize_per_tensor]; -"97 dequantize_per_tensor_default_7" [id=97, type=dequantize_per_tensor]; -"98 transpose_6" [id=98, type=transpose]; -"99 _param_constant18" [id=99, type=get_attr]; -"100 linear_4_scale_0" [id=100, type=get_attr]; -"101 linear_4_zero_point_0" [id=101, type=get_attr]; -"102 quantize_per_channel_default_5" [id=102, type=quantize_per_channel]; -"103 dequantize_per_channel_default_5" [id=103, type=dequantize_per_channel]; -"104 _param_constant19_0_0" [id=104, type=get_attr]; -"105 linear_4" [id=105, type=linear]; -"106 unflatten_1" [id=106, type=unflatten]; -"107 unsqueeze_1" [id=107, type=unsqueeze]; -"108 transpose_7" [id=108, type=transpose]; -"109 squeeze_1" [id=109, type=squeeze]; -"110 contiguous_1" [id=110, type=contiguous]; -"111 quantize_per_tensor_default_8" [id=111, type=quantize_per_tensor]; -"112 dequantize_per_tensor_default_8" [id=112, type=dequantize_per_tensor]; -"113 select_3" [id=113, type=select]; -"114 quantize_per_tensor_default_9" [id=114, type=quantize_per_tensor]; -"115 dequantize_per_tensor_default_9" [id=115, type=dequantize_per_tensor]; -"116 select_4" [id=116, type=select]; -"117 select_5" [id=117, type=select]; -"118 view_8" [id=118, type=view]; -"119 transpose_8" [id=119, type=transpose]; -"120 view_9" [id=120, type=view]; -"121 transpose_9" [id=121, type=transpose]; -"122 view_10" [id=122, type=view]; -"123 transpose_10" [id=123, type=transpose]; -"124 view_11" [id=124, type=view]; -"125 view_12" [id=125, type=view]; -"126 view_13" [id=126, type=view]; -"127 scaled_dot_product_attention_1" [id=127, type=scaled_dot_product_attention]; -"128 quantize_per_tensor_default_10" [id=128, type=quantize_per_tensor]; -"129 dequantize_per_tensor_default_10" [id=129, type=dequantize_per_tensor]; -"130 permute_2" [id=130, type=permute]; -"131 view_14" [id=131, type=view]; -"132 _param_constant20" [id=132, type=get_attr]; -"133 linear_5_scale_0" [id=133, type=get_attr]; -"134 linear_5_zero_point_0" [id=134, type=get_attr]; -"135 quantize_per_channel_default_6" [id=135, type=quantize_per_channel]; -"136 dequantize_per_channel_default_6" [id=136, type=dequantize_per_channel]; -"137 _param_constant21_0_0" [id=137, type=get_attr]; -"138 linear_5" [id=138, type=linear]; -"139 view_15" [id=139, type=view]; -"140 transpose_11" [id=140, type=transpose]; -"141 dropout_4" [id=141, type=dropout]; -"142 add_3" [id=142, type=add]; -"143 _param_constant22" [id=143, type=get_attr]; -"144 _param_constant23" [id=144, type=get_attr]; -"145 layer_norm_3" [id=145, type=layer_norm]; -"146 quantize_per_tensor_default_11" [id=146, type=quantize_per_tensor]; -"147 dequantize_per_tensor_default_11" [id=147, type=dequantize_per_tensor]; -"148 _param_constant24" [id=148, type=get_attr]; -"149 linear_6_scale_0" [id=149, type=get_attr]; -"150 linear_6_zero_point_0" [id=150, type=get_attr]; -"151 quantize_per_channel_default_7" [id=151, type=quantize_per_channel]; -"152 dequantize_per_channel_default_7" [id=152, type=dequantize_per_channel]; -"153 _param_constant25_0_0" [id=153, type=get_attr]; -"154 linear_6" [id=154, type=linear]; -"155 gelu_1" [id=155, type=gelu]; -"156 quantize_per_tensor_default_12" [id=156, type=quantize_per_tensor]; -"157 dequantize_per_tensor_default_12" [id=157, type=dequantize_per_tensor]; -"158 dropout_5" [id=158, type=dropout]; -"159 _param_constant26" [id=159, type=get_attr]; -"160 linear_7_scale_0" [id=160, type=get_attr]; -"161 linear_7_zero_point_0" [id=161, type=get_attr]; -"162 quantize_per_channel_default_8" [id=162, type=quantize_per_channel]; -"163 dequantize_per_channel_default_8" [id=163, type=dequantize_per_channel]; -"164 _param_constant27_0_0" [id=164, type=get_attr]; -"165 linear_7" [id=165, type=linear]; -"166 dropout_6" [id=166, type=dropout]; -"167 add_4" [id=167, type=add]; -"168 _param_constant28" [id=168, type=get_attr]; -"169 _param_constant29" [id=169, type=get_attr]; -"170 layer_norm_4" [id=170, type=layer_norm]; -"171 quantize_per_tensor_default_13" [id=171, type=quantize_per_tensor]; -"172 dequantize_per_tensor_default_13" [id=172, type=dequantize_per_tensor]; -"173 transpose_12" [id=173, type=transpose]; -"174 _param_constant30" [id=174, type=get_attr]; -"175 linear_8_scale_0" [id=175, type=get_attr]; -"176 linear_8_zero_point_0" [id=176, type=get_attr]; -"177 quantize_per_channel_default_9" [id=177, type=quantize_per_channel]; -"178 dequantize_per_channel_default_9" [id=178, type=dequantize_per_channel]; -"179 _param_constant31_0_0" [id=179, type=get_attr]; -"180 linear_8" [id=180, type=linear]; -"181 unflatten_2" [id=181, type=unflatten]; -"182 unsqueeze_2" [id=182, type=unsqueeze]; -"183 transpose_13" [id=183, type=transpose]; -"184 squeeze_2" [id=184, type=squeeze]; -"185 contiguous_2" [id=185, type=contiguous]; -"186 quantize_per_tensor_default_14" [id=186, type=quantize_per_tensor]; -"187 dequantize_per_tensor_default_14" [id=187, type=dequantize_per_tensor]; -"188 select_6" [id=188, type=select]; -"189 quantize_per_tensor_default_15" [id=189, type=quantize_per_tensor]; -"190 dequantize_per_tensor_default_15" [id=190, type=dequantize_per_tensor]; -"191 select_7" [id=191, type=select]; -"192 select_8" [id=192, type=select]; -"193 view_16" [id=193, type=view]; -"194 transpose_14" [id=194, type=transpose]; -"195 view_17" [id=195, type=view]; -"196 transpose_15" [id=196, type=transpose]; -"197 view_18" [id=197, type=view]; -"198 transpose_16" [id=198, type=transpose]; -"199 view_19" [id=199, type=view]; -"200 view_20" [id=200, type=view]; -"201 view_21" [id=201, type=view]; -"202 scaled_dot_product_attention_2" [id=202, type=scaled_dot_product_attention]; -"203 quantize_per_tensor_default_16" [id=203, type=quantize_per_tensor]; -"204 dequantize_per_tensor_default_16" [id=204, type=dequantize_per_tensor]; -"205 permute_3" [id=205, type=permute]; -"206 view_22" [id=206, type=view]; -"207 _param_constant32" [id=207, type=get_attr]; -"208 linear_9_scale_0" [id=208, type=get_attr]; -"209 linear_9_zero_point_0" [id=209, type=get_attr]; -"210 quantize_per_channel_default_10" [id=210, type=quantize_per_channel]; -"211 dequantize_per_channel_default_10" [id=211, type=dequantize_per_channel]; -"212 _param_constant33_0_0" [id=212, type=get_attr]; -"213 linear_9" [id=213, type=linear]; -"214 view_23" [id=214, type=view]; -"215 transpose_17" [id=215, type=transpose]; -"216 dropout_7" [id=216, type=dropout]; -"217 add_5" [id=217, type=add]; -"218 _param_constant34" [id=218, type=get_attr]; -"219 _param_constant35" [id=219, type=get_attr]; -"220 layer_norm_5" [id=220, type=layer_norm]; -"221 quantize_per_tensor_default_17" [id=221, type=quantize_per_tensor]; -"222 dequantize_per_tensor_default_17" [id=222, type=dequantize_per_tensor]; -"223 _param_constant36" [id=223, type=get_attr]; -"224 linear_10_scale_0" [id=224, type=get_attr]; -"225 linear_10_zero_point_0" [id=225, type=get_attr]; -"226 quantize_per_channel_default_11" [id=226, type=quantize_per_channel]; -"227 dequantize_per_channel_default_11" [id=227, type=dequantize_per_channel]; -"228 _param_constant37_0_0" [id=228, type=get_attr]; -"229 linear_10" [id=229, type=linear]; -"230 gelu_2" [id=230, type=gelu]; -"231 quantize_per_tensor_default_18" [id=231, type=quantize_per_tensor]; -"232 dequantize_per_tensor_default_18" [id=232, type=dequantize_per_tensor]; -"233 dropout_8" [id=233, type=dropout]; -"234 _param_constant38" [id=234, type=get_attr]; -"235 linear_11_scale_0" [id=235, type=get_attr]; -"236 linear_11_zero_point_0" [id=236, type=get_attr]; -"237 quantize_per_channel_default_12" [id=237, type=quantize_per_channel]; -"238 dequantize_per_channel_default_12" [id=238, type=dequantize_per_channel]; -"239 _param_constant39_0_0" [id=239, type=get_attr]; -"240 linear_11" [id=240, type=linear]; -"241 dropout_9" [id=241, type=dropout]; -"242 add_6" [id=242, type=add]; -"243 _param_constant40" [id=243, type=get_attr]; -"244 _param_constant41" [id=244, type=get_attr]; -"245 layer_norm_6" [id=245, type=layer_norm]; -"246 quantize_per_tensor_default_19" [id=246, type=quantize_per_tensor]; -"247 dequantize_per_tensor_default_19" [id=247, type=dequantize_per_tensor]; -"248 transpose_18" [id=248, type=transpose]; -"249 _param_constant42" [id=249, type=get_attr]; -"250 linear_12_scale_0" [id=250, type=get_attr]; -"251 linear_12_zero_point_0" [id=251, type=get_attr]; -"252 quantize_per_channel_default_13" [id=252, type=quantize_per_channel]; -"253 dequantize_per_channel_default_13" [id=253, type=dequantize_per_channel]; -"254 _param_constant43_0_0" [id=254, type=get_attr]; -"255 linear_12" [id=255, type=linear]; -"256 unflatten_3" [id=256, type=unflatten]; -"257 unsqueeze_3" [id=257, type=unsqueeze]; -"258 transpose_19" [id=258, type=transpose]; -"259 squeeze_3" [id=259, type=squeeze]; -"260 contiguous_3" [id=260, type=contiguous]; -"261 quantize_per_tensor_default_20" [id=261, type=quantize_per_tensor]; -"262 dequantize_per_tensor_default_20" [id=262, type=dequantize_per_tensor]; -"263 select_9" [id=263, type=select]; -"264 quantize_per_tensor_default_21" [id=264, type=quantize_per_tensor]; -"265 dequantize_per_tensor_default_21" [id=265, type=dequantize_per_tensor]; -"266 select_10" [id=266, type=select]; -"267 select_11" [id=267, type=select]; -"268 view_24" [id=268, type=view]; -"269 transpose_20" [id=269, type=transpose]; -"270 view_25" [id=270, type=view]; -"271 transpose_21" [id=271, type=transpose]; -"272 view_26" [id=272, type=view]; -"273 transpose_22" [id=273, type=transpose]; -"274 view_27" [id=274, type=view]; -"275 view_28" [id=275, type=view]; -"276 view_29" [id=276, type=view]; -"277 scaled_dot_product_attention_3" [id=277, type=scaled_dot_product_attention]; -"278 quantize_per_tensor_default_22" [id=278, type=quantize_per_tensor]; -"279 dequantize_per_tensor_default_22" [id=279, type=dequantize_per_tensor]; -"280 permute_4" [id=280, type=permute]; -"281 view_30" [id=281, type=view]; -"282 _param_constant44" [id=282, type=get_attr]; -"283 linear_13_scale_0" [id=283, type=get_attr]; -"284 linear_13_zero_point_0" [id=284, type=get_attr]; -"285 quantize_per_channel_default_14" [id=285, type=quantize_per_channel]; -"286 dequantize_per_channel_default_14" [id=286, type=dequantize_per_channel]; -"287 _param_constant45_0_0" [id=287, type=get_attr]; -"288 linear_13" [id=288, type=linear]; -"289 view_31" [id=289, type=view]; -"290 transpose_23" [id=290, type=transpose]; -"291 dropout_10" [id=291, type=dropout]; -"292 add_7" [id=292, type=add]; -"293 _param_constant46" [id=293, type=get_attr]; -"294 _param_constant47" [id=294, type=get_attr]; -"295 layer_norm_7" [id=295, type=layer_norm]; -"296 quantize_per_tensor_default_23" [id=296, type=quantize_per_tensor]; -"297 dequantize_per_tensor_default_23" [id=297, type=dequantize_per_tensor]; -"298 _param_constant48" [id=298, type=get_attr]; -"299 linear_14_scale_0" [id=299, type=get_attr]; -"300 linear_14_zero_point_0" [id=300, type=get_attr]; -"301 quantize_per_channel_default_15" [id=301, type=quantize_per_channel]; -"302 dequantize_per_channel_default_15" [id=302, type=dequantize_per_channel]; -"303 _param_constant49_0_0" [id=303, type=get_attr]; -"304 linear_14" [id=304, type=linear]; -"305 gelu_3" [id=305, type=gelu]; -"306 quantize_per_tensor_default_24" [id=306, type=quantize_per_tensor]; -"307 dequantize_per_tensor_default_24" [id=307, type=dequantize_per_tensor]; -"308 dropout_11" [id=308, type=dropout]; -"309 _param_constant50" [id=309, type=get_attr]; -"310 linear_15_scale_0" [id=310, type=get_attr]; -"311 linear_15_zero_point_0" [id=311, type=get_attr]; -"312 quantize_per_channel_default_16" [id=312, type=quantize_per_channel]; -"313 dequantize_per_channel_default_16" [id=313, type=dequantize_per_channel]; -"314 _param_constant51_0_0" [id=314, type=get_attr]; -"315 linear_15" [id=315, type=linear]; -"316 dropout_12" [id=316, type=dropout]; -"317 add_8" [id=317, type=add]; -"318 _param_constant52" [id=318, type=get_attr]; -"319 _param_constant53" [id=319, type=get_attr]; -"320 layer_norm_8" [id=320, type=layer_norm]; -"321 quantize_per_tensor_default_25" [id=321, type=quantize_per_tensor]; -"322 dequantize_per_tensor_default_25" [id=322, type=dequantize_per_tensor]; -"323 transpose_24" [id=323, type=transpose]; -"324 _param_constant54" [id=324, type=get_attr]; -"325 linear_16_scale_0" [id=325, type=get_attr]; -"326 linear_16_zero_point_0" [id=326, type=get_attr]; -"327 quantize_per_channel_default_17" [id=327, type=quantize_per_channel]; -"328 dequantize_per_channel_default_17" [id=328, type=dequantize_per_channel]; -"329 _param_constant55_0_0" [id=329, type=get_attr]; -"330 linear_16" [id=330, type=linear]; -"331 unflatten_4" [id=331, type=unflatten]; -"332 unsqueeze_4" [id=332, type=unsqueeze]; -"333 transpose_25" [id=333, type=transpose]; -"334 squeeze_4" [id=334, type=squeeze]; -"335 contiguous_4" [id=335, type=contiguous]; -"336 quantize_per_tensor_default_26" [id=336, type=quantize_per_tensor]; -"337 dequantize_per_tensor_default_26" [id=337, type=dequantize_per_tensor]; -"338 select_12" [id=338, type=select]; -"339 quantize_per_tensor_default_27" [id=339, type=quantize_per_tensor]; -"340 dequantize_per_tensor_default_27" [id=340, type=dequantize_per_tensor]; -"341 select_13" [id=341, type=select]; -"342 select_14" [id=342, type=select]; -"343 view_32" [id=343, type=view]; -"344 transpose_26" [id=344, type=transpose]; -"345 view_33" [id=345, type=view]; -"346 transpose_27" [id=346, type=transpose]; -"347 view_34" [id=347, type=view]; -"348 transpose_28" [id=348, type=transpose]; -"349 view_35" [id=349, type=view]; -"350 view_36" [id=350, type=view]; -"351 view_37" [id=351, type=view]; -"352 scaled_dot_product_attention_4" [id=352, type=scaled_dot_product_attention]; -"353 quantize_per_tensor_default_28" [id=353, type=quantize_per_tensor]; -"354 dequantize_per_tensor_default_28" [id=354, type=dequantize_per_tensor]; -"355 permute_5" [id=355, type=permute]; -"356 view_38" [id=356, type=view]; -"357 _param_constant56" [id=357, type=get_attr]; -"358 linear_17_scale_0" [id=358, type=get_attr]; -"359 linear_17_zero_point_0" [id=359, type=get_attr]; -"360 quantize_per_channel_default_18" [id=360, type=quantize_per_channel]; -"361 dequantize_per_channel_default_18" [id=361, type=dequantize_per_channel]; -"362 _param_constant57_0_0" [id=362, type=get_attr]; -"363 linear_17" [id=363, type=linear]; -"364 view_39" [id=364, type=view]; -"365 transpose_29" [id=365, type=transpose]; -"366 dropout_13" [id=366, type=dropout]; -"367 add_9" [id=367, type=add]; -"368 _param_constant58" [id=368, type=get_attr]; -"369 _param_constant59" [id=369, type=get_attr]; -"370 layer_norm_9" [id=370, type=layer_norm]; -"371 quantize_per_tensor_default_29" [id=371, type=quantize_per_tensor]; -"372 dequantize_per_tensor_default_29" [id=372, type=dequantize_per_tensor]; -"373 _param_constant60" [id=373, type=get_attr]; -"374 linear_18_scale_0" [id=374, type=get_attr]; -"375 linear_18_zero_point_0" [id=375, type=get_attr]; -"376 quantize_per_channel_default_19" [id=376, type=quantize_per_channel]; -"377 dequantize_per_channel_default_19" [id=377, type=dequantize_per_channel]; -"378 _param_constant61_0_0" [id=378, type=get_attr]; -"379 linear_18" [id=379, type=linear]; -"380 gelu_4" [id=380, type=gelu]; -"381 quantize_per_tensor_default_30" [id=381, type=quantize_per_tensor]; -"382 dequantize_per_tensor_default_30" [id=382, type=dequantize_per_tensor]; -"383 dropout_14" [id=383, type=dropout]; -"384 _param_constant62" [id=384, type=get_attr]; -"385 linear_19_scale_0" [id=385, type=get_attr]; -"386 linear_19_zero_point_0" [id=386, type=get_attr]; -"387 quantize_per_channel_default_20" [id=387, type=quantize_per_channel]; -"388 dequantize_per_channel_default_20" [id=388, type=dequantize_per_channel]; -"389 _param_constant63_0_0" [id=389, type=get_attr]; -"390 linear_19" [id=390, type=linear]; -"391 dropout_15" [id=391, type=dropout]; -"392 add_10" [id=392, type=add]; -"393 _param_constant64" [id=393, type=get_attr]; -"394 _param_constant65" [id=394, type=get_attr]; -"395 layer_norm_10" [id=395, type=layer_norm]; -"396 quantize_per_tensor_default_31" [id=396, type=quantize_per_tensor]; -"397 dequantize_per_tensor_default_31" [id=397, type=dequantize_per_tensor]; -"398 transpose_30" [id=398, type=transpose]; -"399 _param_constant66" [id=399, type=get_attr]; -"400 linear_20_scale_0" [id=400, type=get_attr]; -"401 linear_20_zero_point_0" [id=401, type=get_attr]; -"402 quantize_per_channel_default_21" [id=402, type=quantize_per_channel]; -"403 dequantize_per_channel_default_21" [id=403, type=dequantize_per_channel]; -"404 _param_constant67_0_0" [id=404, type=get_attr]; -"405 linear_20" [id=405, type=linear]; -"406 unflatten_5" [id=406, type=unflatten]; -"407 unsqueeze_5" [id=407, type=unsqueeze]; -"408 transpose_31" [id=408, type=transpose]; -"409 squeeze_5" [id=409, type=squeeze]; -"410 contiguous_5" [id=410, type=contiguous]; -"411 quantize_per_tensor_default_32" [id=411, type=quantize_per_tensor]; -"412 dequantize_per_tensor_default_32" [id=412, type=dequantize_per_tensor]; -"413 select_15" [id=413, type=select]; -"414 quantize_per_tensor_default_33" [id=414, type=quantize_per_tensor]; -"415 dequantize_per_tensor_default_33" [id=415, type=dequantize_per_tensor]; -"416 select_16" [id=416, type=select]; -"417 select_17" [id=417, type=select]; -"418 view_40" [id=418, type=view]; -"419 transpose_32" [id=419, type=transpose]; -"420 view_41" [id=420, type=view]; -"421 transpose_33" [id=421, type=transpose]; -"422 view_42" [id=422, type=view]; -"423 transpose_34" [id=423, type=transpose]; -"424 view_43" [id=424, type=view]; -"425 view_44" [id=425, type=view]; -"426 view_45" [id=426, type=view]; -"427 scaled_dot_product_attention_5" [id=427, type=scaled_dot_product_attention]; -"428 quantize_per_tensor_default_34" [id=428, type=quantize_per_tensor]; -"429 dequantize_per_tensor_default_34" [id=429, type=dequantize_per_tensor]; -"430 permute_6" [id=430, type=permute]; -"431 view_46" [id=431, type=view]; -"432 _param_constant68" [id=432, type=get_attr]; -"433 linear_21_scale_0" [id=433, type=get_attr]; -"434 linear_21_zero_point_0" [id=434, type=get_attr]; -"435 quantize_per_channel_default_22" [id=435, type=quantize_per_channel]; -"436 dequantize_per_channel_default_22" [id=436, type=dequantize_per_channel]; -"437 _param_constant69_0_0" [id=437, type=get_attr]; -"438 linear_21" [id=438, type=linear]; -"439 view_47" [id=439, type=view]; -"440 transpose_35" [id=440, type=transpose]; -"441 dropout_16" [id=441, type=dropout]; -"442 add_11" [id=442, type=add]; -"443 _param_constant70" [id=443, type=get_attr]; -"444 _param_constant71" [id=444, type=get_attr]; -"445 layer_norm_11" [id=445, type=layer_norm]; -"446 quantize_per_tensor_default_35" [id=446, type=quantize_per_tensor]; -"447 dequantize_per_tensor_default_35" [id=447, type=dequantize_per_tensor]; -"448 _param_constant72" [id=448, type=get_attr]; -"449 linear_22_scale_0" [id=449, type=get_attr]; -"450 linear_22_zero_point_0" [id=450, type=get_attr]; -"451 quantize_per_channel_default_23" [id=451, type=quantize_per_channel]; -"452 dequantize_per_channel_default_23" [id=452, type=dequantize_per_channel]; -"453 _param_constant73_0_0" [id=453, type=get_attr]; -"454 linear_22" [id=454, type=linear]; -"455 gelu_5" [id=455, type=gelu]; -"456 quantize_per_tensor_default_36" [id=456, type=quantize_per_tensor]; -"457 dequantize_per_tensor_default_36" [id=457, type=dequantize_per_tensor]; -"458 dropout_17" [id=458, type=dropout]; -"459 _param_constant74" [id=459, type=get_attr]; -"460 linear_23_scale_0" [id=460, type=get_attr]; -"461 linear_23_zero_point_0" [id=461, type=get_attr]; -"462 quantize_per_channel_default_24" [id=462, type=quantize_per_channel]; -"463 dequantize_per_channel_default_24" [id=463, type=dequantize_per_channel]; -"464 _param_constant75_0_0" [id=464, type=get_attr]; -"465 linear_23" [id=465, type=linear]; -"466 dropout_18" [id=466, type=dropout]; -"467 add_12" [id=467, type=add]; -"468 _param_constant76" [id=468, type=get_attr]; -"469 _param_constant77" [id=469, type=get_attr]; -"470 layer_norm_12" [id=470, type=layer_norm]; -"471 quantize_per_tensor_default_37" [id=471, type=quantize_per_tensor]; -"472 dequantize_per_tensor_default_37" [id=472, type=dequantize_per_tensor]; -"473 transpose_36" [id=473, type=transpose]; -"474 _param_constant78" [id=474, type=get_attr]; -"475 linear_24_scale_0" [id=475, type=get_attr]; -"476 linear_24_zero_point_0" [id=476, type=get_attr]; -"477 quantize_per_channel_default_25" [id=477, type=quantize_per_channel]; -"478 dequantize_per_channel_default_25" [id=478, type=dequantize_per_channel]; -"479 _param_constant79_0_0" [id=479, type=get_attr]; -"480 linear_24" [id=480, type=linear]; -"481 unflatten_6" [id=481, type=unflatten]; -"482 unsqueeze_6" [id=482, type=unsqueeze]; -"483 transpose_37" [id=483, type=transpose]; -"484 squeeze_6" [id=484, type=squeeze]; -"485 contiguous_6" [id=485, type=contiguous]; -"486 quantize_per_tensor_default_38" [id=486, type=quantize_per_tensor]; -"487 dequantize_per_tensor_default_38" [id=487, type=dequantize_per_tensor]; -"488 select_18" [id=488, type=select]; -"489 quantize_per_tensor_default_39" [id=489, type=quantize_per_tensor]; -"490 dequantize_per_tensor_default_39" [id=490, type=dequantize_per_tensor]; -"491 select_19" [id=491, type=select]; -"492 select_20" [id=492, type=select]; -"493 view_48" [id=493, type=view]; -"494 transpose_38" [id=494, type=transpose]; -"495 view_49" [id=495, type=view]; -"496 transpose_39" [id=496, type=transpose]; -"497 view_50" [id=497, type=view]; -"498 transpose_40" [id=498, type=transpose]; -"499 view_51" [id=499, type=view]; -"500 view_52" [id=500, type=view]; -"501 view_53" [id=501, type=view]; -"502 scaled_dot_product_attention_6" [id=502, type=scaled_dot_product_attention]; -"503 quantize_per_tensor_default_40" [id=503, type=quantize_per_tensor]; -"504 dequantize_per_tensor_default_40" [id=504, type=dequantize_per_tensor]; -"505 permute_7" [id=505, type=permute]; -"506 view_54" [id=506, type=view]; -"507 _param_constant80" [id=507, type=get_attr]; -"508 linear_25_scale_0" [id=508, type=get_attr]; -"509 linear_25_zero_point_0" [id=509, type=get_attr]; -"510 quantize_per_channel_default_26" [id=510, type=quantize_per_channel]; -"511 dequantize_per_channel_default_26" [id=511, type=dequantize_per_channel]; -"512 _param_constant81_0_0" [id=512, type=get_attr]; -"513 linear_25" [id=513, type=linear]; -"514 view_55" [id=514, type=view]; -"515 transpose_41" [id=515, type=transpose]; -"516 dropout_19" [id=516, type=dropout]; -"517 add_13" [id=517, type=add]; -"518 _param_constant82" [id=518, type=get_attr]; -"519 _param_constant83" [id=519, type=get_attr]; -"520 layer_norm_13" [id=520, type=layer_norm]; -"521 quantize_per_tensor_default_41" [id=521, type=quantize_per_tensor]; -"522 dequantize_per_tensor_default_41" [id=522, type=dequantize_per_tensor]; -"523 _param_constant84" [id=523, type=get_attr]; -"524 linear_26_scale_0" [id=524, type=get_attr]; -"525 linear_26_zero_point_0" [id=525, type=get_attr]; -"526 quantize_per_channel_default_27" [id=526, type=quantize_per_channel]; -"527 dequantize_per_channel_default_27" [id=527, type=dequantize_per_channel]; -"528 _param_constant85_0_0" [id=528, type=get_attr]; -"529 linear_26" [id=529, type=linear]; -"530 gelu_6" [id=530, type=gelu]; -"531 quantize_per_tensor_default_42" [id=531, type=quantize_per_tensor]; -"532 dequantize_per_tensor_default_42" [id=532, type=dequantize_per_tensor]; -"533 dropout_20" [id=533, type=dropout]; -"534 _param_constant86" [id=534, type=get_attr]; -"535 linear_27_scale_0" [id=535, type=get_attr]; -"536 linear_27_zero_point_0" [id=536, type=get_attr]; -"537 quantize_per_channel_default_28" [id=537, type=quantize_per_channel]; -"538 dequantize_per_channel_default_28" [id=538, type=dequantize_per_channel]; -"539 _param_constant87_0_0" [id=539, type=get_attr]; -"540 linear_27" [id=540, type=linear]; -"541 dropout_21" [id=541, type=dropout]; -"542 add_14" [id=542, type=add]; -"543 _param_constant88" [id=543, type=get_attr]; -"544 _param_constant89" [id=544, type=get_attr]; -"545 layer_norm_14" [id=545, type=layer_norm]; -"546 quantize_per_tensor_default_43" [id=546, type=quantize_per_tensor]; -"547 dequantize_per_tensor_default_43" [id=547, type=dequantize_per_tensor]; -"548 transpose_42" [id=548, type=transpose]; -"549 _param_constant90" [id=549, type=get_attr]; -"550 linear_28_scale_0" [id=550, type=get_attr]; -"551 linear_28_zero_point_0" [id=551, type=get_attr]; -"552 quantize_per_channel_default_29" [id=552, type=quantize_per_channel]; -"553 dequantize_per_channel_default_29" [id=553, type=dequantize_per_channel]; -"554 _param_constant91_0_0" [id=554, type=get_attr]; -"555 linear_28" [id=555, type=linear]; -"556 unflatten_7" [id=556, type=unflatten]; -"557 unsqueeze_7" [id=557, type=unsqueeze]; -"558 transpose_43" [id=558, type=transpose]; -"559 squeeze_7" [id=559, type=squeeze]; -"560 contiguous_7" [id=560, type=contiguous]; -"561 quantize_per_tensor_default_44" [id=561, type=quantize_per_tensor]; -"562 dequantize_per_tensor_default_44" [id=562, type=dequantize_per_tensor]; -"563 select_21" [id=563, type=select]; -"564 quantize_per_tensor_default_45" [id=564, type=quantize_per_tensor]; -"565 dequantize_per_tensor_default_45" [id=565, type=dequantize_per_tensor]; -"566 select_22" [id=566, type=select]; -"567 select_23" [id=567, type=select]; -"568 view_56" [id=568, type=view]; -"569 transpose_44" [id=569, type=transpose]; -"570 view_57" [id=570, type=view]; -"571 transpose_45" [id=571, type=transpose]; -"572 view_58" [id=572, type=view]; -"573 transpose_46" [id=573, type=transpose]; -"574 view_59" [id=574, type=view]; -"575 view_60" [id=575, type=view]; -"576 view_61" [id=576, type=view]; -"577 scaled_dot_product_attention_7" [id=577, type=scaled_dot_product_attention]; -"578 quantize_per_tensor_default_46" [id=578, type=quantize_per_tensor]; -"579 dequantize_per_tensor_default_46" [id=579, type=dequantize_per_tensor]; -"580 permute_8" [id=580, type=permute]; -"581 view_62" [id=581, type=view]; -"582 _param_constant92" [id=582, type=get_attr]; -"583 linear_29_scale_0" [id=583, type=get_attr]; -"584 linear_29_zero_point_0" [id=584, type=get_attr]; -"585 quantize_per_channel_default_30" [id=585, type=quantize_per_channel]; -"586 dequantize_per_channel_default_30" [id=586, type=dequantize_per_channel]; -"587 _param_constant93_0_0" [id=587, type=get_attr]; -"588 linear_29" [id=588, type=linear]; -"589 view_63" [id=589, type=view]; -"590 transpose_47" [id=590, type=transpose]; -"591 dropout_22" [id=591, type=dropout]; -"592 add_15" [id=592, type=add]; -"593 _param_constant94" [id=593, type=get_attr]; -"594 _param_constant95" [id=594, type=get_attr]; -"595 layer_norm_15" [id=595, type=layer_norm]; -"596 quantize_per_tensor_default_47" [id=596, type=quantize_per_tensor]; -"597 dequantize_per_tensor_default_47" [id=597, type=dequantize_per_tensor]; -"598 _param_constant96" [id=598, type=get_attr]; -"599 linear_30_scale_0" [id=599, type=get_attr]; -"600 linear_30_zero_point_0" [id=600, type=get_attr]; -"601 quantize_per_channel_default_31" [id=601, type=quantize_per_channel]; -"602 dequantize_per_channel_default_31" [id=602, type=dequantize_per_channel]; -"603 _param_constant97_0_0" [id=603, type=get_attr]; -"604 linear_30" [id=604, type=linear]; -"605 gelu_7" [id=605, type=gelu]; -"606 quantize_per_tensor_default_48" [id=606, type=quantize_per_tensor]; -"607 dequantize_per_tensor_default_48" [id=607, type=dequantize_per_tensor]; -"608 dropout_23" [id=608, type=dropout]; -"609 _param_constant98" [id=609, type=get_attr]; -"610 linear_31_scale_0" [id=610, type=get_attr]; -"611 linear_31_zero_point_0" [id=611, type=get_attr]; -"612 quantize_per_channel_default_32" [id=612, type=quantize_per_channel]; -"613 dequantize_per_channel_default_32" [id=613, type=dequantize_per_channel]; -"614 _param_constant99_0_0" [id=614, type=get_attr]; -"615 linear_31" [id=615, type=linear]; -"616 dropout_24" [id=616, type=dropout]; -"617 add_16" [id=617, type=add]; -"618 _param_constant100" [id=618, type=get_attr]; -"619 _param_constant101" [id=619, type=get_attr]; -"620 layer_norm_16" [id=620, type=layer_norm]; -"621 quantize_per_tensor_default_49" [id=621, type=quantize_per_tensor]; -"622 dequantize_per_tensor_default_49" [id=622, type=dequantize_per_tensor]; -"623 transpose_48" [id=623, type=transpose]; -"624 _param_constant102" [id=624, type=get_attr]; -"625 linear_32_scale_0" [id=625, type=get_attr]; -"626 linear_32_zero_point_0" [id=626, type=get_attr]; -"627 quantize_per_channel_default_33" [id=627, type=quantize_per_channel]; -"628 dequantize_per_channel_default_33" [id=628, type=dequantize_per_channel]; -"629 _param_constant103_0_0" [id=629, type=get_attr]; -"630 linear_32" [id=630, type=linear]; -"631 unflatten_8" [id=631, type=unflatten]; -"632 unsqueeze_8" [id=632, type=unsqueeze]; -"633 transpose_49" [id=633, type=transpose]; -"634 squeeze_8" [id=634, type=squeeze]; -"635 contiguous_8" [id=635, type=contiguous]; -"636 quantize_per_tensor_default_50" [id=636, type=quantize_per_tensor]; -"637 dequantize_per_tensor_default_50" [id=637, type=dequantize_per_tensor]; -"638 select_24" [id=638, type=select]; -"639 quantize_per_tensor_default_51" [id=639, type=quantize_per_tensor]; -"640 dequantize_per_tensor_default_51" [id=640, type=dequantize_per_tensor]; -"641 select_25" [id=641, type=select]; -"642 select_26" [id=642, type=select]; -"643 view_64" [id=643, type=view]; -"644 transpose_50" [id=644, type=transpose]; -"645 view_65" [id=645, type=view]; -"646 transpose_51" [id=646, type=transpose]; -"647 view_66" [id=647, type=view]; -"648 transpose_52" [id=648, type=transpose]; -"649 view_67" [id=649, type=view]; -"650 view_68" [id=650, type=view]; -"651 view_69" [id=651, type=view]; -"652 scaled_dot_product_attention_8" [id=652, type=scaled_dot_product_attention]; -"653 quantize_per_tensor_default_52" [id=653, type=quantize_per_tensor]; -"654 dequantize_per_tensor_default_52" [id=654, type=dequantize_per_tensor]; -"655 permute_9" [id=655, type=permute]; -"656 view_70" [id=656, type=view]; -"657 _param_constant104" [id=657, type=get_attr]; -"658 linear_33_scale_0" [id=658, type=get_attr]; -"659 linear_33_zero_point_0" [id=659, type=get_attr]; -"660 quantize_per_channel_default_34" [id=660, type=quantize_per_channel]; -"661 dequantize_per_channel_default_34" [id=661, type=dequantize_per_channel]; -"662 _param_constant105_0_0" [id=662, type=get_attr]; -"663 linear_33" [id=663, type=linear]; -"664 view_71" [id=664, type=view]; -"665 transpose_53" [id=665, type=transpose]; -"666 dropout_25" [id=666, type=dropout]; -"667 add_17" [id=667, type=add]; -"668 _param_constant106" [id=668, type=get_attr]; -"669 _param_constant107" [id=669, type=get_attr]; -"670 layer_norm_17" [id=670, type=layer_norm]; -"671 quantize_per_tensor_default_53" [id=671, type=quantize_per_tensor]; -"672 dequantize_per_tensor_default_53" [id=672, type=dequantize_per_tensor]; -"673 _param_constant108" [id=673, type=get_attr]; -"674 linear_34_scale_0" [id=674, type=get_attr]; -"675 linear_34_zero_point_0" [id=675, type=get_attr]; -"676 quantize_per_channel_default_35" [id=676, type=quantize_per_channel]; -"677 dequantize_per_channel_default_35" [id=677, type=dequantize_per_channel]; -"678 _param_constant109_0_0" [id=678, type=get_attr]; -"679 linear_34" [id=679, type=linear]; -"680 gelu_8" [id=680, type=gelu]; -"681 quantize_per_tensor_default_54" [id=681, type=quantize_per_tensor]; -"682 dequantize_per_tensor_default_54" [id=682, type=dequantize_per_tensor]; -"683 dropout_26" [id=683, type=dropout]; -"684 _param_constant110" [id=684, type=get_attr]; -"685 linear_35_scale_0" [id=685, type=get_attr]; -"686 linear_35_zero_point_0" [id=686, type=get_attr]; -"687 quantize_per_channel_default_36" [id=687, type=quantize_per_channel]; -"688 dequantize_per_channel_default_36" [id=688, type=dequantize_per_channel]; -"689 _param_constant111_0_0" [id=689, type=get_attr]; -"690 linear_35" [id=690, type=linear]; -"691 dropout_27" [id=691, type=dropout]; -"692 add_18" [id=692, type=add]; -"693 _param_constant112" [id=693, type=get_attr]; -"694 _param_constant113" [id=694, type=get_attr]; -"695 layer_norm_18" [id=695, type=layer_norm]; -"696 quantize_per_tensor_default_55" [id=696, type=quantize_per_tensor]; -"697 dequantize_per_tensor_default_55" [id=697, type=dequantize_per_tensor]; -"698 transpose_54" [id=698, type=transpose]; -"699 _param_constant114" [id=699, type=get_attr]; -"700 linear_36_scale_0" [id=700, type=get_attr]; -"701 linear_36_zero_point_0" [id=701, type=get_attr]; -"702 quantize_per_channel_default_37" [id=702, type=quantize_per_channel]; -"703 dequantize_per_channel_default_37" [id=703, type=dequantize_per_channel]; -"704 _param_constant115_0_0" [id=704, type=get_attr]; -"705 linear_36" [id=705, type=linear]; -"706 unflatten_9" [id=706, type=unflatten]; -"707 unsqueeze_9" [id=707, type=unsqueeze]; -"708 transpose_55" [id=708, type=transpose]; -"709 squeeze_9" [id=709, type=squeeze]; -"710 contiguous_9" [id=710, type=contiguous]; -"711 quantize_per_tensor_default_56" [id=711, type=quantize_per_tensor]; -"712 dequantize_per_tensor_default_56" [id=712, type=dequantize_per_tensor]; -"713 select_27" [id=713, type=select]; -"714 quantize_per_tensor_default_57" [id=714, type=quantize_per_tensor]; -"715 dequantize_per_tensor_default_57" [id=715, type=dequantize_per_tensor]; -"716 select_28" [id=716, type=select]; -"717 select_29" [id=717, type=select]; -"718 view_72" [id=718, type=view]; -"719 transpose_56" [id=719, type=transpose]; -"720 view_73" [id=720, type=view]; -"721 transpose_57" [id=721, type=transpose]; -"722 view_74" [id=722, type=view]; -"723 transpose_58" [id=723, type=transpose]; -"724 view_75" [id=724, type=view]; -"725 view_76" [id=725, type=view]; -"726 view_77" [id=726, type=view]; -"727 scaled_dot_product_attention_9" [id=727, type=scaled_dot_product_attention]; -"728 quantize_per_tensor_default_58" [id=728, type=quantize_per_tensor]; -"729 dequantize_per_tensor_default_58" [id=729, type=dequantize_per_tensor]; -"730 permute_10" [id=730, type=permute]; -"731 view_78" [id=731, type=view]; -"732 _param_constant116" [id=732, type=get_attr]; -"733 linear_37_scale_0" [id=733, type=get_attr]; -"734 linear_37_zero_point_0" [id=734, type=get_attr]; -"735 quantize_per_channel_default_38" [id=735, type=quantize_per_channel]; -"736 dequantize_per_channel_default_38" [id=736, type=dequantize_per_channel]; -"737 _param_constant117_0_0" [id=737, type=get_attr]; -"738 linear_37" [id=738, type=linear]; -"739 view_79" [id=739, type=view]; -"740 transpose_59" [id=740, type=transpose]; -"741 dropout_28" [id=741, type=dropout]; -"742 add_19" [id=742, type=add]; -"743 _param_constant118" [id=743, type=get_attr]; -"744 _param_constant119" [id=744, type=get_attr]; -"745 layer_norm_19" [id=745, type=layer_norm]; -"746 quantize_per_tensor_default_59" [id=746, type=quantize_per_tensor]; -"747 dequantize_per_tensor_default_59" [id=747, type=dequantize_per_tensor]; -"748 _param_constant120" [id=748, type=get_attr]; -"749 linear_38_scale_0" [id=749, type=get_attr]; -"750 linear_38_zero_point_0" [id=750, type=get_attr]; -"751 quantize_per_channel_default_39" [id=751, type=quantize_per_channel]; -"752 dequantize_per_channel_default_39" [id=752, type=dequantize_per_channel]; -"753 _param_constant121_0_0" [id=753, type=get_attr]; -"754 linear_38" [id=754, type=linear]; -"755 gelu_9" [id=755, type=gelu]; -"756 quantize_per_tensor_default_60" [id=756, type=quantize_per_tensor]; -"757 dequantize_per_tensor_default_60" [id=757, type=dequantize_per_tensor]; -"758 dropout_29" [id=758, type=dropout]; -"759 _param_constant122" [id=759, type=get_attr]; -"760 linear_39_scale_0" [id=760, type=get_attr]; -"761 linear_39_zero_point_0" [id=761, type=get_attr]; -"762 quantize_per_channel_default_40" [id=762, type=quantize_per_channel]; -"763 dequantize_per_channel_default_40" [id=763, type=dequantize_per_channel]; -"764 _param_constant123_0_0" [id=764, type=get_attr]; -"765 linear_39" [id=765, type=linear]; -"766 dropout_30" [id=766, type=dropout]; -"767 add_20" [id=767, type=add]; -"768 _param_constant124" [id=768, type=get_attr]; -"769 _param_constant125" [id=769, type=get_attr]; -"770 layer_norm_20" [id=770, type=layer_norm]; -"771 quantize_per_tensor_default_61" [id=771, type=quantize_per_tensor]; -"772 dequantize_per_tensor_default_61" [id=772, type=dequantize_per_tensor]; -"773 transpose_60" [id=773, type=transpose]; -"774 _param_constant126" [id=774, type=get_attr]; -"775 linear_40_scale_0" [id=775, type=get_attr]; -"776 linear_40_zero_point_0" [id=776, type=get_attr]; -"777 quantize_per_channel_default_41" [id=777, type=quantize_per_channel]; -"778 dequantize_per_channel_default_41" [id=778, type=dequantize_per_channel]; -"779 _param_constant127_0_0" [id=779, type=get_attr]; -"780 linear_40" [id=780, type=linear]; -"781 unflatten_10" [id=781, type=unflatten]; -"782 unsqueeze_10" [id=782, type=unsqueeze]; -"783 transpose_61" [id=783, type=transpose]; -"784 squeeze_10" [id=784, type=squeeze]; -"785 contiguous_10" [id=785, type=contiguous]; -"786 quantize_per_tensor_default_62" [id=786, type=quantize_per_tensor]; -"787 dequantize_per_tensor_default_62" [id=787, type=dequantize_per_tensor]; -"788 select_30" [id=788, type=select]; -"789 quantize_per_tensor_default_63" [id=789, type=quantize_per_tensor]; -"790 dequantize_per_tensor_default_63" [id=790, type=dequantize_per_tensor]; -"791 select_31" [id=791, type=select]; -"792 select_32" [id=792, type=select]; -"793 view_80" [id=793, type=view]; -"794 transpose_62" [id=794, type=transpose]; -"795 view_81" [id=795, type=view]; -"796 transpose_63" [id=796, type=transpose]; -"797 view_82" [id=797, type=view]; -"798 transpose_64" [id=798, type=transpose]; -"799 view_83" [id=799, type=view]; -"800 view_84" [id=800, type=view]; -"801 view_85" [id=801, type=view]; -"802 scaled_dot_product_attention_10" [id=802, type=scaled_dot_product_attention]; -"803 quantize_per_tensor_default_64" [id=803, type=quantize_per_tensor]; -"804 dequantize_per_tensor_default_64" [id=804, type=dequantize_per_tensor]; -"805 permute_11" [id=805, type=permute]; -"806 view_86" [id=806, type=view]; -"807 _param_constant128" [id=807, type=get_attr]; -"808 linear_41_scale_0" [id=808, type=get_attr]; -"809 linear_41_zero_point_0" [id=809, type=get_attr]; -"810 quantize_per_channel_default_42" [id=810, type=quantize_per_channel]; -"811 dequantize_per_channel_default_42" [id=811, type=dequantize_per_channel]; -"812 _param_constant129_0_0" [id=812, type=get_attr]; -"813 linear_41" [id=813, type=linear]; -"814 view_87" [id=814, type=view]; -"815 transpose_65" [id=815, type=transpose]; -"816 dropout_31" [id=816, type=dropout]; -"817 add_21" [id=817, type=add]; -"818 _param_constant130" [id=818, type=get_attr]; -"819 _param_constant131" [id=819, type=get_attr]; -"820 layer_norm_21" [id=820, type=layer_norm]; -"821 quantize_per_tensor_default_65" [id=821, type=quantize_per_tensor]; -"822 dequantize_per_tensor_default_65" [id=822, type=dequantize_per_tensor]; -"823 _param_constant132" [id=823, type=get_attr]; -"824 linear_42_scale_0" [id=824, type=get_attr]; -"825 linear_42_zero_point_0" [id=825, type=get_attr]; -"826 quantize_per_channel_default_43" [id=826, type=quantize_per_channel]; -"827 dequantize_per_channel_default_43" [id=827, type=dequantize_per_channel]; -"828 _param_constant133_0_0" [id=828, type=get_attr]; -"829 linear_42" [id=829, type=linear]; -"830 gelu_10" [id=830, type=gelu]; -"831 quantize_per_tensor_default_66" [id=831, type=quantize_per_tensor]; -"832 dequantize_per_tensor_default_66" [id=832, type=dequantize_per_tensor]; -"833 dropout_32" [id=833, type=dropout]; -"834 _param_constant134" [id=834, type=get_attr]; -"835 linear_43_scale_0" [id=835, type=get_attr]; -"836 linear_43_zero_point_0" [id=836, type=get_attr]; -"837 quantize_per_channel_default_44" [id=837, type=quantize_per_channel]; -"838 dequantize_per_channel_default_44" [id=838, type=dequantize_per_channel]; -"839 _param_constant135_0_0" [id=839, type=get_attr]; -"840 linear_43" [id=840, type=linear]; -"841 dropout_33" [id=841, type=dropout]; -"842 add_22" [id=842, type=add]; -"843 _param_constant136" [id=843, type=get_attr]; -"844 _param_constant137" [id=844, type=get_attr]; -"845 layer_norm_22" [id=845, type=layer_norm]; -"846 quantize_per_tensor_default_67" [id=846, type=quantize_per_tensor]; -"847 dequantize_per_tensor_default_67" [id=847, type=dequantize_per_tensor]; -"848 transpose_66" [id=848, type=transpose]; -"849 _param_constant138" [id=849, type=get_attr]; -"850 linear_44_scale_0" [id=850, type=get_attr]; -"851 linear_44_zero_point_0" [id=851, type=get_attr]; -"852 quantize_per_channel_default_45" [id=852, type=quantize_per_channel]; -"853 dequantize_per_channel_default_45" [id=853, type=dequantize_per_channel]; -"854 _param_constant139_0_0" [id=854, type=get_attr]; -"855 linear_44" [id=855, type=linear]; -"856 unflatten_11" [id=856, type=unflatten]; -"857 unsqueeze_11" [id=857, type=unsqueeze]; -"858 transpose_67" [id=858, type=transpose]; -"859 squeeze_11" [id=859, type=squeeze]; -"860 contiguous_11" [id=860, type=contiguous]; -"861 quantize_per_tensor_default_68" [id=861, type=quantize_per_tensor]; -"862 dequantize_per_tensor_default_68" [id=862, type=dequantize_per_tensor]; -"863 select_33" [id=863, type=select]; -"864 quantize_per_tensor_default_69" [id=864, type=quantize_per_tensor]; -"865 dequantize_per_tensor_default_69" [id=865, type=dequantize_per_tensor]; -"866 select_34" [id=866, type=select]; -"867 select_35" [id=867, type=select]; -"868 view_88" [id=868, type=view]; -"869 transpose_68" [id=869, type=transpose]; -"870 view_89" [id=870, type=view]; -"871 transpose_69" [id=871, type=transpose]; -"872 view_90" [id=872, type=view]; -"873 transpose_70" [id=873, type=transpose]; -"874 view_91" [id=874, type=view]; -"875 view_92" [id=875, type=view]; -"876 view_93" [id=876, type=view]; -"877 scaled_dot_product_attention_11" [id=877, type=scaled_dot_product_attention]; -"878 quantize_per_tensor_default_70" [id=878, type=quantize_per_tensor]; -"879 dequantize_per_tensor_default_70" [id=879, type=dequantize_per_tensor]; -"880 permute_12" [id=880, type=permute]; -"881 view_94" [id=881, type=view]; -"882 _param_constant140" [id=882, type=get_attr]; -"883 linear_45_scale_0" [id=883, type=get_attr]; -"884 linear_45_zero_point_0" [id=884, type=get_attr]; -"885 quantize_per_channel_default_46" [id=885, type=quantize_per_channel]; -"886 dequantize_per_channel_default_46" [id=886, type=dequantize_per_channel]; -"887 _param_constant141_0_0" [id=887, type=get_attr]; -"888 linear_45" [id=888, type=linear]; -"889 view_95" [id=889, type=view]; -"890 transpose_71" [id=890, type=transpose]; -"891 dropout_34" [id=891, type=dropout]; -"892 add_23" [id=892, type=add]; -"893 _param_constant142" [id=893, type=get_attr]; -"894 _param_constant143" [id=894, type=get_attr]; -"895 layer_norm_23" [id=895, type=layer_norm]; -"896 quantize_per_tensor_default_71" [id=896, type=quantize_per_tensor]; -"897 dequantize_per_tensor_default_71" [id=897, type=dequantize_per_tensor]; -"898 _param_constant144" [id=898, type=get_attr]; -"899 linear_46_scale_0" [id=899, type=get_attr]; -"900 linear_46_zero_point_0" [id=900, type=get_attr]; -"901 quantize_per_channel_default_47" [id=901, type=quantize_per_channel]; -"902 dequantize_per_channel_default_47" [id=902, type=dequantize_per_channel]; -"903 _param_constant145_0_0" [id=903, type=get_attr]; -"904 linear_46" [id=904, type=linear]; -"905 gelu_11" [id=905, type=gelu]; -"906 quantize_per_tensor_default_72" [id=906, type=quantize_per_tensor]; -"907 dequantize_per_tensor_default_72" [id=907, type=dequantize_per_tensor]; -"908 dropout_35" [id=908, type=dropout]; -"909 _param_constant146" [id=909, type=get_attr]; -"910 linear_47_scale_0" [id=910, type=get_attr]; -"911 linear_47_zero_point_0" [id=911, type=get_attr]; -"912 quantize_per_channel_default_48" [id=912, type=quantize_per_channel]; -"913 dequantize_per_channel_default_48" [id=913, type=dequantize_per_channel]; -"914 _param_constant147_0_0" [id=914, type=get_attr]; -"915 linear_47" [id=915, type=linear]; -"916 dropout_36" [id=916, type=dropout]; -"917 add_24" [id=917, type=add]; -"918 _param_constant148" [id=918, type=get_attr]; -"919 _param_constant149" [id=919, type=get_attr]; -"920 layer_norm_24" [id=920, type=layer_norm]; -"921 quantize_per_tensor_default_73" [id=921, type=quantize_per_tensor]; -"922 dequantize_per_tensor_default_73" [id=922, type=dequantize_per_tensor]; -"923 slice_1" [id=923, type=slice]; -"924 select_36" [id=924, type=select]; -"925 _param_constant150" [id=925, type=get_attr]; -"926 linear_48_scale_0" [id=926, type=get_attr]; -"927 linear_48_zero_point_0" [id=927, type=get_attr]; -"928 quantize_per_channel_default_49" [id=928, type=quantize_per_channel]; -"929 dequantize_per_channel_default_49" [id=929, type=dequantize_per_channel]; -"930 _param_constant151_0_0" [id=930, type=get_attr]; -"931 linear_48" [id=931, type=linear]; -"932 output" [id=932, type=output]; +"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"; "1 quantize_per_tensor_default" -> "2 dequantize_per_tensor_default"; "2 dequantize_per_tensor_default" -> "9 conv2d"; @@ -952,1064 +1001,1113 @@ strict digraph { "15 _param_constant3" -> "16 add"; "16 add" -> "17 dropout"; "17 dropout" -> "20 layer_norm"; -"17 dropout" -> "67 add_1"; +"17 dropout" -> "69 add_1"; "18 _param_constant4" -> "20 layer_norm"; "19 _param_constant5" -> "20 layer_norm"; -"20 layer_norm" -> "21 quantize_per_tensor_default_1"; -"21 quantize_per_tensor_default_1" -> "22 dequantize_per_tensor_default_1"; -"22 dequantize_per_tensor_default_1" -> "23 transpose"; -"23 transpose" -> "30 linear"; -"24 _param_constant6" -> "27 quantize_per_channel_default_1"; -"25 linear_scale_0" -> "27 quantize_per_channel_default_1"; -"25 linear_scale_0" -> "28 dequantize_per_channel_default_1"; -"26 linear_zero_point_0" -> "27 quantize_per_channel_default_1"; -"26 linear_zero_point_0" -> "28 dequantize_per_channel_default_1"; -"27 quantize_per_channel_default_1" -> "28 dequantize_per_channel_default_1"; -"28 dequantize_per_channel_default_1" -> "30 linear"; -"29 _param_constant7_0_0" -> "30 linear"; -"30 linear" -> "31 unflatten"; -"31 unflatten" -> "32 unsqueeze"; -"32 unsqueeze" -> "33 transpose_1"; -"33 transpose_1" -> "34 squeeze"; -"34 squeeze" -> "35 contiguous"; -"35 contiguous" -> "36 quantize_per_tensor_default_2"; -"35 contiguous" -> "39 quantize_per_tensor_default_3"; -"35 contiguous" -> "42 select_2"; -"36 quantize_per_tensor_default_2" -> "37 dequantize_per_tensor_default_2"; -"37 dequantize_per_tensor_default_2" -> "38 select"; -"38 select" -> "43 view"; -"39 quantize_per_tensor_default_3" -> "40 dequantize_per_tensor_default_3"; -"40 dequantize_per_tensor_default_3" -> "41 select_1"; -"41 select_1" -> "45 view_1"; -"42 select_2" -> "47 view_2"; -"43 view" -> "44 transpose_2"; -"44 transpose_2" -> "49 view_3"; -"45 view_1" -> "46 transpose_3"; -"46 transpose_3" -> "50 view_4"; -"47 view_2" -> "48 transpose_4"; -"48 transpose_4" -> "51 view_5"; -"49 view_3" -> "52 scaled_dot_product_attention"; -"50 view_4" -> "52 scaled_dot_product_attention"; -"51 view_5" -> "52 scaled_dot_product_attention"; -"52 scaled_dot_product_attention" -> "53 quantize_per_tensor_default_4"; -"53 quantize_per_tensor_default_4" -> "54 dequantize_per_tensor_default_4"; -"54 dequantize_per_tensor_default_4" -> "55 permute_1"; -"55 permute_1" -> "56 view_6"; -"56 view_6" -> "63 linear_1"; -"57 _param_constant8" -> "60 quantize_per_channel_default_2"; -"58 linear_1_scale_0" -> "60 quantize_per_channel_default_2"; -"58 linear_1_scale_0" -> "61 dequantize_per_channel_default_2"; -"59 linear_1_zero_point_0" -> "60 quantize_per_channel_default_2"; -"59 linear_1_zero_point_0" -> "61 dequantize_per_channel_default_2"; -"60 quantize_per_channel_default_2" -> "61 dequantize_per_channel_default_2"; -"61 dequantize_per_channel_default_2" -> "63 linear_1"; -"62 _param_constant9_0_0" -> "63 linear_1"; -"63 linear_1" -> "64 view_7"; -"64 view_7" -> "65 transpose_5"; -"65 transpose_5" -> "66 dropout_1"; -"66 dropout_1" -> "67 add_1"; -"67 add_1" -> "70 layer_norm_1"; -"67 add_1" -> "92 add_2"; -"68 _param_constant10" -> "70 layer_norm_1"; -"69 _param_constant11" -> "70 layer_norm_1"; -"70 layer_norm_1" -> "71 quantize_per_tensor_default_5"; -"71 quantize_per_tensor_default_5" -> "72 dequantize_per_tensor_default_5"; -"72 dequantize_per_tensor_default_5" -> "79 linear_2"; -"73 _param_constant12" -> "76 quantize_per_channel_default_3"; -"74 linear_2_scale_0" -> "76 quantize_per_channel_default_3"; -"74 linear_2_scale_0" -> "77 dequantize_per_channel_default_3"; -"75 linear_2_zero_point_0" -> "76 quantize_per_channel_default_3"; -"75 linear_2_zero_point_0" -> "77 dequantize_per_channel_default_3"; -"76 quantize_per_channel_default_3" -> "77 dequantize_per_channel_default_3"; -"77 dequantize_per_channel_default_3" -> "79 linear_2"; -"78 _param_constant13_0_0" -> "79 linear_2"; -"79 linear_2" -> "80 gelu"; -"80 gelu" -> "81 quantize_per_tensor_default_6"; -"81 quantize_per_tensor_default_6" -> "82 dequantize_per_tensor_default_6"; -"82 dequantize_per_tensor_default_6" -> "83 dropout_2"; -"83 dropout_2" -> "90 linear_3"; -"84 _param_constant14" -> "87 quantize_per_channel_default_4"; -"85 linear_3_scale_0" -> "87 quantize_per_channel_default_4"; -"85 linear_3_scale_0" -> "88 dequantize_per_channel_default_4"; -"86 linear_3_zero_point_0" -> "87 quantize_per_channel_default_4"; -"86 linear_3_zero_point_0" -> "88 dequantize_per_channel_default_4"; -"87 quantize_per_channel_default_4" -> "88 dequantize_per_channel_default_4"; -"88 dequantize_per_channel_default_4" -> "90 linear_3"; -"89 _param_constant15_0_0" -> "90 linear_3"; -"90 linear_3" -> "91 dropout_3"; -"91 dropout_3" -> "92 add_2"; -"92 add_2" -> "95 layer_norm_2"; -"92 add_2" -> "142 add_3"; -"93 _param_constant16" -> "95 layer_norm_2"; -"94 _param_constant17" -> "95 layer_norm_2"; -"95 layer_norm_2" -> "96 quantize_per_tensor_default_7"; -"96 quantize_per_tensor_default_7" -> "97 dequantize_per_tensor_default_7"; -"97 dequantize_per_tensor_default_7" -> "98 transpose_6"; -"98 transpose_6" -> "105 linear_4"; -"99 _param_constant18" -> "102 quantize_per_channel_default_5"; -"100 linear_4_scale_0" -> "102 quantize_per_channel_default_5"; -"100 linear_4_scale_0" -> "103 dequantize_per_channel_default_5"; -"101 linear_4_zero_point_0" -> "102 quantize_per_channel_default_5"; -"101 linear_4_zero_point_0" -> "103 dequantize_per_channel_default_5"; -"102 quantize_per_channel_default_5" -> "103 dequantize_per_channel_default_5"; -"103 dequantize_per_channel_default_5" -> "105 linear_4"; -"104 _param_constant19_0_0" -> "105 linear_4"; -"105 linear_4" -> "106 unflatten_1"; -"106 unflatten_1" -> "107 unsqueeze_1"; -"107 unsqueeze_1" -> "108 transpose_7"; -"108 transpose_7" -> "109 squeeze_1"; -"109 squeeze_1" -> "110 contiguous_1"; -"110 contiguous_1" -> "111 quantize_per_tensor_default_8"; -"110 contiguous_1" -> "114 quantize_per_tensor_default_9"; -"110 contiguous_1" -> "117 select_5"; -"111 quantize_per_tensor_default_8" -> "112 dequantize_per_tensor_default_8"; -"112 dequantize_per_tensor_default_8" -> "113 select_3"; -"113 select_3" -> "118 view_8"; -"114 quantize_per_tensor_default_9" -> "115 dequantize_per_tensor_default_9"; -"115 dequantize_per_tensor_default_9" -> "116 select_4"; -"116 select_4" -> "120 view_9"; -"117 select_5" -> "122 view_10"; -"118 view_8" -> "119 transpose_8"; -"119 transpose_8" -> "124 view_11"; -"120 view_9" -> "121 transpose_9"; -"121 transpose_9" -> "125 view_12"; -"122 view_10" -> "123 transpose_10"; -"123 transpose_10" -> "126 view_13"; -"124 view_11" -> "127 scaled_dot_product_attention_1"; -"125 view_12" -> "127 scaled_dot_product_attention_1"; -"126 view_13" -> "127 scaled_dot_product_attention_1"; -"127 scaled_dot_product_attention_1" -> "128 quantize_per_tensor_default_10"; -"128 quantize_per_tensor_default_10" -> "129 dequantize_per_tensor_default_10"; -"129 dequantize_per_tensor_default_10" -> "130 permute_2"; -"130 permute_2" -> "131 view_14"; -"131 view_14" -> "138 linear_5"; -"132 _param_constant20" -> "135 quantize_per_channel_default_6"; -"133 linear_5_scale_0" -> "135 quantize_per_channel_default_6"; -"133 linear_5_scale_0" -> "136 dequantize_per_channel_default_6"; -"134 linear_5_zero_point_0" -> "135 quantize_per_channel_default_6"; -"134 linear_5_zero_point_0" -> "136 dequantize_per_channel_default_6"; -"135 quantize_per_channel_default_6" -> "136 dequantize_per_channel_default_6"; -"136 dequantize_per_channel_default_6" -> "138 linear_5"; -"137 _param_constant21_0_0" -> "138 linear_5"; -"138 linear_5" -> "139 view_15"; -"139 view_15" -> "140 transpose_11"; -"140 transpose_11" -> "141 dropout_4"; -"141 dropout_4" -> "142 add_3"; -"142 add_3" -> "145 layer_norm_3"; -"142 add_3" -> "167 add_4"; -"143 _param_constant22" -> "145 layer_norm_3"; -"144 _param_constant23" -> "145 layer_norm_3"; -"145 layer_norm_3" -> "146 quantize_per_tensor_default_11"; -"146 quantize_per_tensor_default_11" -> "147 dequantize_per_tensor_default_11"; -"147 dequantize_per_tensor_default_11" -> "154 linear_6"; -"148 _param_constant24" -> "151 quantize_per_channel_default_7"; -"149 linear_6_scale_0" -> "151 quantize_per_channel_default_7"; -"149 linear_6_scale_0" -> "152 dequantize_per_channel_default_7"; -"150 linear_6_zero_point_0" -> "151 quantize_per_channel_default_7"; -"150 linear_6_zero_point_0" -> "152 dequantize_per_channel_default_7"; -"151 quantize_per_channel_default_7" -> "152 dequantize_per_channel_default_7"; -"152 dequantize_per_channel_default_7" -> "154 linear_6"; -"153 _param_constant25_0_0" -> "154 linear_6"; -"154 linear_6" -> "155 gelu_1"; -"155 gelu_1" -> "156 quantize_per_tensor_default_12"; -"156 quantize_per_tensor_default_12" -> "157 dequantize_per_tensor_default_12"; -"157 dequantize_per_tensor_default_12" -> "158 dropout_5"; -"158 dropout_5" -> "165 linear_7"; -"159 _param_constant26" -> "162 quantize_per_channel_default_8"; -"160 linear_7_scale_0" -> "162 quantize_per_channel_default_8"; -"160 linear_7_scale_0" -> "163 dequantize_per_channel_default_8"; -"161 linear_7_zero_point_0" -> "162 quantize_per_channel_default_8"; -"161 linear_7_zero_point_0" -> "163 dequantize_per_channel_default_8"; -"162 quantize_per_channel_default_8" -> "163 dequantize_per_channel_default_8"; -"163 dequantize_per_channel_default_8" -> "165 linear_7"; -"164 _param_constant27_0_0" -> "165 linear_7"; -"165 linear_7" -> "166 dropout_6"; -"166 dropout_6" -> "167 add_4"; -"167 add_4" -> "170 layer_norm_4"; -"167 add_4" -> "217 add_5"; -"168 _param_constant28" -> "170 layer_norm_4"; -"169 _param_constant29" -> "170 layer_norm_4"; -"170 layer_norm_4" -> "171 quantize_per_tensor_default_13"; -"171 quantize_per_tensor_default_13" -> "172 dequantize_per_tensor_default_13"; -"172 dequantize_per_tensor_default_13" -> "173 transpose_12"; -"173 transpose_12" -> "180 linear_8"; -"174 _param_constant30" -> "177 quantize_per_channel_default_9"; -"175 linear_8_scale_0" -> "177 quantize_per_channel_default_9"; -"175 linear_8_scale_0" -> "178 dequantize_per_channel_default_9"; -"176 linear_8_zero_point_0" -> "177 quantize_per_channel_default_9"; -"176 linear_8_zero_point_0" -> "178 dequantize_per_channel_default_9"; -"177 quantize_per_channel_default_9" -> "178 dequantize_per_channel_default_9"; -"178 dequantize_per_channel_default_9" -> "180 linear_8"; -"179 _param_constant31_0_0" -> "180 linear_8"; -"180 linear_8" -> "181 unflatten_2"; -"181 unflatten_2" -> "182 unsqueeze_2"; -"182 unsqueeze_2" -> "183 transpose_13"; -"183 transpose_13" -> "184 squeeze_2"; -"184 squeeze_2" -> "185 contiguous_2"; -"185 contiguous_2" -> "186 quantize_per_tensor_default_14"; -"185 contiguous_2" -> "189 quantize_per_tensor_default_15"; -"185 contiguous_2" -> "192 select_8"; -"186 quantize_per_tensor_default_14" -> "187 dequantize_per_tensor_default_14"; -"187 dequantize_per_tensor_default_14" -> "188 select_6"; -"188 select_6" -> "193 view_16"; -"189 quantize_per_tensor_default_15" -> "190 dequantize_per_tensor_default_15"; -"190 dequantize_per_tensor_default_15" -> "191 select_7"; -"191 select_7" -> "195 view_17"; -"192 select_8" -> "197 view_18"; -"193 view_16" -> "194 transpose_14"; -"194 transpose_14" -> "199 view_19"; -"195 view_17" -> "196 transpose_15"; -"196 transpose_15" -> "200 view_20"; -"197 view_18" -> "198 transpose_16"; -"198 transpose_16" -> "201 view_21"; -"199 view_19" -> "202 scaled_dot_product_attention_2"; -"200 view_20" -> "202 scaled_dot_product_attention_2"; -"201 view_21" -> "202 scaled_dot_product_attention_2"; -"202 scaled_dot_product_attention_2" -> "203 quantize_per_tensor_default_16"; -"203 quantize_per_tensor_default_16" -> "204 dequantize_per_tensor_default_16"; -"204 dequantize_per_tensor_default_16" -> "205 permute_3"; -"205 permute_3" -> "206 view_22"; -"206 view_22" -> "213 linear_9"; -"207 _param_constant32" -> "210 quantize_per_channel_default_10"; -"208 linear_9_scale_0" -> "210 quantize_per_channel_default_10"; -"208 linear_9_scale_0" -> "211 dequantize_per_channel_default_10"; -"209 linear_9_zero_point_0" -> "210 quantize_per_channel_default_10"; -"209 linear_9_zero_point_0" -> "211 dequantize_per_channel_default_10"; -"210 quantize_per_channel_default_10" -> "211 dequantize_per_channel_default_10"; -"211 dequantize_per_channel_default_10" -> "213 linear_9"; -"212 _param_constant33_0_0" -> "213 linear_9"; -"213 linear_9" -> "214 view_23"; -"214 view_23" -> "215 transpose_17"; -"215 transpose_17" -> "216 dropout_7"; -"216 dropout_7" -> "217 add_5"; -"217 add_5" -> "220 layer_norm_5"; -"217 add_5" -> "242 add_6"; -"218 _param_constant34" -> "220 layer_norm_5"; -"219 _param_constant35" -> "220 layer_norm_5"; -"220 layer_norm_5" -> "221 quantize_per_tensor_default_17"; -"221 quantize_per_tensor_default_17" -> "222 dequantize_per_tensor_default_17"; -"222 dequantize_per_tensor_default_17" -> "229 linear_10"; -"223 _param_constant36" -> "226 quantize_per_channel_default_11"; -"224 linear_10_scale_0" -> "226 quantize_per_channel_default_11"; -"224 linear_10_scale_0" -> "227 dequantize_per_channel_default_11"; -"225 linear_10_zero_point_0" -> "226 quantize_per_channel_default_11"; -"225 linear_10_zero_point_0" -> "227 dequantize_per_channel_default_11"; -"226 quantize_per_channel_default_11" -> "227 dequantize_per_channel_default_11"; -"227 dequantize_per_channel_default_11" -> "229 linear_10"; -"228 _param_constant37_0_0" -> "229 linear_10"; -"229 linear_10" -> "230 gelu_2"; -"230 gelu_2" -> "231 quantize_per_tensor_default_18"; -"231 quantize_per_tensor_default_18" -> "232 dequantize_per_tensor_default_18"; -"232 dequantize_per_tensor_default_18" -> "233 dropout_8"; -"233 dropout_8" -> "240 linear_11"; -"234 _param_constant38" -> "237 quantize_per_channel_default_12"; -"235 linear_11_scale_0" -> "237 quantize_per_channel_default_12"; -"235 linear_11_scale_0" -> "238 dequantize_per_channel_default_12"; -"236 linear_11_zero_point_0" -> "237 quantize_per_channel_default_12"; -"236 linear_11_zero_point_0" -> "238 dequantize_per_channel_default_12"; -"237 quantize_per_channel_default_12" -> "238 dequantize_per_channel_default_12"; -"238 dequantize_per_channel_default_12" -> "240 linear_11"; -"239 _param_constant39_0_0" -> "240 linear_11"; -"240 linear_11" -> "241 dropout_9"; -"241 dropout_9" -> "242 add_6"; -"242 add_6" -> "245 layer_norm_6"; -"242 add_6" -> "292 add_7"; -"243 _param_constant40" -> "245 layer_norm_6"; -"244 _param_constant41" -> "245 layer_norm_6"; -"245 layer_norm_6" -> "246 quantize_per_tensor_default_19"; -"246 quantize_per_tensor_default_19" -> "247 dequantize_per_tensor_default_19"; -"247 dequantize_per_tensor_default_19" -> "248 transpose_18"; -"248 transpose_18" -> "255 linear_12"; -"249 _param_constant42" -> "252 quantize_per_channel_default_13"; -"250 linear_12_scale_0" -> "252 quantize_per_channel_default_13"; -"250 linear_12_scale_0" -> "253 dequantize_per_channel_default_13"; -"251 linear_12_zero_point_0" -> "252 quantize_per_channel_default_13"; -"251 linear_12_zero_point_0" -> "253 dequantize_per_channel_default_13"; -"252 quantize_per_channel_default_13" -> "253 dequantize_per_channel_default_13"; -"253 dequantize_per_channel_default_13" -> "255 linear_12"; -"254 _param_constant43_0_0" -> "255 linear_12"; -"255 linear_12" -> "256 unflatten_3"; -"256 unflatten_3" -> "257 unsqueeze_3"; -"257 unsqueeze_3" -> "258 transpose_19"; -"258 transpose_19" -> "259 squeeze_3"; -"259 squeeze_3" -> "260 contiguous_3"; -"260 contiguous_3" -> "261 quantize_per_tensor_default_20"; -"260 contiguous_3" -> "264 quantize_per_tensor_default_21"; -"260 contiguous_3" -> "267 select_11"; -"261 quantize_per_tensor_default_20" -> "262 dequantize_per_tensor_default_20"; -"262 dequantize_per_tensor_default_20" -> "263 select_9"; -"263 select_9" -> "268 view_24"; -"264 quantize_per_tensor_default_21" -> "265 dequantize_per_tensor_default_21"; -"265 dequantize_per_tensor_default_21" -> "266 select_10"; -"266 select_10" -> "270 view_25"; -"267 select_11" -> "272 view_26"; -"268 view_24" -> "269 transpose_20"; -"269 transpose_20" -> "274 view_27"; -"270 view_25" -> "271 transpose_21"; -"271 transpose_21" -> "275 view_28"; -"272 view_26" -> "273 transpose_22"; -"273 transpose_22" -> "276 view_29"; -"274 view_27" -> "277 scaled_dot_product_attention_3"; -"275 view_28" -> "277 scaled_dot_product_attention_3"; -"276 view_29" -> "277 scaled_dot_product_attention_3"; -"277 scaled_dot_product_attention_3" -> "278 quantize_per_tensor_default_22"; -"278 quantize_per_tensor_default_22" -> "279 dequantize_per_tensor_default_22"; -"279 dequantize_per_tensor_default_22" -> "280 permute_4"; -"280 permute_4" -> "281 view_30"; -"281 view_30" -> "288 linear_13"; -"282 _param_constant44" -> "285 quantize_per_channel_default_14"; -"283 linear_13_scale_0" -> "285 quantize_per_channel_default_14"; -"283 linear_13_scale_0" -> "286 dequantize_per_channel_default_14"; -"284 linear_13_zero_point_0" -> "285 quantize_per_channel_default_14"; -"284 linear_13_zero_point_0" -> "286 dequantize_per_channel_default_14"; -"285 quantize_per_channel_default_14" -> "286 dequantize_per_channel_default_14"; -"286 dequantize_per_channel_default_14" -> "288 linear_13"; -"287 _param_constant45_0_0" -> "288 linear_13"; -"288 linear_13" -> "289 view_31"; -"289 view_31" -> "290 transpose_23"; -"290 transpose_23" -> "291 dropout_10"; -"291 dropout_10" -> "292 add_7"; -"292 add_7" -> "295 layer_norm_7"; -"292 add_7" -> "317 add_8"; -"293 _param_constant46" -> "295 layer_norm_7"; -"294 _param_constant47" -> "295 layer_norm_7"; -"295 layer_norm_7" -> "296 quantize_per_tensor_default_23"; -"296 quantize_per_tensor_default_23" -> "297 dequantize_per_tensor_default_23"; -"297 dequantize_per_tensor_default_23" -> "304 linear_14"; -"298 _param_constant48" -> "301 quantize_per_channel_default_15"; -"299 linear_14_scale_0" -> "301 quantize_per_channel_default_15"; -"299 linear_14_scale_0" -> "302 dequantize_per_channel_default_15"; -"300 linear_14_zero_point_0" -> "301 quantize_per_channel_default_15"; -"300 linear_14_zero_point_0" -> "302 dequantize_per_channel_default_15"; -"301 quantize_per_channel_default_15" -> "302 dequantize_per_channel_default_15"; -"302 dequantize_per_channel_default_15" -> "304 linear_14"; -"303 _param_constant49_0_0" -> "304 linear_14"; -"304 linear_14" -> "305 gelu_3"; -"305 gelu_3" -> "306 quantize_per_tensor_default_24"; -"306 quantize_per_tensor_default_24" -> "307 dequantize_per_tensor_default_24"; -"307 dequantize_per_tensor_default_24" -> "308 dropout_11"; -"308 dropout_11" -> "315 linear_15"; -"309 _param_constant50" -> "312 quantize_per_channel_default_16"; -"310 linear_15_scale_0" -> "312 quantize_per_channel_default_16"; -"310 linear_15_scale_0" -> "313 dequantize_per_channel_default_16"; -"311 linear_15_zero_point_0" -> "312 quantize_per_channel_default_16"; -"311 linear_15_zero_point_0" -> "313 dequantize_per_channel_default_16"; -"312 quantize_per_channel_default_16" -> "313 dequantize_per_channel_default_16"; -"313 dequantize_per_channel_default_16" -> "315 linear_15"; -"314 _param_constant51_0_0" -> "315 linear_15"; -"315 linear_15" -> "316 dropout_12"; -"316 dropout_12" -> "317 add_8"; -"317 add_8" -> "320 layer_norm_8"; -"317 add_8" -> "367 add_9"; -"318 _param_constant52" -> "320 layer_norm_8"; -"319 _param_constant53" -> "320 layer_norm_8"; -"320 layer_norm_8" -> "321 quantize_per_tensor_default_25"; -"321 quantize_per_tensor_default_25" -> "322 dequantize_per_tensor_default_25"; -"322 dequantize_per_tensor_default_25" -> "323 transpose_24"; -"323 transpose_24" -> "330 linear_16"; -"324 _param_constant54" -> "327 quantize_per_channel_default_17"; -"325 linear_16_scale_0" -> "327 quantize_per_channel_default_17"; -"325 linear_16_scale_0" -> "328 dequantize_per_channel_default_17"; -"326 linear_16_zero_point_0" -> "327 quantize_per_channel_default_17"; -"326 linear_16_zero_point_0" -> "328 dequantize_per_channel_default_17"; -"327 quantize_per_channel_default_17" -> "328 dequantize_per_channel_default_17"; -"328 dequantize_per_channel_default_17" -> "330 linear_16"; -"329 _param_constant55_0_0" -> "330 linear_16"; -"330 linear_16" -> "331 unflatten_4"; -"331 unflatten_4" -> "332 unsqueeze_4"; -"332 unsqueeze_4" -> "333 transpose_25"; -"333 transpose_25" -> "334 squeeze_4"; -"334 squeeze_4" -> "335 contiguous_4"; -"335 contiguous_4" -> "336 quantize_per_tensor_default_26"; -"335 contiguous_4" -> "339 quantize_per_tensor_default_27"; -"335 contiguous_4" -> "342 select_14"; -"336 quantize_per_tensor_default_26" -> "337 dequantize_per_tensor_default_26"; -"337 dequantize_per_tensor_default_26" -> "338 select_12"; -"338 select_12" -> "343 view_32"; -"339 quantize_per_tensor_default_27" -> "340 dequantize_per_tensor_default_27"; -"340 dequantize_per_tensor_default_27" -> "341 select_13"; -"341 select_13" -> "345 view_33"; -"342 select_14" -> "347 view_34"; -"343 view_32" -> "344 transpose_26"; -"344 transpose_26" -> "349 view_35"; -"345 view_33" -> "346 transpose_27"; -"346 transpose_27" -> "350 view_36"; -"347 view_34" -> "348 transpose_28"; -"348 transpose_28" -> "351 view_37"; -"349 view_35" -> "352 scaled_dot_product_attention_4"; -"350 view_36" -> "352 scaled_dot_product_attention_4"; -"351 view_37" -> "352 scaled_dot_product_attention_4"; -"352 scaled_dot_product_attention_4" -> "353 quantize_per_tensor_default_28"; -"353 quantize_per_tensor_default_28" -> "354 dequantize_per_tensor_default_28"; -"354 dequantize_per_tensor_default_28" -> "355 permute_5"; -"355 permute_5" -> "356 view_38"; -"356 view_38" -> "363 linear_17"; -"357 _param_constant56" -> "360 quantize_per_channel_default_18"; -"358 linear_17_scale_0" -> "360 quantize_per_channel_default_18"; -"358 linear_17_scale_0" -> "361 dequantize_per_channel_default_18"; -"359 linear_17_zero_point_0" -> "360 quantize_per_channel_default_18"; -"359 linear_17_zero_point_0" -> "361 dequantize_per_channel_default_18"; -"360 quantize_per_channel_default_18" -> "361 dequantize_per_channel_default_18"; -"361 dequantize_per_channel_default_18" -> "363 linear_17"; -"362 _param_constant57_0_0" -> "363 linear_17"; -"363 linear_17" -> "364 view_39"; -"364 view_39" -> "365 transpose_29"; -"365 transpose_29" -> "366 dropout_13"; -"366 dropout_13" -> "367 add_9"; -"367 add_9" -> "370 layer_norm_9"; -"367 add_9" -> "392 add_10"; -"368 _param_constant58" -> "370 layer_norm_9"; -"369 _param_constant59" -> "370 layer_norm_9"; -"370 layer_norm_9" -> "371 quantize_per_tensor_default_29"; -"371 quantize_per_tensor_default_29" -> "372 dequantize_per_tensor_default_29"; -"372 dequantize_per_tensor_default_29" -> "379 linear_18"; -"373 _param_constant60" -> "376 quantize_per_channel_default_19"; -"374 linear_18_scale_0" -> "376 quantize_per_channel_default_19"; -"374 linear_18_scale_0" -> "377 dequantize_per_channel_default_19"; -"375 linear_18_zero_point_0" -> "376 quantize_per_channel_default_19"; -"375 linear_18_zero_point_0" -> "377 dequantize_per_channel_default_19"; -"376 quantize_per_channel_default_19" -> "377 dequantize_per_channel_default_19"; -"377 dequantize_per_channel_default_19" -> "379 linear_18"; -"378 _param_constant61_0_0" -> "379 linear_18"; -"379 linear_18" -> "380 gelu_4"; -"380 gelu_4" -> "381 quantize_per_tensor_default_30"; -"381 quantize_per_tensor_default_30" -> "382 dequantize_per_tensor_default_30"; -"382 dequantize_per_tensor_default_30" -> "383 dropout_14"; -"383 dropout_14" -> "390 linear_19"; -"384 _param_constant62" -> "387 quantize_per_channel_default_20"; -"385 linear_19_scale_0" -> "387 quantize_per_channel_default_20"; -"385 linear_19_scale_0" -> "388 dequantize_per_channel_default_20"; -"386 linear_19_zero_point_0" -> "387 quantize_per_channel_default_20"; -"386 linear_19_zero_point_0" -> "388 dequantize_per_channel_default_20"; -"387 quantize_per_channel_default_20" -> "388 dequantize_per_channel_default_20"; -"388 dequantize_per_channel_default_20" -> "390 linear_19"; -"389 _param_constant63_0_0" -> "390 linear_19"; -"390 linear_19" -> "391 dropout_15"; -"391 dropout_15" -> "392 add_10"; -"392 add_10" -> "395 layer_norm_10"; -"392 add_10" -> "442 add_11"; -"393 _param_constant64" -> "395 layer_norm_10"; -"394 _param_constant65" -> "395 layer_norm_10"; -"395 layer_norm_10" -> "396 quantize_per_tensor_default_31"; -"396 quantize_per_tensor_default_31" -> "397 dequantize_per_tensor_default_31"; -"397 dequantize_per_tensor_default_31" -> "398 transpose_30"; -"398 transpose_30" -> "405 linear_20"; -"399 _param_constant66" -> "402 quantize_per_channel_default_21"; -"400 linear_20_scale_0" -> "402 quantize_per_channel_default_21"; -"400 linear_20_scale_0" -> "403 dequantize_per_channel_default_21"; -"401 linear_20_zero_point_0" -> "402 quantize_per_channel_default_21"; -"401 linear_20_zero_point_0" -> "403 dequantize_per_channel_default_21"; -"402 quantize_per_channel_default_21" -> "403 dequantize_per_channel_default_21"; -"403 dequantize_per_channel_default_21" -> "405 linear_20"; -"404 _param_constant67_0_0" -> "405 linear_20"; -"405 linear_20" -> "406 unflatten_5"; -"406 unflatten_5" -> "407 unsqueeze_5"; -"407 unsqueeze_5" -> "408 transpose_31"; -"408 transpose_31" -> "409 squeeze_5"; -"409 squeeze_5" -> "410 contiguous_5"; -"410 contiguous_5" -> "411 quantize_per_tensor_default_32"; -"410 contiguous_5" -> "414 quantize_per_tensor_default_33"; -"410 contiguous_5" -> "417 select_17"; -"411 quantize_per_tensor_default_32" -> "412 dequantize_per_tensor_default_32"; -"412 dequantize_per_tensor_default_32" -> "413 select_15"; -"413 select_15" -> "418 view_40"; -"414 quantize_per_tensor_default_33" -> "415 dequantize_per_tensor_default_33"; -"415 dequantize_per_tensor_default_33" -> "416 select_16"; -"416 select_16" -> "420 view_41"; -"417 select_17" -> "422 view_42"; -"418 view_40" -> "419 transpose_32"; -"419 transpose_32" -> "424 view_43"; -"420 view_41" -> "421 transpose_33"; -"421 transpose_33" -> "425 view_44"; -"422 view_42" -> "423 transpose_34"; -"423 transpose_34" -> "426 view_45"; -"424 view_43" -> "427 scaled_dot_product_attention_5"; -"425 view_44" -> "427 scaled_dot_product_attention_5"; -"426 view_45" -> "427 scaled_dot_product_attention_5"; -"427 scaled_dot_product_attention_5" -> "428 quantize_per_tensor_default_34"; -"428 quantize_per_tensor_default_34" -> "429 dequantize_per_tensor_default_34"; -"429 dequantize_per_tensor_default_34" -> "430 permute_6"; -"430 permute_6" -> "431 view_46"; -"431 view_46" -> "438 linear_21"; -"432 _param_constant68" -> "435 quantize_per_channel_default_22"; -"433 linear_21_scale_0" -> "435 quantize_per_channel_default_22"; -"433 linear_21_scale_0" -> "436 dequantize_per_channel_default_22"; -"434 linear_21_zero_point_0" -> "435 quantize_per_channel_default_22"; -"434 linear_21_zero_point_0" -> "436 dequantize_per_channel_default_22"; -"435 quantize_per_channel_default_22" -> "436 dequantize_per_channel_default_22"; -"436 dequantize_per_channel_default_22" -> "438 linear_21"; -"437 _param_constant69_0_0" -> "438 linear_21"; -"438 linear_21" -> "439 view_47"; -"439 view_47" -> "440 transpose_35"; -"440 transpose_35" -> "441 dropout_16"; -"441 dropout_16" -> "442 add_11"; -"442 add_11" -> "445 layer_norm_11"; -"442 add_11" -> "467 add_12"; -"443 _param_constant70" -> "445 layer_norm_11"; -"444 _param_constant71" -> "445 layer_norm_11"; -"445 layer_norm_11" -> "446 quantize_per_tensor_default_35"; -"446 quantize_per_tensor_default_35" -> "447 dequantize_per_tensor_default_35"; -"447 dequantize_per_tensor_default_35" -> "454 linear_22"; -"448 _param_constant72" -> "451 quantize_per_channel_default_23"; -"449 linear_22_scale_0" -> "451 quantize_per_channel_default_23"; -"449 linear_22_scale_0" -> "452 dequantize_per_channel_default_23"; -"450 linear_22_zero_point_0" -> "451 quantize_per_channel_default_23"; -"450 linear_22_zero_point_0" -> "452 dequantize_per_channel_default_23"; -"451 quantize_per_channel_default_23" -> "452 dequantize_per_channel_default_23"; -"452 dequantize_per_channel_default_23" -> "454 linear_22"; -"453 _param_constant73_0_0" -> "454 linear_22"; -"454 linear_22" -> "455 gelu_5"; -"455 gelu_5" -> "456 quantize_per_tensor_default_36"; -"456 quantize_per_tensor_default_36" -> "457 dequantize_per_tensor_default_36"; -"457 dequantize_per_tensor_default_36" -> "458 dropout_17"; -"458 dropout_17" -> "465 linear_23"; -"459 _param_constant74" -> "462 quantize_per_channel_default_24"; -"460 linear_23_scale_0" -> "462 quantize_per_channel_default_24"; -"460 linear_23_scale_0" -> "463 dequantize_per_channel_default_24"; -"461 linear_23_zero_point_0" -> "462 quantize_per_channel_default_24"; -"461 linear_23_zero_point_0" -> "463 dequantize_per_channel_default_24"; -"462 quantize_per_channel_default_24" -> "463 dequantize_per_channel_default_24"; -"463 dequantize_per_channel_default_24" -> "465 linear_23"; -"464 _param_constant75_0_0" -> "465 linear_23"; -"465 linear_23" -> "466 dropout_18"; -"466 dropout_18" -> "467 add_12"; -"467 add_12" -> "470 layer_norm_12"; -"467 add_12" -> "517 add_13"; -"468 _param_constant76" -> "470 layer_norm_12"; -"469 _param_constant77" -> "470 layer_norm_12"; -"470 layer_norm_12" -> "471 quantize_per_tensor_default_37"; -"471 quantize_per_tensor_default_37" -> "472 dequantize_per_tensor_default_37"; -"472 dequantize_per_tensor_default_37" -> "473 transpose_36"; -"473 transpose_36" -> "480 linear_24"; -"474 _param_constant78" -> "477 quantize_per_channel_default_25"; -"475 linear_24_scale_0" -> "477 quantize_per_channel_default_25"; -"475 linear_24_scale_0" -> "478 dequantize_per_channel_default_25"; -"476 linear_24_zero_point_0" -> "477 quantize_per_channel_default_25"; -"476 linear_24_zero_point_0" -> "478 dequantize_per_channel_default_25"; -"477 quantize_per_channel_default_25" -> "478 dequantize_per_channel_default_25"; -"478 dequantize_per_channel_default_25" -> "480 linear_24"; -"479 _param_constant79_0_0" -> "480 linear_24"; -"480 linear_24" -> "481 unflatten_6"; -"481 unflatten_6" -> "482 unsqueeze_6"; -"482 unsqueeze_6" -> "483 transpose_37"; -"483 transpose_37" -> "484 squeeze_6"; -"484 squeeze_6" -> "485 contiguous_6"; -"485 contiguous_6" -> "486 quantize_per_tensor_default_38"; -"485 contiguous_6" -> "489 quantize_per_tensor_default_39"; -"485 contiguous_6" -> "492 select_20"; -"486 quantize_per_tensor_default_38" -> "487 dequantize_per_tensor_default_38"; -"487 dequantize_per_tensor_default_38" -> "488 select_18"; -"488 select_18" -> "493 view_48"; -"489 quantize_per_tensor_default_39" -> "490 dequantize_per_tensor_default_39"; -"490 dequantize_per_tensor_default_39" -> "491 select_19"; -"491 select_19" -> "495 view_49"; -"492 select_20" -> "497 view_50"; -"493 view_48" -> "494 transpose_38"; -"494 transpose_38" -> "499 view_51"; -"495 view_49" -> "496 transpose_39"; -"496 transpose_39" -> "500 view_52"; -"497 view_50" -> "498 transpose_40"; -"498 transpose_40" -> "501 view_53"; -"499 view_51" -> "502 scaled_dot_product_attention_6"; -"500 view_52" -> "502 scaled_dot_product_attention_6"; -"501 view_53" -> "502 scaled_dot_product_attention_6"; -"502 scaled_dot_product_attention_6" -> "503 quantize_per_tensor_default_40"; -"503 quantize_per_tensor_default_40" -> "504 dequantize_per_tensor_default_40"; -"504 dequantize_per_tensor_default_40" -> "505 permute_7"; -"505 permute_7" -> "506 view_54"; -"506 view_54" -> "513 linear_25"; -"507 _param_constant80" -> "510 quantize_per_channel_default_26"; -"508 linear_25_scale_0" -> "510 quantize_per_channel_default_26"; -"508 linear_25_scale_0" -> "511 dequantize_per_channel_default_26"; -"509 linear_25_zero_point_0" -> "510 quantize_per_channel_default_26"; -"509 linear_25_zero_point_0" -> "511 dequantize_per_channel_default_26"; -"510 quantize_per_channel_default_26" -> "511 dequantize_per_channel_default_26"; -"511 dequantize_per_channel_default_26" -> "513 linear_25"; -"512 _param_constant81_0_0" -> "513 linear_25"; -"513 linear_25" -> "514 view_55"; -"514 view_55" -> "515 transpose_41"; -"515 transpose_41" -> "516 dropout_19"; -"516 dropout_19" -> "517 add_13"; -"517 add_13" -> "520 layer_norm_13"; -"517 add_13" -> "542 add_14"; -"518 _param_constant82" -> "520 layer_norm_13"; -"519 _param_constant83" -> "520 layer_norm_13"; -"520 layer_norm_13" -> "521 quantize_per_tensor_default_41"; -"521 quantize_per_tensor_default_41" -> "522 dequantize_per_tensor_default_41"; -"522 dequantize_per_tensor_default_41" -> "529 linear_26"; -"523 _param_constant84" -> "526 quantize_per_channel_default_27"; -"524 linear_26_scale_0" -> "526 quantize_per_channel_default_27"; -"524 linear_26_scale_0" -> "527 dequantize_per_channel_default_27"; -"525 linear_26_zero_point_0" -> "526 quantize_per_channel_default_27"; -"525 linear_26_zero_point_0" -> "527 dequantize_per_channel_default_27"; -"526 quantize_per_channel_default_27" -> "527 dequantize_per_channel_default_27"; -"527 dequantize_per_channel_default_27" -> "529 linear_26"; -"528 _param_constant85_0_0" -> "529 linear_26"; -"529 linear_26" -> "530 gelu_6"; -"530 gelu_6" -> "531 quantize_per_tensor_default_42"; -"531 quantize_per_tensor_default_42" -> "532 dequantize_per_tensor_default_42"; -"532 dequantize_per_tensor_default_42" -> "533 dropout_20"; -"533 dropout_20" -> "540 linear_27"; -"534 _param_constant86" -> "537 quantize_per_channel_default_28"; -"535 linear_27_scale_0" -> "537 quantize_per_channel_default_28"; -"535 linear_27_scale_0" -> "538 dequantize_per_channel_default_28"; -"536 linear_27_zero_point_0" -> "537 quantize_per_channel_default_28"; -"536 linear_27_zero_point_0" -> "538 dequantize_per_channel_default_28"; -"537 quantize_per_channel_default_28" -> "538 dequantize_per_channel_default_28"; -"538 dequantize_per_channel_default_28" -> "540 linear_27"; -"539 _param_constant87_0_0" -> "540 linear_27"; -"540 linear_27" -> "541 dropout_21"; -"541 dropout_21" -> "542 add_14"; -"542 add_14" -> "545 layer_norm_14"; -"542 add_14" -> "592 add_15"; -"543 _param_constant88" -> "545 layer_norm_14"; -"544 _param_constant89" -> "545 layer_norm_14"; -"545 layer_norm_14" -> "546 quantize_per_tensor_default_43"; -"546 quantize_per_tensor_default_43" -> "547 dequantize_per_tensor_default_43"; -"547 dequantize_per_tensor_default_43" -> "548 transpose_42"; -"548 transpose_42" -> "555 linear_28"; -"549 _param_constant90" -> "552 quantize_per_channel_default_29"; -"550 linear_28_scale_0" -> "552 quantize_per_channel_default_29"; -"550 linear_28_scale_0" -> "553 dequantize_per_channel_default_29"; -"551 linear_28_zero_point_0" -> "552 quantize_per_channel_default_29"; -"551 linear_28_zero_point_0" -> "553 dequantize_per_channel_default_29"; -"552 quantize_per_channel_default_29" -> "553 dequantize_per_channel_default_29"; -"553 dequantize_per_channel_default_29" -> "555 linear_28"; -"554 _param_constant91_0_0" -> "555 linear_28"; -"555 linear_28" -> "556 unflatten_7"; -"556 unflatten_7" -> "557 unsqueeze_7"; -"557 unsqueeze_7" -> "558 transpose_43"; -"558 transpose_43" -> "559 squeeze_7"; -"559 squeeze_7" -> "560 contiguous_7"; -"560 contiguous_7" -> "561 quantize_per_tensor_default_44"; -"560 contiguous_7" -> "564 quantize_per_tensor_default_45"; -"560 contiguous_7" -> "567 select_23"; -"561 quantize_per_tensor_default_44" -> "562 dequantize_per_tensor_default_44"; -"562 dequantize_per_tensor_default_44" -> "563 select_21"; -"563 select_21" -> "568 view_56"; -"564 quantize_per_tensor_default_45" -> "565 dequantize_per_tensor_default_45"; -"565 dequantize_per_tensor_default_45" -> "566 select_22"; -"566 select_22" -> "570 view_57"; -"567 select_23" -> "572 view_58"; -"568 view_56" -> "569 transpose_44"; -"569 transpose_44" -> "574 view_59"; -"570 view_57" -> "571 transpose_45"; -"571 transpose_45" -> "575 view_60"; -"572 view_58" -> "573 transpose_46"; -"573 transpose_46" -> "576 view_61"; -"574 view_59" -> "577 scaled_dot_product_attention_7"; -"575 view_60" -> "577 scaled_dot_product_attention_7"; -"576 view_61" -> "577 scaled_dot_product_attention_7"; -"577 scaled_dot_product_attention_7" -> "578 quantize_per_tensor_default_46"; -"578 quantize_per_tensor_default_46" -> "579 dequantize_per_tensor_default_46"; -"579 dequantize_per_tensor_default_46" -> "580 permute_8"; -"580 permute_8" -> "581 view_62"; -"581 view_62" -> "588 linear_29"; -"582 _param_constant92" -> "585 quantize_per_channel_default_30"; -"583 linear_29_scale_0" -> "585 quantize_per_channel_default_30"; -"583 linear_29_scale_0" -> "586 dequantize_per_channel_default_30"; -"584 linear_29_zero_point_0" -> "585 quantize_per_channel_default_30"; -"584 linear_29_zero_point_0" -> "586 dequantize_per_channel_default_30"; -"585 quantize_per_channel_default_30" -> "586 dequantize_per_channel_default_30"; -"586 dequantize_per_channel_default_30" -> "588 linear_29"; -"587 _param_constant93_0_0" -> "588 linear_29"; -"588 linear_29" -> "589 view_63"; -"589 view_63" -> "590 transpose_47"; -"590 transpose_47" -> "591 dropout_22"; -"591 dropout_22" -> "592 add_15"; -"592 add_15" -> "595 layer_norm_15"; -"592 add_15" -> "617 add_16"; -"593 _param_constant94" -> "595 layer_norm_15"; -"594 _param_constant95" -> "595 layer_norm_15"; -"595 layer_norm_15" -> "596 quantize_per_tensor_default_47"; -"596 quantize_per_tensor_default_47" -> "597 dequantize_per_tensor_default_47"; -"597 dequantize_per_tensor_default_47" -> "604 linear_30"; -"598 _param_constant96" -> "601 quantize_per_channel_default_31"; -"599 linear_30_scale_0" -> "601 quantize_per_channel_default_31"; -"599 linear_30_scale_0" -> "602 dequantize_per_channel_default_31"; -"600 linear_30_zero_point_0" -> "601 quantize_per_channel_default_31"; -"600 linear_30_zero_point_0" -> "602 dequantize_per_channel_default_31"; -"601 quantize_per_channel_default_31" -> "602 dequantize_per_channel_default_31"; -"602 dequantize_per_channel_default_31" -> "604 linear_30"; -"603 _param_constant97_0_0" -> "604 linear_30"; -"604 linear_30" -> "605 gelu_7"; -"605 gelu_7" -> "606 quantize_per_tensor_default_48"; -"606 quantize_per_tensor_default_48" -> "607 dequantize_per_tensor_default_48"; -"607 dequantize_per_tensor_default_48" -> "608 dropout_23"; -"608 dropout_23" -> "615 linear_31"; -"609 _param_constant98" -> "612 quantize_per_channel_default_32"; -"610 linear_31_scale_0" -> "612 quantize_per_channel_default_32"; -"610 linear_31_scale_0" -> "613 dequantize_per_channel_default_32"; -"611 linear_31_zero_point_0" -> "612 quantize_per_channel_default_32"; -"611 linear_31_zero_point_0" -> "613 dequantize_per_channel_default_32"; -"612 quantize_per_channel_default_32" -> "613 dequantize_per_channel_default_32"; -"613 dequantize_per_channel_default_32" -> "615 linear_31"; -"614 _param_constant99_0_0" -> "615 linear_31"; -"615 linear_31" -> "616 dropout_24"; -"616 dropout_24" -> "617 add_16"; -"617 add_16" -> "620 layer_norm_16"; -"617 add_16" -> "667 add_17"; -"618 _param_constant100" -> "620 layer_norm_16"; -"619 _param_constant101" -> "620 layer_norm_16"; -"620 layer_norm_16" -> "621 quantize_per_tensor_default_49"; -"621 quantize_per_tensor_default_49" -> "622 dequantize_per_tensor_default_49"; -"622 dequantize_per_tensor_default_49" -> "623 transpose_48"; -"623 transpose_48" -> "630 linear_32"; -"624 _param_constant102" -> "627 quantize_per_channel_default_33"; -"625 linear_32_scale_0" -> "627 quantize_per_channel_default_33"; -"625 linear_32_scale_0" -> "628 dequantize_per_channel_default_33"; -"626 linear_32_zero_point_0" -> "627 quantize_per_channel_default_33"; -"626 linear_32_zero_point_0" -> "628 dequantize_per_channel_default_33"; -"627 quantize_per_channel_default_33" -> "628 dequantize_per_channel_default_33"; -"628 dequantize_per_channel_default_33" -> "630 linear_32"; -"629 _param_constant103_0_0" -> "630 linear_32"; -"630 linear_32" -> "631 unflatten_8"; -"631 unflatten_8" -> "632 unsqueeze_8"; -"632 unsqueeze_8" -> "633 transpose_49"; -"633 transpose_49" -> "634 squeeze_8"; -"634 squeeze_8" -> "635 contiguous_8"; -"635 contiguous_8" -> "636 quantize_per_tensor_default_50"; -"635 contiguous_8" -> "639 quantize_per_tensor_default_51"; -"635 contiguous_8" -> "642 select_26"; -"636 quantize_per_tensor_default_50" -> "637 dequantize_per_tensor_default_50"; -"637 dequantize_per_tensor_default_50" -> "638 select_24"; -"638 select_24" -> "643 view_64"; -"639 quantize_per_tensor_default_51" -> "640 dequantize_per_tensor_default_51"; -"640 dequantize_per_tensor_default_51" -> "641 select_25"; -"641 select_25" -> "645 view_65"; -"642 select_26" -> "647 view_66"; -"643 view_64" -> "644 transpose_50"; -"644 transpose_50" -> "649 view_67"; -"645 view_65" -> "646 transpose_51"; -"646 transpose_51" -> "650 view_68"; -"647 view_66" -> "648 transpose_52"; -"648 transpose_52" -> "651 view_69"; -"649 view_67" -> "652 scaled_dot_product_attention_8"; -"650 view_68" -> "652 scaled_dot_product_attention_8"; -"651 view_69" -> "652 scaled_dot_product_attention_8"; -"652 scaled_dot_product_attention_8" -> "653 quantize_per_tensor_default_52"; -"653 quantize_per_tensor_default_52" -> "654 dequantize_per_tensor_default_52"; -"654 dequantize_per_tensor_default_52" -> "655 permute_9"; -"655 permute_9" -> "656 view_70"; -"656 view_70" -> "663 linear_33"; -"657 _param_constant104" -> "660 quantize_per_channel_default_34"; -"658 linear_33_scale_0" -> "660 quantize_per_channel_default_34"; -"658 linear_33_scale_0" -> "661 dequantize_per_channel_default_34"; -"659 linear_33_zero_point_0" -> "660 quantize_per_channel_default_34"; -"659 linear_33_zero_point_0" -> "661 dequantize_per_channel_default_34"; -"660 quantize_per_channel_default_34" -> "661 dequantize_per_channel_default_34"; -"661 dequantize_per_channel_default_34" -> "663 linear_33"; -"662 _param_constant105_0_0" -> "663 linear_33"; -"663 linear_33" -> "664 view_71"; -"664 view_71" -> "665 transpose_53"; -"665 transpose_53" -> "666 dropout_25"; -"666 dropout_25" -> "667 add_17"; -"667 add_17" -> "670 layer_norm_17"; -"667 add_17" -> "692 add_18"; -"668 _param_constant106" -> "670 layer_norm_17"; -"669 _param_constant107" -> "670 layer_norm_17"; -"670 layer_norm_17" -> "671 quantize_per_tensor_default_53"; -"671 quantize_per_tensor_default_53" -> "672 dequantize_per_tensor_default_53"; -"672 dequantize_per_tensor_default_53" -> "679 linear_34"; -"673 _param_constant108" -> "676 quantize_per_channel_default_35"; -"674 linear_34_scale_0" -> "676 quantize_per_channel_default_35"; -"674 linear_34_scale_0" -> "677 dequantize_per_channel_default_35"; -"675 linear_34_zero_point_0" -> "676 quantize_per_channel_default_35"; -"675 linear_34_zero_point_0" -> "677 dequantize_per_channel_default_35"; -"676 quantize_per_channel_default_35" -> "677 dequantize_per_channel_default_35"; -"677 dequantize_per_channel_default_35" -> "679 linear_34"; -"678 _param_constant109_0_0" -> "679 linear_34"; -"679 linear_34" -> "680 gelu_8"; -"680 gelu_8" -> "681 quantize_per_tensor_default_54"; -"681 quantize_per_tensor_default_54" -> "682 dequantize_per_tensor_default_54"; -"682 dequantize_per_tensor_default_54" -> "683 dropout_26"; -"683 dropout_26" -> "690 linear_35"; -"684 _param_constant110" -> "687 quantize_per_channel_default_36"; -"685 linear_35_scale_0" -> "687 quantize_per_channel_default_36"; -"685 linear_35_scale_0" -> "688 dequantize_per_channel_default_36"; -"686 linear_35_zero_point_0" -> "687 quantize_per_channel_default_36"; -"686 linear_35_zero_point_0" -> "688 dequantize_per_channel_default_36"; -"687 quantize_per_channel_default_36" -> "688 dequantize_per_channel_default_36"; -"688 dequantize_per_channel_default_36" -> "690 linear_35"; -"689 _param_constant111_0_0" -> "690 linear_35"; -"690 linear_35" -> "691 dropout_27"; -"691 dropout_27" -> "692 add_18"; -"692 add_18" -> "695 layer_norm_18"; -"692 add_18" -> "742 add_19"; -"693 _param_constant112" -> "695 layer_norm_18"; -"694 _param_constant113" -> "695 layer_norm_18"; -"695 layer_norm_18" -> "696 quantize_per_tensor_default_55"; -"696 quantize_per_tensor_default_55" -> "697 dequantize_per_tensor_default_55"; -"697 dequantize_per_tensor_default_55" -> "698 transpose_54"; -"698 transpose_54" -> "705 linear_36"; -"699 _param_constant114" -> "702 quantize_per_channel_default_37"; -"700 linear_36_scale_0" -> "702 quantize_per_channel_default_37"; -"700 linear_36_scale_0" -> "703 dequantize_per_channel_default_37"; -"701 linear_36_zero_point_0" -> "702 quantize_per_channel_default_37"; -"701 linear_36_zero_point_0" -> "703 dequantize_per_channel_default_37"; -"702 quantize_per_channel_default_37" -> "703 dequantize_per_channel_default_37"; -"703 dequantize_per_channel_default_37" -> "705 linear_36"; -"704 _param_constant115_0_0" -> "705 linear_36"; -"705 linear_36" -> "706 unflatten_9"; -"706 unflatten_9" -> "707 unsqueeze_9"; -"707 unsqueeze_9" -> "708 transpose_55"; -"708 transpose_55" -> "709 squeeze_9"; -"709 squeeze_9" -> "710 contiguous_9"; -"710 contiguous_9" -> "711 quantize_per_tensor_default_56"; -"710 contiguous_9" -> "714 quantize_per_tensor_default_57"; -"710 contiguous_9" -> "717 select_29"; -"711 quantize_per_tensor_default_56" -> "712 dequantize_per_tensor_default_56"; -"712 dequantize_per_tensor_default_56" -> "713 select_27"; -"713 select_27" -> "718 view_72"; -"714 quantize_per_tensor_default_57" -> "715 dequantize_per_tensor_default_57"; -"715 dequantize_per_tensor_default_57" -> "716 select_28"; -"716 select_28" -> "720 view_73"; -"717 select_29" -> "722 view_74"; -"718 view_72" -> "719 transpose_56"; -"719 transpose_56" -> "724 view_75"; -"720 view_73" -> "721 transpose_57"; -"721 transpose_57" -> "725 view_76"; -"722 view_74" -> "723 transpose_58"; -"723 transpose_58" -> "726 view_77"; -"724 view_75" -> "727 scaled_dot_product_attention_9"; -"725 view_76" -> "727 scaled_dot_product_attention_9"; -"726 view_77" -> "727 scaled_dot_product_attention_9"; -"727 scaled_dot_product_attention_9" -> "728 quantize_per_tensor_default_58"; -"728 quantize_per_tensor_default_58" -> "729 dequantize_per_tensor_default_58"; -"729 dequantize_per_tensor_default_58" -> "730 permute_10"; -"730 permute_10" -> "731 view_78"; -"731 view_78" -> "738 linear_37"; -"732 _param_constant116" -> "735 quantize_per_channel_default_38"; -"733 linear_37_scale_0" -> "735 quantize_per_channel_default_38"; -"733 linear_37_scale_0" -> "736 dequantize_per_channel_default_38"; -"734 linear_37_zero_point_0" -> "735 quantize_per_channel_default_38"; -"734 linear_37_zero_point_0" -> "736 dequantize_per_channel_default_38"; -"735 quantize_per_channel_default_38" -> "736 dequantize_per_channel_default_38"; -"736 dequantize_per_channel_default_38" -> "738 linear_37"; -"737 _param_constant117_0_0" -> "738 linear_37"; -"738 linear_37" -> "739 view_79"; -"739 view_79" -> "740 transpose_59"; -"740 transpose_59" -> "741 dropout_28"; -"741 dropout_28" -> "742 add_19"; -"742 add_19" -> "745 layer_norm_19"; -"742 add_19" -> "767 add_20"; -"743 _param_constant118" -> "745 layer_norm_19"; -"744 _param_constant119" -> "745 layer_norm_19"; -"745 layer_norm_19" -> "746 quantize_per_tensor_default_59"; -"746 quantize_per_tensor_default_59" -> "747 dequantize_per_tensor_default_59"; -"747 dequantize_per_tensor_default_59" -> "754 linear_38"; -"748 _param_constant120" -> "751 quantize_per_channel_default_39"; -"749 linear_38_scale_0" -> "751 quantize_per_channel_default_39"; -"749 linear_38_scale_0" -> "752 dequantize_per_channel_default_39"; -"750 linear_38_zero_point_0" -> "751 quantize_per_channel_default_39"; -"750 linear_38_zero_point_0" -> "752 dequantize_per_channel_default_39"; -"751 quantize_per_channel_default_39" -> "752 dequantize_per_channel_default_39"; -"752 dequantize_per_channel_default_39" -> "754 linear_38"; -"753 _param_constant121_0_0" -> "754 linear_38"; -"754 linear_38" -> "755 gelu_9"; -"755 gelu_9" -> "756 quantize_per_tensor_default_60"; -"756 quantize_per_tensor_default_60" -> "757 dequantize_per_tensor_default_60"; -"757 dequantize_per_tensor_default_60" -> "758 dropout_29"; -"758 dropout_29" -> "765 linear_39"; -"759 _param_constant122" -> "762 quantize_per_channel_default_40"; -"760 linear_39_scale_0" -> "762 quantize_per_channel_default_40"; -"760 linear_39_scale_0" -> "763 dequantize_per_channel_default_40"; -"761 linear_39_zero_point_0" -> "762 quantize_per_channel_default_40"; -"761 linear_39_zero_point_0" -> "763 dequantize_per_channel_default_40"; -"762 quantize_per_channel_default_40" -> "763 dequantize_per_channel_default_40"; -"763 dequantize_per_channel_default_40" -> "765 linear_39"; -"764 _param_constant123_0_0" -> "765 linear_39"; -"765 linear_39" -> "766 dropout_30"; -"766 dropout_30" -> "767 add_20"; -"767 add_20" -> "770 layer_norm_20"; -"767 add_20" -> "817 add_21"; -"768 _param_constant124" -> "770 layer_norm_20"; -"769 _param_constant125" -> "770 layer_norm_20"; -"770 layer_norm_20" -> "771 quantize_per_tensor_default_61"; -"771 quantize_per_tensor_default_61" -> "772 dequantize_per_tensor_default_61"; -"772 dequantize_per_tensor_default_61" -> "773 transpose_60"; -"773 transpose_60" -> "780 linear_40"; -"774 _param_constant126" -> "777 quantize_per_channel_default_41"; -"775 linear_40_scale_0" -> "777 quantize_per_channel_default_41"; -"775 linear_40_scale_0" -> "778 dequantize_per_channel_default_41"; -"776 linear_40_zero_point_0" -> "777 quantize_per_channel_default_41"; -"776 linear_40_zero_point_0" -> "778 dequantize_per_channel_default_41"; -"777 quantize_per_channel_default_41" -> "778 dequantize_per_channel_default_41"; -"778 dequantize_per_channel_default_41" -> "780 linear_40"; -"779 _param_constant127_0_0" -> "780 linear_40"; -"780 linear_40" -> "781 unflatten_10"; -"781 unflatten_10" -> "782 unsqueeze_10"; -"782 unsqueeze_10" -> "783 transpose_61"; -"783 transpose_61" -> "784 squeeze_10"; -"784 squeeze_10" -> "785 contiguous_10"; -"785 contiguous_10" -> "786 quantize_per_tensor_default_62"; -"785 contiguous_10" -> "789 quantize_per_tensor_default_63"; -"785 contiguous_10" -> "792 select_32"; -"786 quantize_per_tensor_default_62" -> "787 dequantize_per_tensor_default_62"; -"787 dequantize_per_tensor_default_62" -> "788 select_30"; -"788 select_30" -> "793 view_80"; -"789 quantize_per_tensor_default_63" -> "790 dequantize_per_tensor_default_63"; -"790 dequantize_per_tensor_default_63" -> "791 select_31"; -"791 select_31" -> "795 view_81"; -"792 select_32" -> "797 view_82"; -"793 view_80" -> "794 transpose_62"; -"794 transpose_62" -> "799 view_83"; -"795 view_81" -> "796 transpose_63"; -"796 transpose_63" -> "800 view_84"; -"797 view_82" -> "798 transpose_64"; -"798 transpose_64" -> "801 view_85"; -"799 view_83" -> "802 scaled_dot_product_attention_10"; -"800 view_84" -> "802 scaled_dot_product_attention_10"; -"801 view_85" -> "802 scaled_dot_product_attention_10"; -"802 scaled_dot_product_attention_10" -> "803 quantize_per_tensor_default_64"; -"803 quantize_per_tensor_default_64" -> "804 dequantize_per_tensor_default_64"; -"804 dequantize_per_tensor_default_64" -> "805 permute_11"; -"805 permute_11" -> "806 view_86"; -"806 view_86" -> "813 linear_41"; -"807 _param_constant128" -> "810 quantize_per_channel_default_42"; -"808 linear_41_scale_0" -> "810 quantize_per_channel_default_42"; -"808 linear_41_scale_0" -> "811 dequantize_per_channel_default_42"; -"809 linear_41_zero_point_0" -> "810 quantize_per_channel_default_42"; -"809 linear_41_zero_point_0" -> "811 dequantize_per_channel_default_42"; -"810 quantize_per_channel_default_42" -> "811 dequantize_per_channel_default_42"; -"811 dequantize_per_channel_default_42" -> "813 linear_41"; -"812 _param_constant129_0_0" -> "813 linear_41"; -"813 linear_41" -> "814 view_87"; -"814 view_87" -> "815 transpose_65"; -"815 transpose_65" -> "816 dropout_31"; -"816 dropout_31" -> "817 add_21"; -"817 add_21" -> "820 layer_norm_21"; -"817 add_21" -> "842 add_22"; -"818 _param_constant130" -> "820 layer_norm_21"; -"819 _param_constant131" -> "820 layer_norm_21"; -"820 layer_norm_21" -> "821 quantize_per_tensor_default_65"; -"821 quantize_per_tensor_default_65" -> "822 dequantize_per_tensor_default_65"; -"822 dequantize_per_tensor_default_65" -> "829 linear_42"; -"823 _param_constant132" -> "826 quantize_per_channel_default_43"; -"824 linear_42_scale_0" -> "826 quantize_per_channel_default_43"; -"824 linear_42_scale_0" -> "827 dequantize_per_channel_default_43"; -"825 linear_42_zero_point_0" -> "826 quantize_per_channel_default_43"; -"825 linear_42_zero_point_0" -> "827 dequantize_per_channel_default_43"; -"826 quantize_per_channel_default_43" -> "827 dequantize_per_channel_default_43"; -"827 dequantize_per_channel_default_43" -> "829 linear_42"; -"828 _param_constant133_0_0" -> "829 linear_42"; -"829 linear_42" -> "830 gelu_10"; -"830 gelu_10" -> "831 quantize_per_tensor_default_66"; -"831 quantize_per_tensor_default_66" -> "832 dequantize_per_tensor_default_66"; -"832 dequantize_per_tensor_default_66" -> "833 dropout_32"; -"833 dropout_32" -> "840 linear_43"; -"834 _param_constant134" -> "837 quantize_per_channel_default_44"; -"835 linear_43_scale_0" -> "837 quantize_per_channel_default_44"; -"835 linear_43_scale_0" -> "838 dequantize_per_channel_default_44"; -"836 linear_43_zero_point_0" -> "837 quantize_per_channel_default_44"; -"836 linear_43_zero_point_0" -> "838 dequantize_per_channel_default_44"; -"837 quantize_per_channel_default_44" -> "838 dequantize_per_channel_default_44"; -"838 dequantize_per_channel_default_44" -> "840 linear_43"; -"839 _param_constant135_0_0" -> "840 linear_43"; -"840 linear_43" -> "841 dropout_33"; -"841 dropout_33" -> "842 add_22"; -"842 add_22" -> "845 layer_norm_22"; -"842 add_22" -> "892 add_23"; -"843 _param_constant136" -> "845 layer_norm_22"; -"844 _param_constant137" -> "845 layer_norm_22"; -"845 layer_norm_22" -> "846 quantize_per_tensor_default_67"; -"846 quantize_per_tensor_default_67" -> "847 dequantize_per_tensor_default_67"; -"847 dequantize_per_tensor_default_67" -> "848 transpose_66"; -"848 transpose_66" -> "855 linear_44"; -"849 _param_constant138" -> "852 quantize_per_channel_default_45"; -"850 linear_44_scale_0" -> "852 quantize_per_channel_default_45"; -"850 linear_44_scale_0" -> "853 dequantize_per_channel_default_45"; -"851 linear_44_zero_point_0" -> "852 quantize_per_channel_default_45"; -"851 linear_44_zero_point_0" -> "853 dequantize_per_channel_default_45"; -"852 quantize_per_channel_default_45" -> "853 dequantize_per_channel_default_45"; -"853 dequantize_per_channel_default_45" -> "855 linear_44"; -"854 _param_constant139_0_0" -> "855 linear_44"; -"855 linear_44" -> "856 unflatten_11"; -"856 unflatten_11" -> "857 unsqueeze_11"; -"857 unsqueeze_11" -> "858 transpose_67"; -"858 transpose_67" -> "859 squeeze_11"; -"859 squeeze_11" -> "860 contiguous_11"; -"860 contiguous_11" -> "861 quantize_per_tensor_default_68"; -"860 contiguous_11" -> "864 quantize_per_tensor_default_69"; -"860 contiguous_11" -> "867 select_35"; -"861 quantize_per_tensor_default_68" -> "862 dequantize_per_tensor_default_68"; -"862 dequantize_per_tensor_default_68" -> "863 select_33"; -"863 select_33" -> "868 view_88"; -"864 quantize_per_tensor_default_69" -> "865 dequantize_per_tensor_default_69"; -"865 dequantize_per_tensor_default_69" -> "866 select_34"; -"866 select_34" -> "870 view_89"; -"867 select_35" -> "872 view_90"; -"868 view_88" -> "869 transpose_68"; -"869 transpose_68" -> "874 view_91"; -"870 view_89" -> "871 transpose_69"; -"871 transpose_69" -> "875 view_92"; -"872 view_90" -> "873 transpose_70"; -"873 transpose_70" -> "876 view_93"; -"874 view_91" -> "877 scaled_dot_product_attention_11"; -"875 view_92" -> "877 scaled_dot_product_attention_11"; -"876 view_93" -> "877 scaled_dot_product_attention_11"; -"877 scaled_dot_product_attention_11" -> "878 quantize_per_tensor_default_70"; -"878 quantize_per_tensor_default_70" -> "879 dequantize_per_tensor_default_70"; -"879 dequantize_per_tensor_default_70" -> "880 permute_12"; -"880 permute_12" -> "881 view_94"; -"881 view_94" -> "888 linear_45"; -"882 _param_constant140" -> "885 quantize_per_channel_default_46"; -"883 linear_45_scale_0" -> "885 quantize_per_channel_default_46"; -"883 linear_45_scale_0" -> "886 dequantize_per_channel_default_46"; -"884 linear_45_zero_point_0" -> "885 quantize_per_channel_default_46"; -"884 linear_45_zero_point_0" -> "886 dequantize_per_channel_default_46"; -"885 quantize_per_channel_default_46" -> "886 dequantize_per_channel_default_46"; -"886 dequantize_per_channel_default_46" -> "888 linear_45"; -"887 _param_constant141_0_0" -> "888 linear_45"; -"888 linear_45" -> "889 view_95"; -"889 view_95" -> "890 transpose_71"; -"890 transpose_71" -> "891 dropout_34"; -"891 dropout_34" -> "892 add_23"; -"892 add_23" -> "895 layer_norm_23"; -"892 add_23" -> "917 add_24"; -"893 _param_constant142" -> "895 layer_norm_23"; -"894 _param_constant143" -> "895 layer_norm_23"; -"895 layer_norm_23" -> "896 quantize_per_tensor_default_71"; -"896 quantize_per_tensor_default_71" -> "897 dequantize_per_tensor_default_71"; -"897 dequantize_per_tensor_default_71" -> "904 linear_46"; -"898 _param_constant144" -> "901 quantize_per_channel_default_47"; -"899 linear_46_scale_0" -> "901 quantize_per_channel_default_47"; -"899 linear_46_scale_0" -> "902 dequantize_per_channel_default_47"; -"900 linear_46_zero_point_0" -> "901 quantize_per_channel_default_47"; -"900 linear_46_zero_point_0" -> "902 dequantize_per_channel_default_47"; -"901 quantize_per_channel_default_47" -> "902 dequantize_per_channel_default_47"; -"902 dequantize_per_channel_default_47" -> "904 linear_46"; -"903 _param_constant145_0_0" -> "904 linear_46"; -"904 linear_46" -> "905 gelu_11"; -"905 gelu_11" -> "906 quantize_per_tensor_default_72"; -"906 quantize_per_tensor_default_72" -> "907 dequantize_per_tensor_default_72"; -"907 dequantize_per_tensor_default_72" -> "908 dropout_35"; -"908 dropout_35" -> "915 linear_47"; -"909 _param_constant146" -> "912 quantize_per_channel_default_48"; -"910 linear_47_scale_0" -> "912 quantize_per_channel_default_48"; -"910 linear_47_scale_0" -> "913 dequantize_per_channel_default_48"; -"911 linear_47_zero_point_0" -> "912 quantize_per_channel_default_48"; -"911 linear_47_zero_point_0" -> "913 dequantize_per_channel_default_48"; -"912 quantize_per_channel_default_48" -> "913 dequantize_per_channel_default_48"; -"913 dequantize_per_channel_default_48" -> "915 linear_47"; -"914 _param_constant147_0_0" -> "915 linear_47"; -"915 linear_47" -> "916 dropout_36"; -"916 dropout_36" -> "917 add_24"; -"917 add_24" -> "920 layer_norm_24"; -"918 _param_constant148" -> "920 layer_norm_24"; -"919 _param_constant149" -> "920 layer_norm_24"; -"920 layer_norm_24" -> "921 quantize_per_tensor_default_73"; -"921 quantize_per_tensor_default_73" -> "922 dequantize_per_tensor_default_73"; -"922 dequantize_per_tensor_default_73" -> "923 slice_1"; -"923 slice_1" -> "924 select_36"; -"924 select_36" -> "931 linear_48"; -"925 _param_constant150" -> "928 quantize_per_channel_default_49"; -"926 linear_48_scale_0" -> "928 quantize_per_channel_default_49"; -"926 linear_48_scale_0" -> "929 dequantize_per_channel_default_49"; -"927 linear_48_zero_point_0" -> "928 quantize_per_channel_default_49"; -"927 linear_48_zero_point_0" -> "929 dequantize_per_channel_default_49"; -"928 quantize_per_channel_default_49" -> "929 dequantize_per_channel_default_49"; -"929 dequantize_per_channel_default_49" -> "931 linear_48"; -"930 _param_constant151_0_0" -> "931 linear_48"; -"931 linear_48" -> "932 output"; +"20 layer_norm" -> "21 transpose"; +"21 transpose" -> "23 transpose_0_0_nncf_smooth_quant_0"; +"22 linear_updated_constant0" -> "28 quantize_per_channel_default_1"; +"23 transpose_0_0_nncf_smooth_quant_0" -> "24 quantize_per_tensor_default_1"; +"24 quantize_per_tensor_default_1" -> "25 dequantize_per_tensor_default_1"; +"25 dequantize_per_tensor_default_1" -> "31 linear"; +"26 linear_scale_0" -> "28 quantize_per_channel_default_1"; +"26 linear_scale_0" -> "29 dequantize_per_channel_default_1"; +"27 linear_zero_point_0" -> "28 quantize_per_channel_default_1"; +"27 linear_zero_point_0" -> "29 dequantize_per_channel_default_1"; +"28 quantize_per_channel_default_1" -> "29 dequantize_per_channel_default_1"; +"29 dequantize_per_channel_default_1" -> "31 linear"; +"30 _param_constant7_0_0" -> "31 linear"; +"31 linear" -> "32 unflatten"; +"32 unflatten" -> "33 unsqueeze"; +"33 unsqueeze" -> "34 transpose_1"; +"34 transpose_1" -> "35 squeeze"; +"35 squeeze" -> "36 contiguous"; +"36 contiguous" -> "37 quantize_per_tensor_default_2"; +"36 contiguous" -> "40 quantize_per_tensor_default_3"; +"36 contiguous" -> "43 select_2"; +"37 quantize_per_tensor_default_2" -> "38 dequantize_per_tensor_default_2"; +"38 dequantize_per_tensor_default_2" -> "39 select"; +"39 select" -> "44 view"; +"40 quantize_per_tensor_default_3" -> "41 dequantize_per_tensor_default_3"; +"41 dequantize_per_tensor_default_3" -> "42 select_1"; +"42 select_1" -> "46 view_1"; +"43 select_2" -> "48 view_2"; +"44 view" -> "45 transpose_2"; +"45 transpose_2" -> "50 view_3"; +"46 view_1" -> "47 transpose_3"; +"47 transpose_3" -> "51 view_4"; +"48 view_2" -> "49 transpose_4"; +"49 transpose_4" -> "52 view_5"; +"50 view_3" -> "53 scaled_dot_product_attention"; +"51 view_4" -> "53 scaled_dot_product_attention"; +"52 view_5" -> "53 scaled_dot_product_attention"; +"53 scaled_dot_product_attention" -> "54 permute_1"; +"54 permute_1" -> "55 view_6"; +"55 view_6" -> "57 view_6_0_0_nncf_smooth_quant_0"; +"56 linear_1_updated_constant0" -> "62 quantize_per_channel_default_2"; +"57 view_6_0_0_nncf_smooth_quant_0" -> "58 quantize_per_tensor_default_4"; +"58 quantize_per_tensor_default_4" -> "59 dequantize_per_tensor_default_4"; +"59 dequantize_per_tensor_default_4" -> "65 linear_1"; +"60 linear_1_scale_0" -> "62 quantize_per_channel_default_2"; +"60 linear_1_scale_0" -> "63 dequantize_per_channel_default_2"; +"61 linear_1_zero_point_0" -> "62 quantize_per_channel_default_2"; +"61 linear_1_zero_point_0" -> "63 dequantize_per_channel_default_2"; +"62 quantize_per_channel_default_2" -> "63 dequantize_per_channel_default_2"; +"63 dequantize_per_channel_default_2" -> "65 linear_1"; +"64 _param_constant9_0_0" -> "65 linear_1"; +"65 linear_1" -> "66 view_7"; +"66 view_7" -> "67 transpose_5"; +"67 transpose_5" -> "68 dropout_1"; +"68 dropout_1" -> "69 add_1"; +"69 add_1" -> "72 layer_norm_1"; +"69 add_1" -> "96 add_2"; +"70 _param_constant10" -> "72 layer_norm_1"; +"71 _param_constant11" -> "72 layer_norm_1"; +"72 layer_norm_1" -> "74 layer_norm_1_0_0_nncf_smooth_quant_0"; +"73 linear_2_updated_constant0" -> "79 quantize_per_channel_default_3"; +"74 layer_norm_1_0_0_nncf_smooth_quant_0" -> "75 quantize_per_tensor_default_5"; +"75 quantize_per_tensor_default_5" -> "76 dequantize_per_tensor_default_5"; +"76 dequantize_per_tensor_default_5" -> "82 linear_2"; +"77 linear_2_scale_0" -> "79 quantize_per_channel_default_3"; +"77 linear_2_scale_0" -> "80 dequantize_per_channel_default_3"; +"78 linear_2_zero_point_0" -> "79 quantize_per_channel_default_3"; +"78 linear_2_zero_point_0" -> "80 dequantize_per_channel_default_3"; +"79 quantize_per_channel_default_3" -> "80 dequantize_per_channel_default_3"; +"80 dequantize_per_channel_default_3" -> "82 linear_2"; +"81 _param_constant13_0_0" -> "82 linear_2"; +"82 linear_2" -> "83 gelu"; +"83 gelu" -> "84 dropout_2"; +"84 dropout_2" -> "86 dropout_2_0_0_nncf_smooth_quant_0"; +"85 linear_3_updated_constant0" -> "91 quantize_per_channel_default_4"; +"86 dropout_2_0_0_nncf_smooth_quant_0" -> "87 quantize_per_tensor_default_6"; +"87 quantize_per_tensor_default_6" -> "88 dequantize_per_tensor_default_6"; +"88 dequantize_per_tensor_default_6" -> "94 linear_3"; +"89 linear_3_scale_0" -> "91 quantize_per_channel_default_4"; +"89 linear_3_scale_0" -> "92 dequantize_per_channel_default_4"; +"90 linear_3_zero_point_0" -> "91 quantize_per_channel_default_4"; +"90 linear_3_zero_point_0" -> "92 dequantize_per_channel_default_4"; +"91 quantize_per_channel_default_4" -> "92 dequantize_per_channel_default_4"; +"92 dequantize_per_channel_default_4" -> "94 linear_3"; +"93 _param_constant15_0_0" -> "94 linear_3"; +"94 linear_3" -> "95 dropout_3"; +"95 dropout_3" -> "96 add_2"; +"96 add_2" -> "99 layer_norm_2"; +"96 add_2" -> "148 add_3"; +"97 _param_constant16" -> "99 layer_norm_2"; +"98 _param_constant17" -> "99 layer_norm_2"; +"99 layer_norm_2" -> "100 transpose_6"; +"100 transpose_6" -> "102 transpose_6_0_0_nncf_smooth_quant_0"; +"101 linear_4_updated_constant0" -> "107 quantize_per_channel_default_5"; +"102 transpose_6_0_0_nncf_smooth_quant_0" -> "103 quantize_per_tensor_default_7"; +"103 quantize_per_tensor_default_7" -> "104 dequantize_per_tensor_default_7"; +"104 dequantize_per_tensor_default_7" -> "110 linear_4"; +"105 linear_4_scale_0" -> "107 quantize_per_channel_default_5"; +"105 linear_4_scale_0" -> "108 dequantize_per_channel_default_5"; +"106 linear_4_zero_point_0" -> "107 quantize_per_channel_default_5"; +"106 linear_4_zero_point_0" -> "108 dequantize_per_channel_default_5"; +"107 quantize_per_channel_default_5" -> "108 dequantize_per_channel_default_5"; +"108 dequantize_per_channel_default_5" -> "110 linear_4"; +"109 _param_constant19_0_0" -> "110 linear_4"; +"110 linear_4" -> "111 unflatten_1"; +"111 unflatten_1" -> "112 unsqueeze_1"; +"112 unsqueeze_1" -> "113 transpose_7"; +"113 transpose_7" -> "114 squeeze_1"; +"114 squeeze_1" -> "115 contiguous_1"; +"115 contiguous_1" -> "116 quantize_per_tensor_default_8"; +"115 contiguous_1" -> "119 quantize_per_tensor_default_9"; +"115 contiguous_1" -> "122 select_5"; +"116 quantize_per_tensor_default_8" -> "117 dequantize_per_tensor_default_8"; +"117 dequantize_per_tensor_default_8" -> "118 select_3"; +"118 select_3" -> "123 view_8"; +"119 quantize_per_tensor_default_9" -> "120 dequantize_per_tensor_default_9"; +"120 dequantize_per_tensor_default_9" -> "121 select_4"; +"121 select_4" -> "125 view_9"; +"122 select_5" -> "127 view_10"; +"123 view_8" -> "124 transpose_8"; +"124 transpose_8" -> "129 view_11"; +"125 view_9" -> "126 transpose_9"; +"126 transpose_9" -> "130 view_12"; +"127 view_10" -> "128 transpose_10"; +"128 transpose_10" -> "131 view_13"; +"129 view_11" -> "132 scaled_dot_product_attention_1"; +"130 view_12" -> "132 scaled_dot_product_attention_1"; +"131 view_13" -> "132 scaled_dot_product_attention_1"; +"132 scaled_dot_product_attention_1" -> "133 permute_2"; +"133 permute_2" -> "134 view_14"; +"134 view_14" -> "136 view_14_0_0_nncf_smooth_quant_0"; +"135 linear_5_updated_constant0" -> "141 quantize_per_channel_default_6"; +"136 view_14_0_0_nncf_smooth_quant_0" -> "137 quantize_per_tensor_default_10"; +"137 quantize_per_tensor_default_10" -> "138 dequantize_per_tensor_default_10"; +"138 dequantize_per_tensor_default_10" -> "144 linear_5"; +"139 linear_5_scale_0" -> "141 quantize_per_channel_default_6"; +"139 linear_5_scale_0" -> "142 dequantize_per_channel_default_6"; +"140 linear_5_zero_point_0" -> "141 quantize_per_channel_default_6"; +"140 linear_5_zero_point_0" -> "142 dequantize_per_channel_default_6"; +"141 quantize_per_channel_default_6" -> "142 dequantize_per_channel_default_6"; +"142 dequantize_per_channel_default_6" -> "144 linear_5"; +"143 _param_constant21_0_0" -> "144 linear_5"; +"144 linear_5" -> "145 view_15"; +"145 view_15" -> "146 transpose_11"; +"146 transpose_11" -> "147 dropout_4"; +"147 dropout_4" -> "148 add_3"; +"148 add_3" -> "151 layer_norm_3"; +"148 add_3" -> "175 add_4"; +"149 _param_constant22" -> "151 layer_norm_3"; +"150 _param_constant23" -> "151 layer_norm_3"; +"151 layer_norm_3" -> "153 layer_norm_3_0_0_nncf_smooth_quant_0"; +"152 linear_6_updated_constant0" -> "158 quantize_per_channel_default_7"; +"153 layer_norm_3_0_0_nncf_smooth_quant_0" -> "154 quantize_per_tensor_default_11"; +"154 quantize_per_tensor_default_11" -> "155 dequantize_per_tensor_default_11"; +"155 dequantize_per_tensor_default_11" -> "161 linear_6"; +"156 linear_6_scale_0" -> "158 quantize_per_channel_default_7"; +"156 linear_6_scale_0" -> "159 dequantize_per_channel_default_7"; +"157 linear_6_zero_point_0" -> "158 quantize_per_channel_default_7"; +"157 linear_6_zero_point_0" -> "159 dequantize_per_channel_default_7"; +"158 quantize_per_channel_default_7" -> "159 dequantize_per_channel_default_7"; +"159 dequantize_per_channel_default_7" -> "161 linear_6"; +"160 _param_constant25_0_0" -> "161 linear_6"; +"161 linear_6" -> "162 gelu_1"; +"162 gelu_1" -> "163 dropout_5"; +"163 dropout_5" -> "165 dropout_5_0_0_nncf_smooth_quant_0"; +"164 linear_7_updated_constant0" -> "170 quantize_per_channel_default_8"; +"165 dropout_5_0_0_nncf_smooth_quant_0" -> "166 quantize_per_tensor_default_12"; +"166 quantize_per_tensor_default_12" -> "167 dequantize_per_tensor_default_12"; +"167 dequantize_per_tensor_default_12" -> "173 linear_7"; +"168 linear_7_scale_0" -> "170 quantize_per_channel_default_8"; +"168 linear_7_scale_0" -> "171 dequantize_per_channel_default_8"; +"169 linear_7_zero_point_0" -> "170 quantize_per_channel_default_8"; +"169 linear_7_zero_point_0" -> "171 dequantize_per_channel_default_8"; +"170 quantize_per_channel_default_8" -> "171 dequantize_per_channel_default_8"; +"171 dequantize_per_channel_default_8" -> "173 linear_7"; +"172 _param_constant27_0_0" -> "173 linear_7"; +"173 linear_7" -> "174 dropout_6"; +"174 dropout_6" -> "175 add_4"; +"175 add_4" -> "178 layer_norm_4"; +"175 add_4" -> "227 add_5"; +"176 _param_constant28" -> "178 layer_norm_4"; +"177 _param_constant29" -> "178 layer_norm_4"; +"178 layer_norm_4" -> "179 transpose_12"; +"179 transpose_12" -> "181 transpose_12_0_0_nncf_smooth_quant_0"; +"180 linear_8_updated_constant0" -> "186 quantize_per_channel_default_9"; +"181 transpose_12_0_0_nncf_smooth_quant_0" -> "182 quantize_per_tensor_default_13"; +"182 quantize_per_tensor_default_13" -> "183 dequantize_per_tensor_default_13"; +"183 dequantize_per_tensor_default_13" -> "189 linear_8"; +"184 linear_8_scale_0" -> "186 quantize_per_channel_default_9"; +"184 linear_8_scale_0" -> "187 dequantize_per_channel_default_9"; +"185 linear_8_zero_point_0" -> "186 quantize_per_channel_default_9"; +"185 linear_8_zero_point_0" -> "187 dequantize_per_channel_default_9"; +"186 quantize_per_channel_default_9" -> "187 dequantize_per_channel_default_9"; +"187 dequantize_per_channel_default_9" -> "189 linear_8"; +"188 _param_constant31_0_0" -> "189 linear_8"; +"189 linear_8" -> "190 unflatten_2"; +"190 unflatten_2" -> "191 unsqueeze_2"; +"191 unsqueeze_2" -> "192 transpose_13"; +"192 transpose_13" -> "193 squeeze_2"; +"193 squeeze_2" -> "194 contiguous_2"; +"194 contiguous_2" -> "195 quantize_per_tensor_default_14"; +"194 contiguous_2" -> "198 quantize_per_tensor_default_15"; +"194 contiguous_2" -> "201 select_8"; +"195 quantize_per_tensor_default_14" -> "196 dequantize_per_tensor_default_14"; +"196 dequantize_per_tensor_default_14" -> "197 select_6"; +"197 select_6" -> "202 view_16"; +"198 quantize_per_tensor_default_15" -> "199 dequantize_per_tensor_default_15"; +"199 dequantize_per_tensor_default_15" -> "200 select_7"; +"200 select_7" -> "204 view_17"; +"201 select_8" -> "206 view_18"; +"202 view_16" -> "203 transpose_14"; +"203 transpose_14" -> "208 view_19"; +"204 view_17" -> "205 transpose_15"; +"205 transpose_15" -> "209 view_20"; +"206 view_18" -> "207 transpose_16"; +"207 transpose_16" -> "210 view_21"; +"208 view_19" -> "211 scaled_dot_product_attention_2"; +"209 view_20" -> "211 scaled_dot_product_attention_2"; +"210 view_21" -> "211 scaled_dot_product_attention_2"; +"211 scaled_dot_product_attention_2" -> "212 permute_3"; +"212 permute_3" -> "213 view_22"; +"213 view_22" -> "215 view_22_0_0_nncf_smooth_quant_0"; +"214 linear_9_updated_constant0" -> "220 quantize_per_channel_default_10"; +"215 view_22_0_0_nncf_smooth_quant_0" -> "216 quantize_per_tensor_default_16"; +"216 quantize_per_tensor_default_16" -> "217 dequantize_per_tensor_default_16"; +"217 dequantize_per_tensor_default_16" -> "223 linear_9"; +"218 linear_9_scale_0" -> "220 quantize_per_channel_default_10"; +"218 linear_9_scale_0" -> "221 dequantize_per_channel_default_10"; +"219 linear_9_zero_point_0" -> "220 quantize_per_channel_default_10"; +"219 linear_9_zero_point_0" -> "221 dequantize_per_channel_default_10"; +"220 quantize_per_channel_default_10" -> "221 dequantize_per_channel_default_10"; +"221 dequantize_per_channel_default_10" -> "223 linear_9"; +"222 _param_constant33_0_0" -> "223 linear_9"; +"223 linear_9" -> "224 view_23"; +"224 view_23" -> "225 transpose_17"; +"225 transpose_17" -> "226 dropout_7"; +"226 dropout_7" -> "227 add_5"; +"227 add_5" -> "230 layer_norm_5"; +"227 add_5" -> "254 add_6"; +"228 _param_constant34" -> "230 layer_norm_5"; +"229 _param_constant35" -> "230 layer_norm_5"; +"230 layer_norm_5" -> "232 layer_norm_5_0_0_nncf_smooth_quant_0"; +"231 linear_10_updated_constant0" -> "237 quantize_per_channel_default_11"; +"232 layer_norm_5_0_0_nncf_smooth_quant_0" -> "233 quantize_per_tensor_default_17"; +"233 quantize_per_tensor_default_17" -> "234 dequantize_per_tensor_default_17"; +"234 dequantize_per_tensor_default_17" -> "240 linear_10"; +"235 linear_10_scale_0" -> "237 quantize_per_channel_default_11"; +"235 linear_10_scale_0" -> "238 dequantize_per_channel_default_11"; +"236 linear_10_zero_point_0" -> "237 quantize_per_channel_default_11"; +"236 linear_10_zero_point_0" -> "238 dequantize_per_channel_default_11"; +"237 quantize_per_channel_default_11" -> "238 dequantize_per_channel_default_11"; +"238 dequantize_per_channel_default_11" -> "240 linear_10"; +"239 _param_constant37_0_0" -> "240 linear_10"; +"240 linear_10" -> "241 gelu_2"; +"241 gelu_2" -> "242 dropout_8"; +"242 dropout_8" -> "244 dropout_8_0_0_nncf_smooth_quant_0"; +"243 linear_11_updated_constant0" -> "249 quantize_per_channel_default_12"; +"244 dropout_8_0_0_nncf_smooth_quant_0" -> "245 quantize_per_tensor_default_18"; +"245 quantize_per_tensor_default_18" -> "246 dequantize_per_tensor_default_18"; +"246 dequantize_per_tensor_default_18" -> "252 linear_11"; +"247 linear_11_scale_0" -> "249 quantize_per_channel_default_12"; +"247 linear_11_scale_0" -> "250 dequantize_per_channel_default_12"; +"248 linear_11_zero_point_0" -> "249 quantize_per_channel_default_12"; +"248 linear_11_zero_point_0" -> "250 dequantize_per_channel_default_12"; +"249 quantize_per_channel_default_12" -> "250 dequantize_per_channel_default_12"; +"250 dequantize_per_channel_default_12" -> "252 linear_11"; +"251 _param_constant39_0_0" -> "252 linear_11"; +"252 linear_11" -> "253 dropout_9"; +"253 dropout_9" -> "254 add_6"; +"254 add_6" -> "257 layer_norm_6"; +"254 add_6" -> "306 add_7"; +"255 _param_constant40" -> "257 layer_norm_6"; +"256 _param_constant41" -> "257 layer_norm_6"; +"257 layer_norm_6" -> "258 transpose_18"; +"258 transpose_18" -> "260 transpose_18_0_0_nncf_smooth_quant_0"; +"259 linear_12_updated_constant0" -> "265 quantize_per_channel_default_13"; +"260 transpose_18_0_0_nncf_smooth_quant_0" -> "261 quantize_per_tensor_default_19"; +"261 quantize_per_tensor_default_19" -> "262 dequantize_per_tensor_default_19"; +"262 dequantize_per_tensor_default_19" -> "268 linear_12"; +"263 linear_12_scale_0" -> "265 quantize_per_channel_default_13"; +"263 linear_12_scale_0" -> "266 dequantize_per_channel_default_13"; +"264 linear_12_zero_point_0" -> "265 quantize_per_channel_default_13"; +"264 linear_12_zero_point_0" -> "266 dequantize_per_channel_default_13"; +"265 quantize_per_channel_default_13" -> "266 dequantize_per_channel_default_13"; +"266 dequantize_per_channel_default_13" -> "268 linear_12"; +"267 _param_constant43_0_0" -> "268 linear_12"; +"268 linear_12" -> "269 unflatten_3"; +"269 unflatten_3" -> "270 unsqueeze_3"; +"270 unsqueeze_3" -> "271 transpose_19"; +"271 transpose_19" -> "272 squeeze_3"; +"272 squeeze_3" -> "273 contiguous_3"; +"273 contiguous_3" -> "274 quantize_per_tensor_default_20"; +"273 contiguous_3" -> "277 quantize_per_tensor_default_21"; +"273 contiguous_3" -> "280 select_11"; +"274 quantize_per_tensor_default_20" -> "275 dequantize_per_tensor_default_20"; +"275 dequantize_per_tensor_default_20" -> "276 select_9"; +"276 select_9" -> "281 view_24"; +"277 quantize_per_tensor_default_21" -> "278 dequantize_per_tensor_default_21"; +"278 dequantize_per_tensor_default_21" -> "279 select_10"; +"279 select_10" -> "283 view_25"; +"280 select_11" -> "285 view_26"; +"281 view_24" -> "282 transpose_20"; +"282 transpose_20" -> "287 view_27"; +"283 view_25" -> "284 transpose_21"; +"284 transpose_21" -> "288 view_28"; +"285 view_26" -> "286 transpose_22"; +"286 transpose_22" -> "289 view_29"; +"287 view_27" -> "290 scaled_dot_product_attention_3"; +"288 view_28" -> "290 scaled_dot_product_attention_3"; +"289 view_29" -> "290 scaled_dot_product_attention_3"; +"290 scaled_dot_product_attention_3" -> "291 permute_4"; +"291 permute_4" -> "292 view_30"; +"292 view_30" -> "294 view_30_0_0_nncf_smooth_quant_0"; +"293 linear_13_updated_constant0" -> "299 quantize_per_channel_default_14"; +"294 view_30_0_0_nncf_smooth_quant_0" -> "295 quantize_per_tensor_default_22"; +"295 quantize_per_tensor_default_22" -> "296 dequantize_per_tensor_default_22"; +"296 dequantize_per_tensor_default_22" -> "302 linear_13"; +"297 linear_13_scale_0" -> "299 quantize_per_channel_default_14"; +"297 linear_13_scale_0" -> "300 dequantize_per_channel_default_14"; +"298 linear_13_zero_point_0" -> "299 quantize_per_channel_default_14"; +"298 linear_13_zero_point_0" -> "300 dequantize_per_channel_default_14"; +"299 quantize_per_channel_default_14" -> "300 dequantize_per_channel_default_14"; +"300 dequantize_per_channel_default_14" -> "302 linear_13"; +"301 _param_constant45_0_0" -> "302 linear_13"; +"302 linear_13" -> "303 view_31"; +"303 view_31" -> "304 transpose_23"; +"304 transpose_23" -> "305 dropout_10"; +"305 dropout_10" -> "306 add_7"; +"306 add_7" -> "309 layer_norm_7"; +"306 add_7" -> "333 add_8"; +"307 _param_constant46" -> "309 layer_norm_7"; +"308 _param_constant47" -> "309 layer_norm_7"; +"309 layer_norm_7" -> "311 layer_norm_7_0_0_nncf_smooth_quant_0"; +"310 linear_14_updated_constant0" -> "316 quantize_per_channel_default_15"; +"311 layer_norm_7_0_0_nncf_smooth_quant_0" -> "312 quantize_per_tensor_default_23"; +"312 quantize_per_tensor_default_23" -> "313 dequantize_per_tensor_default_23"; +"313 dequantize_per_tensor_default_23" -> "319 linear_14"; +"314 linear_14_scale_0" -> "316 quantize_per_channel_default_15"; +"314 linear_14_scale_0" -> "317 dequantize_per_channel_default_15"; +"315 linear_14_zero_point_0" -> "316 quantize_per_channel_default_15"; +"315 linear_14_zero_point_0" -> "317 dequantize_per_channel_default_15"; +"316 quantize_per_channel_default_15" -> "317 dequantize_per_channel_default_15"; +"317 dequantize_per_channel_default_15" -> "319 linear_14"; +"318 _param_constant49_0_0" -> "319 linear_14"; +"319 linear_14" -> "320 gelu_3"; +"320 gelu_3" -> "321 dropout_11"; +"321 dropout_11" -> "323 dropout_11_0_0_nncf_smooth_quant_0"; +"322 linear_15_updated_constant0" -> "328 quantize_per_channel_default_16"; +"323 dropout_11_0_0_nncf_smooth_quant_0" -> "324 quantize_per_tensor_default_24"; +"324 quantize_per_tensor_default_24" -> "325 dequantize_per_tensor_default_24"; +"325 dequantize_per_tensor_default_24" -> "331 linear_15"; +"326 linear_15_scale_0" -> "328 quantize_per_channel_default_16"; +"326 linear_15_scale_0" -> "329 dequantize_per_channel_default_16"; +"327 linear_15_zero_point_0" -> "328 quantize_per_channel_default_16"; +"327 linear_15_zero_point_0" -> "329 dequantize_per_channel_default_16"; +"328 quantize_per_channel_default_16" -> "329 dequantize_per_channel_default_16"; +"329 dequantize_per_channel_default_16" -> "331 linear_15"; +"330 _param_constant51_0_0" -> "331 linear_15"; +"331 linear_15" -> "332 dropout_12"; +"332 dropout_12" -> "333 add_8"; +"333 add_8" -> "336 layer_norm_8"; +"333 add_8" -> "385 add_9"; +"334 _param_constant52" -> "336 layer_norm_8"; +"335 _param_constant53" -> "336 layer_norm_8"; +"336 layer_norm_8" -> "337 transpose_24"; +"337 transpose_24" -> "339 transpose_24_0_0_nncf_smooth_quant_0"; +"338 linear_16_updated_constant0" -> "344 quantize_per_channel_default_17"; +"339 transpose_24_0_0_nncf_smooth_quant_0" -> "340 quantize_per_tensor_default_25"; +"340 quantize_per_tensor_default_25" -> "341 dequantize_per_tensor_default_25"; +"341 dequantize_per_tensor_default_25" -> "347 linear_16"; +"342 linear_16_scale_0" -> "344 quantize_per_channel_default_17"; +"342 linear_16_scale_0" -> "345 dequantize_per_channel_default_17"; +"343 linear_16_zero_point_0" -> "344 quantize_per_channel_default_17"; +"343 linear_16_zero_point_0" -> "345 dequantize_per_channel_default_17"; +"344 quantize_per_channel_default_17" -> "345 dequantize_per_channel_default_17"; +"345 dequantize_per_channel_default_17" -> "347 linear_16"; +"346 _param_constant55_0_0" -> "347 linear_16"; +"347 linear_16" -> "348 unflatten_4"; +"348 unflatten_4" -> "349 unsqueeze_4"; +"349 unsqueeze_4" -> "350 transpose_25"; +"350 transpose_25" -> "351 squeeze_4"; +"351 squeeze_4" -> "352 contiguous_4"; +"352 contiguous_4" -> "353 quantize_per_tensor_default_26"; +"352 contiguous_4" -> "356 quantize_per_tensor_default_27"; +"352 contiguous_4" -> "359 select_14"; +"353 quantize_per_tensor_default_26" -> "354 dequantize_per_tensor_default_26"; +"354 dequantize_per_tensor_default_26" -> "355 select_12"; +"355 select_12" -> "360 view_32"; +"356 quantize_per_tensor_default_27" -> "357 dequantize_per_tensor_default_27"; +"357 dequantize_per_tensor_default_27" -> "358 select_13"; +"358 select_13" -> "362 view_33"; +"359 select_14" -> "364 view_34"; +"360 view_32" -> "361 transpose_26"; +"361 transpose_26" -> "366 view_35"; +"362 view_33" -> "363 transpose_27"; +"363 transpose_27" -> "367 view_36"; +"364 view_34" -> "365 transpose_28"; +"365 transpose_28" -> "368 view_37"; +"366 view_35" -> "369 scaled_dot_product_attention_4"; +"367 view_36" -> "369 scaled_dot_product_attention_4"; +"368 view_37" -> "369 scaled_dot_product_attention_4"; +"369 scaled_dot_product_attention_4" -> "370 permute_5"; +"370 permute_5" -> "371 view_38"; +"371 view_38" -> "373 view_38_0_0_nncf_smooth_quant_0"; +"372 linear_17_updated_constant0" -> "378 quantize_per_channel_default_18"; +"373 view_38_0_0_nncf_smooth_quant_0" -> "374 quantize_per_tensor_default_28"; +"374 quantize_per_tensor_default_28" -> "375 dequantize_per_tensor_default_28"; +"375 dequantize_per_tensor_default_28" -> "381 linear_17"; +"376 linear_17_scale_0" -> "378 quantize_per_channel_default_18"; +"376 linear_17_scale_0" -> "379 dequantize_per_channel_default_18"; +"377 linear_17_zero_point_0" -> "378 quantize_per_channel_default_18"; +"377 linear_17_zero_point_0" -> "379 dequantize_per_channel_default_18"; +"378 quantize_per_channel_default_18" -> "379 dequantize_per_channel_default_18"; +"379 dequantize_per_channel_default_18" -> "381 linear_17"; +"380 _param_constant57_0_0" -> "381 linear_17"; +"381 linear_17" -> "382 view_39"; +"382 view_39" -> "383 transpose_29"; +"383 transpose_29" -> "384 dropout_13"; +"384 dropout_13" -> "385 add_9"; +"385 add_9" -> "388 layer_norm_9"; +"385 add_9" -> "412 add_10"; +"386 _param_constant58" -> "388 layer_norm_9"; +"387 _param_constant59" -> "388 layer_norm_9"; +"388 layer_norm_9" -> "390 layer_norm_9_0_0_nncf_smooth_quant_0"; +"389 linear_18_updated_constant0" -> "395 quantize_per_channel_default_19"; +"390 layer_norm_9_0_0_nncf_smooth_quant_0" -> "391 quantize_per_tensor_default_29"; +"391 quantize_per_tensor_default_29" -> "392 dequantize_per_tensor_default_29"; +"392 dequantize_per_tensor_default_29" -> "398 linear_18"; +"393 linear_18_scale_0" -> "395 quantize_per_channel_default_19"; +"393 linear_18_scale_0" -> "396 dequantize_per_channel_default_19"; +"394 linear_18_zero_point_0" -> "395 quantize_per_channel_default_19"; +"394 linear_18_zero_point_0" -> "396 dequantize_per_channel_default_19"; +"395 quantize_per_channel_default_19" -> "396 dequantize_per_channel_default_19"; +"396 dequantize_per_channel_default_19" -> "398 linear_18"; +"397 _param_constant61_0_0" -> "398 linear_18"; +"398 linear_18" -> "399 gelu_4"; +"399 gelu_4" -> "400 dropout_14"; +"400 dropout_14" -> "402 dropout_14_0_0_nncf_smooth_quant_0"; +"401 linear_19_updated_constant0" -> "407 quantize_per_channel_default_20"; +"402 dropout_14_0_0_nncf_smooth_quant_0" -> "403 quantize_per_tensor_default_30"; +"403 quantize_per_tensor_default_30" -> "404 dequantize_per_tensor_default_30"; +"404 dequantize_per_tensor_default_30" -> "410 linear_19"; +"405 linear_19_scale_0" -> "407 quantize_per_channel_default_20"; +"405 linear_19_scale_0" -> "408 dequantize_per_channel_default_20"; +"406 linear_19_zero_point_0" -> "407 quantize_per_channel_default_20"; +"406 linear_19_zero_point_0" -> "408 dequantize_per_channel_default_20"; +"407 quantize_per_channel_default_20" -> "408 dequantize_per_channel_default_20"; +"408 dequantize_per_channel_default_20" -> "410 linear_19"; +"409 _param_constant63_0_0" -> "410 linear_19"; +"410 linear_19" -> "411 dropout_15"; +"411 dropout_15" -> "412 add_10"; +"412 add_10" -> "415 layer_norm_10"; +"412 add_10" -> "464 add_11"; +"413 _param_constant64" -> "415 layer_norm_10"; +"414 _param_constant65" -> "415 layer_norm_10"; +"415 layer_norm_10" -> "416 transpose_30"; +"416 transpose_30" -> "418 transpose_30_0_0_nncf_smooth_quant_0"; +"417 linear_20_updated_constant0" -> "423 quantize_per_channel_default_21"; +"418 transpose_30_0_0_nncf_smooth_quant_0" -> "419 quantize_per_tensor_default_31"; +"419 quantize_per_tensor_default_31" -> "420 dequantize_per_tensor_default_31"; +"420 dequantize_per_tensor_default_31" -> "426 linear_20"; +"421 linear_20_scale_0" -> "423 quantize_per_channel_default_21"; +"421 linear_20_scale_0" -> "424 dequantize_per_channel_default_21"; +"422 linear_20_zero_point_0" -> "423 quantize_per_channel_default_21"; +"422 linear_20_zero_point_0" -> "424 dequantize_per_channel_default_21"; +"423 quantize_per_channel_default_21" -> "424 dequantize_per_channel_default_21"; +"424 dequantize_per_channel_default_21" -> "426 linear_20"; +"425 _param_constant67_0_0" -> "426 linear_20"; +"426 linear_20" -> "427 unflatten_5"; +"427 unflatten_5" -> "428 unsqueeze_5"; +"428 unsqueeze_5" -> "429 transpose_31"; +"429 transpose_31" -> "430 squeeze_5"; +"430 squeeze_5" -> "431 contiguous_5"; +"431 contiguous_5" -> "432 quantize_per_tensor_default_32"; +"431 contiguous_5" -> "435 quantize_per_tensor_default_33"; +"431 contiguous_5" -> "438 select_17"; +"432 quantize_per_tensor_default_32" -> "433 dequantize_per_tensor_default_32"; +"433 dequantize_per_tensor_default_32" -> "434 select_15"; +"434 select_15" -> "439 view_40"; +"435 quantize_per_tensor_default_33" -> "436 dequantize_per_tensor_default_33"; +"436 dequantize_per_tensor_default_33" -> "437 select_16"; +"437 select_16" -> "441 view_41"; +"438 select_17" -> "443 view_42"; +"439 view_40" -> "440 transpose_32"; +"440 transpose_32" -> "445 view_43"; +"441 view_41" -> "442 transpose_33"; +"442 transpose_33" -> "446 view_44"; +"443 view_42" -> "444 transpose_34"; +"444 transpose_34" -> "447 view_45"; +"445 view_43" -> "448 scaled_dot_product_attention_5"; +"446 view_44" -> "448 scaled_dot_product_attention_5"; +"447 view_45" -> "448 scaled_dot_product_attention_5"; +"448 scaled_dot_product_attention_5" -> "449 permute_6"; +"449 permute_6" -> "450 view_46"; +"450 view_46" -> "452 view_46_0_0_nncf_smooth_quant_0"; +"451 linear_21_updated_constant0" -> "457 quantize_per_channel_default_22"; +"452 view_46_0_0_nncf_smooth_quant_0" -> "453 quantize_per_tensor_default_34"; +"453 quantize_per_tensor_default_34" -> "454 dequantize_per_tensor_default_34"; +"454 dequantize_per_tensor_default_34" -> "460 linear_21"; +"455 linear_21_scale_0" -> "457 quantize_per_channel_default_22"; +"455 linear_21_scale_0" -> "458 dequantize_per_channel_default_22"; +"456 linear_21_zero_point_0" -> "457 quantize_per_channel_default_22"; +"456 linear_21_zero_point_0" -> "458 dequantize_per_channel_default_22"; +"457 quantize_per_channel_default_22" -> "458 dequantize_per_channel_default_22"; +"458 dequantize_per_channel_default_22" -> "460 linear_21"; +"459 _param_constant69_0_0" -> "460 linear_21"; +"460 linear_21" -> "461 view_47"; +"461 view_47" -> "462 transpose_35"; +"462 transpose_35" -> "463 dropout_16"; +"463 dropout_16" -> "464 add_11"; +"464 add_11" -> "467 layer_norm_11"; +"464 add_11" -> "491 add_12"; +"465 _param_constant70" -> "467 layer_norm_11"; +"466 _param_constant71" -> "467 layer_norm_11"; +"467 layer_norm_11" -> "469 layer_norm_11_0_0_nncf_smooth_quant_0"; +"468 linear_22_updated_constant0" -> "474 quantize_per_channel_default_23"; +"469 layer_norm_11_0_0_nncf_smooth_quant_0" -> "470 quantize_per_tensor_default_35"; +"470 quantize_per_tensor_default_35" -> "471 dequantize_per_tensor_default_35"; +"471 dequantize_per_tensor_default_35" -> "477 linear_22"; +"472 linear_22_scale_0" -> "474 quantize_per_channel_default_23"; +"472 linear_22_scale_0" -> "475 dequantize_per_channel_default_23"; +"473 linear_22_zero_point_0" -> "474 quantize_per_channel_default_23"; +"473 linear_22_zero_point_0" -> "475 dequantize_per_channel_default_23"; +"474 quantize_per_channel_default_23" -> "475 dequantize_per_channel_default_23"; +"475 dequantize_per_channel_default_23" -> "477 linear_22"; +"476 _param_constant73_0_0" -> "477 linear_22"; +"477 linear_22" -> "478 gelu_5"; +"478 gelu_5" -> "479 dropout_17"; +"479 dropout_17" -> "481 dropout_17_0_0_nncf_smooth_quant_0"; +"480 linear_23_updated_constant0" -> "486 quantize_per_channel_default_24"; +"481 dropout_17_0_0_nncf_smooth_quant_0" -> "482 quantize_per_tensor_default_36"; +"482 quantize_per_tensor_default_36" -> "483 dequantize_per_tensor_default_36"; +"483 dequantize_per_tensor_default_36" -> "489 linear_23"; +"484 linear_23_scale_0" -> "486 quantize_per_channel_default_24"; +"484 linear_23_scale_0" -> "487 dequantize_per_channel_default_24"; +"485 linear_23_zero_point_0" -> "486 quantize_per_channel_default_24"; +"485 linear_23_zero_point_0" -> "487 dequantize_per_channel_default_24"; +"486 quantize_per_channel_default_24" -> "487 dequantize_per_channel_default_24"; +"487 dequantize_per_channel_default_24" -> "489 linear_23"; +"488 _param_constant75_0_0" -> "489 linear_23"; +"489 linear_23" -> "490 dropout_18"; +"490 dropout_18" -> "491 add_12"; +"491 add_12" -> "494 layer_norm_12"; +"491 add_12" -> "543 add_13"; +"492 _param_constant76" -> "494 layer_norm_12"; +"493 _param_constant77" -> "494 layer_norm_12"; +"494 layer_norm_12" -> "495 transpose_36"; +"495 transpose_36" -> "497 transpose_36_0_0_nncf_smooth_quant_0"; +"496 linear_24_updated_constant0" -> "502 quantize_per_channel_default_25"; +"497 transpose_36_0_0_nncf_smooth_quant_0" -> "498 quantize_per_tensor_default_37"; +"498 quantize_per_tensor_default_37" -> "499 dequantize_per_tensor_default_37"; +"499 dequantize_per_tensor_default_37" -> "505 linear_24"; +"500 linear_24_scale_0" -> "502 quantize_per_channel_default_25"; +"500 linear_24_scale_0" -> "503 dequantize_per_channel_default_25"; +"501 linear_24_zero_point_0" -> "502 quantize_per_channel_default_25"; +"501 linear_24_zero_point_0" -> "503 dequantize_per_channel_default_25"; +"502 quantize_per_channel_default_25" -> "503 dequantize_per_channel_default_25"; +"503 dequantize_per_channel_default_25" -> "505 linear_24"; +"504 _param_constant79_0_0" -> "505 linear_24"; +"505 linear_24" -> "506 unflatten_6"; +"506 unflatten_6" -> "507 unsqueeze_6"; +"507 unsqueeze_6" -> "508 transpose_37"; +"508 transpose_37" -> "509 squeeze_6"; +"509 squeeze_6" -> "510 contiguous_6"; +"510 contiguous_6" -> "511 quantize_per_tensor_default_38"; +"510 contiguous_6" -> "514 quantize_per_tensor_default_39"; +"510 contiguous_6" -> "517 select_20"; +"511 quantize_per_tensor_default_38" -> "512 dequantize_per_tensor_default_38"; +"512 dequantize_per_tensor_default_38" -> "513 select_18"; +"513 select_18" -> "518 view_48"; +"514 quantize_per_tensor_default_39" -> "515 dequantize_per_tensor_default_39"; +"515 dequantize_per_tensor_default_39" -> "516 select_19"; +"516 select_19" -> "520 view_49"; +"517 select_20" -> "522 view_50"; +"518 view_48" -> "519 transpose_38"; +"519 transpose_38" -> "524 view_51"; +"520 view_49" -> "521 transpose_39"; +"521 transpose_39" -> "525 view_52"; +"522 view_50" -> "523 transpose_40"; +"523 transpose_40" -> "526 view_53"; +"524 view_51" -> "527 scaled_dot_product_attention_6"; +"525 view_52" -> "527 scaled_dot_product_attention_6"; +"526 view_53" -> "527 scaled_dot_product_attention_6"; +"527 scaled_dot_product_attention_6" -> "528 permute_7"; +"528 permute_7" -> "529 view_54"; +"529 view_54" -> "531 view_54_0_0_nncf_smooth_quant_0"; +"530 linear_25_updated_constant0" -> "536 quantize_per_channel_default_26"; +"531 view_54_0_0_nncf_smooth_quant_0" -> "532 quantize_per_tensor_default_40"; +"532 quantize_per_tensor_default_40" -> "533 dequantize_per_tensor_default_40"; +"533 dequantize_per_tensor_default_40" -> "539 linear_25"; +"534 linear_25_scale_0" -> "536 quantize_per_channel_default_26"; +"534 linear_25_scale_0" -> "537 dequantize_per_channel_default_26"; +"535 linear_25_zero_point_0" -> "536 quantize_per_channel_default_26"; +"535 linear_25_zero_point_0" -> "537 dequantize_per_channel_default_26"; +"536 quantize_per_channel_default_26" -> "537 dequantize_per_channel_default_26"; +"537 dequantize_per_channel_default_26" -> "539 linear_25"; +"538 _param_constant81_0_0" -> "539 linear_25"; +"539 linear_25" -> "540 view_55"; +"540 view_55" -> "541 transpose_41"; +"541 transpose_41" -> "542 dropout_19"; +"542 dropout_19" -> "543 add_13"; +"543 add_13" -> "546 layer_norm_13"; +"543 add_13" -> "570 add_14"; +"544 _param_constant82" -> "546 layer_norm_13"; +"545 _param_constant83" -> "546 layer_norm_13"; +"546 layer_norm_13" -> "548 layer_norm_13_0_0_nncf_smooth_quant_0"; +"547 linear_26_updated_constant0" -> "553 quantize_per_channel_default_27"; +"548 layer_norm_13_0_0_nncf_smooth_quant_0" -> "549 quantize_per_tensor_default_41"; +"549 quantize_per_tensor_default_41" -> "550 dequantize_per_tensor_default_41"; +"550 dequantize_per_tensor_default_41" -> "556 linear_26"; +"551 linear_26_scale_0" -> "553 quantize_per_channel_default_27"; +"551 linear_26_scale_0" -> "554 dequantize_per_channel_default_27"; +"552 linear_26_zero_point_0" -> "553 quantize_per_channel_default_27"; +"552 linear_26_zero_point_0" -> "554 dequantize_per_channel_default_27"; +"553 quantize_per_channel_default_27" -> "554 dequantize_per_channel_default_27"; +"554 dequantize_per_channel_default_27" -> "556 linear_26"; +"555 _param_constant85_0_0" -> "556 linear_26"; +"556 linear_26" -> "557 gelu_6"; +"557 gelu_6" -> "558 dropout_20"; +"558 dropout_20" -> "560 dropout_20_0_0_nncf_smooth_quant_0"; +"559 linear_27_updated_constant0" -> "565 quantize_per_channel_default_28"; +"560 dropout_20_0_0_nncf_smooth_quant_0" -> "561 quantize_per_tensor_default_42"; +"561 quantize_per_tensor_default_42" -> "562 dequantize_per_tensor_default_42"; +"562 dequantize_per_tensor_default_42" -> "568 linear_27"; +"563 linear_27_scale_0" -> "565 quantize_per_channel_default_28"; +"563 linear_27_scale_0" -> "566 dequantize_per_channel_default_28"; +"564 linear_27_zero_point_0" -> "565 quantize_per_channel_default_28"; +"564 linear_27_zero_point_0" -> "566 dequantize_per_channel_default_28"; +"565 quantize_per_channel_default_28" -> "566 dequantize_per_channel_default_28"; +"566 dequantize_per_channel_default_28" -> "568 linear_27"; +"567 _param_constant87_0_0" -> "568 linear_27"; +"568 linear_27" -> "569 dropout_21"; +"569 dropout_21" -> "570 add_14"; +"570 add_14" -> "573 layer_norm_14"; +"570 add_14" -> "622 add_15"; +"571 _param_constant88" -> "573 layer_norm_14"; +"572 _param_constant89" -> "573 layer_norm_14"; +"573 layer_norm_14" -> "574 transpose_42"; +"574 transpose_42" -> "576 transpose_42_0_0_nncf_smooth_quant_0"; +"575 linear_28_updated_constant0" -> "581 quantize_per_channel_default_29"; +"576 transpose_42_0_0_nncf_smooth_quant_0" -> "577 quantize_per_tensor_default_43"; +"577 quantize_per_tensor_default_43" -> "578 dequantize_per_tensor_default_43"; +"578 dequantize_per_tensor_default_43" -> "584 linear_28"; +"579 linear_28_scale_0" -> "581 quantize_per_channel_default_29"; +"579 linear_28_scale_0" -> "582 dequantize_per_channel_default_29"; +"580 linear_28_zero_point_0" -> "581 quantize_per_channel_default_29"; +"580 linear_28_zero_point_0" -> "582 dequantize_per_channel_default_29"; +"581 quantize_per_channel_default_29" -> "582 dequantize_per_channel_default_29"; +"582 dequantize_per_channel_default_29" -> "584 linear_28"; +"583 _param_constant91_0_0" -> "584 linear_28"; +"584 linear_28" -> "585 unflatten_7"; +"585 unflatten_7" -> "586 unsqueeze_7"; +"586 unsqueeze_7" -> "587 transpose_43"; +"587 transpose_43" -> "588 squeeze_7"; +"588 squeeze_7" -> "589 contiguous_7"; +"589 contiguous_7" -> "590 quantize_per_tensor_default_44"; +"589 contiguous_7" -> "593 quantize_per_tensor_default_45"; +"589 contiguous_7" -> "596 select_23"; +"590 quantize_per_tensor_default_44" -> "591 dequantize_per_tensor_default_44"; +"591 dequantize_per_tensor_default_44" -> "592 select_21"; +"592 select_21" -> "597 view_56"; +"593 quantize_per_tensor_default_45" -> "594 dequantize_per_tensor_default_45"; +"594 dequantize_per_tensor_default_45" -> "595 select_22"; +"595 select_22" -> "599 view_57"; +"596 select_23" -> "601 view_58"; +"597 view_56" -> "598 transpose_44"; +"598 transpose_44" -> "603 view_59"; +"599 view_57" -> "600 transpose_45"; +"600 transpose_45" -> "604 view_60"; +"601 view_58" -> "602 transpose_46"; +"602 transpose_46" -> "605 view_61"; +"603 view_59" -> "606 scaled_dot_product_attention_7"; +"604 view_60" -> "606 scaled_dot_product_attention_7"; +"605 view_61" -> "606 scaled_dot_product_attention_7"; +"606 scaled_dot_product_attention_7" -> "607 permute_8"; +"607 permute_8" -> "608 view_62"; +"608 view_62" -> "610 view_62_0_0_nncf_smooth_quant_0"; +"609 linear_29_updated_constant0" -> "615 quantize_per_channel_default_30"; +"610 view_62_0_0_nncf_smooth_quant_0" -> "611 quantize_per_tensor_default_46"; +"611 quantize_per_tensor_default_46" -> "612 dequantize_per_tensor_default_46"; +"612 dequantize_per_tensor_default_46" -> "618 linear_29"; +"613 linear_29_scale_0" -> "615 quantize_per_channel_default_30"; +"613 linear_29_scale_0" -> "616 dequantize_per_channel_default_30"; +"614 linear_29_zero_point_0" -> "615 quantize_per_channel_default_30"; +"614 linear_29_zero_point_0" -> "616 dequantize_per_channel_default_30"; +"615 quantize_per_channel_default_30" -> "616 dequantize_per_channel_default_30"; +"616 dequantize_per_channel_default_30" -> "618 linear_29"; +"617 _param_constant93_0_0" -> "618 linear_29"; +"618 linear_29" -> "619 view_63"; +"619 view_63" -> "620 transpose_47"; +"620 transpose_47" -> "621 dropout_22"; +"621 dropout_22" -> "622 add_15"; +"622 add_15" -> "625 layer_norm_15"; +"622 add_15" -> "649 add_16"; +"623 _param_constant94" -> "625 layer_norm_15"; +"624 _param_constant95" -> "625 layer_norm_15"; +"625 layer_norm_15" -> "627 layer_norm_15_0_0_nncf_smooth_quant_0"; +"626 linear_30_updated_constant0" -> "632 quantize_per_channel_default_31"; +"627 layer_norm_15_0_0_nncf_smooth_quant_0" -> "628 quantize_per_tensor_default_47"; +"628 quantize_per_tensor_default_47" -> "629 dequantize_per_tensor_default_47"; +"629 dequantize_per_tensor_default_47" -> "635 linear_30"; +"630 linear_30_scale_0" -> "632 quantize_per_channel_default_31"; +"630 linear_30_scale_0" -> "633 dequantize_per_channel_default_31"; +"631 linear_30_zero_point_0" -> "632 quantize_per_channel_default_31"; +"631 linear_30_zero_point_0" -> "633 dequantize_per_channel_default_31"; +"632 quantize_per_channel_default_31" -> "633 dequantize_per_channel_default_31"; +"633 dequantize_per_channel_default_31" -> "635 linear_30"; +"634 _param_constant97_0_0" -> "635 linear_30"; +"635 linear_30" -> "636 gelu_7"; +"636 gelu_7" -> "637 dropout_23"; +"637 dropout_23" -> "639 dropout_23_0_0_nncf_smooth_quant_0"; +"638 linear_31_updated_constant0" -> "644 quantize_per_channel_default_32"; +"639 dropout_23_0_0_nncf_smooth_quant_0" -> "640 quantize_per_tensor_default_48"; +"640 quantize_per_tensor_default_48" -> "641 dequantize_per_tensor_default_48"; +"641 dequantize_per_tensor_default_48" -> "647 linear_31"; +"642 linear_31_scale_0" -> "644 quantize_per_channel_default_32"; +"642 linear_31_scale_0" -> "645 dequantize_per_channel_default_32"; +"643 linear_31_zero_point_0" -> "644 quantize_per_channel_default_32"; +"643 linear_31_zero_point_0" -> "645 dequantize_per_channel_default_32"; +"644 quantize_per_channel_default_32" -> "645 dequantize_per_channel_default_32"; +"645 dequantize_per_channel_default_32" -> "647 linear_31"; +"646 _param_constant99_0_0" -> "647 linear_31"; +"647 linear_31" -> "648 dropout_24"; +"648 dropout_24" -> "649 add_16"; +"649 add_16" -> "652 layer_norm_16"; +"649 add_16" -> "701 add_17"; +"650 _param_constant100" -> "652 layer_norm_16"; +"651 _param_constant101" -> "652 layer_norm_16"; +"652 layer_norm_16" -> "653 transpose_48"; +"653 transpose_48" -> "655 transpose_48_0_0_nncf_smooth_quant_0"; +"654 linear_32_updated_constant0" -> "660 quantize_per_channel_default_33"; +"655 transpose_48_0_0_nncf_smooth_quant_0" -> "656 quantize_per_tensor_default_49"; +"656 quantize_per_tensor_default_49" -> "657 dequantize_per_tensor_default_49"; +"657 dequantize_per_tensor_default_49" -> "663 linear_32"; +"658 linear_32_scale_0" -> "660 quantize_per_channel_default_33"; +"658 linear_32_scale_0" -> "661 dequantize_per_channel_default_33"; +"659 linear_32_zero_point_0" -> "660 quantize_per_channel_default_33"; +"659 linear_32_zero_point_0" -> "661 dequantize_per_channel_default_33"; +"660 quantize_per_channel_default_33" -> "661 dequantize_per_channel_default_33"; +"661 dequantize_per_channel_default_33" -> "663 linear_32"; +"662 _param_constant103_0_0" -> "663 linear_32"; +"663 linear_32" -> "664 unflatten_8"; +"664 unflatten_8" -> "665 unsqueeze_8"; +"665 unsqueeze_8" -> "666 transpose_49"; +"666 transpose_49" -> "667 squeeze_8"; +"667 squeeze_8" -> "668 contiguous_8"; +"668 contiguous_8" -> "669 quantize_per_tensor_default_50"; +"668 contiguous_8" -> "672 quantize_per_tensor_default_51"; +"668 contiguous_8" -> "675 select_26"; +"669 quantize_per_tensor_default_50" -> "670 dequantize_per_tensor_default_50"; +"670 dequantize_per_tensor_default_50" -> "671 select_24"; +"671 select_24" -> "676 view_64"; +"672 quantize_per_tensor_default_51" -> "673 dequantize_per_tensor_default_51"; +"673 dequantize_per_tensor_default_51" -> "674 select_25"; +"674 select_25" -> "678 view_65"; +"675 select_26" -> "680 view_66"; +"676 view_64" -> "677 transpose_50"; +"677 transpose_50" -> "682 view_67"; +"678 view_65" -> "679 transpose_51"; +"679 transpose_51" -> "683 view_68"; +"680 view_66" -> "681 transpose_52"; +"681 transpose_52" -> "684 view_69"; +"682 view_67" -> "685 scaled_dot_product_attention_8"; +"683 view_68" -> "685 scaled_dot_product_attention_8"; +"684 view_69" -> "685 scaled_dot_product_attention_8"; +"685 scaled_dot_product_attention_8" -> "686 permute_9"; +"686 permute_9" -> "687 view_70"; +"687 view_70" -> "689 view_70_0_0_nncf_smooth_quant_0"; +"688 linear_33_updated_constant0" -> "694 quantize_per_channel_default_34"; +"689 view_70_0_0_nncf_smooth_quant_0" -> "690 quantize_per_tensor_default_52"; +"690 quantize_per_tensor_default_52" -> "691 dequantize_per_tensor_default_52"; +"691 dequantize_per_tensor_default_52" -> "697 linear_33"; +"692 linear_33_scale_0" -> "694 quantize_per_channel_default_34"; +"692 linear_33_scale_0" -> "695 dequantize_per_channel_default_34"; +"693 linear_33_zero_point_0" -> "694 quantize_per_channel_default_34"; +"693 linear_33_zero_point_0" -> "695 dequantize_per_channel_default_34"; +"694 quantize_per_channel_default_34" -> "695 dequantize_per_channel_default_34"; +"695 dequantize_per_channel_default_34" -> "697 linear_33"; +"696 _param_constant105_0_0" -> "697 linear_33"; +"697 linear_33" -> "698 view_71"; +"698 view_71" -> "699 transpose_53"; +"699 transpose_53" -> "700 dropout_25"; +"700 dropout_25" -> "701 add_17"; +"701 add_17" -> "704 layer_norm_17"; +"701 add_17" -> "728 add_18"; +"702 _param_constant106" -> "704 layer_norm_17"; +"703 _param_constant107" -> "704 layer_norm_17"; +"704 layer_norm_17" -> "706 layer_norm_17_0_0_nncf_smooth_quant_0"; +"705 linear_34_updated_constant0" -> "711 quantize_per_channel_default_35"; +"706 layer_norm_17_0_0_nncf_smooth_quant_0" -> "707 quantize_per_tensor_default_53"; +"707 quantize_per_tensor_default_53" -> "708 dequantize_per_tensor_default_53"; +"708 dequantize_per_tensor_default_53" -> "714 linear_34"; +"709 linear_34_scale_0" -> "711 quantize_per_channel_default_35"; +"709 linear_34_scale_0" -> "712 dequantize_per_channel_default_35"; +"710 linear_34_zero_point_0" -> "711 quantize_per_channel_default_35"; +"710 linear_34_zero_point_0" -> "712 dequantize_per_channel_default_35"; +"711 quantize_per_channel_default_35" -> "712 dequantize_per_channel_default_35"; +"712 dequantize_per_channel_default_35" -> "714 linear_34"; +"713 _param_constant109_0_0" -> "714 linear_34"; +"714 linear_34" -> "715 gelu_8"; +"715 gelu_8" -> "716 dropout_26"; +"716 dropout_26" -> "718 dropout_26_0_0_nncf_smooth_quant_0"; +"717 linear_35_updated_constant0" -> "723 quantize_per_channel_default_36"; +"718 dropout_26_0_0_nncf_smooth_quant_0" -> "719 quantize_per_tensor_default_54"; +"719 quantize_per_tensor_default_54" -> "720 dequantize_per_tensor_default_54"; +"720 dequantize_per_tensor_default_54" -> "726 linear_35"; +"721 linear_35_scale_0" -> "723 quantize_per_channel_default_36"; +"721 linear_35_scale_0" -> "724 dequantize_per_channel_default_36"; +"722 linear_35_zero_point_0" -> "723 quantize_per_channel_default_36"; +"722 linear_35_zero_point_0" -> "724 dequantize_per_channel_default_36"; +"723 quantize_per_channel_default_36" -> "724 dequantize_per_channel_default_36"; +"724 dequantize_per_channel_default_36" -> "726 linear_35"; +"725 _param_constant111_0_0" -> "726 linear_35"; +"726 linear_35" -> "727 dropout_27"; +"727 dropout_27" -> "728 add_18"; +"728 add_18" -> "731 layer_norm_18"; +"728 add_18" -> "780 add_19"; +"729 _param_constant112" -> "731 layer_norm_18"; +"730 _param_constant113" -> "731 layer_norm_18"; +"731 layer_norm_18" -> "732 transpose_54"; +"732 transpose_54" -> "734 transpose_54_0_0_nncf_smooth_quant_0"; +"733 linear_36_updated_constant0" -> "739 quantize_per_channel_default_37"; +"734 transpose_54_0_0_nncf_smooth_quant_0" -> "735 quantize_per_tensor_default_55"; +"735 quantize_per_tensor_default_55" -> "736 dequantize_per_tensor_default_55"; +"736 dequantize_per_tensor_default_55" -> "742 linear_36"; +"737 linear_36_scale_0" -> "739 quantize_per_channel_default_37"; +"737 linear_36_scale_0" -> "740 dequantize_per_channel_default_37"; +"738 linear_36_zero_point_0" -> "739 quantize_per_channel_default_37"; +"738 linear_36_zero_point_0" -> "740 dequantize_per_channel_default_37"; +"739 quantize_per_channel_default_37" -> "740 dequantize_per_channel_default_37"; +"740 dequantize_per_channel_default_37" -> "742 linear_36"; +"741 _param_constant115_0_0" -> "742 linear_36"; +"742 linear_36" -> "743 unflatten_9"; +"743 unflatten_9" -> "744 unsqueeze_9"; +"744 unsqueeze_9" -> "745 transpose_55"; +"745 transpose_55" -> "746 squeeze_9"; +"746 squeeze_9" -> "747 contiguous_9"; +"747 contiguous_9" -> "748 quantize_per_tensor_default_56"; +"747 contiguous_9" -> "751 quantize_per_tensor_default_57"; +"747 contiguous_9" -> "754 select_29"; +"748 quantize_per_tensor_default_56" -> "749 dequantize_per_tensor_default_56"; +"749 dequantize_per_tensor_default_56" -> "750 select_27"; +"750 select_27" -> "755 view_72"; +"751 quantize_per_tensor_default_57" -> "752 dequantize_per_tensor_default_57"; +"752 dequantize_per_tensor_default_57" -> "753 select_28"; +"753 select_28" -> "757 view_73"; +"754 select_29" -> "759 view_74"; +"755 view_72" -> "756 transpose_56"; +"756 transpose_56" -> "761 view_75"; +"757 view_73" -> "758 transpose_57"; +"758 transpose_57" -> "762 view_76"; +"759 view_74" -> "760 transpose_58"; +"760 transpose_58" -> "763 view_77"; +"761 view_75" -> "764 scaled_dot_product_attention_9"; +"762 view_76" -> "764 scaled_dot_product_attention_9"; +"763 view_77" -> "764 scaled_dot_product_attention_9"; +"764 scaled_dot_product_attention_9" -> "765 permute_10"; +"765 permute_10" -> "766 view_78"; +"766 view_78" -> "768 view_78_0_0_nncf_smooth_quant_0"; +"767 linear_37_updated_constant0" -> "773 quantize_per_channel_default_38"; +"768 view_78_0_0_nncf_smooth_quant_0" -> "769 quantize_per_tensor_default_58"; +"769 quantize_per_tensor_default_58" -> "770 dequantize_per_tensor_default_58"; +"770 dequantize_per_tensor_default_58" -> "776 linear_37"; +"771 linear_37_scale_0" -> "773 quantize_per_channel_default_38"; +"771 linear_37_scale_0" -> "774 dequantize_per_channel_default_38"; +"772 linear_37_zero_point_0" -> "773 quantize_per_channel_default_38"; +"772 linear_37_zero_point_0" -> "774 dequantize_per_channel_default_38"; +"773 quantize_per_channel_default_38" -> "774 dequantize_per_channel_default_38"; +"774 dequantize_per_channel_default_38" -> "776 linear_37"; +"775 _param_constant117_0_0" -> "776 linear_37"; +"776 linear_37" -> "777 view_79"; +"777 view_79" -> "778 transpose_59"; +"778 transpose_59" -> "779 dropout_28"; +"779 dropout_28" -> "780 add_19"; +"780 add_19" -> "783 layer_norm_19"; +"780 add_19" -> "807 add_20"; +"781 _param_constant118" -> "783 layer_norm_19"; +"782 _param_constant119" -> "783 layer_norm_19"; +"783 layer_norm_19" -> "785 layer_norm_19_0_0_nncf_smooth_quant_0"; +"784 linear_38_updated_constant0" -> "790 quantize_per_channel_default_39"; +"785 layer_norm_19_0_0_nncf_smooth_quant_0" -> "786 quantize_per_tensor_default_59"; +"786 quantize_per_tensor_default_59" -> "787 dequantize_per_tensor_default_59"; +"787 dequantize_per_tensor_default_59" -> "793 linear_38"; +"788 linear_38_scale_0" -> "790 quantize_per_channel_default_39"; +"788 linear_38_scale_0" -> "791 dequantize_per_channel_default_39"; +"789 linear_38_zero_point_0" -> "790 quantize_per_channel_default_39"; +"789 linear_38_zero_point_0" -> "791 dequantize_per_channel_default_39"; +"790 quantize_per_channel_default_39" -> "791 dequantize_per_channel_default_39"; +"791 dequantize_per_channel_default_39" -> "793 linear_38"; +"792 _param_constant121_0_0" -> "793 linear_38"; +"793 linear_38" -> "794 gelu_9"; +"794 gelu_9" -> "795 dropout_29"; +"795 dropout_29" -> "797 dropout_29_0_0_nncf_smooth_quant_0"; +"796 linear_39_updated_constant0" -> "802 quantize_per_channel_default_40"; +"797 dropout_29_0_0_nncf_smooth_quant_0" -> "798 quantize_per_tensor_default_60"; +"798 quantize_per_tensor_default_60" -> "799 dequantize_per_tensor_default_60"; +"799 dequantize_per_tensor_default_60" -> "805 linear_39"; +"800 linear_39_scale_0" -> "802 quantize_per_channel_default_40"; +"800 linear_39_scale_0" -> "803 dequantize_per_channel_default_40"; +"801 linear_39_zero_point_0" -> "802 quantize_per_channel_default_40"; +"801 linear_39_zero_point_0" -> "803 dequantize_per_channel_default_40"; +"802 quantize_per_channel_default_40" -> "803 dequantize_per_channel_default_40"; +"803 dequantize_per_channel_default_40" -> "805 linear_39"; +"804 _param_constant123_0_0" -> "805 linear_39"; +"805 linear_39" -> "806 dropout_30"; +"806 dropout_30" -> "807 add_20"; +"807 add_20" -> "810 layer_norm_20"; +"807 add_20" -> "859 add_21"; +"808 _param_constant124" -> "810 layer_norm_20"; +"809 _param_constant125" -> "810 layer_norm_20"; +"810 layer_norm_20" -> "811 transpose_60"; +"811 transpose_60" -> "813 transpose_60_0_0_nncf_smooth_quant_0"; +"812 linear_40_updated_constant0" -> "818 quantize_per_channel_default_41"; +"813 transpose_60_0_0_nncf_smooth_quant_0" -> "814 quantize_per_tensor_default_61"; +"814 quantize_per_tensor_default_61" -> "815 dequantize_per_tensor_default_61"; +"815 dequantize_per_tensor_default_61" -> "821 linear_40"; +"816 linear_40_scale_0" -> "818 quantize_per_channel_default_41"; +"816 linear_40_scale_0" -> "819 dequantize_per_channel_default_41"; +"817 linear_40_zero_point_0" -> "818 quantize_per_channel_default_41"; +"817 linear_40_zero_point_0" -> "819 dequantize_per_channel_default_41"; +"818 quantize_per_channel_default_41" -> "819 dequantize_per_channel_default_41"; +"819 dequantize_per_channel_default_41" -> "821 linear_40"; +"820 _param_constant127_0_0" -> "821 linear_40"; +"821 linear_40" -> "822 unflatten_10"; +"822 unflatten_10" -> "823 unsqueeze_10"; +"823 unsqueeze_10" -> "824 transpose_61"; +"824 transpose_61" -> "825 squeeze_10"; +"825 squeeze_10" -> "826 contiguous_10"; +"826 contiguous_10" -> "827 quantize_per_tensor_default_62"; +"826 contiguous_10" -> "830 quantize_per_tensor_default_63"; +"826 contiguous_10" -> "833 select_32"; +"827 quantize_per_tensor_default_62" -> "828 dequantize_per_tensor_default_62"; +"828 dequantize_per_tensor_default_62" -> "829 select_30"; +"829 select_30" -> "834 view_80"; +"830 quantize_per_tensor_default_63" -> "831 dequantize_per_tensor_default_63"; +"831 dequantize_per_tensor_default_63" -> "832 select_31"; +"832 select_31" -> "836 view_81"; +"833 select_32" -> "838 view_82"; +"834 view_80" -> "835 transpose_62"; +"835 transpose_62" -> "840 view_83"; +"836 view_81" -> "837 transpose_63"; +"837 transpose_63" -> "841 view_84"; +"838 view_82" -> "839 transpose_64"; +"839 transpose_64" -> "842 view_85"; +"840 view_83" -> "843 scaled_dot_product_attention_10"; +"841 view_84" -> "843 scaled_dot_product_attention_10"; +"842 view_85" -> "843 scaled_dot_product_attention_10"; +"843 scaled_dot_product_attention_10" -> "844 permute_11"; +"844 permute_11" -> "845 view_86"; +"845 view_86" -> "847 view_86_0_0_nncf_smooth_quant_0"; +"846 linear_41_updated_constant0" -> "852 quantize_per_channel_default_42"; +"847 view_86_0_0_nncf_smooth_quant_0" -> "848 quantize_per_tensor_default_64"; +"848 quantize_per_tensor_default_64" -> "849 dequantize_per_tensor_default_64"; +"849 dequantize_per_tensor_default_64" -> "855 linear_41"; +"850 linear_41_scale_0" -> "852 quantize_per_channel_default_42"; +"850 linear_41_scale_0" -> "853 dequantize_per_channel_default_42"; +"851 linear_41_zero_point_0" -> "852 quantize_per_channel_default_42"; +"851 linear_41_zero_point_0" -> "853 dequantize_per_channel_default_42"; +"852 quantize_per_channel_default_42" -> "853 dequantize_per_channel_default_42"; +"853 dequantize_per_channel_default_42" -> "855 linear_41"; +"854 _param_constant129_0_0" -> "855 linear_41"; +"855 linear_41" -> "856 view_87"; +"856 view_87" -> "857 transpose_65"; +"857 transpose_65" -> "858 dropout_31"; +"858 dropout_31" -> "859 add_21"; +"859 add_21" -> "862 layer_norm_21"; +"859 add_21" -> "886 add_22"; +"860 _param_constant130" -> "862 layer_norm_21"; +"861 _param_constant131" -> "862 layer_norm_21"; +"862 layer_norm_21" -> "864 layer_norm_21_0_0_nncf_smooth_quant_0"; +"863 linear_42_updated_constant0" -> "869 quantize_per_channel_default_43"; +"864 layer_norm_21_0_0_nncf_smooth_quant_0" -> "865 quantize_per_tensor_default_65"; +"865 quantize_per_tensor_default_65" -> "866 dequantize_per_tensor_default_65"; +"866 dequantize_per_tensor_default_65" -> "872 linear_42"; +"867 linear_42_scale_0" -> "869 quantize_per_channel_default_43"; +"867 linear_42_scale_0" -> "870 dequantize_per_channel_default_43"; +"868 linear_42_zero_point_0" -> "869 quantize_per_channel_default_43"; +"868 linear_42_zero_point_0" -> "870 dequantize_per_channel_default_43"; +"869 quantize_per_channel_default_43" -> "870 dequantize_per_channel_default_43"; +"870 dequantize_per_channel_default_43" -> "872 linear_42"; +"871 _param_constant133_0_0" -> "872 linear_42"; +"872 linear_42" -> "873 gelu_10"; +"873 gelu_10" -> "874 dropout_32"; +"874 dropout_32" -> "876 dropout_32_0_0_nncf_smooth_quant_0"; +"875 linear_43_updated_constant0" -> "881 quantize_per_channel_default_44"; +"876 dropout_32_0_0_nncf_smooth_quant_0" -> "877 quantize_per_tensor_default_66"; +"877 quantize_per_tensor_default_66" -> "878 dequantize_per_tensor_default_66"; +"878 dequantize_per_tensor_default_66" -> "884 linear_43"; +"879 linear_43_scale_0" -> "881 quantize_per_channel_default_44"; +"879 linear_43_scale_0" -> "882 dequantize_per_channel_default_44"; +"880 linear_43_zero_point_0" -> "881 quantize_per_channel_default_44"; +"880 linear_43_zero_point_0" -> "882 dequantize_per_channel_default_44"; +"881 quantize_per_channel_default_44" -> "882 dequantize_per_channel_default_44"; +"882 dequantize_per_channel_default_44" -> "884 linear_43"; +"883 _param_constant135_0_0" -> "884 linear_43"; +"884 linear_43" -> "885 dropout_33"; +"885 dropout_33" -> "886 add_22"; +"886 add_22" -> "889 layer_norm_22"; +"886 add_22" -> "938 add_23"; +"887 _param_constant136" -> "889 layer_norm_22"; +"888 _param_constant137" -> "889 layer_norm_22"; +"889 layer_norm_22" -> "890 transpose_66"; +"890 transpose_66" -> "892 transpose_66_0_0_nncf_smooth_quant_0"; +"891 linear_44_updated_constant0" -> "897 quantize_per_channel_default_45"; +"892 transpose_66_0_0_nncf_smooth_quant_0" -> "893 quantize_per_tensor_default_67"; +"893 quantize_per_tensor_default_67" -> "894 dequantize_per_tensor_default_67"; +"894 dequantize_per_tensor_default_67" -> "900 linear_44"; +"895 linear_44_scale_0" -> "897 quantize_per_channel_default_45"; +"895 linear_44_scale_0" -> "898 dequantize_per_channel_default_45"; +"896 linear_44_zero_point_0" -> "897 quantize_per_channel_default_45"; +"896 linear_44_zero_point_0" -> "898 dequantize_per_channel_default_45"; +"897 quantize_per_channel_default_45" -> "898 dequantize_per_channel_default_45"; +"898 dequantize_per_channel_default_45" -> "900 linear_44"; +"899 _param_constant139_0_0" -> "900 linear_44"; +"900 linear_44" -> "901 unflatten_11"; +"901 unflatten_11" -> "902 unsqueeze_11"; +"902 unsqueeze_11" -> "903 transpose_67"; +"903 transpose_67" -> "904 squeeze_11"; +"904 squeeze_11" -> "905 contiguous_11"; +"905 contiguous_11" -> "906 quantize_per_tensor_default_68"; +"905 contiguous_11" -> "909 quantize_per_tensor_default_69"; +"905 contiguous_11" -> "912 select_35"; +"906 quantize_per_tensor_default_68" -> "907 dequantize_per_tensor_default_68"; +"907 dequantize_per_tensor_default_68" -> "908 select_33"; +"908 select_33" -> "913 view_88"; +"909 quantize_per_tensor_default_69" -> "910 dequantize_per_tensor_default_69"; +"910 dequantize_per_tensor_default_69" -> "911 select_34"; +"911 select_34" -> "915 view_89"; +"912 select_35" -> "917 view_90"; +"913 view_88" -> "914 transpose_68"; +"914 transpose_68" -> "919 view_91"; +"915 view_89" -> "916 transpose_69"; +"916 transpose_69" -> "920 view_92"; +"917 view_90" -> "918 transpose_70"; +"918 transpose_70" -> "921 view_93"; +"919 view_91" -> "922 scaled_dot_product_attention_11"; +"920 view_92" -> "922 scaled_dot_product_attention_11"; +"921 view_93" -> "922 scaled_dot_product_attention_11"; +"922 scaled_dot_product_attention_11" -> "923 permute_12"; +"923 permute_12" -> "924 view_94"; +"924 view_94" -> "926 view_94_0_0_nncf_smooth_quant_0"; +"925 linear_45_updated_constant0" -> "931 quantize_per_channel_default_46"; +"926 view_94_0_0_nncf_smooth_quant_0" -> "927 quantize_per_tensor_default_70"; +"927 quantize_per_tensor_default_70" -> "928 dequantize_per_tensor_default_70"; +"928 dequantize_per_tensor_default_70" -> "934 linear_45"; +"929 linear_45_scale_0" -> "931 quantize_per_channel_default_46"; +"929 linear_45_scale_0" -> "932 dequantize_per_channel_default_46"; +"930 linear_45_zero_point_0" -> "931 quantize_per_channel_default_46"; +"930 linear_45_zero_point_0" -> "932 dequantize_per_channel_default_46"; +"931 quantize_per_channel_default_46" -> "932 dequantize_per_channel_default_46"; +"932 dequantize_per_channel_default_46" -> "934 linear_45"; +"933 _param_constant141_0_0" -> "934 linear_45"; +"934 linear_45" -> "935 view_95"; +"935 view_95" -> "936 transpose_71"; +"936 transpose_71" -> "937 dropout_34"; +"937 dropout_34" -> "938 add_23"; +"938 add_23" -> "941 layer_norm_23"; +"938 add_23" -> "965 add_24"; +"939 _param_constant142" -> "941 layer_norm_23"; +"940 _param_constant143" -> "941 layer_norm_23"; +"941 layer_norm_23" -> "943 layer_norm_23_0_0_nncf_smooth_quant_0"; +"942 linear_46_updated_constant0" -> "948 quantize_per_channel_default_47"; +"943 layer_norm_23_0_0_nncf_smooth_quant_0" -> "944 quantize_per_tensor_default_71"; +"944 quantize_per_tensor_default_71" -> "945 dequantize_per_tensor_default_71"; +"945 dequantize_per_tensor_default_71" -> "951 linear_46"; +"946 linear_46_scale_0" -> "948 quantize_per_channel_default_47"; +"946 linear_46_scale_0" -> "949 dequantize_per_channel_default_47"; +"947 linear_46_zero_point_0" -> "948 quantize_per_channel_default_47"; +"947 linear_46_zero_point_0" -> "949 dequantize_per_channel_default_47"; +"948 quantize_per_channel_default_47" -> "949 dequantize_per_channel_default_47"; +"949 dequantize_per_channel_default_47" -> "951 linear_46"; +"950 _param_constant145_0_0" -> "951 linear_46"; +"951 linear_46" -> "952 gelu_11"; +"952 gelu_11" -> "953 dropout_35"; +"953 dropout_35" -> "955 dropout_35_0_0_nncf_smooth_quant_0"; +"954 linear_47_updated_constant0" -> "960 quantize_per_channel_default_48"; +"955 dropout_35_0_0_nncf_smooth_quant_0" -> "956 quantize_per_tensor_default_72"; +"956 quantize_per_tensor_default_72" -> "957 dequantize_per_tensor_default_72"; +"957 dequantize_per_tensor_default_72" -> "963 linear_47"; +"958 linear_47_scale_0" -> "960 quantize_per_channel_default_48"; +"958 linear_47_scale_0" -> "961 dequantize_per_channel_default_48"; +"959 linear_47_zero_point_0" -> "960 quantize_per_channel_default_48"; +"959 linear_47_zero_point_0" -> "961 dequantize_per_channel_default_48"; +"960 quantize_per_channel_default_48" -> "961 dequantize_per_channel_default_48"; +"961 dequantize_per_channel_default_48" -> "963 linear_47"; +"962 _param_constant147_0_0" -> "963 linear_47"; +"963 linear_47" -> "964 dropout_36"; +"964 dropout_36" -> "965 add_24"; +"965 add_24" -> "968 layer_norm_24"; +"966 _param_constant148" -> "968 layer_norm_24"; +"967 _param_constant149" -> "968 layer_norm_24"; +"968 layer_norm_24" -> "969 slice_1"; +"969 slice_1" -> "970 select_36"; +"970 select_36" -> "972 select_36_0_0_nncf_smooth_quant_0"; +"971 linear_48_updated_constant0" -> "977 quantize_per_channel_default_49"; +"972 select_36_0_0_nncf_smooth_quant_0" -> "973 quantize_per_tensor_default_73"; +"973 quantize_per_tensor_default_73" -> "974 dequantize_per_tensor_default_73"; +"974 dequantize_per_tensor_default_73" -> "980 linear_48"; +"975 linear_48_scale_0" -> "977 quantize_per_channel_default_49"; +"975 linear_48_scale_0" -> "978 dequantize_per_channel_default_49"; +"976 linear_48_zero_point_0" -> "977 quantize_per_channel_default_49"; +"976 linear_48_zero_point_0" -> "978 dequantize_per_channel_default_49"; +"977 quantize_per_channel_default_49" -> "978 dequantize_per_channel_default_49"; +"978 dequantize_per_channel_default_49" -> "980 linear_48"; +"979 _param_constant151_0_0" -> "980 linear_48"; +"980 linear_48" -> "981 output"; } diff --git a/tests/torch/fx/helpers.py b/tests/torch/fx/helpers.py index 8bbc721e0fa..fc0f48274da 100644 --- a/tests/torch/fx/helpers.py +++ b/tests/torch/fx/helpers.py @@ -11,7 +11,7 @@ from pathlib import Path -import torch +import torch.fx import torch.nn.parallel import torch.optim import torch.utils.data @@ -19,6 +19,7 @@ import torchvision.datasets as datasets import torchvision.transforms as transforms from fastdownload import FastDownload +from torch.fx.passes.graph_drawer import FxGraphDrawer class TinyImagenetDatasetManager: @@ -103,3 +104,8 @@ def create_data_loaders(self): ) return train_loader, val_loader, calibration_dataset + + +def visualize_fx_model(model: torch.fx.GraphModule, output_svg_path: str): + g = FxGraphDrawer(model, output_svg_path) + g.get_dot_graph().write_svg(output_svg_path) diff --git a/tests/torch/fx/test_models.py b/tests/torch/fx/test_models.py index 1b7b6bf0208..5ee79f93030 100644 --- a/tests/torch/fx/test_models.py +++ b/tests/torch/fx/test_models.py @@ -150,6 +150,9 @@ def transform_fn(data_item): quantization_parameters["subset_size"] = 1 quantized_model = nncf.quantize(fx_model, calibration_dataset, **quantization_parameters) - quantized_model = GraphConverter.create_nncf_graph(quantized_model) + # 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") - check_graph(quantized_model, get_dot_filename(model_case.model_id), FX_QUANTIZED_DIR_NAME) + nncf_graph = GraphConverter.create_nncf_graph(quantized_model) + check_graph(nncf_graph, get_dot_filename(model_case.model_id), FX_QUANTIZED_DIR_NAME) diff --git a/tests/torch/fx/test_smooth_quant.py b/tests/torch/fx/test_smooth_quant.py new file mode 100644 index 00000000000..754786ec0e9 --- /dev/null +++ b/tests/torch/fx/test_smooth_quant.py @@ -0,0 +1,153 @@ +# 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 Any, Callable, Dict, Type + +import numpy as np +import openvino.runtime as ov +import pytest +import torch +from torch._export import capture_pre_autograd_graph + +from nncf import IgnoredScope +from nncf.experimental.torch.fx.transformations import apply_quantization_transformations +from nncf.parameters import ModelType +from nncf.quantization.advanced_parameters import AdvancedQuantizationParameters +from nncf.quantization.advanced_parameters import AdvancedSmoothQuantParameters +from nncf.quantization.advanced_parameters import OverflowFix +from nncf.quantization.algorithms.post_training.algorithm import PostTrainingQuantization +from nncf.quantization.algorithms.smooth_quant.torch_fx_backend import FXSmoothQuantAlgoBackend +from nncf.quantization.algorithms.smooth_quant.torch_fx_backend import FXSQMultiply +from nncf.torch import disable_patching +from nncf.torch.graph.operator_metatypes import PTConv2dMetatype +from nncf.torch.graph.operator_metatypes import PTLinearMetatype +from tests.post_training.test_templates.helpers import ConvTestModel +from tests.post_training.test_templates.helpers import LinearMultiShapeModel +from tests.post_training.test_templates.helpers import ShareWeghtsConvAndShareLinearModel +from tests.post_training.test_templates.test_smooth_quant import TemplateTestSQAlgorithm + +PT_LINEAR_MODEL_MM_MAP = {"Linear1": "linear_3", "Linear2": "linear_2", "Linear3": "linear", "Linear4": "linear_1"} + +PT_CONV_MODEL_MM_MAP = {"Conv1": "conv2d"} + + +class TestTorchSQAlgorithm(TemplateTestSQAlgorithm): + @staticmethod + def backend_supports_shared_layers() -> bool: + return False + + @staticmethod + def fn_to_type(tensor) -> torch.Tensor: + return torch.tensor(tensor) + + @pytest.fixture(params=[False], ids=["out_of_palce"]) + def inplace_statistics(self, request) -> bool: + return request.param + + def get_node_name_map(self, model_cls) -> Dict[str, str]: + if model_cls is LinearMultiShapeModel: + return PT_LINEAR_MODEL_MM_MAP + if model_cls is ConvTestModel: + return PT_CONV_MODEL_MM_MAP + if model_cls is ShareWeghtsConvAndShareLinearModel: + return {} + raise NotImplementedError + + @staticmethod + def get_ignored_scope(model_cls: Any) -> IgnoredScope: + if model_cls is LinearMultiShapeModel: + # Ignore matmul nodes before the min/max nodes as + # min/max operatons could not be quantized + # due to nncf propagation algo restrictions. + return IgnoredScope(names=["matmul_5", "matmul_6"]) + return IgnoredScope() + + @staticmethod + def get_quantization_algorithm(ignored_scope: IgnoredScope): + return PostTrainingQuantization( + subset_size=1, + model_type=ModelType.TRANSFORMER, + ignored_scope=ignored_scope, + advanced_parameters=AdvancedQuantizationParameters( + overflow_fix=OverflowFix.DISABLE, + smooth_quant_alphas=AdvancedSmoothQuantParameters(matmul=0.95, convolution=0.95), + inplace_statistics=False, + disable_bias_correction=True, + ), + ) + + @staticmethod + def get_transform_fn() -> Callable: + def transform_fn(data_item): + return data_item[0] + + return transform_fn + + @staticmethod + def get_backend() -> Type[FXSmoothQuantAlgoBackend]: + return FXSmoothQuantAlgoBackend() + + @staticmethod + def backend_specific_model(model: torch.nn.Module, tmp_dir: str) -> ov.Model: + with disable_patching(): + captured_model = capture_pre_autograd_graph(model.eval(), (torch.rand(model.INPUT_SIZE),)) + apply_quantization_transformations(captured_model) + return captured_model + + @staticmethod + def check_scales(model: torch.nn.Module, reference_values: Dict[str, np.ndarray], model_cls) -> None: + names_map = PT_LINEAR_MODEL_MM_MAP if model_cls is LinearMultiShapeModel else PT_CONV_MODEL_MM_MAP + ops_list = {node.name: node for node in model.graph.nodes} + for ref_names, ref_value in reference_values.items(): + if not all(name.startswith("Linear") or name.startswith("Conv") for name in ref_names): + # Pytorch SQ algorithm supports only linear and conv modules by far, + # so other multiplies are skipped + continue + sq_modules = [] + for ref_name in ref_names: + node = ops_list[names_map[ref_name]] + while node.op != "call_module": + node = node.all_input_nodes[0] + + sq_modules.append(getattr(model, node.target)) + # Check unified group acutally shares one constant + assert all(node is sq_modules[0] for node in sq_modules[1:]) + sq_node = sq_modules[0] + assert isinstance(sq_node, FXSQMultiply) + + value = sq_node._scale_value + ref_value = torch.tensor(ref_value) + assert value.shape == ref_value.shape + assert torch.all(torch.isclose(value, ref_value, rtol=1e-4)) + + @pytest.mark.parametrize( + "node_metatype, layer_attributes, port_id, reference_value", + ( + (PTLinearMetatype, None, 0, -1), + (PTConv2dMetatype, None, 0, 1), + ), + ) + def test_get_activation_channel_axis(self, node_metatype, layer_attributes, port_id, reference_value): + return super().test_get_activation_channel_axis(node_metatype, layer_attributes, port_id, reference_value) + + @pytest.mark.parametrize( + "node_metatype, layer_attributes, reference_value", + ( + (PTLinearMetatype, None, 1), + (PTConv2dMetatype, None, 1), + ), + ) + def test_get_weight_channel_axis(self, node_metatype, layer_attributes, reference_value): + return super().test_get_weight_channel_axis(node_metatype, layer_attributes, reference_value) + + @staticmethod + def get_matmul_metatype(): + return PTLinearMetatype diff --git a/tests/torch/ptq/test_smooth_quant.py b/tests/torch/ptq/test_smooth_quant.py index f434df7a2ab..52e740aa0c8 100644 --- a/tests/torch/ptq/test_smooth_quant.py +++ b/tests/torch/ptq/test_smooth_quant.py @@ -16,13 +16,11 @@ import pytest import torch -from nncf.common.graph.transformations.commands import TransformationCommand from nncf.quantization.algorithms.smooth_quant.torch_backend import PTSmoothQuantAlgoBackend from nncf.quantization.algorithms.smooth_quant.torch_backend import SQMultiply from nncf.torch.graph.operator_metatypes import PTConv2dMetatype from nncf.torch.graph.operator_metatypes import PTLinearMetatype from nncf.torch.graph.transformations.commands import ExtraCompressionModuleType -from nncf.torch.graph.transformations.commands import PTSharedFnInsertionCommand from nncf.torch.model_creation import wrap_model from tests.post_training.test_templates.helpers import ConvTestModel from tests.post_training.test_templates.helpers import LinearMultiShapeModel @@ -48,6 +46,10 @@ class TestTorchSQAlgorithm(TemplateTestSQAlgorithm): + @staticmethod + def backend_supports_shared_layers() -> bool: + return True + @staticmethod def fn_to_type(tensor) -> torch.Tensor: return torch.tensor(tensor) @@ -65,12 +67,6 @@ def get_node_name_map(self, model_cls) -> Dict[str, str]: return {} raise NotImplementedError - @staticmethod - def get_target_node_name(command: TransformationCommand): - if isinstance(command, PTSharedFnInsertionCommand): - return command.target_points[0].target_node_name - return command.target_point.target_node_name - @staticmethod def get_transform_fn() -> Callable: def transform_fn(data_item):